From 24d451b0f0084a31f26441e2acae8d32fda890ab Mon Sep 17 00:00:00 2001 From: Sam Date: Fri, 3 Sep 2021 16:18:23 +0200 Subject: [PATCH 01/19] include nfd solver --- src/nfd_solver/nfd/__init__.py | 9 + src/nfd_solver/nfd/geometry.py | 438 +++++++++++++++++++++++++++ src/nfd_solver/nfd/math_utilities.py | 84 +++++ src/nfd_solver/nfd/matrices.py | 131 ++++++++ src/nfd_solver/nfd/nfd_numpy.py | 168 ++++++++++ 5 files changed, 830 insertions(+) create mode 100644 src/nfd_solver/nfd/__init__.py create mode 100644 src/nfd_solver/nfd/geometry.py create mode 100644 src/nfd_solver/nfd/math_utilities.py create mode 100644 src/nfd_solver/nfd/matrices.py create mode 100644 src/nfd_solver/nfd/nfd_numpy.py diff --git a/src/nfd_solver/nfd/__init__.py b/src/nfd_solver/nfd/__init__.py new file mode 100644 index 00000000..115057cd --- /dev/null +++ b/src/nfd_solver/nfd/__init__.py @@ -0,0 +1,9 @@ +from __future__ import absolute_import + +from .nfd_numpy import nfd, nfd_ur + + +__all__ = [ + 'nfd', + 'nfd_ur', + ] diff --git a/src/nfd_solver/nfd/geometry.py b/src/nfd_solver/nfd/geometry.py new file mode 100644 index 00000000..ab8010d6 --- /dev/null +++ b/src/nfd_solver/nfd/geometry.py @@ -0,0 +1,438 @@ +from collections import namedtuple +from operator import itemgetter +from math import sin, cos, atan2, pi +from functools import wraps + +from numpy import append, argsort, asarray, cross +from numpy.linalg import eig, inv + +from compas.geometry import Frame, centroid_points, Rotation +from compas.geometry import Vector, angle_vectors_signed +from compas.utilities import pairwise + +from .math_utilities import * + + +__all__ = [ + 'NaturalFace', + 'TriFace', + 'QuadFace', + 'NaturalEdge', + 'Goals', + 'mesh_preprocess' +] + + +# ================================================= +# aliases +# ================================================= +s, c = sin, cos +def s2(x): return s(x) * s(x) # noqa E704 +def c2(x): return c(x) * c(x) # noqa E704 + + +# ================================================= +# decorators +# ================================================= +def cache_iter(func): + """Cache function result of the current iteration.""" + cached_func = '_c_' + func.__name__ + + @wraps(func) + def wrapper(self, *args, **kwargs): + res = self.cache.get(cached_func, None) + if res is None: + res = func(self, *args, **kwargs) + self.cache[cached_func] = res + return res + return wrapper + + +def check_singularity(fn): + def wrapper(*args, **kwargs): + try: + return fn(*args, **kwargs) + except ZeroDivisionError: + raise Exception('Singularity in transformation matrix.') + return wrapper + + +# ================================================= +# natural geometry datastructures +# ================================================= +class NaturalFace: + """Represents geometry and natural stress data of a single face.""" + face_count = 0 + + def __new__(cls, xyz, vertices_ids, stress_goal=None, + stress_ref=None, is_subface=False): + v = len(vertices_ids) + if v == 3: + return super().__new__(TriFace) + elif v == 4: + return super().__new__(QuadFace) + else: + raise ValueError('Only tri and quad faces can be processed, ' + f'A face with {v} vertices was input.') + + def __init__(self, xyz, vertices_ids, stress_goal=None, + stress_ref=None, is_subface=False): + self.cache = {} + self._set_ids(vertices_ids, is_subface) + self.xyz = xyz + self.stress_ref = stress_ref + self.stress_goal = stress_goal + + def update_xyz(self, xyz): + self.cache.clear() + self.xyz = xyz + + def _set_ids(self, vertices_ids, is_subface): + self.vertices_ids = vertices_ids + if is_subface: + self.face_id = -1 + else: + self.face_id = __class__.face_count + __class__.face_count += 1 + + def __len__(self): + return len(self.vertices_ids) + + @property + def xyz(self): + return self._xyz + + @xyz.setter + def xyz(self, xyz): + self._xyz = [xyz[v] for v in self.vertices_ids] + + @property + @cache_iter + def stress_goal(self): + if self.stress_ref is None or is_isotropic(self._stress_goal): + return self._stress_goal + return self._calc_stress_goal() + + @stress_goal.setter + def stress_goal(self, goal): + self._stress_goal = (1, 1, 0) if goal is None else goal + if (not is_isotropic(self._stress_goal)) and (not self.stress_ref): + raise ValueError("Non-isotropic stress state requires reference.") + + def _calc_stress_goal(self): + """Calculate stress goal by intersection with plane + defined by having reference vector as its normal.""" + f = self.frame + g = self._stress_goal + x, z, ref = f.xaxis, f.zaxis, asarray(self.stress_ref) + x_r = cross(z, ref) + θ = atan2(cross(x, x_r).dot(z), x.dot(x_r)) + return transform_stress_angle(g, θ) + + def transform_to_global(self, vec): + """Transform vector from local face frame to global frame.""" + R = asarray(Rotation.from_frame(self.frame))[:3, :3] + return R.dot(append(vec, .0)) + + @cache_iter + def principal_stress(self, to_global=False): + """Principal stress values and vectors from local stresses.""" + s = stress_vec_to_tensor(self.stress) + eigvals, eigvecs = eig(s) + ids = argsort(-eigvals) + eigvals, eigvecs = eigvals[ids], eigvecs[ids, :] + if to_global: + eigvecs = [self.transform_to_global(v) for v in eigvecs] + return eigvals, eigvecs + + face_stresses = namedtuple('stresses', ['amplitudes', 'vectors']) + + @staticmethod + def get_stresses(faces, xyz, s_calc): + """Strategy for calculating stresses of multiple faces.""" + s = __class__.face_stresses + if s_calc == -1: # only tri (sub)face stresses + return s(asarray(__class__._get_tris_attr(faces, 'stress')), None) + if s_calc == 0: # no stresses + return s(None, None) + if s_calc == 1: # stresses in local frames + return s(asarray([f.stress for f in faces]), None) + if (s_calc in (2, 3)): # principal stresses in local or global frame + eigs = (f.principal_stress(to_global=(s_calc == 3)) for f in faces) + return s(*map(list, zip(*eigs))) + raise ValueError("s_calc must be set to {0, 1, 2, 3}.") + + @staticmethod + def get_stress_goals(faces): + """Get stress goals for multiple tri (sub)faces. For quad faces, + transformation into tri subface frames is hence not required.""" + return asarray(__class__._get_tris_attr(faces, 'stress_goal')) + + @staticmethod + def _get_tris_attr(faces, attr): + """Get attribute for multiple tri (sub)faces.""" + attrs = [] + for f in faces: + if len(f) == 3: + attrs.append(getattr(f, attr, None)) + else: + attrs.extend([getattr(t, attr, None) + for t in f.tri_faces]) + return attrs + + +class QuadFace(NaturalFace): + """Represents geometry and natural stress data of a single quad face. + A quad face is composed of 4 pairwise overlapping tri faces.""" + + # vertex id sequence of each tri subface of the quad face + __TRI_VERTICES = ((1, 3, 0), (3, 1, 2), (2, 0, 1), (0, 2, 3)) + + def __init__(self, xyz, vertices_ids, stress_goal, stress_ref=None): + super().__init__(xyz, vertices_ids, stress_goal, stress_ref) + self._set_tri_faces(xyz) + + def update_xyz(self, xyz): + """Update coordinates and geometric properties.""" + super().update_xyz(xyz) + for t in self.tri_faces: + t.update_xyz(xyz) + + def _set_tri_faces(self, xyz): + tri_vertices_ids = (itemgetter(*self.__TRI_VERTICES[i]) + (self.vertices_ids) for i in range(4)) + self.tri_faces = [TriFace(xyz, v_ids, self._stress_goal, + self.stress_ref, True) for v_ids in tri_vertices_ids] + + @property + @cache_iter + def area(self): + return sum(t.area for t in self.tri_faces) / 2 + + @property + @cache_iter + def frame(self): + """Quad face frame, with origin at centroid and x-axis + along midpoint of quad edge (1, 2).""" + v0, v1, v2, v3 = self.xyz + c0 = centroid_points(self.xyz) + c1 = centroid_points((v1, v2)) + c2 = centroid_points((v2, v3)) + return Frame.from_points(c0, c1, c2) + + @property + @cache_iter + def rotations(self): + """Planarized rotation matrices from quad face frame to each + of the 4 tri subface frames. Quad system x-axis connects quad + face centroid to midpoint of quad edge (1, 2).""" + # angle of quad edge (0, 1) to quad x-axis + vec_mid = self.frame.xaxis + vec_edge = Vector.from_start_end(self.xyz[0], self.xyz[1]) + dθ = angle_vectors_signed(vec_edge, vec_mid, (0, 0, 1)) + + # in-plane angles of tri subfaces axes to quad axes + βa, γc = self.tri_faces[0].angles[1], self.tri_faces[2].angles[2] + θa = pi - βa - dθ + θb = -βa - dθ + θc = γc - dθ + θd = pi + γc - dθ + return (planar_rotation(θ) for θ in (θa, θb, θc, θd)) + + @property + def force_densities(self): + """6 natural force densities of a quad face for actual + geometry and goal (2nd Piola-Kirchhoff) stresses.""" + na, nb, nc, nd = (t.force_densities for t in self.tri_faces) + sum_force_densities = (na[1] + nc[0], nb[0] + nc[1], nb[1] + nd[0], + na[0] + nd[1], na[2] + nb[2], nc[2] + nd[2]) + return [n / 2 for n in sum_force_densities] + + @property + @cache_iter + def stress(self): + """(2nd Piola-Kirchhoff) stresses at actual geometry.""" + tot_a = self.area * 2 + tris_a = (t.area for t in self.tri_faces) + tris_s = (t.stress for t in self.tri_faces) + quad_s = self._transform_stress_tris_to_quad(tris_s) + return sum(a * s for a, s in zip(tris_a, quad_s)) / tot_a + + def _transform_stress_tris_to_quad(self, tris_stress): + """Transform stresses from tri subfaces frames to quad frame.""" + return (transform_stress(s, R) for s, R + in zip(tris_stress, self.rotations)) + + +class TriFace(NaturalFace): + """Represents geometry and natural stress data of a single tri face.""" + @property + @cache_iter + def frame(self): + """Tri face frame, with origin at vertex 1 and x-axis edge (0, 1).""" + return Frame.from_points(*self.xyz) + + @property + @cache_iter + def edge_lengths(self): + vts_xyz = self.xyz[1:] + self.xyz[:2] + return [euclidian_distance(u, v) + for u, v in pairwise(vts_xyz)] + + @property + @cache_iter + def angles(self): + l0, l1, l2 = self.edge_lengths + α = arc_cos((l0 ** 2 + l1 ** 2 - l2 ** 2) / (2 * l0 * l1)) + β = arc_cos((l1 ** 2 + l2 ** 2 - l0 ** 2) / (2 * l1 * l2)) + γ = pi - α - β + return (α, β, γ) + + @property + @cache_iter + def area(self): + l0, l1, l2 = self.edge_lengths + return l1 * l2 * sin(self.angles[1]) / 2 + + @property + @cache_iter + def transformation(self): + """3x3 transformation matrix for tri face stresses from local + axis system into edge directions. The column vectors are unit + edge stresses described in the local face frame.""" + α, β, γ = self.angles + + T = [[c2(γ), c2(β), 1], + [s2(γ), s2(β), 0], + [s(γ) * c(γ), -s(β) * c(β), 0]] + return asarray(T) + + @property + @check_singularity + def transformation_inv(self): + """3x3 inverse transformation matrix for tri face stresses.""" + return inv(self.transformation) + + @property + def force_densities(self): + """3 natural force densities of a tri face for current + geometry and goal 2nd Piola-Kirchhoff stresses.""" + a = self.area + g = self.stress_goal + Li2 = asarray([1 / (ln ** 2) for ln in self.edge_lengths]) + Ti = self.transformation_inv + self._force_densities = a * Li2 * Ti.dot(g) + return self._force_densities + + @property + @cache_iter + def stress(self): + """2nd Piola-Kirchhoff stresses for current geometry.""" + L2 = asarray([ln ** 2 for ln in self.edge_lengths]) + a = self.area + T = self.transformation + n = self._force_densities # force densities of previous geometry + stress = (T * L2).dot(n) / a + return stress + + +class NaturalEdge: + """Represents geometry and force data of a single edge.""" + edge_count = 0 + + def __new__(cls, xyz, vertices_ids, force_goal, fd_goal): + cls.edge_count += 1 + if not (force_goal or fd_goal): + return + return super().__new__(cls) + + def __init__(self, xyz, vertices_ids, force_goal, fd_goal): + self.cache = {} + self.edge_id = __class__.edge_count - 1 + self.vertices_ids = tuple(vertices_ids) + self.xyz = xyz + self.force_goal = force_goal + self.fd_goal = fd_goal + + def update_xyz(self, xyz): + """Update coordinates and geometric properties.""" + self.cache.clear() + self.xyz = xyz + + @property + @cache_iter + def length(self): + return euclidian_distance(*self.xyz) + + @property + def xyz(self): + return self._xyz + + @xyz.setter + def xyz(self, xyz): + u, v = self.vertices_ids + self._xyz = [xyz[u], xyz[v]] + + @property + def force_density(self): + """Get force density.""" + self._force_density = self.fd_goal or (self.force_goal / self.length) + return self._force_density + + @property + @cache_iter + def force(self): + """Calculate force for current geometry.""" + return self._force_density * self.length + + @staticmethod + def get_forces(edges, xyz): + """Get forces for multiple edges.""" + forces = [.0] * __class__.edge_count + for edge in edges: + forces[edge.edge_id] = edge.force + return forces + + +class Goals: + """Represents collection of geometric and stress resultant goals.""" + def __init__(self, mesh, stress, densities, forces, stress_ref=None): + self.f_count = mesh.number_of_faces() + self.stress = self._process_goal(stress, (1.0, 1.0, .0)) + self.densities = self._process_goal(densities) + self.forces = self._process_goal(forces) + self.stress_ref = stress_ref + + def _process_goal(self, goal, default=.0): + return goal or [default for _ in range(self.f_count)] + + +# ================================================= +# mesh data processing +# ================================================= +def mesh_preprocess(mesh, goals): + """Pre-process mesh to collections of natural elements.""" + # vertex indices mapping + v_index = mesh.key_index() + xyz = [mesh.vertex_coordinates(v) for v in mesh.vertices()] + fixed = [mesh.key_index()[v] for v + in mesh.vertices_where({'is_anchor': True})] + edges_vts = ([v_index[u], v_index[v]] for u, v in mesh.edges()) + faces_vts = ([v_index[w] for w in mesh.face_vertices(f)] + for f in mesh.faces()) + + # set natural faces and edges + faces = [NaturalFace(xyz, face_vts, sp, goals.stress_ref) + for face_vts, sp in zip(faces_vts, goals.stress)] + edges = [e for e in [NaturalEdge(xyz, edge_vts, fp, qp) + for edge_vts, fp, qp + in zip(edges_vts, goals.forces, goals.densities)] if e] + + return faces, edges, xyz, fixed + + +# ============================================================================== +# main +# ============================================================================== +if __name__ == '__main__': + pass diff --git a/src/nfd_solver/nfd/math_utilities.py b/src/nfd_solver/nfd/math_utilities.py new file mode 100644 index 00000000..06bbaa83 --- /dev/null +++ b/src/nfd_solver/nfd/math_utilities.py @@ -0,0 +1,84 @@ +from math import sin, cos, asin, acos, hypot + +from numpy import asarray + +from compas.geometry import distance_point_point + + +__all__ = [ + 'euclidian_distance', + 'arc_sin', + 'arc_cos', + 'planar_rotation', + 'is_isotropic', + 'transform_stress', + 'transform_stress_angle', + 'stress_vec_to_tensor', + 'stress_tensor_to_vec' +] + + +s, c = sin, cos +def s2(x): return s(x) * s(x) # noqa E704 +def c2(x): return c(x) * c(x) # noqa E704 + + +def euclidian_distance(u, v): + return hypot(u[0] - v[0], u[1] - v[1], u[2] - v[2]) + # return distance_point_point(u, v) + + +def arc_sin(a): + return asin(max(min(a, .9999), -.9999)) + + +def arc_cos(a): + return acos(max(min(a, .9999), -.9999)) + + +def planar_rotation(angle): + return asarray([[c(angle), -s(angle)], + [s(angle), c(angle)]]) + + +def is_isotropic(vec): + """Check whether input stress pseudo-vector is isotropic.""" + return (vec[0] == vec[1]) and (vec[2] == 0) + + +def transform_stress(stress, rotation, invert=False): + """Transform planar stress vector by 2x2 rotation matrix.""" + s, R = stress_vec_to_tensor(stress), rotation + r = (R.dot(s).dot(R.T) if invert + else R.T.dot(s).dot(R)) + return stress_tensor_to_vec(r) + + +def transform_stress_angle(stress, angle, invert=False): + """Transform planar stress vector by angle.""" + a = -angle if invert else angle + s2a = s2(a) + c2a = c2(a) + sca = s(a) * c(a) + T = [[c2a, s2a, 2 * sca], + [s2a, c2a, -2 * sca], + [-sca, sca, c2a - s2a]] + return asarray(T).dot(stress) + + +def stress_vec_to_tensor(vec): + """Convert planar stresses from pseudo-vector to tensor form.""" + return asarray([[vec[0], vec[2]], + [vec[2], vec[1]]]) + + +def stress_tensor_to_vec(tens): + """Convert planar stresses from tensor to pseudo-vector form.""" + return asarray([tens[0, 0], tens[1, 1], tens[0, 1]]) + + +# ============================================================================== +# main +# ============================================================================== +if __name__ == '__main__': + pass diff --git a/src/nfd_solver/nfd/matrices.py b/src/nfd_solver/nfd/matrices.py new file mode 100644 index 00000000..ee797e65 --- /dev/null +++ b/src/nfd_solver/nfd/matrices.py @@ -0,0 +1,131 @@ +from numpy import asarray, copy, zeros +from scipy.sparse import coo_matrix + +from compas.geometry import Rotation + + +__all__ = [ + 'StiffnessMatrixAssembler', + 'LoadMatrixAssembler' +] + + +class StiffnessMatrixAssembler: + """Represents assembly of a global force density stiffness matrix. + A new instance of StiffnessMatrixBuilder should be generated at each + solver iteration, so that the stiffness matrix is rebuilt completely.""" + def __init__(self, faces, edges, free, fixed): + self.data = [] + self.rows = [] + self.cols = [] + + self._add_faces(faces) + self._add_edges(edges) + + vertex_count = len(free + fixed) + self._full = coo_matrix((self.data, (self.rows, self.cols)), + (vertex_count, vertex_count)).tocsr() + partial = self._full[free, :] + self._free = partial[:, free] + self._fixed = partial[:, fixed] + + def _add_faces(self, faces): + for face in faces: + fv_count = len(face) + if fv_count == 3: + self._add_tri_face(face) + elif fv_count == 4: + self._add_quad_face(face) + + def _add_tri_face(self, face): + v0, v1, v2 = face.vertices_ids + n0, n1, n2 = face.force_densities + self.data += [n1 + n2, -n2, -n1, + -n2, n0 + n2, -n0, + -n1, -n0, n0 + n1] + self.rows += [v0] * 3 + [v1] * 3 + [v2] * 3 + self.cols += [v0, v1, v2] * 3 + + def _add_quad_face(self, face): + v0, v1, v2, v3 = face.vertices_ids + n0, n1, n2, n3, n4, n5 = face.force_densities + self.data += [n0 + n3 + n5, -n0, -n5, -n3, + -n0, n0 + n1 + n4, -n1, -n4, + -n5, -n1, n1 + n2 + n5, -n2, + -n3, -n4, -n2, n2 + n3 + n4] + self.rows += [v0] * 4 + [v1] * 4 + [v2] * 4 + [v3] * 4 + self.cols += [v0, v1, v2, v3] * 4 + + def _add_edges(self, edges): + for edge in edges: + v0, v1 = edge.vertices_ids + n = edge.force_density + self.data += [n, n, -n, -n] + self.rows += [v0, v1, v0, v1] + self.cols += [v0, v1, v1, v0] + + @property + def full(self): + return self._full + + @property + def free(self): + return self._free + + @property + def fixed(self): + return self._fixed + + +class LoadMatrixAssembler: + """Represents assembly of a global load matrix. + A LoadMatrix is to be instantiated once per session and to persist over + iterations. When the internal matrix is called at each solver iteration, + the matrix is updated corresponding to the geometry of the latest state.""" + def __init__(self, vertices, faces, vertex_loads=None, + global_face_loads=None, local_face_loads=None): + self.faces = faces + self._vertices_mat = self._load_mat(vertex_loads, zeros((len(vertices), 3))) + self._gfl = self._load_mat(global_face_loads) + self._lfl = self._load_mat(local_face_loads) + self._has_face_loads = ((self._gfl is not None) or + (self._lfl is not None)) + self._mat = self._vertices_mat + self.update() + + @property + def matrix(self): + return self._mat + + def _load_mat(self, loads, default=None): + """Pre-process load matrices of each element type.""" + return asarray(loads).reshape(-1, 3) if loads is not None else default + + def update(self): + """Assemble all loads corresponding to current geometry.""" + if not self._has_face_loads: + return self._mat + self._mat = copy(self._vertices_mat) + if self._gfl is not None: + self._add_face_loads(local=False) + if self._lfl is not None: + self._add_face_loads(local=True) + + def _add_face_loads(self, local=False): + face_loads = self._lfl if local else self._gfl + for face, face_load in zip(self.faces, face_loads): + vertex_load = face_load * (face.area / len(face)) + if local: + R = asarray(Rotation.from_frame(face.frame))[:3, :3] + vertex_load = R.dot(vertex_load) + self._mat[face.vertices_ids, :] += vertex_load + + def _add_edge_loads(self): + raise NotImplementedError + + +# ============================================================================== +# main +# ============================================================================== +if __name__ == '__main__': + pass diff --git a/src/nfd_solver/nfd/nfd_numpy.py b/src/nfd_solver/nfd/nfd_numpy.py new file mode 100644 index 00000000..b572324e --- /dev/null +++ b/src/nfd_solver/nfd/nfd_numpy.py @@ -0,0 +1,168 @@ +from functools import partial + +from numpy import array, asarray, average, shape +from numpy.linalg import norm +from scipy.sparse.linalg import spsolve + +from .geometry import NaturalFace, NaturalEdge, Goals, mesh_preprocess +from .matrices import StiffnessMatrixAssembler, LoadMatrixAssembler + + +__all__ = [ + 'nfd_ur', + 'nfd' +] + + +# ================================================= +# outer wrappers +# ================================================= +def nfd_ur(mesh, stress_goals=None, fd_goals=None, force_goals=None, + vertex_loads=None, global_face_loads=None, local_face_loads=None, + s_calc=1, s_ref=None, s_tol=1e-2, xyz_tol=1e-2, kmax=10): + """Natural force density method with updated reference strategy. + Input stress fields are taken for the reference geometry + that is updated at each iteration by the natural force densities. + + Parameters + ---------- + mesh : Mesh + Instance of Mesh datastructure. + stress_goals : sequence of tuple + Goal second Piola-Kirchhoff (σx, σy, τxy) stress field per face, + as input over local directions and normalized over thickness + (default is None, setting a uniform stress field (1, 1, 0)). + fd_goals : sequence of float + Goal force density per edge, overwrites force goals (default is None). + force_goals : sequence of float + Goal force per edge (default is None). + vertex_loads : sequence of tuple + Global XYZ components of loads per vertex. + (default is None, no loads on vertices). + global_face_loads : sequence of tuple + Global XYZ components of loads per face area. + (default is None, no loads on faces). + local_face_loads : sequence of tuple + Local face frame XYZ components of loads per face area. + (default is None, no loads on faces). + s_calc: int {0, 1, 2, 3} (default is 1) + Stress calculation at final iteration. + 0: Do not calculate stresses. + 1: Calculate second Piola-Kirchhoff stresses per face. + 2: Calculate principal stress values and vectors per face. + 3: Calculate principal stress values and vectors in global frame. + s_ref: sequence of float + Normal of reference plane for non-isotropic stress field orientation. + s_tol: float (default is 1e-2) + Tolerance for averaged sum of squared errors + of stress vectors to goal stress vector. + xyz_tol: float (default is 1e-2) + Tolerance for difference in coordinate displacements + between two consecutive iterations. + kmax: int (default is 10) + Maximum number of iterations. + + Returns + ---------- + array + XYZ coordinates of the equilibrium geometry. + array + Residual and reaction forces per vertex. + tuple + (None, None) if s_calc set to 0. + (list of pk2 stresses, None) if s_calc set to 1. + (lists of principal stresses, local eigenvectors) if s_calc set to 2. + (lists of principal stresses, global eigenvectors) if s_calc set to 3. + list + Forces per edge. + + Notes + ----- + For more info, see [1]_, [2]_ + + References + ---------- + .. [1] Pauletti, R.M.O. and Pimenta, P.M., 2008. The natural force + density method for the shape finding of taut structures. + Computer Methods in Applied Mechanics and Engineering, + 197(49-50), pp.4419-4428. + + .. [2] Pauletti, R.M.O. and Fernandes, F.L., 2020. An outline of the natural + force density method and its extension to quadrilateral elements. + International Journal of Solids and Structures, 185, pp.423-438. + """ + # pre-process mesh data + goals = Goals(mesh, stress_goals, fd_goals, force_goals, s_ref) + faces, edges, vertices, fixed = mesh_preprocess(mesh, goals) + loads = LoadMatrixAssembler(vertices, faces, vertex_loads, + global_face_loads, local_face_loads) + xyz = asarray(vertices) + + if kmax == 1: + return _nfd_solve(xyz, fixed, faces, edges, loads, s_calc) + + for k in range(kmax): + _xyz, r, s, f = _nfd_solve(xyz, fixed, faces, edges, loads, -1) + s_goals = NaturalFace.get_stress_goals(faces) + s_res = average(norm(s_goals - s.amplitudes, axis=1)) + xyz_Δ = max(norm(xyz - _xyz, axis=1)) + converged = (s_res < s_tol) or (xyz_Δ < xyz_tol) + xyz = _xyz + if converged: + break + + _output_message(converged, k, s_res, xyz_Δ) + s = NaturalFace.get_stresses(faces, xyz, s_calc) + + return xyz, r, s, f + + +def _output_message(converged, k, s_res, xyz_Δ): + if converged: + print(f'Convergence reached after {k+1} iterations.') + else: + print(f'No convergence reached after {k+1} iterations.', + '\nAverage stress residual: ', round(s_res, 5), + '\nMax displacement residual: ', round(xyz_Δ, 5)) + + +nfd = partial(nfd_ur, kmax=1) + + +# ================================================= +# solver +# ================================================= +def _nfd_solve(xyz, fixed, faces, edges, loads, s_calc): + """Solve system for coordinates and dependent variables + using the one-shot natural force density method.""" + # pre-process vertex data + v = shape(xyz)[0] + free = list(set(range(v)) - set(fixed)) + _xyz = array(xyz, copy=True) + + # assemble new stiffness matrices + stiff = StiffnessMatrixAssembler(faces, edges, free, fixed) + D, Di, Df = stiff.full, stiff.free, stiff.fixed + + # get updated load matrix + loads.update() + p = loads.matrix + + # solve for coordinates and update elements + _xyz[free] = spsolve(Di, p[free] - Df.dot(xyz[fixed])) + for face in faces: face.update_xyz(_xyz) # noqa E701 + for edge in edges: edge.update_xyz(_xyz) # noqa E701 + + # solve for dependent variables + s = NaturalFace.get_stresses(faces, _xyz, s_calc) + f = NaturalEdge.get_forces(edges, _xyz) + r = p - D.dot(xyz) + + return _xyz, r, s, f + + +# ============================================================================== +# main +# ============================================================================== +if __name__ == '__main__': + pass From c11bb9485232d263dd2be6887f71f4dad3db1828 Mon Sep 17 00:00:00 2001 From: Sam Date: Fri, 3 Sep 2021 16:19:27 +0200 Subject: [PATCH 02/19] include nfd script examples --- src/nfd_solver/data/in_hypar_mesh.json | 1 + src/nfd_solver/data/out_hypar_mesh_01.json | 1 + src/nfd_solver/data/out_hypar_mesh_02.json | 1 + src/nfd_solver/data/out_hypar_mesh_04.json | 1 + src/nfd_solver/data/out_hypar_mesh_05.json | 1 + src/nfd_solver/data/out_hypar_mesh_06.json | 1 + src/nfd_solver/data/out_hypar_mesh_07.json | 1 + src/nfd_solver/data/out_hypar_mesh_09.json | 1 + src/nfd_solver/scripts/01_hypar.py | 70 +++++++++++++ src/nfd_solver/scripts/02_hypar_opening.py | 78 +++++++++++++++ src/nfd_solver/scripts/03_hypar_quads.py | 70 +++++++++++++ src/nfd_solver/scripts/04_hypar_quads_tris.py | 74 ++++++++++++++ src/nfd_solver/scripts/05_hypar_support.py | 98 +++++++++++++++++++ .../scripts/06_hypar_anisotropic_stress_A.py | 71 ++++++++++++++ .../scripts/07_hypar_anisotropic_stress_B.py | 71 ++++++++++++++ src/nfd_solver/scripts/08_hypar_shell.py | 71 ++++++++++++++ src/nfd_solver/scripts/09_inflated_shell.py | 73 ++++++++++++++ src/nfd_solver/scripts/__init__.py | 6 ++ src/nfd_solver/scripts/_helpers.py | 85 ++++++++++++++++ src/nfd_solver/scripts/_set_mesh.py | 30 ++++++ 20 files changed, 805 insertions(+) create mode 100644 src/nfd_solver/data/in_hypar_mesh.json create mode 100644 src/nfd_solver/data/out_hypar_mesh_01.json create mode 100644 src/nfd_solver/data/out_hypar_mesh_02.json create mode 100644 src/nfd_solver/data/out_hypar_mesh_04.json create mode 100644 src/nfd_solver/data/out_hypar_mesh_05.json create mode 100644 src/nfd_solver/data/out_hypar_mesh_06.json create mode 100644 src/nfd_solver/data/out_hypar_mesh_07.json create mode 100644 src/nfd_solver/data/out_hypar_mesh_09.json create mode 100644 src/nfd_solver/scripts/01_hypar.py create mode 100644 src/nfd_solver/scripts/02_hypar_opening.py create mode 100644 src/nfd_solver/scripts/03_hypar_quads.py create mode 100644 src/nfd_solver/scripts/04_hypar_quads_tris.py create mode 100644 src/nfd_solver/scripts/05_hypar_support.py create mode 100644 src/nfd_solver/scripts/06_hypar_anisotropic_stress_A.py create mode 100644 src/nfd_solver/scripts/07_hypar_anisotropic_stress_B.py create mode 100644 src/nfd_solver/scripts/08_hypar_shell.py create mode 100644 src/nfd_solver/scripts/09_inflated_shell.py create mode 100644 src/nfd_solver/scripts/__init__.py create mode 100644 src/nfd_solver/scripts/_helpers.py create mode 100644 src/nfd_solver/scripts/_set_mesh.py diff --git a/src/nfd_solver/data/in_hypar_mesh.json b/src/nfd_solver/data/in_hypar_mesh.json new file mode 100644 index 00000000..f57e8656 --- /dev/null +++ b/src/nfd_solver/data/in_hypar_mesh.json @@ -0,0 +1 @@ +{"compas": "1.7.1", "datatype": "compas.datastructures/Mesh", "data": {"facedata": {"5": {"path": [1, 0]}, "6": {"path": [1, 1]}, "7": {"path": [1, 2]}, "8": {"path": [1, 3]}, "9": {"path": [2, 0]}, "10": {"path": [2, 1]}, "11": {"path": [2, 2]}, "12": {"path": [2, 3]}, "13": {"path": [3, 0]}, "14": {"path": [3, 1]}, "15": {"path": [3, 2]}, "16": {"path": [3, 3]}, "17": {"path": [4, 0]}, "18": {"path": [4, 1]}, "19": {"path": [4, 2]}, "20": {"path": [4, 3]}}, "dva": {"y": 0.0, "x": 0.0, "z": 0.0}, "face": {"5": [9, 0, 10, 21], "6": [10, 2, 13, 21], "7": [13, 3, 15, 21], "8": [15, 7, 9, 21], "9": [12, 1, 11, 22], "10": [11, 8, 16, 22], "11": [16, 3, 17, 22], "12": [17, 4, 12, 22], "13": [17, 3, 13, 23], "14": [13, 2, 14, 23], "15": [14, 5, 18, 23], "16": [18, 4, 17, 23], "17": [15, 3, 16, 24], "18": [16, 8, 20, 24], "19": [20, 6, 19, 24], "20": [19, 7, 15, 24]}, "edgedata": {}, "dfa": {}, "max_vertex": 24, "dea": {}, "attributes": {"name": "Mesh"}, "max_face": 20, "vertex": {"0": {"z": 20.0, "y": -46.983559137412122, "x": -44.487094537112114}, "1": {"z": 20.0, "y": 43.016440862587885, "x": 45.512905462887865}, "2": {"z": 10.0, "y": -46.983559137412122, "x": 0.51290546288787808}, "3": {"z": 0.0, "y": -1.9835591374121182, "x": 0.51290546288788419}, "4": {"z": 10.0, "y": -1.9835591374121213, "x": 45.512905462887865}, "5": {"z": 0.0, "y": -46.983559137412122, "x": 45.512905462887865}, "6": {"z": 0.0, "y": 43.016440862587885, "x": -44.487094537112114}, "7": {"z": 10.0, "y": -1.9835591374121186, "x": -44.487094537112114}, "8": {"z": 10.0, "y": 43.016440862587885, "x": 0.51290546288789052}, "9": {"z": 15.0, "y": -24.483559137412122, "x": -44.487094537112114}, "10": {"z": 15.0, "y": -46.983559137412122, "x": -21.987094537112117}, "11": {"z": 15.0, "y": 43.016440862587885, "x": 23.012905462887879}, "12": {"z": 15.0, "y": 20.516440862587881, "x": 45.512905462887865}, "13": {"z": 5.0, "y": -24.483559137412119, "x": 0.51290546288788108}, "14": {"z": 5.0, "y": -46.983559137412122, "x": 23.012905462887872}, "15": {"z": 5.0, "y": -1.9835591374121184, "x": -21.987094537112117}, "16": {"z": 5.0, "y": 20.516440862587881, "x": 0.5129054628878873}, "17": {"z": 5.0, "y": -1.9835591374121198, "x": 23.012905462887872}, "18": {"z": 5.0, "y": -24.483559137412122, "x": 45.512905462887865}, "19": {"z": 5.0, "y": 20.516440862587885, "x": -44.487094537112114}, "20": {"z": 5.0, "y": 43.016440862587885, "x": -21.98709453711211}, "21": {"z": 10.0, "y": -24.483559137412119, "x": -21.987094537112114}, "22": {"z": 10.0, "y": 20.516440862587885, "x": 23.012905462887879}, "23": {"z": 5.0, "y": -24.483559137412119, "x": 23.012905462887872}, "24": {"z": 5.0, "y": 20.516440862587885, "x": -21.987094537112114}}}} \ No newline at end of file diff --git a/src/nfd_solver/data/out_hypar_mesh_01.json b/src/nfd_solver/data/out_hypar_mesh_01.json new file mode 100644 index 00000000..bb25331d --- /dev/null +++ b/src/nfd_solver/data/out_hypar_mesh_01.json @@ -0,0 +1 @@ +{"compas": "1.7.1", "datatype": "compas.datastructures/Mesh", "data": {"attributes": {"name": "Mesh"}, "dva": {"x": 0.0, "y": 0.0, "z": 0.0, "rx": 0.0, "ry": 0.0, "rz": 0.0, "px": 0.0, "py": 0.0, "pz": 0.0, "is_anchor": false}, "dea": {"q_pre": 0.0}, "dfa": {"s_pre": [1.0, 1.0, 0.0]}, "vertex": {"0": {"z": 20.0, "y": -46.98355913741212, "x": -44.487094537112114, "is_anchor": true, "r": [151.3245634402609, 151.3245634402613, -54.485593202133444]}, "1": {"z": 20.0, "y": 43.016440862587885, "x": 45.512905462887865, "is_anchor": true, "r": [-151.3245634402604, -151.32456344026036, -54.48559320213313]}, "2": {"z": 9.99996405261101, "y": -37.79399083775871, "x": 0.5089938684930323, "r": [0.010171147746539017, 0.18448396013415636, -0.001706186264619547]}, "3": {"z": 9.997278891759183, "y": -1.9835591374121186, "x": 0.5129054628878963, "r": [-2.6645352591003757e-15, 4.246603069191224e-15, 0.0007449168396583827]}, "4": {"z": 9.999964052611038, "y": -1.9796475430172231, "x": 36.32333716323451, "r": [-0.18448396013422586, -0.010171147746508236, -0.0017061862646283177]}, "5": {"z": 0.0, "y": -46.98355913741212, "x": 45.512905462887865, "is_anchor": true, "r": [-151.4458620727455, 151.4458620727454, 54.48539651730659]}, "6": {"z": 0.0, "y": 43.016440862587885, "x": -44.487094537112114, "is_anchor": true, "r": [151.44586207274534, -151.44586207274529, 54.48539651730658]}, "7": {"z": 9.999964052611004, "y": -1.9874707318069538, "x": -35.29752623745868, "r": [0.18448396013382906, 0.010171147746499326, -0.0017061862645361137]}, "8": {"z": 9.999964052611032, "y": 33.82687256293451, "x": 0.5168170572827775, "r": [-0.010171147746431686, -0.1844839601342243, -0.001706186264644305]}, "9": {"z": 14.803076996938847, "y": -24.967390418584458, "x": -37.62283150377081, "r": [0.13994508808609218, -0.2045133863942299, 0.0143396576108481]}, "10": {"z": 14.803076996938852, "y": -40.11929610407081, "x": -22.470925818284456, "r": [-0.20451338639402739, 0.13994508808666062, 0.014339657610751289]}, "11": {"z": 14.803076996938866, "y": 36.1521778292466, "x": 23.49673674406024, "r": [0.2045133863941162, -0.13994508808651673, 0.014339657610757506]}, "12": {"z": 14.803076996938868, "y": 21.00027214376025, "x": 38.64864242954662, "r": [-0.1399450880862787, 0.2045133863938977, 0.014339657610679346]}, "13": {"z": 9.977430913127144, "y": -20.58948581470823, "x": 0.7120009401081298, "r": [2.1614175099660127e-05, -0.000147344227908075, 0.0008507957305477487]}, "14": {"z": 5.196856983091498, "y": -40.11868776536158, "x": 23.49130725775181, "r": [0.21587541806305843, 0.13708756628984986, -0.016572216598093714]}, "15": {"z": 9.977430913127135, "y": -1.784463660191886, "x": -18.09302121440814, "r": [-0.000147344227922952, 2.1614175102047106e-05, 0.0008507957305812774]}, "16": {"z": 9.977430913127145, "y": 16.62236753988397, "x": 0.3138099856676897, "r": [-2.1614175103101818e-05, 0.00014734422791073953, 0.0008507957305683989]}, "17": {"z": 9.977430913127145, "y": -2.182654614632323, "x": 19.118832140183937, "r": [0.00014734422789652868, -2.161417509882746e-05, 0.0008507957305601277]}, "18": {"z": 5.1968569830915134, "y": -24.961960932276007, "x": 38.648034090837335, "r": [-0.13708756629043428, -0.2158754180627369, -0.016572216598152334]}, "19": {"z": 5.196856983091496, "y": 20.994842657451823, "x": -37.62222316506156, "r": [0.13708756629028862, 0.2158754180627076, -0.016572216598229605]}, "20": {"z": 5.196856983091507, "y": 36.151569490537334, "x": -22.46549633197599, "r": [-0.21587541806276, -0.13708756629003638, -0.016572216598105705]}, "21": {"z": 12.146160111246223, "y": -21.82279134062269, "x": -19.326326740322656, "r": [-0.0007504826484501237, -0.0007504826484678873, -0.007920488503067258]}, "22": {"z": 12.146160111246237, "y": 17.855673065798463, "x": 20.352137666098464, "r": [0.0007504826484749927, 0.0007504826484643345, -0.007920488503067702]}, "23": {"z": 7.818622174911614, "y": -21.969024305020724, "x": 20.498370630496474, "r": [0.0008952762370251222, -0.000895276237024234, 0.009199662327631808]}, "24": {"z": 7.818622174911596, "y": 18.00190603019649, "x": -19.47255970472067, "r": [-0.0008952762369949241, 0.00089527623698471, 0.009199662327626701]}, "25": {"x": -40.50228766464291, "y": -36.15324297067764, "z": 17.34001627473638, "r": [0.1204094709365755, -0.2745660079885113, 0.02477863933881963]}, "26": {"x": -33.65677837037765, "y": -42.99875226494292, "z": 17.340016274736385, "r": [-0.2745660079887031, 0.12040947093658616, 0.02477863933896174]}, "27": {"x": 41.52809859041868, "y": 32.18612469585342, "z": 17.340016274736392, "r": [-0.1204094709367105, 0.2745660079885539, 0.02477863933876101]}, "28": {"x": 34.682589296153395, "y": 39.03163399011868, "z": 17.340016274736392, "r": [0.27456600798873865, -0.12040947093653287, 0.024778639338929764]}, "29": {"x": -11.042603774163414, "y": -38.377314114272146, "z": 12.371598223945423, "r": [-0.10315223714303767, 0.171693792145442, 0.004406124760104824]}, "30": {"x": 0.6714449080442959, "y": -29.553941831682025, "z": 9.973975340542339, "r": [0.0001026748321079074, -0.00019281563403716895, 0.0008919079602318081]}, "31": {"x": 12.06122570721795, "y": -38.376876336327115, "z": 7.628308498696048, "r": [0.12077513716629706, 0.16887586041584335, -0.00756229946522935]}, "32": {"x": 0.6460726439280514, "y": -11.230122565402393, "z": 9.990785733818951, "r": [-8.526889919757696e-06, -0.0001641361445644529, 0.0007884408383316277]}, "33": {"x": -8.733657965102337, "y": -1.85039195637197, "z": 9.99078573381895, "r": [-0.0001641361445733902, -8.526889918675229e-06, 0.0007884408383299624]}, "34": {"x": 0.3797382818477543, "y": 7.263004290578137, "z": 9.990785733818957, "r": [8.526889916204983e-06, 0.0001641361445753331, 0.0007884408383358465]}, "35": {"x": 9.759468890878129, "y": -2.1167263184522627, "z": 9.99078573381896, "r": [0.000164136144569893, 8.526889915316804e-06, 0.0007884408383297403]}, "36": {"x": 28.083288157157746, "y": -2.142098582568484, "z": 9.97397534054235, "r": [0.0001928156340085252, -0.00010267483210907313, 0.0008919079602249802]}, "37": {"x": 36.90666043974795, "y": 9.571950099639222, "z": 12.371598223945451, "r": [-0.17169379214587366, 0.10315223714288724, 0.0044061247598796704]}, "38": {"x": 36.90622266180289, "y": -13.531879381742149, "z": 7.62830849869607, "r": [-0.1688758604159446, -0.12077513716628596, -0.007562299465228461]}, "39": {"x": 34.67967561122956, "y": -42.99832440467637, "z": 2.6599596553420928, "r": [0.27937727357356223, 0.12022660513941474, -0.025586270455835836]}, "40": {"x": 41.52767073015211, "y": -36.15032928575379, "z": 2.6599596553421008, "r": [-0.12022660513878591, -0.2793772735737967, -0.025586270455810745]}, "41": {"x": -33.65386468545377, "y": 39.03120612985211, "z": 2.659959655342096, "r": [-0.27937727357347697, -0.12022660513919803, -0.025586270455802085]}, "42": {"x": -40.50185980437636, "y": 32.18321101092959, "z": 2.6599596553420906, "r": [0.1202266051388996, 0.2793772735736546, -0.025586270455845384]}, "43": {"x": -27.057477231381935, "y": -1.825019692255709, "z": 9.973975340542328, "r": [-0.00019281563399342616, 0.00010267483210726902, 0.0008919079602272006]}, "44": {"x": -35.88084951397212, "y": -13.539068374463406, "z": 12.371598223945416, "r": [0.17169379214584346, -0.10315223714286947, 0.004406124759853469]}, "45": {"x": -35.88041173602708, "y": 9.564761106917967, "z": 7.628308498696042, "r": [0.16887586041561065, 0.12077513716628618, -0.007562299465203148]}, "46": {"x": 12.068414699939217, "y": 34.41019583944794, "z": 12.371598223945446, "r": [0.10315223714296229, -0.1716937921460575, 0.004406124760012009]}, "47": {"x": 0.3543660177315215, "y": 25.586823556857752, "z": 9.973975340542346, "r": [-0.00010267483211079398, 0.00019281563400141977, 0.0008919079602470736]}, "48": {"x": -11.035414781442134, "y": 34.40975806150288, "z": 7.628308498696062, "r": [-0.1207751371661776, -0.16887586041595526, -0.007562299465224909]}, "49": {"x": -28.809713596399916, "y": -23.175144011482384, "z": 13.38270641183884, "r": [-0.0011604927175117297, -0.0013166050482018576, -0.011054195097700337]}, "50": {"x": -20.678679411182383, "y": -31.30617819669994, "z": 13.382706411838848, "r": [-0.0013166050482018576, -0.0011604927175206114, -0.01105419509772343]}, "51": {"x": 21.704490336958134, "y": 27.339059921875677, "z": 13.38270641183885, "r": [0.0013166050482098512, 0.0011604927175223878, -0.011054195097700337]}, "52": {"x": 29.835524522175696, "y": 19.208025736658154, "z": 13.382706411838846, "r": [0.001160492717498407, 0.001316605048188535, -0.011054195097708774]}, "53": {"x": -9.415670852099252, "y": -20.968245946271644, "z": 11.031019049966568, "r": [-0.00031013986311601016, -0.00023595962690725614, -0.0036988819883354562]}, "54": {"x": 10.67188190909016, "y": -21.063133930887478, "z": 8.935628246029012, "r": [0.00048260082350060074, -0.0003247783477107191, 0.0052338007406183]}, "55": {"x": 21.827637970955315, "y": -31.39050431446357, "z": 6.585587045332863, "r": [0.0014766192067998674, -0.001280745715437348, 0.012033992226549994]}, "56": {"x": -18.47178134597159, "y": -11.91213545239928, "z": 11.031019049966565, "r": [-0.00023595962691391748, -0.00031013986311201336, -0.0036988819883414514]}, "57": {"x": -18.5666693305874, "y": 8.175417308790157, "z": 8.935628246028996, "r": [-0.00032477834772137726, 0.0004826008235014889, 0.005233800740606087]}, "58": {"x": 10.441481777875065, "y": 17.001127671447403, "z": 11.03101904996658, "r": [0.0003101398631235597, 0.0002359596269210229, -0.0036988819883363444]}, "59": {"x": -9.646070983314345, "y": 17.09601565606322, "z": 8.935628246029001, "r": [-0.00048260082350459754, 0.0003247783477156041, 0.005233800740625627]}, "60": {"x": 19.497592271747415, "y": 7.945017177575061, "z": 11.031019049966586, "r": [0.00023595962694411554, 0.0003101398631275565, -0.003698881988333458]}, "61": {"x": 19.59248025636318, "y": -12.142535583614377, "z": 8.935628246029012, "r": [0.0003247783476982846, -0.0004826008234939394, 0.005233800740616745]}, "62": {"x": 29.919850639939284, "y": -23.298291645479555, "z": 6.585587045332868, "r": [0.0012807457154302426, -0.0014766192067758865, 0.012033992226528678]}, "63": {"x": -28.894039714163505, "y": 19.331173370655357, "z": 6.585587045332855, "r": [-0.001280745715432019, 0.0014766192067896533, 0.012033992226526458]}, "64": {"x": -20.80182704517952, "y": 27.423386039639315, "z": 6.585587045332854, "r": [-0.0014766192068105255, 0.0012807457154355717, 0.01203399222653534]}, "65": {"x": -30.891932008719166, "y": -33.388396609019175, "z": 15.269094267967636, "r": [-0.0016427306568616018, -0.001642730656877589, -0.012295568531693668]}, "66": {"x": -10.10134872824453, "y": -30.023515758439952, "z": 11.64186316561116, "r": [-0.0006084314049816797, -0.0004277423807339531, -0.005946940360273434]}, "67": {"x": -8.99003440906986, "y": -11.486499009369892, "z": 10.492227964018074, "r": [-9.91235295400017e-05, -9.912352953223014e-05, -0.0014010988835297944]}, "68": {"x": -27.52705115813987, "y": -12.597813328544529, "z": 11.641863165611147, "r": [-0.0004277423807215186, -0.0006084314049723538, -0.005946940360277431]}, "69": {"x": 31.917742934494928, "y": 29.421278334194927, "z": 15.269094267967638, "r": [0.0016427306568882472, 0.0016427306568669309, -0.01229556853170699]}, "70": {"x": 11.127159654020323, "y": 26.05639748361569, "z": 11.64186316561117, "r": [0.0006084314049874529, 0.00042774238076948023, -0.00594694036025567]}, "71": {"x": 10.01584533484566, "y": 7.51938073454566, "z": 10.49222796401809, "r": [9.91235295340065e-05, 9.912352953422854e-05, -0.0014010988835386762]}, "72": {"x": 28.5528620839157, "y": 8.630695053720325, "z": 11.641863165611174, "r": [0.0004277423807348413, 0.000608431404983456, -0.005946940360259667]}, "73": {"x": 10.167257849648088, "y": -11.637911524172331, "z": 9.487399714556577, "r": [0.0001812713612652228, -0.00018127136126988574, 0.00296239649111274]}, "74": {"x": 11.312867797778349, "y": -30.077755129769162, "z": 8.322796318310882, "r": [0.00087093930538229, -0.0005304626479700758, 0.007427707648817616]}, "75": {"x": 31.993658656832608, "y": -33.46431233135685, "z": 4.704860632898077, "r": [0.0017179672506149046, -0.0017179672506024701, 0.012765103346177753]}, "76": {"x": 28.607101455244866, "y": -12.783521472302535, "z": 8.322796318310901, "r": [0.0005304626479727403, -0.00087093930538229, 0.007427707648831383]}, "77": {"x": -9.141446923872284, "y": 7.670793249348082, "z": 9.487399714556561, "r": [-0.0001812713612572292, 0.00018127136125944965, 0.002962396491089647]}, "78": {"x": -10.287056872002534, "y": 26.110636854944914, "z": 8.322796318310886, "r": [-0.0008709393053858427, 0.0005304626479798458, 0.007427707648816728]}, "79": {"x": -30.967847731056832, "y": 29.497194056532642, "z": 4.704860632898072, "r": [-0.0017179672505989174, 0.0017179672506060228, 0.012765103346177309]}, "80": {"x": -27.58129052946907, "y": 8.81640319747835, "z": 8.322796318310871, "r": [-0.0005304626479736285, 0.0008709393053827341, 0.007427707648815618]}, "81": {"x": -42.358756077239526, "y": -41.619499874997075, "z": 18.655135168794367, "r": [0.1103900697408875, -0.3076365805677952, 0.036143158120946595]}, "82": {"x": -39.123035274697074, "y": -44.855220677539535, "z": 18.655135168794367, "r": [-0.30763658056720544, 0.11039006974097276, 0.03614315812104962]}, "83": {"x": 43.38456700301529, "y": 37.65238160017286, "z": 18.655135168794374, "r": [-0.11039006974097987, 0.307636580567511, 0.036143158121038965]}, "84": {"x": 40.148846200472825, "y": 40.88810240271529, "z": 18.655135168794374, "r": [0.307636580567376, -0.1103900697410154, 0.03614315812104607]}, "85": {"x": -5.274561254391826, "y": -37.940020277086575, "z": 11.18213152235616, "r": [-0.043100814112905894, 0.182213126264422, 0.0023394826594476115]}, "86": {"x": 0.6008126877580855, "y": -33.78202787897669, "z": 9.984017488155486, "r": [2.4896788106687495e-05, -3.640824530748432e-09, 0.00013886482056957306]}, "87": {"x": 6.2927185764527405, "y": -37.93978339648242, "z": 8.817859983355008, "r": [0.06389019808961827, 0.1803063814159529, -0.006713296810856306]}, "88": {"x": 0.5828314290992616, "y": -6.542313014904888, "z": 9.994238903995317, "r": [-1.4753805288592048e-08, -1.1629115448386074e-09, -5.665973024093773e-07]}, "89": {"x": -4.045848414604856, "y": -1.913633171200759, "z": 9.994238903995312, "r": [-1.162909768481768e-09, -1.4753808841305727e-08, -5.66597305962091e-07]}, "90": {"x": 0.442979496676537, "y": 2.575194740080647, "z": 9.994238903995317, "r": [1.4753805288592048e-08, 1.1629102125709778e-09, -5.6659729530395e-07]}, "91": {"x": 5.071659340380653, "y": -2.053485103623483, "z": 9.994238903995319, "r": [1.1629115448386074e-09, 1.4753802624056789e-08, -5.665972917512363e-07]}, "92": {"x": 32.311374204452456, "y": -2.0714663622822753, "z": 9.984017488155505, "r": [3.640828083462111e-09, -2.489678810402296e-05, 0.00013886482055713856]}, "93": {"x": 36.46936660256238, "y": 3.8039075798676376, "z": 11.182131522356187, "r": [-0.1822131262643083, 0.043100814112846386, 0.0023394826595612983]}, "94": {"x": 36.469129721958204, "y": -7.763372250976933, "z": 8.817859983355035, "r": [-0.18030638141527788, -0.06389019808969287, -0.006713296810785252]}, "95": {"x": 40.14735317373129, "y": -44.85498243871514, "z": 1.344863565146692, "r": [0.3112859886841264, 0.1106015824051596, -0.03673791335868826]}, "96": {"x": 43.38432876419088, "y": -41.61800684825553, "z": 1.3448635651466962, "r": [-0.11060158240488249, -0.31128598868380664, -0.03673791335868071]}, "97": {"x": -39.12154224795552, "y": 40.88786416389089, "z": 1.3448635651466938, "r": [-0.3112859886844035, -0.11060158240537987, -0.03673791335866605]}, "98": {"x": -42.358517838415125, "y": 37.65088857343131, "z": 1.3448635651466907, "r": [0.11060158240529461, 0.3112859886840198, -0.03673791335870513]}, "99": {"x": -31.285563278676612, "y": -1.895651912541907, "z": 9.984017488155477, "r": [-3.640842294316826e-09, 2.4896788106687495e-05, 0.0001388648205713494]}, "100": {"x": -35.443555676786545, "y": -7.771025854691817, "z": 11.182131522356153, "r": [0.18221312626423725, -0.043100814112905894, 0.0023394826596288]}, "101": {"x": -35.44331879618238, "y": 3.7962539761527583, "z": 8.817859983355001, "r": [0.1803063814156971, 0.06389019808947527, -0.006713296810858083]}, "102": {"x": 6.300372180167632, "y": 33.97290200226237, "z": 11.182131522356183, "r": [0.043100814112905894, -0.18221312626408803, 0.0023394826595577456]}, "103": {"x": 0.4249982380177279, "y": 29.81490960415246, "z": 9.9840174881555, "r": [-2.4896788107575674e-05, 3.6408174253210746e-09, 0.00013886482056157945]}, "104": {"x": -5.266907650676927, "y": 33.972665121658196, "z": 8.817859983355028, "r": [-0.06389019808957652, -0.1803063814156758, -0.006713296810813674]}, "105": {"x": -38.92206692746506, "y": -30.597761735978956, "z": 16.057117006202407, "r": [0.12682504062229327, -0.2403144453107231, 0.02612185396832345]}, "106": {"x": -36.60800988794954, "y": -19.276128627681313, "z": 13.577102821794526, "r": [0.15979927378683811, -0.14805411280163838, 0.013182752277206333]}, "107": {"x": -33.32135741936795, "y": -24.03396826638146, "z": 14.088970728463856, "r": [7.485909379312261e-05, 0.00010351104962680324, 0.0006005963293063132]}, "108": {"x": -28.101297135678962, "y": -41.41853152776506, "z": 16.05711700620241, "r": [-0.24031444531063784, 0.12682504062202327, 0.026121853968184894]}, "109": {"x": -16.779664027381315, "y": -39.10447448824955, "z": 13.577102821794531, "r": [-0.14805411280176628, 0.1597992737869376, 0.013182752277341336]}, "110": {"x": -21.53750366608145, "y": -35.81782201966793, "z": 14.08897072846385, "r": [0.0001035110496410141, 7.485909380022804e-05, 0.0006005963292974315]}, "111": {"x": 29.12710806145472, "y": 37.45141325294083, "z": 16.05711700620242, "r": [0.2403144453106023, -0.12682504062198063, 0.026121853968145814]}, "112": {"x": 17.80547495315711, "y": 35.13735621342534, "z": 13.57710282179455, "r": [0.14805411280148917, -0.15979927378692338, 0.013182752277160148]}, "113": {"x": 22.563314591857235, "y": 31.850703744843685, "z": 14.088970728463863, "r": [-0.00010351104963035596, -7.485909377891176e-05, 0.0006005963292778915]}, "114": {"x": 39.94787785324084, "y": 26.63064346115474, "z": 16.057117006202418, "r": [-0.12682504062235012, 0.2403144453104744, 0.026121853968192]}, "115": {"x": 37.633820813725364, "y": 15.30901035285712, "z": 13.577102821794556, "r": [-0.1597992737866889, 0.14805411280196168, 0.013182752277405285]}, "116": {"x": 34.34716834514372, "y": 20.066849991557245, "z": 14.088970728463865, "r": [-7.485909381443889e-05, -0.00010351104964279045, 0.0006005963293009842]}, "117": {"x": 0.703427690220221, "y": -25.143206824318664, "z": 9.973687579849127, "r": [3.529566368065673e-06, -2.2377001585027756e-08, 2.7308590158980905e-05]}, "118": {"x": 0.6883232786538994, "y": -15.935002398092143, "z": 9.983432154211599, "r": [-8.997580103198288e-08, 8.638707527097722e-10, -1.1541934323844316e-06]}, "119": {"x": -4.371186773866696, "y": -20.72346915582919, "z": 10.504373368973058, "r": [-1.0827202503449485e-06, -2.8594148204774683e-07, -1.0422639407536849e-05]}, "120": {"x": 5.693362258298627, "y": -20.773787360987733, "z": 9.458692421680885, "r": [2.536404931419156e-06, -6.983031504148585e-07, 2.4378095814014955e-05]}, "121": {"x": 17.799049269237166, "y": -39.103908211620436, "z": 6.422865842982384, "r": [0.16420367554288973, 0.15568822116704695, -0.01684403492175157]}, "122": {"x": 29.12286727315786, "y": -41.41797213436234, "z": 3.9428695430231753, "r": [0.24967701072769444, 0.12378632662257871, -0.028346559479747846]}, "123": {"x": 22.631498423217156, "y": -35.8602172656562, "z": 5.89252509094042, "r": [-9.398519345893419e-05, 6.781798518318283e-05, -0.0005446241168289845]}, "124": {"x": -13.43853779779208, "y": -1.8081413216461193, "z": 9.983432154211595, "r": [8.638600945687358e-10, -8.997580014380446e-08, -1.1541934235026474e-06]}, "125": {"x": -22.646742224018567, "y": -1.793036910079788, "z": 9.973687579849118, "r": [-2.237702290130983e-08, 3.529566368065673e-06, 2.730859015720455e-05]}, "126": {"x": -18.227004555529117, "y": -6.867651374166715, "z": 10.504373368973056, "r": [-2.859414571787511e-07, -1.0827202441276995e-06, -1.0422639425300417e-05]}, "127": {"x": -18.277322760687653, "y": 3.196897657998616, "z": 9.458692421680873, "r": [-6.983031397567174e-07, 2.5364049296427993e-06, 2.437809580513317e-05]}, "128": {"x": 0.3374876471219111, "y": 11.967884123267888, "z": 9.983432154211602, "r": [8.997580014380446e-08, -8.638707527097722e-10, -1.1541934323844316e-06]}, "129": {"x": 0.32238323555560155, "y": 21.1760885494944, "z": 9.973687579849138, "r": [-3.5295663627366025e-06, 2.237701579588247e-08, 2.730859015720455e-05]}, "130": {"x": 5.396997699642509, "y": 16.756350881004945, "z": 10.504373368973074, "r": [1.0827202459040564e-06, 2.859414678368921e-07, -1.0422639411089563e-05]}, "131": {"x": -4.667551332522801, "y": 16.806669086163463, "z": 9.45869242168088, "r": [-2.5364049234255504e-06, 6.983031290985764e-07, 2.4378095792698673e-05]}, "132": {"x": 14.464348723567864, "y": -2.1589769531781036, "z": 9.983432154211604, "r": [-8.638814108508086e-10, 8.997580103198288e-08, -1.1541934306080748e-06]}, "133": {"x": 23.67255314979435, "y": -2.1740813647444064, "z": 9.973687579849138, "r": [2.2377001585027756e-08, -3.529566363624781e-06, 2.730859016253362e-05]}, "134": {"x": 19.252815481304935, "y": 2.9005330993425007, "z": 10.504373368973077, "r": [2.859414678368921e-07, 1.0827202423513427e-06, -1.0422639421747704e-05]}, "135": {"x": 19.30313368646345, "y": -7.164015932822827, "z": 9.458692421680887, "r": [6.983031433094311e-07, -2.5364049260900856e-06, 2.4378095812238598e-05]}, "136": {"x": 37.63325453709619, "y": -19.269702943761366, "z": 6.422865842982402, "r": [-0.15568822116669878, -0.16420367554321302, -0.016844034921634332]}, "137": {"x": 39.94731845983809, "y": -30.593520947682066, "z": 3.942869543023186, "r": [-0.1237863266229624, -0.24967701072728943, -0.028346559479834887]}, "138": {"x": 34.3895635911319, "y": -24.102152097741353, "z": 5.892525090940424, "r": [-6.781798522226268e-05, 9.398519346603962e-05, -0.0005446241168325372]}, "139": {"x": -38.92150753406232, "y": 26.62640267285787, "z": 3.942869543023171, "r": [0.12378632662356637, 0.2496770107273747, -0.028346559479864197]}, "140": {"x": -36.607443611320406, "y": 15.302584668937186, "z": 6.42286584298238, "r": [0.15568822116735248, 0.16420367554301762, -0.016844034921682294]}, "141": {"x": -33.363752665356124, "y": 20.13503382291716, "z": 5.892525090940408, "r": [6.781798519384097e-05, -9.398519346959233e-05, -0.0005446241168307608]}, "142": {"x": -28.097056347382047, "y": 37.450853859538086, "z": 3.94286954302318, "r": [-0.24967701072760917, -0.12378632662277056, -0.028346559479778044]}, "143": {"x": -16.77323834346135, "y": 35.136789936796184, "z": 6.422865842982396, "r": [-0.16420367554302118, -0.1556882211672459, -0.016844034921648543]}, "144": {"x": -21.60568749744134, "y": 31.89309899083193, "z": 5.892525090940418, "r": [9.398519346603962e-05, -6.781798519028825e-05, -0.0005446241168218791]}, "145": {"x": -24.14112497255586, "y": -22.444663431078737, "z": 12.763518597801234, "r": [3.3968838408782176e-06, 4.02780091590671e-06, 3.05225620085281e-05]}, "146": {"x": -19.948198830778733, "y": -26.63758957285589, "z": 12.763518597801237, "r": [4.027800919459423e-06, 3.3968838515363586e-06, 3.0522562020962596e-05]}, "147": {"x": -14.414746962585712, "y": -21.33648833723942, "z": 11.589102602144791, "r": [9.885634746353844e-07, 7.67538164581083e-07, 9.328308285816433e-06]}, "148": {"x": -18.840023736939365, "y": -16.911211562885722, "z": 11.589102602144786, "r": [7.675381361593736e-07, 9.885634710826707e-07, 9.328308298250931e-06]}, "149": {"x": 20.9740097565545, "y": 22.670471298031643, "z": 12.763518597801243, "r": [-4.0278009176830665e-06, -3.396883858641786e-06, 3.052256200675174e-05]}, "150": {"x": 25.166935898331648, "y": 18.4775451562545, "z": 12.76351859780124, "r": [-3.3968838657472133e-06, -4.0278009283412075e-06, 3.0522562010304455e-05]}, "151": {"x": 15.4405578883615, "y": 17.369370062415165, "z": 11.589102602144798, "r": [-9.885634817408118e-07, -7.675381663574399e-07, 9.328308298250931e-06]}, "152": {"x": 19.865834662715184, "y": 12.94409328806151, "z": 11.589102602144806, "r": [-7.675381503702283e-07, -9.885634728590276e-07, 9.328308303580002e-06]}, "153": {"x": 15.61973384436249, "y": -21.46208101791861, "z": 8.377394238843427, "r": [-6.868628439349322e-07, 5.351630036898314e-07, -6.455464554022683e-06]}, "154": {"x": 21.115648208841304, "y": -26.749514055343415, "z": 7.202222258427949, "r": [-3.4588870647667136e-06, 2.920034877007538e-06, -2.6150955298120948e-05]}, "155": {"x": 19.99142734339436, "y": -17.090387518886722, "z": 8.377394238843435, "r": [-5.351630072425451e-07, 6.868628368295049e-07, -6.455464545140899e-06]}, "156": {"x": 25.278860380819136, "y": -22.586301883365543, "z": 7.202222258427955, "r": [-2.9200348734548243e-06, 3.458887071872141e-06, -2.6150955266146525e-05]}, "157": {"x": -18.96561641761854, "y": 13.123269244062497, "z": 8.377394238843417, "r": [5.351630036898314e-07, -6.868628439349322e-07, -6.45546455579904e-06]}, "158": {"x": -14.593922918586683, "y": 17.494962743094366, "z": 8.377394238843419, "r": [6.868628297240775e-07, -5.35162996584404e-07, -6.455464554022683e-06]}, "159": {"x": -24.253049455043342, "y": 18.61918360854132, "z": 7.2022222584279385, "r": [2.9200348699021106e-06, -3.4588870647667136e-06, -2.6150955278581023e-05]}, "160": {"x": -20.089837283065478, "y": 22.782395780519145, "z": 7.202222258427943, "r": [3.4588870647667136e-06, -2.9200348627966832e-06, -2.6150955290127342e-05]}, "161": {"x": -35.799198034402444, "y": -34.70977071982211, "z": 16.304700463036117, "r": [1.5243037047696362e-05, 1.5772337583541685e-05, 9.374540492856909e-05]}, "162": {"x": -32.213306119522116, "y": -38.295662634702474, "z": 16.304700463036124, "r": [1.5772337576436257e-05, 1.5243037076118071e-05, 9.37454049321218e-05]}, "163": {"x": 36.82500896017821, "y": 30.742652444997876, "z": 16.30470046303612, "r": [-1.5243037111645208e-05, -1.5772337604857967e-05, 9.374540491080552e-05]}, "164": {"x": 33.239117045297874, "y": 34.328544359878215, "z": 16.304700463036124, "r": [-1.5772337590647112e-05, -1.5243037083223498e-05, 9.374540491791095e-05]}, "165": {"x": -10.550608128200075, "y": -34.30652079707913, "z": 12.002869052247656, "r": [0.00013117835160514346, 4.953183252354165e-05, 0.0007399855539489408]}, "166": {"x": -4.7349830732721205, "y": -29.68827177844205, "z": 10.809779876404583, "r": [1.5479082402514166e-05, 3.0660248313552074e-06, 0.00010024985789769403]}, "167": {"x": 5.994543633129024, "y": -29.71700728553825, "z": 9.150529603789606, "r": [-4.412946376319837e-06, 8.949294709736932e-07, -2.8561184263864448e-05]}, "168": {"x": 11.678871978719966, "y": -34.33386142419263, "z": 7.975668596912197, "r": [-0.00010398180157267234, 3.906150756805005e-05, -0.0005858626779176035]}, "169": {"x": -4.179424580697204, "y": -11.349454710272711, "z": 10.240687403600688, "r": [-3.158295127647648e-07, -1.586938731534815e-07, -6.09018976760467e-06]}, "170": {"x": 5.402404645388974, "y": -11.429446441012654, "z": 9.740390017007712, "r": [3.1948010459359466e-07, -1.6476530007025758e-07, 6.125505604970272e-06]}, "171": {"x": -8.852990109972689, "y": -6.6758891809972365, "z": 10.240687403600697, "r": [-1.5869388469980095e-07, -3.158295172056569e-07, -6.090189758722886e-06]}, "172": {"x": -8.932981840712598, "y": 2.905940045088961, "z": 9.740390017007703, "r": [-1.64765300958436e-07, 3.1948009926452414e-07, 6.125505603193915e-06]}, "173": {"x": 5.205235506473014, "y": 7.382336435448488, "z": 10.240687403600704, "r": [3.158295127647648e-07, 1.586938820352657e-07, -6.09018976760467e-06]}, "174": {"x": -4.376593719613171, "y": 7.462328166188398, "z": 9.740390017007705, "r": [-3.1948010459359466e-07, 1.647652965175439e-07, 6.1255056067466285e-06]}, "175": {"x": 9.878801035748484, "y": 2.7087709061730054, "z": 10.240687403600708, "r": [1.5869388469980095e-07, 3.158295167615677e-07, -6.090189753393815e-06]}, "176": {"x": 9.95879276648839, "y": -6.873058319913196, "z": 9.740390017007718, "r": [1.6476530007025758e-07, -3.194800983763457e-07, 6.125505619181126e-06]}, "177": {"x": 28.2176181039178, "y": 3.2643293987479267, "z": 10.8097798764046, "r": [-3.0660248171443527e-06, -1.547908240073781e-05, 0.00010024985791901031]}, "178": {"x": 28.246353611013966, "y": -7.46519730765321, "z": 9.150529603789618, "r": [-8.949294638682659e-07, 4.412946379872551e-06, -2.8561184253206306e-05]}, "179": {"x": 32.83586712255491, "y": 9.079954453675875, "z": 12.002869052247673, "r": [-4.953183251288351e-05, -0.0001311783515998144, 0.0007399855539382827]}, "180": {"x": 32.863207749668334, "y": -13.149525653244144, "z": 7.975668596912223, "r": [-3.906150759291904e-05, 0.00010398180155579695, -0.0005858626778740827]}, "181": {"x": 33.281262888864724, "y": -38.334032983810246, "z": 3.680897836718071, "r": [-1.5235390904422275e-05, 1.4736859995423401e-05, -9.052846632595646e-05]}, "182": {"x": 36.86337930928596, "y": -34.75191656338894, "z": 3.680897836718076, "r": [-1.4736860030950538e-05, 1.5235390936396698e-05, -9.052846632151557e-05]}, "183": {"x": -32.255451963088944, "y": 34.36691470898601, "z": 3.6808978367180654, "r": [1.5235390939949411e-05, -1.4736860009634256e-05, -9.052846635038136e-05]}, "184": {"x": -35.83756838351022, "y": 30.784798288564744, "z": 3.680897836718067, "r": [1.4736860002528829e-05, -1.523539092929127e-05, -9.05284663241801e-05]}, "185": {"x": -27.191807178141975, "y": -7.2314476735721165, "z": 10.809779876404571, "r": [3.0660248171443527e-06, 1.547908241228413e-05, 0.00010024985791901031]}, "186": {"x": -27.220542685238133, "y": 3.4980790328290214, "z": 9.150529603789591, "r": [8.949294922899753e-07, -4.412946384313443e-06, -2.856118426208809e-05]}, "187": {"x": -31.81005619677906, "y": -13.047072728500062, "z": 12.00286905224764, "r": [4.953183251998894e-05, 0.00013117835161402525, 0.0007399855539329536]}, "188": {"x": -31.837396823892522, "y": 9.182407378419969, "z": 7.975668596912183, "r": [3.906150756805005e-05, -0.00010398180155046788, -0.0005858626778962872]}, "189": {"x": 11.576419053975867, "y": 30.33940252225489, "z": 12.002869052247664, "r": [-0.00013117835160425528, -4.9531832505778084e-05, 0.0007399855539222955]}, "190": {"x": 5.760793999047925, "y": 25.721153503617803, "z": 10.809779876404589, "r": [-1.5479082409619593e-05, -3.0660248313552074e-06, 0.00010024985790657581]}, "191": {"x": -4.968732707353205, "y": 25.749889010713986, "z": 9.150529603789613, "r": [4.4129463807607294e-06, -8.949294780791206e-07, -2.856118425675902e-05]}, "192": {"x": -10.65306105294415, "y": 30.366743149368396, "z": 7.975668596912202, "r": [0.00010398180157089598, -3.90615076071299e-05, -0.0005858626779273735]}, "193": {"x": -29.760591154686697, "y": -28.34759446383531, "z": 14.326278652675892, "r": [5.227350516889828e-06, 5.832988982490406e-06, 3.759061379327022e-05]}, "194": {"x": -28.07002942517663, "y": -17.927774606705565, "z": 12.514384757421583, "r": [1.6274381096081925e-05, 2.7942850874040914e-05, 0.00018146237111871244]}, "195": {"x": -25.85112986353531, "y": -32.25705575498672, "z": 14.326278652675896, "r": [5.8329889860431194e-06, 5.227350520442542e-06, 3.759061380037565e-05]}, "196": {"x": -15.431310006405557, "y": -30.56649402547668, "z": 12.514384757421587, "r": [2.794285088114634e-05, 1.6274381099634638e-05, 0.00018146237110983066]}, "197": {"x": 26.87694078931107, "y": 28.289937480162457, "z": 14.326278652675896, "r": [-5.832989014464829e-06, -5.227350520442542e-06, 3.759061378438844e-05]}, "198": {"x": 16.457120932181333, "y": 26.59937575065242, "z": 12.514384757421592, "r": [-2.794285088825177e-05, -1.6274381124503634e-05, 0.00018146237110983066]}, "199": {"x": 30.786402080462473, "y": 24.380476189011087, "z": 14.3262786526759, "r": [-5.227350555969679e-06, -5.8329889967012605e-06, 3.7590613791493865e-05]}, "200": {"x": 29.09584035095245, "y": 13.96065633188135, "z": 12.5143847574216, "r": [-1.6274381088976497e-05, -2.7942850863382773e-05, 0.00018146237112226515]}, "201": {"x": -9.729788297535391, "y": -25.56887639459039, "z": 11.33501527029307, "r": [1.1224010474819579e-05, 4.992973661188671e-06, 8.647532511041334e-05]}, "202": {"x": -9.176090760544735, "y": -16.26474658871032, "z": 10.761416104819538, "r": [7.42794803443303e-08, 5.0508241145053034e-08, 9.405899934478157e-07]}, "203": {"x": 10.403698784131883, "y": -16.382278174877868, "z": 9.211036390136607, "r": [2.3328816212142556e-08, -1.6010606174177155e-08, 2.937345797704438e-07]}, "204": {"x": 10.977482575239504, "y": -25.641823405155133, "z": 8.628311685101368, "r": [-7.509147716078246e-06, 3.377061410958504e-06, -5.77469402811559e-05]}, "205": {"x": 16.602095566947916, "y": -30.63629350384005, "z": 7.454333837352971, "r": [-2.2537571645386834e-05, 1.3151902258812243e-05, -0.0001461749542084334]}, "206": {"x": 26.972007586399528, "y": -32.33851702652046, "z": 5.645636778579435, "r": [-5.098945781156772e-06, 4.569091288431082e-06, -3.28295640281695e-05]}, "207": {"x": -13.768281988410287, "y": -11.67255536084477, "z": 10.761416104819538, "r": [5.050822693419832e-08, 7.427947679161662e-08, 9.40589989895102e-07]}, "208": {"x": -23.07241179429032, "y": -12.226252897835396, "z": 11.335015270293063, "r": [4.992973668294098e-06, 1.1224010483701363e-05, 8.647532511574241e-05]}, "209": {"x": -13.885813574577796, "y": 7.907234183831873, "z": 9.21103639013659, "r": [-1.6010602621463477e-08, 2.332880733035836e-08, 2.9373458509951433e-07]}, "210": {"x": -23.145358804855057, "y": 8.481017974939503, "z": 8.628311685101352, "r": [3.3770614074057903e-06, -7.5091477107491755e-06, -5.7746940290037685e-05]}, "211": {"x": 10.755599223311194, "y": 21.601758119766142, "z": 11.335015270293082, "r": [-1.1224010478372293e-05, -4.992973675399526e-06, 8.647532513172962e-05]}, "212": {"x": 10.201901686320541, "y": 12.297628313886085, "z": 10.761416104819551, "r": [-7.427948212068713e-08, -5.0508235815982516e-08, 9.405899827896747e-07]}, "213": {"x": -9.37788785835606, "y": 12.4151599000536, "z": 9.211036390136591, "r": [-2.3328812659428877e-08, 1.6010613279604513e-08, 2.937345797704438e-07]}, "214": {"x": -9.951671649463684, "y": 21.674705130330874, "z": 8.628311685101364, "r": [7.509147714301889e-06, -3.3770614074057903e-06, -5.7746940278491365e-05]}, "215": {"x": 14.794092914186088, "y": 7.705437086020532, "z": 10.761416104819553, "r": [-5.050823403962568e-08, -7.427947501525978e-08, 9.405899952241725e-07]}, "216": {"x": 24.098222720066158, "y": 8.259134623011194, "z": 11.33501527029309, "r": [-4.992973639872389e-06, -1.1224010462385081e-05, 8.647532512462419e-05]}, "217": {"x": 14.911624500353609, "y": -11.874352458656112, "z": 9.211036390136606, "r": [1.601061860867503e-08, -2.3328812659428877e-08, 2.9373457266501646e-07]}, "218": {"x": 24.171169730630826, "y": -12.448136249763701, "z": 8.628311685101373, "r": [-3.3770614287220724e-06, 7.50914771963096e-06, -5.774694027405047e-05]}, "219": {"x": 30.86786335199618, "y": -28.442661260923767, "z": 5.645636778579438, "r": [-4.5690913381690734e-06, 5.0989458060257675e-06, -3.282956403438675e-05]}, "220": {"x": 29.16563982931576, "y": -18.07274924147213, "z": 7.454333837352985, "r": [-1.3151902269470384e-05, 2.2537571634728693e-05, -0.0001461749542048807]}, "221": {"x": -29.8420524262204, "y": 24.475542986099562, "z": 5.645636778579432, "r": [4.569091309747364e-06, -5.098945770498631e-06, -3.2829564020175894e-05]}, "222": {"x": -28.13982890353996, "y": 14.105630966647933, "z": 7.454333837352967, "r": [1.3151902262364956e-05, -2.253757164183412e-05, -0.00014617495419422255]}, "223": {"x": -15.576284641172107, "y": 26.669175229015778, "z": 7.454333837352972, "r": [2.253757164183412e-05, -1.3151902255259529e-05, -0.00014617495420665705]}, "224": {"x": -25.946196660623745, "y": 28.37139875169622, "z": 5.64563677857943, "r": [5.098945774051344e-06, -4.569091302641937e-06, -3.282956402372861e-05]}, "225": {"x": -34.43645613998347, "y": -29.409955284538, "z": 15.149544558593924, "r": [-0.0016574297935108007, -0.002064172644793416, -0.012247789295429357]}, "226": {"x": -37.377947622705484, "y": -39.8744122230055, "z": 17.457598186133627, "r": [-0.0010895418255927325, -0.0010895418255643108, -0.006990991785727374]}, "227": {"x": -26.91349068423799, "y": -36.93292074028348, "z": 15.149544558593925, "r": [-0.002064172644807627, -0.0016574297935392224, -0.012247789295429357]}, "228": {"x": -24.91200474042528, "y": -27.408469340725294, "z": 13.50282937027865, "r": [-0.0013452556585917819, -0.0013452556586059927, -0.011321673098365181]}, "229": {"x": -16.061444548578134, "y": -34.9345443891872, "z": 13.007922274755636, "r": [-0.0018991499503897558, -0.0011397291898447293, -0.01046484458237984]}, "230": {"x": -4.979823585194276, "y": -33.91964849661884, "z": 10.977828311045778, "r": [-0.0006739008128704427, -0.00038269997898510155, -0.0034922289925276573]}, "231": {"x": -4.525386094628399, "y": -25.276570921709943, "z": 10.643998159148758, "r": [-0.00019058906442026569, -0.00013206250936548258, -0.002011272014975418]}, "232": {"x": -14.870800603909519, "y": -26.018183461741096, "z": 12.021843878241016, "r": [-0.000835457939508899, -0.0006234896089978292, -0.00747415234284432]}, "233": {"x": -4.253967330868617, "y": -16.065980959610577, "z": 10.365161260783788, "r": [-4.8453167909912054e-05, -3.533683646139707e-05, -0.0008256401032085137]}, "234": {"x": -4.119437230871885, "y": -6.615901831171915, "z": 10.114652247173558, "r": [-5.477574551449038e-05, -5.477574551449038e-05, 0.0002526403306717384]}, "235": {"x": -13.569516359310533, "y": -6.750431931168648, "z": 10.365161260783792, "r": [-3.533683646139707e-05, -4.845316791701748e-05, -0.0008256401032014082]}, "236": {"x": -14.04349523652865, "y": -16.539959836828686, "z": 11.15723907069761, "r": [-0.0003090946167958464, -0.0003090946167958464, -0.004242598738116499]}, "237": {"x": -22.780106321409868, "y": -7.021850694928408, "z": 10.643998159148747, "r": [-0.00013206250935127173, -0.0001905890644238184, -0.0020112720149825236]}, "238": {"x": -31.423183896318804, "y": -7.4762881854942655, "z": 10.97782831104577, "r": [-0.00038269997901352326, -0.0006739008128846535, -0.003492228992520552]}, "239": {"x": -32.438079788887194, "y": -18.55790914887814, "z": 13.007922274755632, "r": [-0.001139729189873151, -0.0018991499504181775, -0.01046484458237984]}, "240": {"x": -23.521718861441023, "y": -17.367265204209517, "z": 12.021843878241008, "r": [-0.0006234896089694075, -0.0008354579395017936, -0.007474152342837215]}, "241": {"x": 35.46226706575924, "y": 25.44283700971376, "z": 15.149544558593929, "r": [0.0016574297935392224, 0.002064172644807627, -0.012247789295429357]}, "242": {"x": 38.40375854848125, "y": 35.907293948181255, "z": 17.45759818613363, "r": [0.0010895418255927325, 0.0010895418255927325, -0.006990991785727374]}, "243": {"x": 27.93930161001374, "y": 32.96580246545919, "z": 15.149544558593924, "r": [0.002064172644793416, 0.001657429793482379, -0.012247789295415146]}, "244": {"x": 25.937815666201054, "y": 23.44135106590106, "z": 13.502829370278654, "r": [0.0013452556586059927, 0.0013452556585917819, -0.011321673098365181]}, "245": {"x": 17.087255474353924, "y": 30.967426114362983, "z": 13.007922274755648, "r": [0.0018991499504039666, 0.001139729189873151, -0.010464844582344313]}, "246": {"x": 6.005634510970083, "y": 29.952530221794632, "z": 10.97782831104579, "r": [0.0006739008128775481, 0.0003826999790277341, -0.0034922289925134464]}, "247": {"x": 5.551197020404214, "y": 21.309452646885703, "z": 10.643998159148765, "r": [0.00019058906442026569, 0.00013206250935127173, -0.00201127201500384]}, "248": {"x": 15.896611529685313, "y": 22.051065186916848, "z": 12.021843878241025, "r": [0.0008354579395017936, 0.0006234896089978292, -0.007474152342837215]}, "249": {"x": 5.27977825664443, "y": 12.098862684786342, "z": 10.365161260783808, "r": [4.8453167920570195e-05, 3.5336836475607925e-05, -0.0008256401032085137]}, "250": {"x": 5.14524815664769, "y": 2.648783556347681, "z": 10.114652247173566, "r": [5.477574551449038e-05, 5.477574551093767e-05, 0.00025264033065042213]}, "251": {"x": 14.595327285086325, "y": 2.7833136563444163, "z": 10.365161260783804, "r": [3.53368364685025e-05, 4.845316791346477e-05, -0.0008256401032014082]}, "252": {"x": 15.069306162304457, "y": 12.572841562004452, "z": 11.157239070697624, "r": [0.0003090946168029518, 0.0003090946167958464, -0.004242598738095182]}, "253": {"x": 23.80591724718569, "y": 3.0547324201042083, "z": 10.643998159148774, "r": [0.00013206250935127173, 0.0001905890644238184, -0.002011272014989629]}, "254": {"x": 32.44899482209465, "y": 3.5091699106700833, "z": 10.977828311045801, "r": [0.00038269997901352326, 0.0006739008128757717, -0.0034922289925276573]}, "255": {"x": 33.46389071466302, "y": 14.59079087405393, "z": 13.007922274755654, "r": [0.0011397291898447293, 0.0018991499504039666, -0.010464844582386945]}, "256": {"x": 24.547529787216853, "y": 13.400146929385311, "z": 12.021843878241029, "r": [0.0006234896089836184, 0.0008354579394946882, -0.00747415234284432]}, "257": {"x": 14.658354137533449, "y": -7.0157624030659225, "z": 9.608160683222241, "r": [7.05883442080335e-05, -0.00018194343010691227, 0.0024356665888092266]}, "258": {"x": 5.250659245124778, "y": -6.721312919649015, "z": 9.875177265311464, "r": [7.624381074222697e-05, -7.624381073867426e-05, 0.0012676935594910788]}, "259": {"x": 5.5451087285417096, "y": -16.12900781205773, "z": 9.608160683222241, "r": [0.00018194343011757041, -7.058834421513893e-05, 0.0024356665888234375]}, "260": {"x": 15.229547046763381, "y": -16.700200721287626, "z": 8.81297321527042, "r": [0.0004336520962979762, -0.0004336520963050816, 0.0057306298055763705]}, "261": {"x": 5.842237307046587, "y": -25.317011960545027, "z": 9.313432771056169, "r": [0.00041922124527005167, -0.00018733289437022904, 0.0036692795110653265]}, "262": {"x": 6.144750080424786, "y": -33.93654432227851, "z": 8.992866776398422, "r": [0.0008993555108425255, -0.00046083072382430146, 0.005098780265356595]}, "263": {"x": 17.176953841934083, "y": -34.97569751202693, "z": 6.969353521887877, "r": [0.0020644765544943766, -0.0012539118164056617, 0.011626479807969048]}, "264": {"x": 16.07651654257586, "y": -26.11888787488078, "z": 7.942478431256295, "r": [0.001017139621978913, -0.0007443735613463787, 0.008807530387684892]}, "265": {"x": 28.00255884331842, "y": -36.98308439371091, "z": 4.830277917474138, "r": [0.002142151395048586, -0.0017366181345437326, 0.012790511757039269]}, "266": {"x": 38.4346444619315, "y": -39.90529813645575, "z": 2.5308603779650185, "r": [0.0011129741839965845, -0.0011129741839965845, 0.007139288901690577]}, "267": {"x": 35.51243071918661, "y": -29.47321251784261, "z": 4.830277917474148, "r": [0.0017366181344868892, -0.002142151395048586, 0.012790511757057033]}, "268": {"x": 26.054666484834687, "y": -27.525320159358944, "z": 6.462693484753122, "r": [0.001472392618751428, -0.0014723926187372172, 0.012234151613562005]}, "269": {"x": 33.50504383750265, "y": -18.647607516458287, "z": 6.969353521887895, "r": [0.00125391181637724, -0.0020644765544943766, 0.01162647980799747]}, "270": {"x": 32.465890647754264, "y": -7.615403754948981, "z": 8.992866776398442, "r": [0.00046083072385272317, -0.0008993555108531837, 0.005098780265356595]}, "271": {"x": 23.846358286020713, "y": -7.312890981570775, "z": 9.313432771056174, "r": [0.00018733289439865075, -0.0004192212452807098, 0.0036692795110795373]}, "272": {"x": 24.648234200356512, "y": -17.54717021710008, "z": 7.942478431256307, "r": [0.0007443735613463787, -0.0010171396219647022, 0.008807530387670681]}, "273": {"x": -13.632543211757655, "y": 3.048644128241699, "z": 9.60816068322223, "r": [-7.05883442080335e-05, 0.000181943430110465, 0.0024356665887950157]}, "274": {"x": -4.22484831934898, "y": 2.7541946448247683, "z": 9.875177265311454, "r": [-7.624381074222697e-05, 7.624381074222697e-05, 0.0012676935595052896]}, "275": {"x": -4.519297802765894, "y": 12.161889537233455, "z": 9.60816068322223, "r": [-0.00018194343010691227, 7.058834420092808e-05, 0.002435666588816332]}, "276": {"x": -14.20373612098757, "y": 12.733082446463388, "z": 8.812973215270402, "r": [-0.0004336520962979762, 0.0004336520962979762, 0.005730629805569265]}, "277": {"x": -4.816426381270763, "y": 21.349893685720755, "z": 9.313432771056172, "r": [-0.00041922124527005167, 0.0001873328943560182, 0.003669279511058221]}, "278": {"x": -5.1189391546489675, "y": 29.969426047454263, "z": 8.992866776398433, "r": [-0.0008993555108389728, 0.0004608307238100906, 0.0050987802653637004]}, "279": {"x": -16.151142916158275, "y": 31.00857923720269, "z": 6.96935352188788, "r": [-0.0020644765544801658, 0.00125391181637724, 0.011626479807969048]}, "280": {"x": -15.05070561680005, "y": 22.15176960005652, "z": 7.94247843125629, "r": [-0.0010171396219860185, 0.0007443735613605895, 0.008807530387677787]}, "281": {"x": -26.97674791754261, "y": 33.01596611888666, "z": 4.830277917474142, "r": [-0.0021421513950770077, 0.0017366181345153109, 0.012790511757071243]}, "282": {"x": -37.40883353615573, "y": 35.93817986163151, "z": 2.5308603779650145, "r": [-0.001112974184053428, 0.0011129741840818497, 0.007139288901722551]}, "283": {"x": -34.48661979341085, "y": 25.50609424301842, "z": 4.830277917474134, "r": [-0.0017366181344868892, 0.002142151395048586, 0.012790511757057033]}, "284": {"x": -25.028855559058897, "y": 23.55820188453471, "z": 6.462693484753115, "r": [-0.001472392618751428, 0.0014723926187372172, 0.01223415161356911]}, "285": {"x": -32.47923291172685, "y": 14.680489241634099, "z": 6.969353521887874, "r": [-0.0012539118164340834, 0.002064476554501482, 0.011626479807993917]}, "286": {"x": -31.44007972197841, "y": 3.6482854801247924, "z": 8.992866776398412, "r": [-0.00046083072385272317, 0.0008993555108443019, 0.00509878026534949]}, "287": {"x": -22.820547360244927, "y": 3.3457727067465766, "z": 9.313432771056156, "r": [-0.00018733289437022904, 0.000419221245271828, 0.0036692795110653265]}, "288": {"x": -23.6224232745807, "y": 13.580051942275876, "z": 7.9424784312562835, "r": [-0.0007443735613605895, 0.001017139621978913, 0.008807530387677787]}}, "face": {"341": [49, 107, 225], "342": [225, 193, 49], "343": [9, 105, 225], "344": [225, 107, 9], "345": [25, 161, 225], "346": [225, 105, 25], "347": [65, 193, 225], "348": [225, 161, 65], "349": [25, 81, 226], "350": [226, 161, 25], "351": [0, 82, 226], "352": [226, 81, 0], "353": [26, 162, 226], "354": [226, 82, 26], "355": [65, 161, 226], "356": [226, 162, 65], "357": [26, 108, 227], "358": [227, 162, 26], "359": [10, 110, 227], "360": [227, 108, 10], "361": [50, 195, 227], "362": [227, 110, 50], "363": [65, 162, 227], "364": [227, 195, 65], "365": [50, 146, 228], "366": [228, 195, 50], "367": [21, 145, 228], "368": [228, 146, 21], "369": [49, 193, 228], "370": [228, 145, 49], "371": [65, 195, 228], "372": [228, 193, 65], "373": [50, 110, 229], "374": [229, 196, 50], "375": [10, 109, 229], "376": [229, 110, 10], "377": [29, 165, 229], "378": [229, 109, 29], "379": [66, 196, 229], "380": [229, 165, 66], "381": [29, 85, 230], "382": [230, 165, 29], "383": [2, 86, 230], "384": [230, 85, 2], "385": [30, 166, 230], "386": [230, 86, 30], "387": [66, 165, 230], "388": [230, 166, 66], "389": [30, 117, 231], "390": [231, 166, 30], "391": [13, 119, 231], "392": [231, 117, 13], "393": [53, 201, 231], "394": [231, 119, 53], "395": [66, 166, 231], "396": [231, 201, 66], "397": [53, 147, 232], "398": [232, 201, 53], "399": [21, 146, 232], "400": [232, 147, 21], "401": [50, 196, 232], "402": [232, 146, 50], "403": [66, 201, 232], "404": [232, 196, 66], "405": [53, 119, 233], "406": [233, 202, 53], "407": [13, 118, 233], "408": [233, 119, 13], "409": [32, 169, 233], "410": [233, 118, 32], "411": [67, 202, 233], "412": [233, 169, 67], "413": [32, 88, 234], "414": [234, 169, 32], "415": [3, 89, 234], "416": [234, 88, 3], "417": [33, 171, 234], "418": [234, 89, 33], "419": [67, 169, 234], "420": [234, 171, 67], "421": [33, 124, 235], "422": [235, 171, 33], "423": [15, 126, 235], "424": [235, 124, 15], "425": [56, 207, 235], "426": [235, 126, 56], "427": [67, 171, 235], "428": [235, 207, 67], "429": [56, 148, 236], "430": [236, 207, 56], "431": [21, 147, 236], "432": [236, 148, 21], "433": [53, 202, 236], "434": [236, 147, 53], "435": [67, 207, 236], "436": [236, 202, 67], "437": [56, 126, 237], "438": [237, 208, 56], "439": [15, 125, 237], "440": [237, 126, 15], "441": [43, 185, 237], "442": [237, 125, 43], "443": [68, 208, 237], "444": [237, 185, 68], "445": [43, 99, 238], "446": [238, 185, 43], "447": [7, 100, 238], "448": [238, 99, 7], "449": [44, 187, 238], "450": [238, 100, 44], "451": [68, 185, 238], "452": [238, 187, 68], "453": [44, 106, 239], "454": [239, 187, 44], "455": [9, 107, 239], "456": [239, 106, 9], "457": [49, 194, 239], "458": [239, 107, 49], "459": [68, 187, 239], "460": [239, 194, 68], "461": [49, 145, 240], "462": [240, 194, 49], "463": [21, 148, 240], "464": [240, 145, 21], "465": [56, 208, 240], "466": [240, 148, 56], "467": [68, 194, 240], "468": [240, 208, 68], "469": [52, 116, 241], "470": [241, 199, 52], "471": [12, 114, 241], "472": [241, 116, 12], "473": [27, 163, 241], "474": [241, 114, 27], "475": [69, 199, 241], "476": [241, 163, 69], "477": [27, 83, 242], "478": [242, 163, 27], "479": [1, 84, 242], "480": [242, 83, 1], "481": [28, 164, 242], "482": [242, 84, 28], "483": [69, 163, 242], "484": [242, 164, 69], "485": [28, 111, 243], "486": [243, 164, 28], "487": [11, 113, 243], "488": [243, 111, 11], "489": [51, 197, 243], "490": [243, 113, 51], "491": [69, 164, 243], "492": [243, 197, 69], "493": [51, 149, 244], "494": [244, 197, 51], "495": [22, 150, 244], "496": [244, 149, 22], "497": [52, 199, 244], "498": [244, 150, 52], "499": [69, 197, 244], "500": [244, 199, 69], "501": [51, 113, 245], "502": [245, 198, 51], "503": [11, 112, 245], "504": [245, 113, 11], "505": [46, 189, 245], "506": [245, 112, 46], "507": [70, 198, 245], "508": [245, 189, 70], "509": [46, 102, 246], "510": [246, 189, 46], "511": [8, 103, 246], "512": [246, 102, 8], "513": [47, 190, 246], "514": [246, 103, 47], "515": [70, 189, 246], "516": [246, 190, 70], "517": [47, 129, 247], "518": [247, 190, 47], "519": [16, 130, 247], "520": [247, 129, 16], "521": [58, 211, 247], "522": [247, 130, 58], "523": [70, 190, 247], "524": [247, 211, 70], "525": [58, 151, 248], "526": [248, 211, 58], "527": [22, 149, 248], "528": [248, 151, 22], "529": [51, 198, 248], "530": [248, 149, 51], "531": [70, 211, 248], "532": [248, 198, 70], "533": [58, 130, 249], "534": [249, 212, 58], "535": [16, 128, 249], "536": [249, 130, 16], "537": [34, 173, 249], "538": [249, 128, 34], "539": [71, 212, 249], "540": [249, 173, 71], "541": [34, 90, 250], "542": [250, 173, 34], "543": [3, 91, 250], "544": [250, 90, 3], "545": [35, 175, 250], "546": [250, 91, 35], "547": [71, 173, 250], "548": [250, 175, 71], "549": [35, 132, 251], "550": [251, 175, 35], "551": [17, 134, 251], "552": [251, 132, 17], "553": [60, 215, 251], "554": [251, 134, 60], "555": [71, 175, 251], "556": [251, 215, 71], "557": [60, 152, 252], "558": [252, 215, 60], "559": [22, 151, 252], "560": [252, 152, 22], "561": [58, 212, 252], "562": [252, 151, 58], "563": [71, 215, 252], "564": [252, 212, 71], "565": [60, 134, 253], "566": [253, 216, 60], "567": [17, 133, 253], "568": [253, 134, 17], "569": [36, 177, 253], "570": [253, 133, 36], "571": [72, 216, 253], "572": [253, 177, 72], "573": [36, 92, 254], "574": [254, 177, 36], "575": [4, 93, 254], "576": [254, 92, 4], "577": [37, 179, 254], "578": [254, 93, 37], "579": [72, 177, 254], "580": [254, 179, 72], "581": [37, 115, 255], "582": [255, 179, 37], "583": [12, 116, 255], "584": [255, 115, 12], "585": [52, 200, 255], "586": [255, 116, 52], "587": [72, 179, 255], "588": [255, 200, 72], "589": [52, 150, 256], "590": [256, 200, 52], "591": [22, 152, 256], "592": [256, 150, 22], "593": [60, 216, 256], "594": [256, 152, 60], "595": [72, 200, 256], "596": [256, 216, 72], "597": [61, 135, 257], "598": [257, 217, 61], "599": [17, 132, 257], "600": [257, 135, 17], "601": [35, 176, 257], "602": [257, 132, 35], "603": [73, 217, 257], "604": [257, 176, 73], "605": [35, 91, 258], "606": [258, 176, 35], "607": [3, 88, 258], "608": [258, 91, 3], "609": [32, 170, 258], "610": [258, 88, 32], "611": [73, 176, 258], "612": [258, 170, 73], "613": [32, 118, 259], "614": [259, 170, 32], "615": [13, 120, 259], "616": [259, 118, 13], "617": [54, 203, 259], "618": [259, 120, 54], "619": [73, 170, 259], "620": [259, 203, 73], "621": [54, 153, 260], "622": [260, 203, 54], "623": [23, 155, 260], "624": [260, 153, 23], "625": [61, 217, 260], "626": [260, 155, 61], "627": [73, 203, 260], "628": [260, 217, 73], "629": [54, 120, 261], "630": [261, 204, 54], "631": [13, 117, 261], "632": [261, 120, 13], "633": [30, 167, 261], "634": [261, 117, 30], "635": [74, 204, 261], "636": [261, 167, 74], "637": [30, 86, 262], "638": [262, 167, 30], "639": [2, 87, 262], "640": [262, 86, 2], "641": [31, 168, 262], "642": [262, 87, 31], "643": [74, 167, 262], "644": [262, 168, 74], "645": [31, 121, 263], "646": [263, 168, 31], "647": [14, 123, 263], "648": [263, 121, 14], "649": [55, 205, 263], "650": [263, 123, 55], "651": [74, 168, 263], "652": [263, 205, 74], "653": [55, 154, 264], "654": [264, 205, 55], "655": [23, 153, 264], "656": [264, 154, 23], "657": [54, 204, 264], "658": [264, 153, 54], "659": [74, 205, 264], "660": [264, 204, 74], "661": [55, 123, 265], "662": [265, 206, 55], "663": [14, 122, 265], "664": [265, 123, 14], "665": [39, 181, 265], "666": [265, 122, 39], "667": [75, 206, 265], "668": [265, 181, 75], "669": [39, 95, 266], "670": [266, 181, 39], "671": [5, 96, 266], "672": [266, 95, 5], "673": [40, 182, 266], "674": [266, 96, 40], "675": [75, 181, 266], "676": [266, 182, 75], "677": [40, 137, 267], "678": [267, 182, 40], "679": [18, 138, 267], "680": [267, 137, 18], "681": [62, 219, 267], "682": [267, 138, 62], "683": [75, 182, 267], "684": [267, 219, 75], "685": [62, 156, 268], "686": [268, 219, 62], "687": [23, 154, 268], "688": [268, 156, 23], "689": [55, 206, 268], "690": [268, 154, 55], "691": [75, 219, 268], "692": [268, 206, 75], "693": [62, 138, 269], "694": [269, 220, 62], "695": [18, 136, 269], "696": [269, 138, 18], "697": [38, 180, 269], "698": [269, 136, 38], "699": [76, 220, 269], "700": [269, 180, 76], "701": [38, 94, 270], "702": [270, 180, 38], "703": [4, 92, 270], "704": [270, 94, 4], "705": [36, 178, 270], "706": [270, 92, 36], "707": [76, 180, 270], "708": [270, 178, 76], "709": [36, 133, 271], "710": [271, 178, 36], "711": [17, 135, 271], "712": [271, 133, 17], "713": [61, 218, 271], "714": [271, 135, 61], "715": [76, 178, 271], "716": [271, 218, 76], "717": [61, 155, 272], "718": [272, 218, 61], "719": [23, 156, 272], "720": [272, 155, 23], "721": [62, 220, 272], "722": [272, 156, 62], "723": [76, 218, 272], "724": [272, 220, 76], "725": [57, 127, 273], "726": [273, 209, 57], "727": [15, 124, 273], "728": [273, 127, 15], "729": [33, 172, 273], "730": [273, 124, 33], "731": [77, 209, 273], "732": [273, 172, 77], "733": [33, 89, 274], "734": [274, 172, 33], "735": [3, 90, 274], "736": [274, 89, 3], "737": [34, 174, 274], "738": [274, 90, 34], "739": [77, 172, 274], "740": [274, 174, 77], "741": [34, 128, 275], "742": [275, 174, 34], "743": [16, 131, 275], "744": [275, 128, 16], "745": [59, 213, 275], "746": [275, 131, 59], "747": [77, 174, 275], "748": [275, 213, 77], "749": [59, 158, 276], "750": [276, 213, 59], "751": [24, 157, 276], "752": [276, 158, 24], "753": [57, 209, 276], "754": [276, 157, 57], "755": [77, 213, 276], "756": [276, 209, 77], "757": [59, 131, 277], "758": [277, 214, 59], "759": [16, 129, 277], "760": [277, 131, 16], "761": [47, 191, 277], "762": [277, 129, 47], "763": [78, 214, 277], "764": [277, 191, 78], "765": [47, 103, 278], "766": [278, 191, 47], "767": [8, 104, 278], "768": [278, 103, 8], "769": [48, 192, 278], "770": [278, 104, 48], "771": [78, 191, 278], "772": [278, 192, 78], "773": [48, 143, 279], "774": [279, 192, 48], "775": [20, 144, 279], "776": [279, 143, 20], "777": [64, 223, 279], "778": [279, 144, 64], "779": [78, 192, 279], "780": [279, 223, 78], "781": [64, 160, 280], "782": [280, 223, 64], "783": [24, 158, 280], "784": [280, 160, 24], "785": [59, 214, 280], "786": [280, 158, 59], "787": [78, 223, 280], "788": [280, 214, 78], "789": [64, 144, 281], "790": [281, 224, 64], "791": [20, 142, 281], "792": [281, 144, 20], "793": [41, 183, 281], "794": [281, 142, 41], "795": [79, 224, 281], "796": [281, 183, 79], "797": [41, 97, 282], "798": [282, 183, 41], "799": [6, 98, 282], "800": [282, 97, 6], "801": [42, 184, 282], "802": [282, 98, 42], "803": [79, 183, 282], "804": [282, 184, 79], "805": [42, 139, 283], "806": [283, 184, 42], "807": [19, 141, 283], "808": [283, 139, 19], "809": [63, 221, 283], "810": [283, 141, 63], "811": [79, 184, 283], "812": [283, 221, 79], "813": [63, 159, 284], "814": [284, 221, 63], "815": [24, 160, 284], "816": [284, 159, 24], "817": [64, 224, 284], "818": [284, 160, 64], "819": [79, 221, 284], "820": [284, 224, 79], "821": [63, 141, 285], "822": [285, 222, 63], "823": [19, 140, 285], "824": [285, 141, 19], "825": [45, 188, 285], "826": [285, 140, 45], "827": [80, 222, 285], "828": [285, 188, 80], "829": [45, 101, 286], "830": [286, 188, 45], "831": [7, 99, 286], "832": [286, 101, 7], "833": [43, 186, 286], "834": [286, 99, 43], "835": [80, 188, 286], "836": [286, 186, 80], "837": [43, 125, 287], "838": [287, 186, 43], "839": [15, 127, 287], "840": [287, 125, 15], "841": [57, 210, 287], "842": [287, 127, 57], "843": [80, 186, 287], "844": [287, 210, 80], "845": [57, 157, 288], "846": [288, 210, 57], "847": [24, 159, 288], "848": [288, 157, 24], "849": [63, 222, 288], "850": [288, 159, 63], "851": [80, 210, 288], "852": [288, 222, 80]}, "facedata": {"341": {"path": [5, 0, 0], "s": [1.0015874962671256, 0.9985746252279828, -0.012643524745040985]}, "342": {"path": [5, 0, 0], "s": [1.0034328987028467, 0.9967313133718584, -0.012368953254767282]}, "343": {"path": [5, 0, 1], "s": [1.0110438615590023, 0.9892028210243575, 0.01128893411820961]}, "344": {"path": [5, 0, 1], "s": [1.0097178083184564, 0.9904943572225562, 0.010944931546476975]}, "345": {"path": [5, 0, 2], "s": [1.0080050359562003, 0.9922959546357469, -0.015469952546704777]}, "346": {"path": [5, 0, 2], "s": [1.0066076781907758, 0.9936811659539525, -0.015719138742686982]}, "347": {"path": [5, 0, 3], "s": [1.0076247463179313, 0.9925806726510034, 0.012200347538048393]}, "348": {"path": [5, 0, 3], "s": [1.0089689227943115, 0.9912600259580702, 0.012270313768412287]}, "349": {"path": [5, 1, 0], "s": [1.0129513551553049, 0.9873955741618256, 0.01355304104515378]}, "350": {"path": [5, 1, 0], "s": [1.012461971881921, 0.9879217848659344, 0.015272143610867924]}, "351": {"path": [5, 1, 1], "s": [1.0138493411761489, 0.986583486849558, -0.015716811308098776]}, "352": {"path": [5, 1, 1], "s": [1.0145679138369201, 0.9858649141887885, -0.015063509336608908]}, "353": {"path": [5, 1, 2], "s": [1.0105666722570286, 0.9898170844908268, 0.01661797872934625]}, "354": {"path": [5, 1, 2], "s": [1.0110139533824454, 0.9893329759346852, 0.015147382986694657]}, "355": {"path": [5, 1, 3], "s": [1.0090807874993364, 0.9912168052402169, -0.014759214558101806]}, "356": {"path": [5, 1, 3], "s": [1.0101950569959994, 0.9901025357435547, -0.014024533052499118]}, "357": {"path": [5, 2, 0], "s": [1.0114684474731943, 0.9888203966715342, -0.012674046361973008]}, "358": {"path": [5, 2, 0], "s": [1.011021345629144, 0.9892796449628023, -0.013521754834876885]}, "359": {"path": [5, 2, 1], "s": [1.0023553713849245, 0.9978567941560875, 0.014391577234453605]}, "360": {"path": [5, 2, 1], "s": [1.004034723122109, 0.9962119594612515, 0.01521180096540087]}, "361": {"path": [5, 2, 2], "s": [1.0071628548732259, 0.9930013572014781, -0.010680908764192617]}, "362": {"path": [5, 2, 2], "s": [1.0083299579865077, 0.991832163508601, -0.009699678360352753]}, "363": {"path": [5, 2, 3], "s": [1.0067335937863928, 0.9934953549659884, 0.013606950980955008]}, "364": {"path": [5, 2, 3], "s": [1.0053441297843266, 0.9948612891846081, 0.01334005365106666]}, "365": {"path": [5, 3, 0], "s": [1.0016550670933702, 0.9984359058193897, 0.009401288845185804]}, "366": {"path": [5, 3, 0], "s": [1.0028483213828538, 0.9972737863188162, 0.01069310847917152]}, "367": {"path": [5, 3, 1], "s": [1.0016713063755152, 0.9983963185314852, -0.00805882522070457]}, "368": {"path": [5, 3, 1], "s": [1.0031762824813195, 0.9968913424256801, -0.00759940342439546]}, "369": {"path": [5, 3, 2], "s": [1.005656980600294, 0.9944651271013759, 0.009528747717148223]}, "370": {"path": [5, 3, 2], "s": [1.0044212161213992, 0.9956697567913615, 0.008475138445846284]}, "371": {"path": [5, 3, 3], "s": [1.0059872378315797, 0.994169678749957, -0.011045771207959212]}, "372": {"path": [5, 3, 3], "s": [1.0046281438360791, 0.9955287727454578, -0.011671465147073]}, "373": {"path": [6, 0, 0], "s": [0.9995908779275429, 1.000548265352246, 0.01178638928306283]}, "374": {"path": [6, 0, 0], "s": [0.9983104122953002, 1.0017868156136112, 0.009706128333183729]}, "375": {"path": [6, 0, 1], "s": [1.0110424253245371, 0.9891395227939268, -0.007875411730628399]}, "376": {"path": [6, 0, 1], "s": [1.0096043382532047, 0.9905792768496287, -0.009650662729037076]}, "377": {"path": [6, 0, 2], "s": [0.9943785317619787, 1.005736654553522, 0.00910702443917619]}, "378": {"path": [6, 0, 2], "s": [0.995633883634335, 1.0045309626903145, 0.012044235728987928]}, "379": {"path": [6, 0, 3], "s": [1.006956942623262, 0.9931275657250215, -0.00605782282256382]}, "380": {"path": [6, 0, 3], "s": [1.0082746370167184, 0.9918151434900144, -0.004696146300784044]}, "381": {"path": [6, 1, 0], "s": [1.0112133146894682, 0.9889169242220214, -0.0024414944325328795]}, "382": {"path": [6, 1, 0], "s": [1.0095123055812514, 0.9905982063051775, -0.0045912037409243335]}, "383": {"path": [6, 1, 1], "s": [0.9905377897756794, 1.0095529576721969, 0.000596115859188145]}, "384": {"path": [6, 1, 1], "s": [0.9897140332520693, 1.0104110744336536, 0.00424496410918435]}, "385": {"path": [6, 1, 2], "s": [1.007182505084828, 0.992870583997971, -0.001371865923455465]}, "386": {"path": [6, 1, 2], "s": [1.0085496767729054, 0.9915228678348541, 0.0002605144628015089]}, "387": {"path": [6, 1, 3], "s": [0.9935904033618209, 1.0064962000597721, 0.006705624469742799]}, "388": {"path": [6, 1, 3], "s": [0.9936422044208811, 1.0064127570062686, 0.0037670185830516283]}, "389": {"path": [6, 2, 0], "s": [0.9948642199060856, 1.005162293886165, 3.722997736667987e-05]}, "390": {"path": [6, 2, 0], "s": [0.994047625942777, 1.0059923231140964, 0.002068938913125301]}, "391": {"path": [6, 2, 1], "s": [1.0033646384648591, 0.9966471370936478, -0.0007031265916743433]}, "392": {"path": [6, 2, 1], "s": [1.004307981883658, 0.9957105578932288, 0.00024685623089015074]}, "393": {"path": [6, 2, 2], "s": [0.99677147257195, 1.0032515473130537, 0.0035386685801149236]}, "394": {"path": [6, 2, 2], "s": [0.9970288724002092, 1.002983702373324, 0.0019260875012779943]}, "395": {"path": [6, 2, 3], "s": [1.0061775750699693, 0.9938637876433337, -0.001858978435575213]}, "396": {"path": [6, 2, 3], "s": [1.004962589194715, 0.9950711534142924, -0.003046763561341501]}, "397": {"path": [6, 3, 0], "s": [1.0026833005527371, 0.997341124308074, -0.004158160434331353]}, "398": {"path": [6, 3, 0], "s": [1.0038756393987742, 0.996151014323502, -0.003425849054462941]}, "399": {"path": [6, 3, 1], "s": [1.0004357439710734, 0.99961522222292, 0.007127308706398581]}, "400": {"path": [6, 3, 1], "s": [0.9998186582449379, 1.0002129787615257, 0.005621244036838682]}, "401": {"path": [6, 3, 2], "s": [1.0057596106387683, 0.9943129590654353, -0.006309878186823765]}, "402": {"path": [6, 3, 2], "s": [1.0044291784734278, 0.9956426066561659, -0.007244684726982027]}, "403": {"path": [6, 3, 3], "s": [0.9968754817210784, 1.0031625562921433, 0.005306274425575404]}, "404": {"path": [6, 3, 3], "s": [0.9972485543550247, 1.0028133935687724, 0.007362541973737093]}, "405": {"path": [7, 0, 0], "s": [1.0025183610258086, 0.9974894436224913, -0.0012174403331407908]}, "406": {"path": [7, 0, 0], "s": [1.0016152227013413, 0.9983905075353633, -0.0017693354508132612]}, "407": {"path": [7, 0, 1], "s": [0.997997971173865, 1.0020060874360204, -0.0002058276235321109]}, "408": {"path": [7, 0, 1], "s": [0.9974495741090472, 1.0025575785044125, 0.0007935357732605758]}, "409": {"path": [7, 0, 2], "s": [1.0008779149918854, 0.9991228885346485, -0.0001830224826775385]}, "410": {"path": [7, 0, 2], "s": [1.0014320939691386, 0.9985700185204859, 0.0002542081258675062]}, "411": {"path": [7, 0, 3], "s": [0.9992464995087043, 1.0007563452265074, 0.0015082535306572445]}, "412": {"path": [7, 0, 3], "s": [0.9993457789492435, 1.0006550861102868, 0.0006606726928618734]}, "413": {"path": [7, 1, 0], "s": [0.9997251029678079, 1.000275096403329, -0.0003517782706005818]}, "414": {"path": [7, 1, 0], "s": [0.9995275680637569, 1.0004726565902953, 3.682366795033985e-05]}, "415": {"path": [7, 1, 1], "s": [0.9999192606210524, 1.0000808629209337, 0.00034207187060427443]}, "416": {"path": [7, 1, 1], "s": [1.0000806620666824, 0.9999194614753045, 0.0003421192523459088]}, "417": {"path": [7, 1, 2], "s": [1.0004740891576553, 0.9995261354963955, 1.6520827380838264e-07]}, "418": {"path": [7, 1, 2], "s": [1.0002735889468377, 0.9997266104242981, -0.000352951512835994]}, "419": {"path": [7, 1, 3], "s": [1.0003066534086549, 0.9996936139201725, -0.0004163826259094467]}, "420": {"path": [7, 1, 3], "s": [0.9997300458121314, 1.0002702215166956, -0.0004408870567558401]}, "421": {"path": [7, 2, 0], "s": [0.9985620635432023, 1.0014400489464224, 0.0002044278464725805]}, "422": {"path": [7, 2, 0], "s": [0.9991412485439806, 1.0008595549825552, -0.0002556999048810578]}, "423": {"path": [7, 2, 1], "s": [1.002628541122498, 0.9973786114909617, 0.0005120409800017442]}, "424": {"path": [7, 2, 1], "s": [1.001995535349114, 0.9980085232607724, -0.00029077079497410953]}, "425": {"path": [7, 2, 2], "s": [0.9987553586229668, 1.0012503716137375, -0.0020430302143847156]}, "426": {"path": [7, 2, 2], "s": [0.9977038009185774, 1.0023040037297224, -0.0015856219761331385]}, "427": {"path": [7, 2, 3], "s": [1.0007125185112253, 0.9992883465483051, 0.0005983253902234435]}, "428": {"path": [7, 2, 3], "s": [1.0009963315649417, 0.9990065131702712, 0.0013619445380336616]}, "429": {"path": [7, 3, 0], "s": [1.00181200012009, 0.9982036347652511, 0.0035185041310586717]}, "430": {"path": [7, 3, 0], "s": [1.0013292548100017, 0.9986783241813775, 0.002412912646583498]}, "431": {"path": [7, 3, 1], "s": [1.0015188946995077, 0.9985031549448382, -0.004447032080462808]}, "432": {"path": [7, 3, 1], "s": [1.000206723872914, 0.9998153257714312, -0.00469163806928722]}, "433": {"path": [7, 3, 2], "s": [0.9992447659531478, 1.0007628130382311, 0.0026462972246800516]}, "434": {"path": [7, 3, 2], "s": [0.9993961666993535, 1.0006194681859875, 0.0039065112084799795]}, "435": {"path": [7, 3, 3], "s": [0.9997205138289431, 1.000284006019595, -0.0021072429341690985]}, "436": {"path": [7, 3, 3], "s": [1.0006950482403847, 0.9993094716081539, -0.0020099497493445495]}, "437": {"path": [8, 0, 0], "s": [1.0032667657478436, 0.9967458090256901, 0.0013943076854460023]}, "438": {"path": [8, 0, 0], "s": [1.0040608407765184, 0.9959621791084853, 0.002573506805729311]}, "439": {"path": [8, 0, 1], "s": [0.9957034985375134, 1.0043150412393724, 1.3996071024263774e-05]}, "440": {"path": [8, 0, 1], "s": [0.9967621688687385, 1.0032496066897685, -0.0011197681909803432]}, "441": {"path": [8, 0, 2], "s": [1.0062393607990587, 0.9938005882578143, 0.0011263615190788448]}, "442": {"path": [8, 0, 2], "s": [1.005153842419388, 0.9948726713728624, -0.00029723471203207144]}, "443": {"path": [8, 0, 3], "s": [0.9961651545613986, 1.0038685880476088, -0.004348237778589387]}, "444": {"path": [8, 0, 3], "s": [0.9944449876597082, 1.0055963750535948, -0.0032054298961100027]}, "445": {"path": [8, 1, 0], "s": [0.9915302542541997, 1.0085422903535588, -0.0004399777005480234]}, "446": {"path": [8, 1, 0], "s": [0.9932196504525882, 1.0068334386302102, -0.002599226860942021]}, "447": {"path": [8, 1, 1], "s": [1.0110745133054666, 0.9890505943802561, 0.001961720545881981]}, "448": {"path": [8, 1, 1], "s": [1.009566633987842, 0.9905241134600326, -0.00030839850452684466]}, "449": {"path": [8, 1, 2], "s": [0.993167198157111, 1.006943313729316, -0.007941637084514118]}, "450": {"path": [8, 1, 2], "s": [0.9902034364140399, 1.00992680249745, -0.0057437234977071846]}, "451": {"path": [8, 1, 3], "s": [1.0071453122850595, 0.9929096491420897, 0.0020733200570494615]}, "452": {"path": [8, 1, 3], "s": [1.0084897102368047, 0.9915968931847885, 0.003906850348183249]}, "453": {"path": [8, 2, 0], "s": [1.010787584377922, 0.9893772619467274, 0.0070889097593024065]}, "454": {"path": [8, 2, 0], "s": [1.0093589595394619, 0.9907562267760384, 0.005354831080980523]}, "455": {"path": [8, 2, 1], "s": [1.0002353975247718, 0.9999482175780646, -0.013550015253928405]}, "456": {"path": [8, 2, 1], "s": [0.9971944480520302, 1.0029875000664337, -0.013174465144089193]}, "457": {"path": [8, 2, 2], "s": [1.0069135243159182, 0.9931837035929932, 0.007078366899017713]}, "458": {"path": [8, 2, 2], "s": [1.0083401901443576, 0.9917989531354316, 0.008411004075362466]}, "459": {"path": [8, 2, 3], "s": [0.994738813491472, 1.00535096701526, -0.007850354849568328]}, "460": {"path": [8, 2, 3], "s": [0.9970247275587788, 1.0030597807895048, -0.008683586057820134]}, "461": {"path": [8, 3, 0], "s": [1.0003430446042652, 0.999728740525326, -0.008467117307145184]}, "462": {"path": [8, 3, 0], "s": [0.9984637236326884, 1.0016088460715145, -0.00837245913719334]}, "463": {"path": [8, 3, 1], "s": [1.0024291633602884, 0.9976024736461765, 0.005080651856805806]}, "464": {"path": [8, 3, 1], "s": [1.0032604781974714, 0.9967904879965215, 0.006364090671966413]}, "465": {"path": [8, 3, 2], "s": [0.9974464740594616, 1.002580179662816, -0.004479415874513404]}, "466": {"path": [8, 3, 2], "s": [0.9989689420392187, 1.001055482821593, -0.004830796709215876]}, "467": {"path": [8, 3, 3], "s": [1.005872795638766, 0.9941891522850321, 0.005274656640905263]}, "468": {"path": [8, 3, 3], "s": [1.004812198524786, 0.9952258394884373, 0.0038812118019462888]}, "469": {"path": [9, 0, 0], "s": [1.001587496267125, 0.9985746252279825, -0.012643524745040845]}, "470": {"path": [9, 0, 0], "s": [1.0034328987028434, 0.9967313133718597, -0.012368953254764932]}, "471": {"path": [9, 0, 1], "s": [1.011043861559001, 0.9892028210243586, 0.011288934118209679]}, "472": {"path": [9, 0, 1], "s": [1.0097178083184488, 0.990494357222563, 0.010944931546477368]}, "473": {"path": [9, 0, 2], "s": [1.008005035956201, 0.9922959546357442, -0.01546995254670608]}, "474": {"path": [9, 0, 2], "s": [1.0066076781907738, 0.9936811659539546, -0.01571913874268773]}, "475": {"path": [9, 0, 3], "s": [1.0076247463179324, 0.9925806726510027, 0.01220034753804693]}, "476": {"path": [9, 0, 3], "s": [1.008968922794315, 0.9912600259580663, 0.01227031376841134]}, "477": {"path": [9, 1, 0], "s": [1.012951355155308, 0.9873955741618232, 0.013553041045153735]}, "478": {"path": [9, 1, 0], "s": [1.012461971881923, 0.9879217848659324, 0.01527214361086995]}, "479": {"path": [9, 1, 1], "s": [1.013849341176155, 0.9865834868495552, -0.015716811308104754]}, "480": {"path": [9, 1, 1], "s": [1.0145679138369197, 0.9858649141887884, -0.015063509336612598]}, "481": {"path": [9, 1, 2], "s": [1.010566672257031, 0.9898170844908244, 0.0166179787293486]}, "482": {"path": [9, 1, 2], "s": [1.0110139533824447, 0.989332975934686, 0.015147382986697887]}, "483": {"path": [9, 1, 3], "s": [1.0090807874993328, 0.9912168052402198, -0.014759214558106006]}, "484": {"path": [9, 1, 3], "s": [1.0101950569960003, 0.9901025357435512, -0.014024533052497503]}, "485": {"path": [9, 2, 0], "s": [1.0114684474731899, 0.9888203966715395, -0.012674046361972717]}, "486": {"path": [9, 2, 0], "s": [1.0110213456291364, 0.98927964496281, -0.013521754834876673]}, "487": {"path": [9, 2, 1], "s": [1.002355371384929, 0.9978567941560831, 0.014391577234447249]}, "488": {"path": [9, 2, 1], "s": [1.004034723122112, 0.9962119594612482, 0.015211800965394501]}, "489": {"path": [9, 2, 2], "s": [1.007162854873219, 0.9930013572014854, -0.010680908764192637]}, "490": {"path": [9, 2, 2], "s": [1.0083299579865053, 0.9918321635086015, -0.009699678360351956]}, "491": {"path": [9, 2, 3], "s": [1.0067335937863926, 0.9934953549659898, 0.013606950980952008]}, "492": {"path": [9, 2, 3], "s": [1.0053441297843282, 0.9948612891846066, 0.013340053651067581]}, "493": {"path": [9, 3, 0], "s": [1.0016550670933742, 0.9984359058193856, 0.00940128884518184]}, "494": {"path": [9, 3, 0], "s": [1.0028483213828534, 0.9972737863188161, 0.010693108479166281]}, "495": {"path": [9, 3, 1], "s": [1.001671306375509, 0.9983963185314911, -0.00805882522069637]}, "496": {"path": [9, 3, 1], "s": [1.0031762824813184, 0.9968913424256813, -0.007599403424389803]}, "497": {"path": [9, 3, 2], "s": [1.0056569806002953, 0.9944651271013749, 0.009528747717145904]}, "498": {"path": [9, 3, 2], "s": [1.0044212161214008, 0.9956697567913596, 0.008475138445839282]}, "499": {"path": [9, 3, 3], "s": [1.0059872378315837, 0.9941696787499527, -0.011045771207956839]}, "500": {"path": [9, 3, 3], "s": [1.004628143836076, 0.9955287727454621, -0.011671465147072223]}, "501": {"path": [10, 0, 0], "s": [0.9995908779275419, 1.000548265352247, 0.011786389283057681]}, "502": {"path": [10, 0, 0], "s": [0.9983104122953027, 1.001786815613609, 0.009706128333178472]}, "503": {"path": [10, 0, 1], "s": [1.0110424253245365, 0.9891395227939271, -0.007875411730623111]}, "504": {"path": [10, 0, 1], "s": [1.0096043382531963, 0.9905792768496373, -0.009650662729032507]}, "505": {"path": [10, 0, 2], "s": [0.994378531761976, 1.0057366545535245, 0.009107024439173265]}, "506": {"path": [10, 0, 2], "s": [0.9956338836343339, 1.0045309626903154, 0.012044235728983617]}, "507": {"path": [10, 0, 3], "s": [1.0069569426232567, 0.9931275657250251, -0.00605782282256238]}, "508": {"path": [10, 0, 3], "s": [1.0082746370167155, 0.9918151434900164, -0.004696146300777808]}, "509": {"path": [10, 1, 0], "s": [1.0112133146894557, 0.9889169242220337, -0.002441494432524955]}, "510": {"path": [10, 1, 0], "s": [1.0095123055812503, 0.9905982063051769, -0.0045912037409224435]}, "511": {"path": [10, 1, 1], "s": [0.990537789775689, 1.0095529576721873, 0.0005961158591828172]}, "512": {"path": [10, 1, 1], "s": [0.9897140332520795, 1.0104110744336432, 0.004244964109179152]}, "513": {"path": [10, 1, 2], "s": [1.0071825050848215, 0.9928705839979785, -0.0013718659234525175]}, "514": {"path": [10, 1, 2], "s": [1.008549676772897, 0.9915228678348624, 0.0002605144628060853]}, "515": {"path": [10, 1, 3], "s": [0.9935904033618227, 1.0064962000597704, 0.006705624469737771]}, "516": {"path": [10, 1, 3], "s": [0.993642204420886, 1.0064127570062633, 0.0037670185830499894]}, "517": {"path": [10, 2, 0], "s": [0.9948642199060853, 1.0051622938861662, 3.7229977363351335e-05]}, "518": {"path": [10, 2, 0], "s": [0.994047625942777, 1.0059923231140961, 0.002068938913121488]}, "519": {"path": [10, 2, 1], "s": [1.0033646384648591, 0.9966471370936468, -0.000703126591672272]}, "520": {"path": [10, 2, 1], "s": [1.0043079818836524, 0.9957105578932333, 0.000246856230894055]}, "521": {"path": [10, 2, 2], "s": [0.996771472571951, 1.0032515473130525, 0.003538668580111673]}, "522": {"path": [10, 2, 2], "s": [0.99702887240021, 1.002983702373323, 0.0019260875012751526]}, "523": {"path": [10, 2, 3], "s": [1.0061775750699695, 0.9938637876433328, -0.0018589784355735079]}, "524": {"path": [10, 2, 3], "s": [1.0049625891947138, 0.9950711534142944, -0.0030467635613391536]}, "525": {"path": [10, 3, 0], "s": [1.0026833005527322, 0.9973411243080784, -0.004158160434325911]}, "526": {"path": [10, 3, 0], "s": [1.0038756393987707, 0.9961510143235056, -0.003425849054456593]}, "527": {"path": [10, 3, 1], "s": [1.0004357439710698, 0.9996152222229233, 0.00712730870639064]}, "528": {"path": [10, 3, 1], "s": [0.9998186582449379, 1.0002129787615262, 0.0056212440368365105]}, "529": {"path": [10, 3, 2], "s": [1.005759610638764, 0.9943129590654397, -0.0063098781868185915]}, "530": {"path": [10, 3, 2], "s": [1.0044291784734218, 0.9956426066561697, -0.007244684726978392]}, "531": {"path": [10, 3, 3], "s": [0.99687548172108, 1.0031625562921425, 0.005306274425569124]}, "532": {"path": [10, 3, 3], "s": [0.9972485543550268, 1.0028133935687709, 0.007362541973731106]}, "533": {"path": [11, 0, 0], "s": [1.002518361025807, 0.9974894436224928, -0.0012174403331370858]}, "534": {"path": [11, 0, 0], "s": [1.001615222701337, 0.9983905075353667, -0.0017693354508096291]}, "535": {"path": [11, 0, 1], "s": [0.9979979711738652, 1.0020060874360193, -0.0002058276235307733]}, "536": {"path": [11, 0, 1], "s": [0.9974495741090468, 1.0025575785044125, 0.0007935357732601583]}, "537": {"path": [11, 0, 2], "s": [1.0008779149918838, 0.99912288853465, -0.00018302248267914174]}, "538": {"path": [11, 0, 2], "s": [1.0014320939691372, 0.9985700185204864, 0.0002542081258650479]}, "539": {"path": [11, 0, 3], "s": [0.9992464995087065, 1.000756345226506, 0.0015082535306511664]}, "540": {"path": [11, 0, 3], "s": [0.9993457789492463, 1.000655086110284, 0.0006606726928594866]}, "541": {"path": [11, 1, 0], "s": [0.9997251029678081, 1.0002750964033278, -0.0003517782705988079]}, "542": {"path": [11, 1, 0], "s": [0.9995275680637586, 1.000472656590292, 3.682366795286867e-05]}, "543": {"path": [11, 1, 1], "s": [0.9999192606210515, 1.0000808629209352, 0.00034207187060405174]}, "544": {"path": [11, 1, 1], "s": [1.0000806620666836, 0.9999194614753041, 0.00034211925234457676]}, "545": {"path": [11, 1, 2], "s": [1.0004740891576576, 0.9995261354963926, 1.6520827215800813e-07]}, "546": {"path": [11, 1, 2], "s": [1.0002735889468397, 0.9997266104242962, -0.0003529515128366649]}, "547": {"path": [11, 1, 3], "s": [1.0003066534086509, 0.9996936139201767, -0.000416382625908317]}, "548": {"path": [11, 1, 3], "s": [0.9997300458121283, 1.0002702215166983, -0.0004408870567555586]}, "549": {"path": [11, 2, 0], "s": [0.9985620635431998, 1.0014400489464244, 0.00020442784647321406]}, "550": {"path": [11, 2, 0], "s": [0.9991412485439779, 1.0008595549825556, -0.0002556999048791041]}, "551": {"path": [11, 2, 1], "s": [1.0026285411224969, 0.9973786114909622, 0.000512040980003319]}, "552": {"path": [11, 2, 1], "s": [1.0019955353491143, 0.9980085232607712, -0.00029077079497458316]}, "553": {"path": [11, 2, 2], "s": [0.9987553586229662, 1.0012503716137366, -0.0020430302143837507]}, "554": {"path": [11, 2, 2], "s": [0.9977038009185768, 1.0023040037297213, -0.001585621976131719]}, "555": {"path": [11, 2, 3], "s": [1.0007125185112273, 0.999288346548304, 0.0005983253902218607]}, "556": {"path": [11, 2, 3], "s": [1.0009963315649424, 0.9990065131702698, 0.0013619445380345949]}, "557": {"path": [11, 3, 0], "s": [1.0018120001200894, 0.998203634765252, 0.0035185041310541016]}, "558": {"path": [11, 3, 0], "s": [1.0013292548100008, 0.9986783241813785, 0.002412912646580017]}, "559": {"path": [11, 3, 1], "s": [1.0015188946995086, 0.9985031549448367, -0.004447032080459421]}, "560": {"path": [11, 3, 1], "s": [1.0002067238729144, 0.9998153257714316, -0.004691638069282631]}, "561": {"path": [11, 3, 2], "s": [0.9992447659531495, 1.0007628130382293, 0.00264629722467831]}, "562": {"path": [11, 3, 2], "s": [0.9993961666993539, 1.0006194681859872, 0.0039065112084726485]}, "563": {"path": [11, 3, 3], "s": [0.9997205138289427, 1.0002840060195959, -0.002107242934165571]}, "564": {"path": [11, 3, 3], "s": [1.0006950482403834, 0.9993094716081553, -0.0020099497493426648]}, "565": {"path": [12, 0, 0], "s": [1.0032667657478442, 0.9967458090256895, 0.0013943076854461087]}, "566": {"path": [12, 0, 0], "s": [1.0040608407765201, 0.9959621791084841, 0.0025735068057261916]}, "567": {"path": [12, 0, 1], "s": [0.9957034985375125, 1.0043150412393738, 1.3996071023533061e-05]}, "568": {"path": [12, 0, 1], "s": [0.9967621688687378, 1.003249606689769, -0.0011197681909810313]}, "569": {"path": [12, 0, 2], "s": [1.0062393607990603, 0.993800588257811, 0.001126361519077655]}, "570": {"path": [12, 0, 2], "s": [1.00515384241939, 0.9948726713728608, -0.00029723471203128176]}, "571": {"path": [12, 0, 3], "s": [0.9961651545613956, 1.0038685880476137, -0.004348237778586027]}, "572": {"path": [12, 0, 3], "s": [0.9944449876597057, 1.0055963750535968, -0.003205429896105844]}, "573": {"path": [12, 1, 0], "s": [0.9915302542541986, 1.0085422903535604, -0.0004399777005454714]}, "574": {"path": [12, 1, 0], "s": [0.993219650452584, 1.006833438630214, -0.0025992268609413174]}, "575": {"path": [12, 1, 1], "s": [1.0110745133054675, 0.989050594380256, 0.0019617205458792876]}, "576": {"path": [12, 1, 1], "s": [1.0095666339878437, 0.9905241134600303, -0.0003083985045303041]}, "577": {"path": [12, 1, 2], "s": [0.9931671981571084, 1.0069433137293198, -0.007941637084512503]}, "578": {"path": [12, 1, 2], "s": [0.9902034364140391, 1.0099268024974504, -0.005743723497703276]}, "579": {"path": [12, 1, 3], "s": [1.0071453122850624, 0.992909649142087, 0.0020733200570450376]}, "580": {"path": [12, 1, 3], "s": [1.0084897102368058, 0.9915968931847874, 0.00390685034818003]}, "581": {"path": [12, 2, 0], "s": [1.0107875843779193, 0.9893772619467299, 0.007088909759301432]}, "582": {"path": [12, 2, 0], "s": [1.00935895953946, 0.9907562267760405, 0.005354831080973193]}, "583": {"path": [12, 2, 1], "s": [1.000235397524773, 0.9999482175780617, -0.013550015253916359]}, "584": {"path": [12, 2, 1], "s": [0.9971944480520336, 1.0029875000664297, -0.013174465144084426]}, "585": {"path": [12, 2, 2], "s": [1.0069135243159149, 0.9931837035929967, 0.007078366899011166]}, "586": {"path": [12, 2, 2], "s": [1.0083401901443558, 0.9917989531354339, 0.008411004075357989]}, "587": {"path": [12, 2, 3], "s": [0.994738813491471, 1.005350967015261, -0.007850354849560983]}, "588": {"path": [12, 2, 3], "s": [0.9970247275587778, 1.0030597807895052, -0.00868358605781301]}, "589": {"path": [12, 3, 0], "s": [1.0003430446042627, 0.9997287405253298, -0.008467117307137643]}, "590": {"path": [12, 3, 0], "s": [0.9984637236326822, 1.0016088460715198, -0.008372459137185314]}, "591": {"path": [12, 3, 1], "s": [1.0024291633602873, 0.9976024736461772, 0.0050806518567994875]}, "592": {"path": [12, 3, 1], "s": [1.0032604781974686, 0.9967904879965238, 0.006364090671955564]}, "593": {"path": [12, 3, 2], "s": [0.9974464740594602, 1.0025801796628178, -0.004479415874509243]}, "594": {"path": [12, 3, 2], "s": [0.9989689420392162, 1.0010554828215952, -0.004830796709210553]}, "595": {"path": [12, 3, 3], "s": [1.0058727956387672, 0.9941891522850299, 0.00527465664089513]}, "596": {"path": [12, 3, 3], "s": [1.0048121985247875, 0.9952258394884355, 0.003881211801940823]}, "597": {"path": [13, 0, 0], "s": [1.0026070621357026, 0.9974041766415004, -0.0021145459121012606]}, "598": {"path": [13, 0, 0], "s": [1.0017723067753848, 0.9982379455436627, -0.0026700970011825785]}, "599": {"path": [13, 0, 1], "s": [0.9980251373604587, 1.0019794347336044, 0.0008142372870892698]}, "600": {"path": [13, 0, 1], "s": [0.9975186496509821, 1.002490671546122, 0.0017722777417658873]}, "601": {"path": [13, 0, 2], "s": [1.0009766792128638, 0.9990254231038332, -0.001072598573931101]}, "602": {"path": [13, 0, 2], "s": [1.001481748929397, 0.998520844770232, -0.000634005482279906]}, "603": {"path": [13, 0, 3], "s": [0.9993776472488297, 1.0006285932477041, 0.0024185305033562763]}, "604": {"path": [13, 0, 3], "s": [0.9994349832318082, 1.000567943279476, 0.0016141913788125042]}, "605": {"path": [13, 1, 0], "s": [0.9997361186276714, 1.000264256285261, 0.00055243155350151]}, "606": {"path": [13, 1, 0], "s": [0.9995829120457337, 1.000418143647236, 0.0009387706274149937]}, "607": {"path": [13, 1, 1], "s": [0.9999300546090155, 1.0000702336510483, -0.0005323039954627299]}, "608": {"path": [13, 1, 1], "s": [1.0001268539274681, 0.9998734343325965, -0.0005217324139585684]}, "609": {"path": [13, 1, 2], "s": [1.0005545657516297, 0.9994464899413397, 0.0008652948905414574]}, "610": {"path": [13, 1, 2], "s": [1.000319991416163, 0.99968038349677, 0.000522147866994588]}, "611": {"path": [13, 1, 3], "s": [1.000382376393553, 0.999619470984287, -0.0013045583648482516]}, "612": {"path": [13, 1, 3], "s": [0.999824966412578, 1.0001768809652631, -0.0013477454247999346]}, "613": {"path": [13, 2, 0], "s": [0.9985897938075213, 1.0014127998921092, -0.0007754743536028193]}, "614": {"path": [13, 2, 0], "s": [0.9991932685389355, 1.0008088337777605, -0.0012040785029763061]}, "615": {"path": [13, 2, 1], "s": [1.0027187602747463, 0.997290560922358, 0.0013981708669100151]}, "616": {"path": [13, 2, 1], "s": [1.0020445856334992, 0.9979599864605633, 0.0006333337884622003]}, "617": {"path": [13, 2, 2], "s": [0.9988845640138752, 1.0011256883051716, -0.002999447582896173]}, "618": {"path": [13, 2, 2], "s": [0.9978390140875406, 1.0021722246896625, -0.002558247495894423]}, "619": {"path": [13, 2, 3], "s": [1.0008041294763943, 0.9991987970348898, 0.0015107085631907967]}, "620": {"path": [13, 2, 3], "s": [1.0011240045410092, 0.9988822359555228, 0.0022325153237948477]}, "621": {"path": [13, 3, 0], "s": [1.002000092427807, 0.9980229264920804, 0.004366301654088695]}, "622": {"path": [13, 3, 0], "s": [1.0014877088710181, 0.9985257042048026, 0.003349589958226194]}, "623": {"path": [13, 3, 1], "s": [1.001713688311589, 0.9983176635049609, -0.0053356176927956325]}, "624": {"path": [13, 3, 1], "s": [1.0004601438054295, 0.9995712080111216, -0.00558162257537301]}, "625": {"path": [13, 3, 2], "s": [0.999416592864482, 1.0005968202113393, 0.00361453823487273]}, "626": {"path": [13, 3, 2], "s": [0.9996005529928209, 1.0004224659270657, 0.00478018484336601]}, "627": {"path": [13, 3, 3], "s": [0.9998975209330299, 1.0001116645518822, -0.0030288680447524614]}, "628": {"path": [13, 3, 3], "s": [1.000827339201023, 0.999181846283889, -0.002916949480162277]}, "629": {"path": [14, 0, 0], "s": [1.0033657133290097, 0.996651038919102, 0.002341069235147585]}, "630": {"path": [14, 0, 0], "s": [1.0041940632919064, 0.9958352170421492, 0.0034370002521563452]}, "631": {"path": [14, 0, 1], "s": [0.9957355550781953, 1.0042836437293334, -0.0009651138690420136]}, "632": {"path": [14, 0, 1], "s": [0.9968180409368043, 1.00319664176581, -0.002123939588487285]}, "633": {"path": [14, 0, 2], "s": [1.0063155554240477, 0.9937282557655973, 0.002049790557049153]}, "634": {"path": [14, 0, 2], "s": [1.0051783311240812, 0.9948488233361796, 0.0006927927652843271]}, "635": {"path": [14, 0, 3], "s": [0.9962823577647052, 1.0037593051073563, -0.0052618552449831615]}, "636": {"path": [14, 0, 3], "s": [0.9945460731324283, 1.0055002103968702, -0.0040355648969089926]}, "637": {"path": [14, 1, 0], "s": [0.9915397993959664, 1.0085332020041395, -0.0008993327282952987]}, "638": {"path": [14, 1, 0], "s": [0.9931987513417657, 1.0068592273806511, -0.0033656219925776915]}, "639": {"path": [14, 1, 1], "s": [1.01112898071751, 0.9890021075299217, 0.00294837484022266]}, "640": {"path": [14, 1, 1], "s": [1.0095587263986352, 0.9905322853016745, 0.0007158253193646709]}, "641": {"path": [14, 1, 2], "s": [0.9930553590802785, 1.007065724756646, -0.00848616024196839]}, "642": {"path": [14, 1, 2], "s": [0.9901257997766156, 1.0100083063421716, -0.005939873573387001]}, "643": {"path": [14, 1, 3], "s": [1.0071977268736505, 0.9928630308087878, 0.0030639398646448166]}, "644": {"path": [14, 1, 3], "s": [1.0085527100717189, 0.9915424565357353, 0.004778251802110925]}, "645": {"path": [14, 2, 0], "s": [1.010827598600175, 0.9893497236048369, 0.007874343605898315]}, "646": {"path": [14, 2, 0], "s": [1.0094221790546274, 0.9907047016088095, 0.006268867332222321]}, "647": {"path": [14, 2, 1], "s": [1.000256921250839, 0.9999427071629713, -0.014128471044810891]}, "648": {"path": [14, 2, 1], "s": [0.9972041804725933, 1.0029894174892886, -0.013610293534350778]}, "649": {"path": [14, 2, 2], "s": [1.0070822539589495, 0.9930302719810256, 0.007947613234196824]}, "650": {"path": [14, 2, 2], "s": [1.0084545778592002, 0.991698127060895, 0.009083836686933685]}, "651": {"path": [14, 2, 3], "s": [0.9948038331694726, 1.0052958595421193, -0.00849556012873991]}, "652": {"path": [14, 2, 3], "s": [0.9971593875117989, 1.0029384557892111, -0.009460247713437966]}, "653": {"path": [14, 3, 0], "s": [1.0005819422831599, 0.9995043832672222, -0.009275620197492958]}, "654": {"path": [14, 3, 0], "s": [0.9987108963615268, 1.001374537894423, -0.009146711657661422]}, "655": {"path": [14, 3, 1], "s": [1.0026551155470311, 0.9973878426311508, 0.00600188291625458]}, "656": {"path": [14, 3, 1], "s": [1.0034883019427323, 0.9965745517613619, 0.007134753418895607]}, "657": {"path": [14, 3, 2], "s": [0.9976598224479756, 1.0023747362123192, -0.0053852906995674405]}, "658": {"path": [14, 3, 2], "s": [0.9991667464180931, 1.0008669985243994, -0.005746521806059173]}, "659": {"path": [14, 3, 3], "s": [1.0060284997614224, 0.9940443512669627, 0.006078437415903403]}, "660": {"path": [14, 3, 3], "s": [1.0049638588352798, 0.9950837497616921, 0.0048171594109087]}, "661": {"path": [15, 0, 0], "s": [1.0017663088755229, 0.9984120077890996, -0.013248085895141105]}, "662": {"path": [15, 0, 0], "s": [1.0036573023926805, 0.9965245478736493, -0.01300536377619702]}, "663": {"path": [15, 0, 1], "s": [1.0111434770448948, 0.9891164647241152, 0.01177545512904957]}, "664": {"path": [15, 0, 1], "s": [1.0098884312582481, 0.9903422789985512, 0.011628006990255893]}, "665": {"path": [15, 0, 2], "s": [1.0080897881119484, 0.9922261498282756, -0.015907518333232323]}, "666": {"path": [15, 0, 2], "s": [1.006682126453308, 0.9936202873415579, -0.016117808416362074]}, "667": {"path": [15, 0, 3], "s": [1.0078771596162526, 0.9923487882819526, 0.012871599832360445]}, "668": {"path": [15, 0, 3], "s": [1.009118905433681, 0.9911232031511782, 0.01269495623625539]}, "669": {"path": [15, 1, 0], "s": [1.013133515276074, 0.987224318132152, 0.01378563728132623]}, "670": {"path": [15, 1, 0], "s": [1.0126741630859184, 0.9877274789413497, 0.01568751394886165]}, "671": {"path": [15, 1, 1], "s": [1.0140257510523125, 0.9864191919364681, -0.015951863708958677]}, "672": {"path": [15, 1, 1], "s": [1.0146735706567789, 0.9857713723320001, -0.01536744010374887]}, "673": {"path": [15, 1, 2], "s": [1.0106586313582737, 0.9897430106689947, 0.017097267592912396]}, "674": {"path": [15, 1, 2], "s": [1.0110949325907357, 0.9892629008174907, 0.01545011380462539]}, "675": {"path": [15, 1, 3], "s": [1.00924888247058, 0.9910647819570779, -0.015199462034206287]}, "676": {"path": [15, 1, 3], "s": [1.0103958256568981, 0.9899178387707607, -0.014451713990852448]}, "677": {"path": [15, 2, 0], "s": [1.0115080795259062, 0.9887943342689575, -0.013170349368656104]}, "678": {"path": [15, 2, 0], "s": [1.0111872096377263, 0.9891287283024978, -0.013939825849590491]}, "679": {"path": [15, 2, 1], "s": [1.0024006609457545, 0.9978300493110454, 0.015016688747068487]}, "680": {"path": [15, 2, 1], "s": [1.0040531168874538, 0.9962068248815565, 0.01563865681191048]}, "681": {"path": [15, 2, 2], "s": [1.0074049563699035, 0.9927768938964259, -0.011329760843740445]}, "682": {"path": [15, 2, 2], "s": [1.0084893812037683, 0.9916889354608532, -0.010380793300104526]}, "683": {"path": [15, 2, 3], "s": [1.0068903111141752, 0.9933517974706834, 0.014010724502389191]}, "684": {"path": [15, 2, 3], "s": [1.0056008582913947, 0.9946250896068103, 0.01399441984378273]}, "685": {"path": [15, 3, 0], "s": [1.001935654061904, 0.9981725476659287, 0.010230562658002554]}, "686": {"path": [15, 3, 0], "s": [1.0030919693853637, 0.9970448932663469, 0.011301572994918121]}, "687": {"path": [15, 3, 1], "s": [1.001969048402011, 0.9981130202762348, -0.008851729991133768]}, "688": {"path": [15, 3, 1], "s": [1.0034159892708998, 0.9966660794073473, -0.008407142277321021]}, "689": {"path": [15, 3, 2], "s": [1.0058777104660606, 0.9942591521856499, 0.010154782638146754]}, "690": {"path": [15, 3, 2], "s": [1.0046909506829858, 0.9954172510448472, 0.009311513222435664]}, "691": {"path": [15, 3, 3], "s": [1.006221621790099, 0.9939527996592329, -0.011696070105894317]}, "692": {"path": [15, 3, 3], "s": [1.0049074241769695, 0.9952669972723599, -0.012296121230528374]}, "693": {"path": [16, 0, 0], "s": [0.9997404224006666, 1.000412282519429, 0.012353052286331946]}, "694": {"path": [16, 0, 0], "s": [0.998497262063773, 1.001615263876202, 0.01049278903207884]}, "695": {"path": [16, 0, 1], "s": [1.010979327253038, 0.989214270708847, -0.008670519611476106]}, "696": {"path": [16, 0, 1], "s": [1.009735697614674, 0.9904639307991362, -0.010333834120926914]}, "697": {"path": [16, 0, 2], "s": [0.9943028951886443, 1.005823985474793, 0.009679917756221776]}, "698": {"path": [16, 0, 2], "s": [0.9955434458692237, 1.0046338763357872, 0.012516832038723493]}, "699": {"path": [16, 0, 3], "s": [1.0071283735013183, 0.9929694697996927, -0.0069084770992123845]}, "700": {"path": [16, 0, 3], "s": [1.0083357582472445, 0.9917639344643479, -0.005571253034922859]}, "701": {"path": [16, 1, 0], "s": [1.0111284566562695, 0.9890056494625187, -0.0034286973280211967]}, "702": {"path": [16, 1, 0], "s": [1.009586486399729, 0.9905345974371973, -0.005508528296071826]}, "703": {"path": [16, 1, 1], "s": [0.9905386416786012, 1.0095523700217084, 0.0007958044454579864]}, "704": {"path": [16, 1, 1], "s": [0.9895180804156819, 1.010613007831749, 0.004454610284980585]}, "705": {"path": [16, 1, 2], "s": [1.0072672568942131, 0.9927907218282027, -0.0023636932795392425]}, "706": {"path": [16, 1, 2], "s": [1.008550311383407, 0.9915226900166989, -0.0007195554565151794]}, "707": {"path": [16, 1, 3], "s": [0.9936101831283117, 1.0064849834791416, 0.007329989809372665]}, "708": {"path": [16, 1, 3], "s": [0.9936841622987028, 1.0063765953837356, 0.00452594088644543]}, "709": {"path": [16, 2, 0], "s": [0.9948924552085122, 1.0051346992517467, 0.0009637187558837959]}, "710": {"path": [16, 2, 0], "s": [0.9940763149254107, 1.0059674962642355, 0.002908886572632783]}, "711": {"path": [16, 2, 1], "s": [1.0034705315261097, 0.9965441511765042, -0.0016398385050495116]}, "712": {"path": [16, 2, 1], "s": [1.0043363024038303, 0.9956828964036981, -0.0006917664536015579]}, "713": {"path": [16, 2, 2], "s": [0.9969236019608034, 1.0031056783732524, 0.004441399689032239]}, "714": {"path": [16, 2, 2], "s": [0.9971454659960717, 1.0028712862520404, 0.0029250750196540176]}, "715": {"path": [16, 2, 3], "s": [1.0062309051839295, 0.9938153783453686, -0.002783475915011508]}, "716": {"path": [16, 2, 3], "s": [1.0051175133227337, 0.994924149549329, -0.003960699402388842]}, "717": {"path": [16, 3, 0], "s": [1.0029061853206984, 0.9971275596217959, -0.005039553396066925]}, "718": {"path": [16, 3, 0], "s": [1.0040110726750455, 0.9960234859852496, -0.004313765592660727]}, "719": {"path": [16, 3, 1], "s": [1.0006883458101155, 0.9993745078939789, 0.00790083218550505]}, "720": {"path": [16, 3, 1], "s": [1.000061874298853, 0.9999810838793287, 0.0065541595769401904]}, "721": {"path": [16, 3, 2], "s": [1.005917750457609, 0.9941676837983402, -0.007135829599840996]}, "722": {"path": [16, 3, 2], "s": [1.0046905035813904, 0.9953958219689918, -0.008045473064854716]}, "723": {"path": [16, 3, 3], "s": [0.9970484450982554, 1.0029991634987163, 0.006225463938231045]}, "724": {"path": [16, 3, 3], "s": [0.99743843969731, 1.0026344113310752, 0.008130364376744508]}, "725": {"path": [17, 0, 0], "s": [1.0026070621357035, 0.9974041766414999, -0.00211454591210075]}, "726": {"path": [17, 0, 0], "s": [1.001772306775383, 0.9982379455436647, -0.0026700970011821422]}, "727": {"path": [17, 0, 1], "s": [0.9980251373604588, 1.001979434733603, 0.00081423728708769]}, "728": {"path": [17, 0, 1], "s": [0.9975186496509817, 1.0024906715461221, 0.00177227774176415]}, "729": {"path": [17, 0, 2], "s": [1.0009766792128598, 0.9990254231038356, -0.0010725985739306746]}, "730": {"path": [17, 0, 2], "s": [1.0014817489293957, 0.9985208447702346, -0.000634005482279605]}, "731": {"path": [17, 0, 3], "s": [0.9993776472488303, 1.0006285932477024, 0.0024185305033540758]}, "732": {"path": [17, 0, 3], "s": [0.99943498323181, 1.0005679432794736, 0.00161419137881126]}, "733": {"path": [17, 1, 0], "s": [0.9997361186276734, 1.0002642562852595, 0.0005524315534987902]}, "734": {"path": [17, 1, 0], "s": [0.9995829120457341, 1.000418143647235, 0.000938770627413377]}, "735": {"path": [17, 1, 1], "s": [0.9999300546090168, 1.0000702336510479, -0.0005323039954625112]}, "736": {"path": [17, 1, 1], "s": [1.000126853927467, 0.9998734343325978, -0.0005217324139595718]}, "737": {"path": [17, 1, 2], "s": [1.0005545657516275, 0.9994464899413404, 0.0008652948905412798]}, "738": {"path": [17, 1, 2], "s": [1.000319991416161, 0.9996803834967716, 0.0005221478669939907]}, "739": {"path": [17, 1, 3], "s": [1.0003823763935529, 0.9996194709842872, -0.0013045583648471153]}, "740": {"path": [17, 1, 3], "s": [0.9998249664125798, 1.0001768809652614, -0.001347745424798503]}, "741": {"path": [17, 2, 0], "s": [0.9985897938075234, 1.0014127998921074, -0.0007754743536006682]}, "742": {"path": [17, 2, 0], "s": [0.9991932685389362, 1.00080883377776, -0.001204078502975863]}, "743": {"path": [17, 2, 1], "s": [1.002718760274743, 0.9972905609223606, 0.001398170866910034]}, "744": {"path": [17, 2, 1], "s": [1.0020445856334972, 0.9979599864605645, 0.0006333337884607416]}, "745": {"path": [17, 2, 2], "s": [0.998884564013879, 1.0011256883051676, -0.0029994475828972454]}, "746": {"path": [17, 2, 2], "s": [0.9978390140875422, 1.0021722246896605, -0.0025582474958940316]}, "747": {"path": [17, 2, 3], "s": [1.0008041294763939, 0.9991987970348906, 0.0015107085631894848]}, "748": {"path": [17, 2, 3], "s": [1.0011240045410081, 0.998882235955525, 0.0022325153237919572]}, "749": {"path": [17, 3, 0], "s": [1.0020000924278054, 0.9980229264920817, 0.004366301654092061]}, "750": {"path": [17, 3, 0], "s": [1.0014877088710166, 0.9985257042048049, 0.003349589958227891]}, "751": {"path": [17, 3, 1], "s": [1.0017136883115902, 0.9983176635049612, -0.005335617692797451]}, "752": {"path": [17, 3, 1], "s": [1.0004601438054341, 0.9995712080111168, -0.0055816225753729815]}, "753": {"path": [17, 3, 2], "s": [0.9994165928644824, 1.0005968202113387, 0.0036145382348730794]}, "754": {"path": [17, 3, 2], "s": [0.9996005529928212, 1.000422465927066, 0.004780184843363689]}, "755": {"path": [17, 3, 3], "s": [0.9998975209330294, 1.0001116645518813, -0.0030288680447522324]}, "756": {"path": [17, 3, 3], "s": [1.000827339201023, 0.999181846283889, -0.002916949480161119]}, "757": {"path": [18, 0, 0], "s": [1.0033657133290066, 0.9966510389191054, 0.0023410692351482965]}, "758": {"path": [18, 0, 0], "s": [1.004194063291903, 0.9958352170421527, 0.0034370002521558166]}, "759": {"path": [18, 0, 1], "s": [0.9957355550781987, 1.0042836437293303, -0.0009651138690419305]}, "760": {"path": [18, 0, 1], "s": [0.9968180409368087, 1.0031966417658051, -0.0021239395884881584]}, "761": {"path": [18, 0, 2], "s": [1.0063155554240448, 0.9937282557656003, 0.0020497905570538003]}, "762": {"path": [18, 0, 2], "s": [1.005178331124083, 0.9948488233361764, 0.0006927927652862514]}, "763": {"path": [18, 0, 3], "s": [0.9962823577647109, 1.0037593051073503, -0.005261855244983031]}, "764": {"path": [18, 0, 3], "s": [0.9945460731324314, 1.0055002103968669, -0.0040355648969114255]}, "765": {"path": [18, 1, 0], "s": [0.9915397993959737, 1.0085332020041322, -0.0008993327282987555]}, "766": {"path": [18, 1, 0], "s": [0.9931987513417717, 1.0068592273806443, -0.00336562199258052]}, "767": {"path": [18, 1, 1], "s": [1.0111289807175048, 0.9890021075299262, 0.002948374840223256]}, "768": {"path": [18, 1, 1], "s": [1.0095587263986259, 0.9905322853016827, 0.0007158253193684927]}, "769": {"path": [18, 1, 2], "s": [0.9930553590802845, 1.0070657247566395, -0.00848616024196809]}, "770": {"path": [18, 1, 2], "s": [0.9901257997766203, 1.0100083063421668, -0.005939873573387992]}, "771": {"path": [18, 1, 3], "s": [1.0071977268736447, 0.9928630308087931, 0.0030639398646471892]}, "772": {"path": [18, 1, 3], "s": [1.0085527100717133, 0.9915424565357394, 0.004778251802112113]}, "773": {"path": [18, 2, 0], "s": [1.0108275986001716, 0.989349723604839, 0.007874343605900298]}, "774": {"path": [18, 2, 0], "s": [1.0094221790546225, 0.9907047016088142, 0.006268867332225733]}, "775": {"path": [18, 2, 1], "s": [1.0002569212508519, 0.9999427071629596, -0.014128471044801682]}, "776": {"path": [18, 2, 1], "s": [0.9972041804726012, 1.0029894174892826, -0.013610293534355602]}, "777": {"path": [18, 2, 2], "s": [1.0070822539589435, 0.9930302719810317, 0.007947613234197655]}, "778": {"path": [18, 2, 2], "s": [1.0084545778591956, 0.9916981270608993, 0.009083836686929424]}, "779": {"path": [18, 2, 3], "s": [0.9948038331694767, 1.0052958595421162, -0.008495560128739182]}, "780": {"path": [18, 2, 3], "s": [0.9971593875118053, 1.002938455789206, -0.00946024771343727]}, "781": {"path": [18, 3, 0], "s": [1.000581942283163, 0.9995043832672172, -0.009275620197488156]}, "782": {"path": [18, 3, 0], "s": [0.9987108963615313, 1.0013745378944177, -0.009146711657660211]}, "783": {"path": [18, 3, 1], "s": [1.0026551155470271, 0.9973878426311545, 0.006001882916251836]}, "784": {"path": [18, 3, 1], "s": [1.0034883019427285, 0.9965745517613658, 0.00713475341889531]}, "785": {"path": [18, 3, 2], "s": [0.9976598224479782, 1.0023747362123159, -0.005385290699567312]}, "786": {"path": [18, 3, 2], "s": [0.999166746418095, 1.000866998524399, -0.005746521806059683]}, "787": {"path": [18, 3, 3], "s": [1.0060284997614182, 0.9940443512669667, 0.006078437415905446]}, "788": {"path": [18, 3, 3], "s": [1.0049638588352743, 0.9950837497616967, 0.004817159410910539]}, "789": {"path": [19, 0, 0], "s": [1.00176630887552, 0.9984120077891009, -0.013248085895144753]}, "790": {"path": [19, 0, 0], "s": [1.0036573023926803, 0.9965245478736479, -0.01300536377619521]}, "791": {"path": [19, 0, 1], "s": [1.0111434770448908, 0.9891164647241196, 0.011775455129047235]}, "792": {"path": [19, 0, 1], "s": [1.009888431258241, 0.9903422789985583, 0.011628006990261317]}, "793": {"path": [19, 0, 2], "s": [1.0080897881119513, 0.992226149828273, -0.015907518333228503]}, "794": {"path": [19, 0, 2], "s": [1.0066821264533035, 0.9936202873415614, -0.016117808416355354]}, "795": {"path": [19, 0, 3], "s": [1.007877159616251, 0.9923487882819539, 0.012871599832362081]}, "796": {"path": [19, 0, 3], "s": [1.0091189054336798, 0.9911232031511782, 0.012694956236251762]}, "797": {"path": [19, 1, 0], "s": [1.0131335152760728, 0.9872243181321532, 0.013785637281325064]}, "798": {"path": [19, 1, 0], "s": [1.0126741630859175, 0.9877274789413513, 0.015687513948861434]}, "799": {"path": [19, 1, 1], "s": [1.0140257510523207, 0.9864191919364574, -0.01595186370895721]}, "800": {"path": [19, 1, 1], "s": [1.0146735706567795, 0.9857713723319976, -0.01536744010374795]}, "801": {"path": [19, 1, 2], "s": [1.0106586313582717, 0.9897430106689973, 0.01709726759291045]}, "802": {"path": [19, 1, 2], "s": [1.0110949325907332, 0.9892629008174928, 0.015450113804626776]}, "803": {"path": [19, 1, 3], "s": [1.0092488824705732, 0.991064781957083, -0.015199462034204086]}, "804": {"path": [19, 1, 3], "s": [1.0103958256568908, 0.9899178387707677, -0.014451713990852919]}, "805": {"path": [19, 2, 0], "s": [1.0115080795259128, 0.9887943342689521, -0.013170349368653278]}, "806": {"path": [19, 2, 0], "s": [1.0111872096377332, 0.9891287283024919, -0.0139398258495846]}, "807": {"path": [19, 2, 1], "s": [1.0024006609457508, 0.9978300493110485, 0.01501668874707125]}, "808": {"path": [19, 2, 1], "s": [1.0040531168874478, 0.9962068248815623, 0.015638656811910723]}, "809": {"path": [19, 2, 2], "s": [1.0074049563699048, 0.9927768938964238, -0.011329760843734793]}, "810": {"path": [19, 2, 2], "s": [1.0084893812037732, 0.9916889354608478, -0.010380793300101296]}, "811": {"path": [19, 2, 3], "s": [1.0068903111141747, 0.9933517974706839, 0.014010724502389594]}, "812": {"path": [19, 2, 3], "s": [1.005600858291391, 0.9946250896068143, 0.013994419843779967]}, "813": {"path": [19, 3, 0], "s": [1.001935654061905, 0.9981725476659279, 0.01023056265800647]}, "814": {"path": [19, 3, 0], "s": [1.0030919693853624, 0.9970448932663483, 0.011301572994920572]}, "815": {"path": [19, 3, 1], "s": [1.0019690484020114, 0.9981130202762349, -0.0088517299911365]}, "816": {"path": [19, 3, 1], "s": [1.0034159892709016, 0.9966660794073431, -0.008407142277321247]}, "817": {"path": [19, 3, 2], "s": [1.0058777104660597, 0.9942591521856509, 0.010154782638146028]}, "818": {"path": [19, 3, 2], "s": [1.004690950682985, 0.9954172510448479, 0.009311513222437739]}, "819": {"path": [19, 3, 3], "s": [1.006221621790099, 0.993952799659233, -0.011696070105894942]}, "820": {"path": [19, 3, 3], "s": [1.0049074241769715, 0.9952669972723581, -0.012296121230528399]}, "821": {"path": [20, 0, 0], "s": [0.9997404224006636, 1.000412282519432, 0.012353052286332414]}, "822": {"path": [20, 0, 0], "s": [0.9984972620637713, 1.0016152638762041, 0.010492789032082981]}, "823": {"path": [20, 0, 1], "s": [1.0109793272530385, 0.9892142707088432, -0.008670519611475401]}, "824": {"path": [20, 0, 1], "s": [1.009735697614677, 0.9904639307991359, -0.010333834120928944]}, "825": {"path": [20, 0, 2], "s": [0.9943028951886522, 1.0058239854747848, 0.00967991775622497]}, "826": {"path": [20, 0, 2], "s": [0.9955434458692224, 1.0046338763357894, 0.012516832038723015]}, "827": {"path": [20, 0, 3], "s": [1.0071283735013203, 0.9929694697996894, -0.006908477099217579]}, "828": {"path": [20, 0, 3], "s": [1.008335758247255, 0.9917639344643386, -0.0055712530349276805]}, "829": {"path": [20, 1, 0], "s": [1.0111284566562604, 0.9890056494625258, -0.003428697328018341]}, "830": {"path": [20, 1, 0], "s": [1.0095864863997173, 0.9905345974372071, -0.0055085282960675415]}, "831": {"path": [20, 1, 1], "s": [0.9905386416786035, 1.0095523700217055, 0.0007958044454490977]}, "832": {"path": [20, 1, 1], "s": [0.9895180804156887, 1.010613007831742, 0.004454610284975668]}, "833": {"path": [20, 1, 2], "s": [1.007267256894214, 0.9927907218282009, -0.002363693279531175]}, "834": {"path": [20, 1, 2], "s": [1.0085503113834045, 0.9915226900167006, -0.0007195554565054201]}, "835": {"path": [20, 1, 3], "s": [0.9936101831283056, 1.0064849834791474, 0.007329989809368017]}, "836": {"path": [20, 1, 3], "s": [0.9936841622987004, 1.0063765953837376, 0.004525940886441746]}, "837": {"path": [20, 2, 0], "s": [0.9948924552085135, 1.0051346992517463, 0.0009637187558806653]}, "838": {"path": [20, 2, 0], "s": [0.9940763149254053, 1.0059674962642402, 0.0029088865726257314]}, "839": {"path": [20, 2, 1], "s": [1.003470531526109, 0.9965441511765045, -0.001639838505047096]}, "840": {"path": [20, 2, 1], "s": [1.00433630240383, 0.9956828964036981, -0.0006917664535997495]}, "841": {"path": [20, 2, 2], "s": [0.9969236019608035, 1.003105678373252, 0.004441399689031381]}, "842": {"path": [20, 2, 2], "s": [0.9971454659960721, 1.00287128625204, 0.0029250750196528333]}, "843": {"path": [20, 2, 3], "s": [1.006230905183933, 0.993815378345364, -0.0027834759150063863]}, "844": {"path": [20, 2, 3], "s": [1.0051175133227384, 0.9949241495493228, -0.003960699402384522]}, "845": {"path": [20, 3, 0], "s": [1.002906185320696, 0.9971275596217978, -0.0050395533960633015]}, "846": {"path": [20, 3, 0], "s": [1.0040110726750429, 0.996023485985252, -0.00431376559265939]}, "847": {"path": [20, 3, 1], "s": [1.0006883458101175, 0.9993745078939767, 0.007900832185507833]}, "848": {"path": [20, 3, 1], "s": [1.0000618742988545, 0.9999810838793275, 0.0065541595769407456]}, "849": {"path": [20, 3, 2], "s": [1.0059177504576111, 0.9941676837983383, -0.0071358295998439234]}, "850": {"path": [20, 3, 2], "s": [1.0046905035813873, 0.9953958219689936, -0.008045473064857714]}, "851": {"path": [20, 3, 3], "s": [0.9970484450982516, 1.002999163498721, 0.006225463938228956]}, "852": {"path": [20, 3, 3], "s": [0.9974384396973122, 1.0026344113310734, 0.0081303643767477]}}, "edgedata": {"0-81": {"q_pre": 20, "f": 118.51011397292172}, "25-81": {"q_pre": 20, "f": 118.41617662548849}, "25-105": {"q_pre": 20, "f": 118.3322438906676}, "9-105": {"q_pre": 20, "f": 118.2568563809378}, "9-106": {"q_pre": 20, "f": 118.19193942507746}, "44-106": {"q_pre": 20, "f": 118.14544239025226}, "44-100": {"q_pre": 20, "f": 118.11244040171742}, "7-100": {"q_pre": 20, "f": 118.09886431820044}, "7-101": {"q_pre": 20, "f": 118.10181539365844}, "45-101": {"q_pre": 20, "f": 118.1215602511336}, "45-140": {"q_pre": 20, "f": 118.15969968270818}, "19-140": {"q_pre": 20, "f": 118.21112684520142}, "19-139": {"q_pre": 20, "f": 118.27948694257849}, "42-139": {"q_pre": 20, "f": 118.35791479112834}, "42-98": {"q_pre": 20, "f": 118.44349658684122}, "6-98": {"q_pre": 20, "f": 118.53885124931523}, "6-97": {"q_pre": 20, "f": 118.53885124931567}, "41-97": {"q_pre": 20, "f": 118.44349658684186}, "41-142": {"q_pre": 20, "f": 118.35791479112834}, "20-142": {"q_pre": 20, "f": 118.27948694257859}, "20-143": {"q_pre": 20, "f": 118.21112684520148}, "48-143": {"q_pre": 20, "f": 118.1596996827081}, "48-104": {"q_pre": 20, "f": 118.12156025113359}, "8-104": {"q_pre": 20, "f": 118.1018153936583}, "8-102": {"q_pre": 20, "f": 118.09886431820031}, "46-102": {"q_pre": 20, "f": 118.11244040171728}, "46-112": {"q_pre": 20, "f": 118.14544239025194}, "11-112": {"q_pre": 20, "f": 118.19193942507712}, "11-111": {"q_pre": 20, "f": 118.25685638093742}, "28-111": {"q_pre": 20, "f": 118.33224389066744}, "28-84": {"q_pre": 20, "f": 118.4161766254883}, "1-84": {"q_pre": 20, "f": 118.5101139729216}, "1-83": {"q_pre": 20, "f": 118.51011397292119}, "27-83": {"q_pre": 20, "f": 118.41617662548845}, "27-114": {"q_pre": 20, "f": 118.33224389066756}, "12-114": {"q_pre": 20, "f": 118.25685638093752}, "12-115": {"q_pre": 20, "f": 118.1919394250771}, "37-115": {"q_pre": 20, "f": 118.14544239025204}, "37-93": {"q_pre": 20, "f": 118.11244040171732}, "4-93": {"q_pre": 20, "f": 118.0988643182004}, "4-94": {"q_pre": 20, "f": 118.10181539365841}, "38-94": {"q_pre": 20, "f": 118.12156025113376}, "38-136": {"q_pre": 20, "f": 118.15969968270808}, "18-136": {"q_pre": 20, "f": 118.21112684520146}, "18-137": {"q_pre": 20, "f": 118.27948694257867}, "40-137": {"q_pre": 20, "f": 118.35791479112841}, "40-96": {"q_pre": 20, "f": 118.44349658684168}, "5-96": {"q_pre": 20, "f": 118.53885124931544}, "5-95": {"q_pre": 20, "f": 118.53885124931517}, "39-95": {"q_pre": 20, "f": 118.4434965868414}, "39-122": {"q_pre": 20, "f": 118.35791479112802}, "14-122": {"q_pre": 20, "f": 118.27948694257847}, "14-121": {"q_pre": 20, "f": 118.21112684520152}, "31-121": {"q_pre": 20, "f": 118.1596996827081}, "31-87": {"q_pre": 20, "f": 118.12156025113364}, "2-87": {"q_pre": 20, "f": 118.10181539365837}, "2-85": {"q_pre": 20, "f": 118.09886431820038}, "29-85": {"q_pre": 20, "f": 118.11244040171735}, "29-109": {"q_pre": 20, "f": 118.14544239025211}, "10-109": {"q_pre": 20, "f": 118.19193942507738}, "10-108": {"q_pre": 20, "f": 118.25685638093796}, "26-108": {"q_pre": 20, "f": 118.3322438906678}, "26-82": {"q_pre": 20, "f": 118.41617662548819}, "0-82": {"q_pre": 20, "f": 118.51011397292157}, "0-226": {"f": 0.0}, "1-242": {"f": 0.0}, "2-86": {"f": 0.0}, "2-230": {"f": 0.0}, "2-262": {"f": 0.0}, "3-88": {"f": 0.0}, "3-89": {"f": 0.0}, "3-90": {"f": 0.0}, "3-91": {"f": 0.0}, "3-234": {"f": 0.0}, "3-250": {"f": 0.0}, "3-258": {"f": 0.0}, "3-274": {"f": 0.0}, "4-92": {"f": 0.0}, "4-254": {"f": 0.0}, "4-270": {"f": 0.0}, "5-266": {"f": 0.0}, "6-282": {"f": 0.0}, "7-99": {"f": 0.0}, "7-238": {"f": 0.0}, "7-286": {"f": 0.0}, "8-103": {"f": 0.0}, "8-246": {"f": 0.0}, "8-278": {"f": 0.0}, "9-107": {"f": 0.0}, "9-225": {"f": 0.0}, "9-239": {"f": 0.0}, "10-110": {"f": 0.0}, "10-227": {"f": 0.0}, "10-229": {"f": 0.0}, "11-113": {"f": 0.0}, "11-243": {"f": 0.0}, "11-245": {"f": 0.0}, "12-116": {"f": 0.0}, "12-241": {"f": 0.0}, "12-255": {"f": 0.0}, "13-117": {"f": 0.0}, "13-119": {"f": 0.0}, "13-118": {"f": 0.0}, "13-120": {"f": 0.0}, "13-231": {"f": 0.0}, "13-233": {"f": 0.0}, "13-259": {"f": 0.0}, "13-261": {"f": 0.0}, "14-123": {"f": 0.0}, "14-263": {"f": 0.0}, "14-265": {"f": 0.0}, "15-124": {"f": 0.0}, "15-126": {"f": 0.0}, "15-125": {"f": 0.0}, "15-127": {"f": 0.0}, "15-235": {"f": 0.0}, "15-237": {"f": 0.0}, "15-273": {"f": 0.0}, "15-287": {"f": 0.0}, "16-129": {"f": 0.0}, "16-130": {"f": 0.0}, "16-128": {"f": 0.0}, "16-131": {"f": 0.0}, "16-247": {"f": 0.0}, "16-249": {"f": 0.0}, "16-275": {"f": 0.0}, "16-277": {"f": 0.0}, "17-132": {"f": 0.0}, "17-134": {"f": 0.0}, "17-133": {"f": 0.0}, "17-135": {"f": 0.0}, "17-251": {"f": 0.0}, "17-253": {"f": 0.0}, "17-257": {"f": 0.0}, "17-271": {"f": 0.0}, "18-138": {"f": 0.0}, "18-267": {"f": 0.0}, "18-269": {"f": 0.0}, "19-141": {"f": 0.0}, "19-283": {"f": 0.0}, "19-285": {"f": 0.0}, "20-144": {"f": 0.0}, "20-279": {"f": 0.0}, "20-281": {"f": 0.0}, "21-146": {"f": 0.0}, "21-145": {"f": 0.0}, "21-147": {"f": 0.0}, "21-148": {"f": 0.0}, "21-228": {"f": 0.0}, "21-232": {"f": 0.0}, "21-236": {"f": 0.0}, "21-240": {"f": 0.0}, "22-149": {"f": 0.0}, "22-150": {"f": 0.0}, "22-151": {"f": 0.0}, "22-152": {"f": 0.0}, "22-244": {"f": 0.0}, "22-248": {"f": 0.0}, "22-252": {"f": 0.0}, "22-256": {"f": 0.0}, "23-153": {"f": 0.0}, "23-155": {"f": 0.0}, "23-154": {"f": 0.0}, "23-156": {"f": 0.0}, "23-260": {"f": 0.0}, "23-264": {"f": 0.0}, "23-268": {"f": 0.0}, "23-272": {"f": 0.0}, "24-158": {"f": 0.0}, "24-157": {"f": 0.0}, "24-160": {"f": 0.0}, "24-159": {"f": 0.0}, "24-276": {"f": 0.0}, "24-280": {"f": 0.0}, "24-284": {"f": 0.0}, "24-288": {"f": 0.0}, "25-161": {"f": 0.0}, "25-225": {"f": 0.0}, "25-226": {"f": 0.0}, "26-162": {"f": 0.0}, "26-226": {"f": 0.0}, "26-227": {"f": 0.0}, "27-163": {"f": 0.0}, "27-241": {"f": 0.0}, "27-242": {"f": 0.0}, "28-164": {"f": 0.0}, "28-242": {"f": 0.0}, "28-243": {"f": 0.0}, "29-165": {"f": 0.0}, "29-229": {"f": 0.0}, "29-230": {"f": 0.0}, "30-86": {"f": 0.0}, "30-166": {"f": 0.0}, "30-117": {"f": 0.0}, "30-167": {"f": 0.0}, "30-230": {"f": 0.0}, "30-231": {"f": 0.0}, "30-261": {"f": 0.0}, "30-262": {"f": 0.0}, "31-168": {"f": 0.0}, "31-262": {"f": 0.0}, "31-263": {"f": 0.0}, "32-118": {"f": 0.0}, "32-169": {"f": 0.0}, "32-88": {"f": 0.0}, "32-170": {"f": 0.0}, "32-233": {"f": 0.0}, "32-234": {"f": 0.0}, "32-258": {"f": 0.0}, "32-259": {"f": 0.0}, "33-89": {"f": 0.0}, "33-171": {"f": 0.0}, "33-124": {"f": 0.0}, "33-172": {"f": 0.0}, "33-234": {"f": 0.0}, "33-235": {"f": 0.0}, "33-273": {"f": 0.0}, "33-274": {"f": 0.0}, "34-128": {"f": 0.0}, "34-173": {"f": 0.0}, "34-90": {"f": 0.0}, "34-174": {"f": 0.0}, "34-249": {"f": 0.0}, "34-250": {"f": 0.0}, "34-274": {"f": 0.0}, "34-275": {"f": 0.0}, "35-91": {"f": 0.0}, "35-175": {"f": 0.0}, "35-132": {"f": 0.0}, "35-176": {"f": 0.0}, "35-250": {"f": 0.0}, "35-251": {"f": 0.0}, "35-257": {"f": 0.0}, "35-258": {"f": 0.0}, "36-133": {"f": 0.0}, "36-177": {"f": 0.0}, "36-92": {"f": 0.0}, "36-178": {"f": 0.0}, "36-253": {"f": 0.0}, "36-254": {"f": 0.0}, "36-270": {"f": 0.0}, "36-271": {"f": 0.0}, "37-179": {"f": 0.0}, "37-254": {"f": 0.0}, "37-255": {"f": 0.0}, "38-180": {"f": 0.0}, "38-269": {"f": 0.0}, "38-270": {"f": 0.0}, "39-181": {"f": 0.0}, "39-265": {"f": 0.0}, "39-266": {"f": 0.0}, "40-182": {"f": 0.0}, "40-266": {"f": 0.0}, "40-267": {"f": 0.0}, "41-183": {"f": 0.0}, "41-281": {"f": 0.0}, "41-282": {"f": 0.0}, "42-184": {"f": 0.0}, "42-282": {"f": 0.0}, "42-283": {"f": 0.0}, "43-125": {"f": 0.0}, "43-185": {"f": 0.0}, "43-99": {"f": 0.0}, "43-186": {"f": 0.0}, "43-237": {"f": 0.0}, "43-238": {"f": 0.0}, "43-286": {"f": 0.0}, "43-287": {"f": 0.0}, "44-187": {"f": 0.0}, "44-238": {"f": 0.0}, "44-239": {"f": 0.0}, "45-188": {"f": 0.0}, "45-285": {"f": 0.0}, "45-286": {"f": 0.0}, "46-189": {"f": 0.0}, "46-245": {"f": 0.0}, "46-246": {"f": 0.0}, "47-103": {"f": 0.0}, "47-190": {"f": 0.0}, "47-129": {"f": 0.0}, "47-191": {"f": 0.0}, "47-246": {"f": 0.0}, "47-247": {"f": 0.0}, "47-277": {"f": 0.0}, "47-278": {"f": 0.0}, "48-192": {"f": 0.0}, "48-278": {"f": 0.0}, "48-279": {"f": 0.0}, "49-193": {"f": 0.0}, "49-107": {"f": 0.0}, "49-145": {"f": 0.0}, "49-194": {"f": 0.0}, "49-225": {"f": 0.0}, "49-228": {"f": 0.0}, "49-239": {"f": 0.0}, "49-240": {"f": 0.0}, "50-110": {"f": 0.0}, "50-195": {"f": 0.0}, "50-146": {"f": 0.0}, "50-196": {"f": 0.0}, "50-227": {"f": 0.0}, "50-228": {"f": 0.0}, "50-229": {"f": 0.0}, "50-232": {"f": 0.0}, "51-113": {"f": 0.0}, "51-197": {"f": 0.0}, "51-149": {"f": 0.0}, "51-198": {"f": 0.0}, "51-243": {"f": 0.0}, "51-244": {"f": 0.0}, "51-245": {"f": 0.0}, "51-248": {"f": 0.0}, "52-199": {"f": 0.0}, "52-116": {"f": 0.0}, "52-150": {"f": 0.0}, "52-200": {"f": 0.0}, "52-241": {"f": 0.0}, "52-244": {"f": 0.0}, "52-255": {"f": 0.0}, "52-256": {"f": 0.0}, "53-119": {"f": 0.0}, "53-201": {"f": 0.0}, "53-147": {"f": 0.0}, "53-202": {"f": 0.0}, "53-231": {"f": 0.0}, "53-232": {"f": 0.0}, "53-233": {"f": 0.0}, "53-236": {"f": 0.0}, "54-120": {"f": 0.0}, "54-203": {"f": 0.0}, "54-153": {"f": 0.0}, "54-204": {"f": 0.0}, "54-259": {"f": 0.0}, "54-260": {"f": 0.0}, "54-261": {"f": 0.0}, "54-264": {"f": 0.0}, "55-123": {"f": 0.0}, "55-205": {"f": 0.0}, "55-154": {"f": 0.0}, "55-206": {"f": 0.0}, "55-263": {"f": 0.0}, "55-264": {"f": 0.0}, "55-265": {"f": 0.0}, "55-268": {"f": 0.0}, "56-126": {"f": 0.0}, "56-207": {"f": 0.0}, "56-148": {"f": 0.0}, "56-208": {"f": 0.0}, "56-235": {"f": 0.0}, "56-236": {"f": 0.0}, "56-237": {"f": 0.0}, "56-240": {"f": 0.0}, "57-209": {"f": 0.0}, "57-127": {"f": 0.0}, "57-157": {"f": 0.0}, "57-210": {"f": 0.0}, "57-273": {"f": 0.0}, "57-276": {"f": 0.0}, "57-287": {"f": 0.0}, "57-288": {"f": 0.0}, "58-130": {"f": 0.0}, "58-211": {"f": 0.0}, "58-151": {"f": 0.0}, "58-212": {"f": 0.0}, "58-247": {"f": 0.0}, "58-248": {"f": 0.0}, "58-249": {"f": 0.0}, "58-252": {"f": 0.0}, "59-131": {"f": 0.0}, "59-213": {"f": 0.0}, "59-158": {"f": 0.0}, "59-214": {"f": 0.0}, "59-275": {"f": 0.0}, "59-276": {"f": 0.0}, "59-277": {"f": 0.0}, "59-280": {"f": 0.0}, "60-134": {"f": 0.0}, "60-215": {"f": 0.0}, "60-152": {"f": 0.0}, "60-216": {"f": 0.0}, "60-251": {"f": 0.0}, "60-252": {"f": 0.0}, "60-253": {"f": 0.0}, "60-256": {"f": 0.0}, "61-217": {"f": 0.0}, "61-135": {"f": 0.0}, "61-155": {"f": 0.0}, "61-218": {"f": 0.0}, "61-257": {"f": 0.0}, "61-260": {"f": 0.0}, "61-271": {"f": 0.0}, "61-272": {"f": 0.0}, "62-138": {"f": 0.0}, "62-219": {"f": 0.0}, "62-156": {"f": 0.0}, "62-220": {"f": 0.0}, "62-267": {"f": 0.0}, "62-268": {"f": 0.0}, "62-269": {"f": 0.0}, "62-272": {"f": 0.0}, "63-141": {"f": 0.0}, "63-221": {"f": 0.0}, "63-159": {"f": 0.0}, "63-222": {"f": 0.0}, "63-283": {"f": 0.0}, "63-284": {"f": 0.0}, "63-285": {"f": 0.0}, "63-288": {"f": 0.0}, "64-144": {"f": 0.0}, "64-223": {"f": 0.0}, "64-160": {"f": 0.0}, "64-224": {"f": 0.0}, "64-279": {"f": 0.0}, "64-280": {"f": 0.0}, "64-281": {"f": 0.0}, "64-284": {"f": 0.0}, "65-161": {"f": 0.0}, "65-193": {"f": 0.0}, "65-162": {"f": 0.0}, "65-195": {"f": 0.0}, "65-225": {"f": 0.0}, "65-226": {"f": 0.0}, "65-227": {"f": 0.0}, "65-228": {"f": 0.0}, "66-165": {"f": 0.0}, "66-196": {"f": 0.0}, "66-166": {"f": 0.0}, "66-201": {"f": 0.0}, "66-229": {"f": 0.0}, "66-230": {"f": 0.0}, "66-231": {"f": 0.0}, "66-232": {"f": 0.0}, "67-169": {"f": 0.0}, "67-202": {"f": 0.0}, "67-171": {"f": 0.0}, "67-207": {"f": 0.0}, "67-233": {"f": 0.0}, "67-234": {"f": 0.0}, "67-235": {"f": 0.0}, "67-236": {"f": 0.0}, "68-185": {"f": 0.0}, "68-208": {"f": 0.0}, "68-187": {"f": 0.0}, "68-194": {"f": 0.0}, "68-237": {"f": 0.0}, "68-238": {"f": 0.0}, "68-239": {"f": 0.0}, "68-240": {"f": 0.0}, "69-163": {"f": 0.0}, "69-199": {"f": 0.0}, "69-164": {"f": 0.0}, "69-197": {"f": 0.0}, "69-241": {"f": 0.0}, "69-242": {"f": 0.0}, "69-243": {"f": 0.0}, "69-244": {"f": 0.0}, "70-189": {"f": 0.0}, "70-198": {"f": 0.0}, "70-190": {"f": 0.0}, "70-211": {"f": 0.0}, "70-245": {"f": 0.0}, "70-246": {"f": 0.0}, "70-247": {"f": 0.0}, "70-248": {"f": 0.0}, "71-173": {"f": 0.0}, "71-212": {"f": 0.0}, "71-175": {"f": 0.0}, "71-215": {"f": 0.0}, "71-249": {"f": 0.0}, "71-250": {"f": 0.0}, "71-251": {"f": 0.0}, "71-252": {"f": 0.0}, "72-177": {"f": 0.0}, "72-216": {"f": 0.0}, "72-179": {"f": 0.0}, "72-200": {"f": 0.0}, "72-253": {"f": 0.0}, "72-254": {"f": 0.0}, "72-255": {"f": 0.0}, "72-256": {"f": 0.0}, "73-176": {"f": 0.0}, "73-217": {"f": 0.0}, "73-170": {"f": 0.0}, "73-203": {"f": 0.0}, "73-257": {"f": 0.0}, "73-258": {"f": 0.0}, "73-259": {"f": 0.0}, "73-260": {"f": 0.0}, "74-167": {"f": 0.0}, "74-204": {"f": 0.0}, "74-168": {"f": 0.0}, "74-205": {"f": 0.0}, "74-261": {"f": 0.0}, "74-262": {"f": 0.0}, "74-263": {"f": 0.0}, "74-264": {"f": 0.0}, "75-181": {"f": 0.0}, "75-206": {"f": 0.0}, "75-182": {"f": 0.0}, "75-219": {"f": 0.0}, "75-265": {"f": 0.0}, "75-266": {"f": 0.0}, "75-267": {"f": 0.0}, "75-268": {"f": 0.0}, "76-180": {"f": 0.0}, "76-220": {"f": 0.0}, "76-178": {"f": 0.0}, "76-218": {"f": 0.0}, "76-269": {"f": 0.0}, "76-270": {"f": 0.0}, "76-271": {"f": 0.0}, "76-272": {"f": 0.0}}, "max_vertex": 288, "max_face": 852}} \ No newline at end of file diff --git a/src/nfd_solver/data/out_hypar_mesh_02.json b/src/nfd_solver/data/out_hypar_mesh_02.json new file mode 100644 index 00000000..a0ebaf58 --- /dev/null +++ b/src/nfd_solver/data/out_hypar_mesh_02.json @@ -0,0 +1 @@ +{"compas": "1.7.1", "datatype": "compas.datastructures/Mesh", "data": {"attributes": {"name": "Mesh"}, "dva": {"x": 0.0, "y": 0.0, "z": 0.0, "rx": 0.0, "ry": 0.0, "rz": 0.0, "px": 0.0, "py": 0.0, "pz": 0.0, "is_anchor": false}, "dea": {"q_pre": 0.0}, "dfa": {"s_pre": [1.0, 1.0, 0.0]}, "vertex": {"0": {"z": 20.0, "y": -46.98355913741212, "x": -44.487094537112114, "is_anchor": true, "r": [121.60785702226089, 121.60785702226055, -41.32742189659353]}, "1": {"z": 20.0, "y": 43.016440862587885, "x": 45.512905462887865, "is_anchor": true, "r": [-121.60785702226056, -121.6078570222607, -41.32742189659352]}, "2": {"z": 9.999620644392625, "y": -34.43059319537327, "x": 0.49607088751331974, "r": [0.010348982237377305, -0.011252462480313419, -0.0017456348161840052]}, "4": {"z": 9.999620644392682, "y": -1.9667245620375984, "x": 32.95993952084925, "r": [0.01125246248069467, -0.010348982237404436, -0.0017456348161647983]}, "5": {"z": 0.0, "y": -46.98355913741212, "x": 45.512905462887865, "is_anchor": true, "r": [-121.80857361786234, 121.80857361786283, 41.32725495026581]}, "6": {"z": 0.0, "y": 43.016440862587885, "x": -44.487094537112114, "is_anchor": true, "r": [121.80857361786109, -121.80857361786201, 41.327254950265974]}, "7": {"z": 9.999620644392659, "y": -2.0003937127867175, "x": -31.934128595073343, "r": [-0.011252462480334069, 0.010348982237412777, -0.0017456348161513091]}, "8": {"z": 9.99962064439265, "y": 30.46347492054902, "x": 0.5297400382625128, "r": [-0.01034898223740155, 0.011252462480258463, -0.0017456348161616342]}, "9": {"z": 14.747229356855444, "y": -25.330326511010593, "x": -35.163576575764075, "r": [0.053325304236434334, -0.12375860411436079, 0.012961303434744664]}, "10": {"z": 14.747229356855401, "y": -37.66004117606395, "x": -22.833861910710542, "r": [-0.12375860411447626, 0.05332530423611459, 0.012961303434952498]}, "11": {"z": 14.747229356855422, "y": 33.69292290123971, "x": 23.85967283648634, "r": [0.12375860411481909, -0.05332530423538273, 0.012961303435099936]}, "12": {"z": 14.747229356855422, "y": 21.36320823618628, "x": 36.18938750153978, "r": [-0.05332530423599735, 0.12375860411474982, 0.012961303434876115]}, "13": {"z": 9.991358337141882, "y": -20.18433835245469, "x": 0.5283998160487537, "r": [-0.007898926572361437, 0.1243990039698728, 0.0008644876924482903]}, "14": {"z": 5.252462301410096, "y": -37.656255428451644, "x": 23.837655971741132, "r": [0.1305865967879818, 0.05048725699135659, -0.014517160143938668]}, "15": {"z": 9.99135833714193, "y": -1.9680647842512287, "x": -17.687873752154836, "r": [0.12439900396998238, -0.007898926572374704, 0.0008644876923613598]}, "16": {"z": 9.99135833714191, "y": 16.217220077630415, "x": 0.4974111097269023, "r": [0.007898926572367508, -0.1243990039700576, 0.0008644876923470379]}, "17": {"z": 9.991358337141909, "y": -1.9990534905731059, "x": 18.713684677930406, "r": [-0.12439900397008075, 0.007898926572358134, 0.000864487692357252]}, "18": {"z": 5.252462301410097, "y": -25.30830964626539, "x": 36.185601753927486, "r": [-0.0504872569911079, -0.13058659678758033, -0.014517160143951102]}, "19": {"z": 5.252462301410102, "y": 21.341191371441123, "x": -35.159790828151664, "r": [0.05048725699098, 0.13058659678794982, -0.014517160143989294]}, "20": {"z": 5.252462301410081, "y": 33.68913715362733, "x": -22.811845045965306, "r": [-0.13058659678783968, -0.05048725699201029, -0.014517160144064789]}, "21": {"z": 10.647062024462725, "y": -14.842789843487802, "x": -12.346325243187877, "r": [0.15946273236090747, 0.15946273236094055, -0.03758406917164181]}, "22": {"z": 10.647062024462745, "y": 10.875671568663504, "x": 13.37213616896351, "r": [-0.15946273236085506, -0.15946273236087527, -0.03758406917161561]}, "23": {"z": 9.33645019298369, "y": -14.85805767074494, "x": 13.387403996220623, "r": [-0.16349785360036506, 0.16349785360032176, 0.03854038663906145]}, "24": {"z": 9.336450192983692, "y": 10.890939395920611, "x": -12.361593070444979, "r": [0.16349785360039837, -0.1634978536003353, 0.03854038663905768]}, "25": {"x": -39.10393656724382, "y": -36.4674509649378, "z": 17.307345157460382, "r": [0.08124060080730544, -0.14731342269695347, 0.011054627473694012]}, "26": {"x": -33.97098636463774, "y": -41.60040116754371, "z": 17.307345157460347, "r": [-0.14731342269728742, 0.08124060080716333, 0.011054627473978229]}, "27": {"x": 40.129747493019536, "y": 32.50033269011353, "z": 17.30734515746038, "r": [-0.08124060080795914, 0.1473134226968824, 0.011054627473971124]}, "28": {"x": 34.99679729041348, "y": 37.63328289271945, "z": 17.30734515746035, "r": [0.14731342269760006, -0.0812406008072557, 0.011054627474219814]}, "29": {"x": -11.273560367373465, "y": -35.2468770286455, "z": 12.326259871045512, "r": [-0.0894337869197317, 0.015758665585153153, 0.013843146295885234]}, "30": {"x": 0.6214728561501315, "y": -27.14641113575604, "z": 9.97887525069913, "r": [6.383605462123576e-05, -3.321656784227578e-05, 0.0005128397220670045]}, "31": {"x": 12.269039721952161, "y": -35.24389109523376, "z": 7.6731388787429715, "r": [0.10449809374508323, 0.01039820805697289, -0.01686569106221203]}, "32": {"x": 25.675757461231846, "y": -2.0921265306744505, "z": 9.978875250699184, "r": [3.32165678538221e-05, -6.383605461965369e-05, 0.0005128397220590108]}, "33": {"x": 33.776223354121406, "y": 9.80290669284919, "z": 12.326259871045549, "r": [-0.015758665584684195, 0.08943378691989246, 0.013843146296143694]}, "34": {"x": 33.773237420709656, "y": -13.739693396476428, "z": 7.673138878742998, "r": [-0.010398208056797031, -0.1044980937452431, -0.01686569106222713]}, "35": {"x": 34.985374256018545, "y": -41.59787355329626, "z": 2.6925712370615233, "r": [0.14991935180064075, 0.08171715761351805, -0.011400702742608626]}, "36": {"x": 40.127219878772024, "y": -36.456027930542774, "z": 2.692571237061514, "r": [-0.08171715761377385, -0.1499193518004489, -0.011400702742632163]}, "37": {"x": -33.95956333024275, "y": 37.630755278471995, "z": 2.6925712370615105, "r": [-0.14991935180039206, -0.08171715761360332, -0.011400702742693447]}, "38": {"x": -39.101408952996195, "y": 32.48890965571849, "z": 2.6925712370615154, "r": [0.0817171576137028, 0.14991935180039206, -0.011400702742608182]}, "39": {"x": -24.649946535456145, "y": -1.8749917441498782, "z": 9.978875250699156, "r": [-3.321656784804894e-05, 6.383605461904307e-05, 0.000512839722069558]}, "40": {"x": -32.750412428345626, "y": -13.770024967673521, "z": 12.326259871045556, "r": [0.015758665584968412, -0.08943378692017312, 0.013843146296188102]}, "41": {"x": -32.74742649493376, "y": 9.772575121652126, "z": 7.673138878742984, "r": [0.010398208057072367, 0.10449809374522001, -0.016865691062301735]}, "42": {"x": 12.29937129314929, "y": 31.279758753821287, "z": 12.326259871045545, "r": [0.08943378691986448, -0.01575866558513539, 0.013843146295967834]}, "43": {"x": 0.40433806962559776, "y": 23.179292860931792, "z": 9.978875250699154, "r": [-6.383605462248476e-05, 3.321656785160165e-05, 0.0005128397220760528]}, "44": {"x": -11.243228796176318, "y": 31.27677282040942, "z": 7.673138878742966, "r": [-0.104498093745101, -0.010398208057178948, -0.016865691062309285]}, "45": {"x": -26.10501346902124, "y": -21.412544139008837, "z": 12.916925386147241, "r": [-0.0005010842620869482, -0.0006400674578923571, -0.004396865632514846]}, "46": {"x": -18.91607953870888, "y": -28.60147806932117, "z": 12.916925386147225, "r": [-0.0006400674578888044, -0.0005010842620940537, -0.004396865632524616]}, "47": {"x": 19.941890464484498, "y": 24.6343597944968, "z": 12.916925386147197, "r": [0.0006400674578852517, 0.0005010842620922773, -0.004396865632526392]}, "48": {"x": 27.130824394796903, "y": 17.445425864184465, "z": 12.916925386147202, "r": [0.0005010842620851719, 0.0006400674578888044, -0.0043968656325281685]}, "49": {"x": -6.430873986829402, "y": -18.795555441959397, "z": 10.45572638315829, "r": [0.04952134588738222, 0.14127823585413934, -0.01607675579085166]}, "50": {"x": 7.48270992939992, "y": -18.80128353175954, "z": 9.527420842647997, "r": [-0.06038572936214445, 0.14038558782773852, 0.01730536967141133]}, "51": {"x": 20.049056312422312, "y": -28.69033997470391, "z": 7.04798987077112, "r": [0.0006881551343163039, -0.0005383132322123174, 0.004723293459557354]}, "52": {"x": -16.29909084165951, "y": -8.927338587129354, "z": 10.455726383158309, "r": [0.14127823585408428, 0.04952134588736451, -0.01607675579084228]}, "53": {"x": -16.304818931459632, "y": 4.986245329099923, "z": 9.527420842648024, "r": [0.14038558782759686, -0.06038572936208572, 0.017305369671482718]}, "54": {"x": 7.4566849126050405, "y": 14.828437167135103, "z": 10.455726383158304, "r": [-0.0495213458873352, -0.1412782358540664, -0.01607675579078166]}, "55": {"x": -6.456899003624261, "y": 14.834165256935233, "z": 9.527420842648008, "r": [0.060385729362133544, -0.1403855878277322, 0.01730536967141011]}, "56": {"x": 17.324901767435094, "y": 4.9602203123050295, "z": 10.455726383158304, "r": [-0.14127823585421095, -0.04952134588738738, -0.01607675579084744]}, "57": {"x": 17.330629857235245, "y": -8.953363603924254, "z": 9.527420842648016, "r": [-0.1403855878277382, 0.060385729362112395, 0.017305369671411552]}, "58": {"x": 27.21968630017964, "y": -21.519709986946534, "z": 7.047989870771136, "r": [0.0005383132322176465, -0.0006881551343411729, 0.004723293459536038]}, "59": {"x": -26.193875374403863, "y": 17.552591712122247, "z": 7.047989870771106, "r": [-0.0005383132322176465, 0.0006881551343269621, 0.004723293459562683]}, "60": {"x": -19.023245386646497, "y": 24.72322169987955, "z": 7.047989870771068, "r": [-0.0006881551343305148, 0.0005383132322123174, 0.0047232934595307086]}, "61": {"x": -29.549578573069162, "y": -32.04604317336908, "z": 15.022024918735974, "r": [-0.00040480871775372407, -0.00040480871772530236, -0.0027050319818506807]}, "62": {"x": -8.839552108431059, "y": -27.28662809753658, "z": 11.313889497693314, "r": [-0.00045127170695424823, -0.0002444858560224361, -0.0033631850314908007]}, "63": {"x": -24.790163497236705, "y": -11.336016708731062, "z": 11.313889497693337, "r": [-0.0002444858560606278, -0.00045127170697067953, -0.0033631850315036793]}, "64": {"x": 30.575389498844945, "y": 28.078924898544862, "z": 15.022024918735998, "r": [0.00040480871779635663, 0.00040480871779635663, -0.002705031981822259]}, "65": {"x": 9.865363034206753, "y": 23.319509822712295, "z": 11.31388949769333, "r": [0.00045127170696623864, 0.0002444858560393115, -0.0033631850314996825]}, "66": {"x": 25.815974423012417, "y": 7.368898433906725, "z": 11.313889497693333, "r": [0.0002444858560721741, 0.0004512717069724559, -0.0033631850314943534]}, "67": {"x": 10.00778580301359, "y": -27.364304334133813, "z": 8.64925038172452, "r": [0.0005426882855719128, -0.0002859118986240361, 0.003982449392292864]}, "68": {"x": 30.652141366187703, "y": -32.12279504071192, "z": 4.948687291395356, "r": [0.000421180005695021, -0.000421180005695021, 0.0028165313658581326]}, "69": {"x": 25.893650659609563, "y": -11.478439477537865, "z": 8.649250381724556, "r": [0.00028591189858850896, -0.0005426882855523729, 0.003982449392273324]}, "70": {"x": -8.98197487723781, "y": 23.397186059309462, "z": 8.649250381724512, "r": [-0.0005426882855634751, 0.00028591189861337796, 0.0039824493922808735]}, "71": {"x": -29.626330440411895, "y": 28.15567676588764, "z": 4.94868729139532, "r": [-0.0004211800056630466, 0.000421180005670152, 0.0028165313658314872]}, "72": {"x": -24.8678397338338, "y": 7.511321202713544, "z": 8.649250381724533, "r": [-0.00028591189860893707, 0.0005426882855608106, 0.003982449392292864]}, "73": {"x": -41.6210161502459, "y": -41.81436682457902, "z": 18.639211132037687, "r": [0.09715487120661237, -0.16589763198979313, 0.011573181527623433]}, "74": {"x": -39.317902224278996, "y": -44.11748075054585, "z": 18.639211132037676, "r": [-0.16589763198971497, 0.09715487120736555, 0.011573181527353427]}, "75": {"x": 42.64682707602163, "y": 37.84724854975476, "z": 18.639211132037683, "r": [-0.09715487120687527, 0.16589763198933838, 0.011573181527424481]}, "76": {"x": 40.34371315005473, "y": 40.15036247572161, "z": 18.639211132037673, "r": [0.165897631989111, -0.09715487120760002, 0.011573181527271714]}, "77": {"x": -5.401734712766373, "y": -34.63571935843177, "z": 11.156098781310318, "r": [-0.047743360820658776, -0.002690501428729064, 0.008301144957645334]}, "78": {"x": 0.5868042789645357, "y": -30.867184761623307, "z": 9.982581660864708, "r": [8.725593457488412e-05, -4.793277938985874e-05, 0.0005152110050904435]}, "79": {"x": 6.394747177960431, "y": -34.63403862324008, "z": 8.84318338518036, "r": [0.06671026836914562, -0.006272503480516889, -0.011676298842365096]}, "80": {"x": 29.396531087099174, "y": -2.0574579534888344, "z": 9.982581660864769, "r": [4.793277940406959e-05, -8.72559345766466e-05, 0.0005152110051046543]}, "81": {"x": 33.16506568390773, "y": 3.931081038242097, "z": 11.15609878131037, "r": [0.002690501428295633, 0.047743360820670766, 0.008301144957743478]}, "82": {"x": 33.16338494871603, "y": -7.86540085248471, "z": 8.843183385180406, "r": [0.006272503480756697, -0.06671026836937144, -0.011676298842451915]}, "83": {"x": 40.33793220460932, "y": -44.11608326593393, "z": 1.3607674574277706, "r": [0.16800694206327904, 0.09806440185845844, -0.011756636684528532]}, "84": {"x": 42.64542959140969, "y": -41.80858587913356, "z": 1.3607674574277648, "r": [-0.09806440185871423, -0.16800694206366984, -0.01175663668456961]}, "85": {"x": -39.31212127883356, "y": 40.14896499110968, "z": 1.3607674574277646, "r": [-0.16800694206380484, -0.09806440185757737, -0.011756636684521204]}, "86": {"x": -41.61961866563389, "y": 37.84146760430929, "z": 1.360767457427766, "r": [0.09806440185825238, 0.16800694206330036, -0.011756636684542077]}, "87": {"x": -28.370720161323376, "y": -1.9096603213354857, "z": 9.98258166086474, "r": [-4.793277940140506e-05, 8.725593457653211e-05, 0.0005152110050975489]}, "88": {"x": -32.13925475813187, "y": -7.898199313066419, "z": 11.156098781310357, "r": [-0.0026905014283915563, -0.04774336082067476, 0.00830114495768619]}, "89": {"x": -32.137574022940136, "y": 3.8982825776603973, "z": 8.843183385180387, "r": [-0.006272503480429847, 0.066710268369191, -0.011676298842453914]}, "90": {"x": 6.427545638542203, "y": 30.668601083607545, "z": 11.156098781310348, "r": [0.047743360820610925, 0.002690501428451064, 0.008301144957720386]}, "91": {"x": 0.4390066468112397, "y": 26.900066486799062, "z": 9.982581660864732, "r": [-8.725593458279446e-05, 4.793277941650409e-05, 0.0005152110051321324]}, "92": {"x": -5.368936252184595, "y": 30.66692034841579, "z": 8.843183385180373, "r": [-0.06671026836918914, 0.006272503480905911, -0.01167629884237753]}, "93": {"x": -36.94782210812928, "y": -30.96480072501672, "z": 16.009178158914267, "r": [0.06729557588387536, -0.13399197534435103, 0.011540132853589569]}, "94": {"x": -33.76131088409734, "y": -19.589755111935514, "z": 13.520891544325643, "r": [0.03634855844987328, -0.11183431709656055, 0.014480696453375685]}, "95": {"x": -30.869582271496668, "y": -23.387890410913002, "z": 13.821510834669184, "r": [-0.00041651904455974886, -0.0005410524383897553, -0.003434835642954326]}, "96": {"x": -28.468336124716664, "y": -39.44428670842915, "z": 16.009178158914224, "r": [-0.13399197534392115, 0.06729557588448642, 0.011540132853600227]}, "97": {"x": -17.093290511635455, "y": -36.25777548439721, "z": 13.520891544325599, "r": [-0.11183431709670266, 0.03634855845015039, 0.014480696453477826]}, "98": {"x": -20.891425810613004, "y": -33.36604687179658, "z": 13.821510834669157, "r": [-0.0005410524383915316, -0.0004165190445739597, -0.003434835642924128]}, "99": {"x": 29.49414705049244, "y": 35.477168433604895, "z": 16.009178158914235, "r": [0.1339919753443084, -0.06729557588429103, 0.011540132853706808]}, "100": {"x": 18.119101437411274, "y": 32.29065720957299, "z": 13.520891544325632, "r": [0.11183431709655167, -0.03634855844962104, 0.014480696453612829]}, "101": {"x": 21.917236736388677, "y": 29.398928596972222, "z": 13.821510834669143, "r": [0.0005410524383755444, 0.0004165190445668543, -0.0034348356429436677]}, "102": {"x": 37.97363303390497, "y": 26.997682450192432, "z": 16.009178158914246, "r": [-0.06729557588453616, 0.1339919753441201, 0.0115401328533693]}, "103": {"x": 34.78712180987306, "y": 15.622636837111184, "z": 13.520891544325623, "r": [-0.036348558449510904, 0.11183431709693181, 0.014480696453516018]}, "104": {"x": 31.895393197272362, "y": 19.420772136088665, "z": 13.821510834669157, "r": [0.00041651904458817057, 0.0005410524384039661, -0.0034348356429276805]}, "105": {"x": 0.6034743402420885, "y": -23.477634818137723, "z": 9.983383114676231, "r": [4.875159146580654e-05, -2.3873123316198175e-05, 0.0005069089698388485]}, "106": {"x": -3.0177975942916757, "y": -19.833227518910444, "z": 10.24282777924871, "r": [0.018678728512680404, 0.12974612344718028, -0.007276601235216895]}, "107": {"x": 4.073271962020385, "y": -19.83576101150854, "z": 9.740028104421082, "r": [-0.03294277708039413, 0.12887338753689698, 0.008839474551411236]}, "108": {"x": 18.092491597883562, "y": -36.25407947736409, "z": 6.478654439598583, "r": [0.12246458706819219, 0.0315554230575934, -0.016851282233428577]}, "109": {"x": 29.477268999718355, "y": -39.44093283538288, "z": 3.9906403532133137, "r": [0.1381103551170284, 0.06647825683759123, -0.012357256144314377]}, "110": {"x": 21.98651954027261, "y": -33.420999079738024, "z": 6.153182181623869, "r": [0.000580649732100369, -0.0004470876945177338, 0.003680071510951066]}, "111": {"x": -20.981170217837846, "y": -1.89299026005791, "z": 9.983383114676265, "r": [-2.387312331453284e-05, 4.875159146586249e-05, 0.0005069089698299112]}, "112": {"x": -17.33676291861058, "y": -5.514262194591646, "z": 10.24282777924875, "r": [0.12974612344705477, 0.018678728512663403, -0.0072766012351913045]}, "113": {"x": -17.339296411208668, "y": 1.576807361720396, "z": 9.740028104421121, "r": [0.12887338753696861, -0.03294277708040576, 0.008839474551486919]}, "114": {"x": 0.4223365855336021, "y": 19.51051654331342, "z": 9.98338311467625, "r": [-4.875159146543184e-05, 2.3873123334072766e-05, 0.00050690896984662]}, "115": {"x": 4.043608520067324, "y": 15.86610924408616, "z": 10.242827779248731, "r": [-0.018678728512635745, -0.1297461234469579, -0.007276601235179814]}, "116": {"x": -3.047461036244725, "y": 15.86864273668425, "z": 9.7400281044211, "r": [0.03294277708040419, -0.12887338753694583, 0.008839474551434662]}, "117": {"x": 22.00698114361346, "y": -2.074128014766427, "z": 9.983383114676268, "r": [2.3873123322526446e-05, -4.875159146724983e-05, 0.0005069089698380158]}, "118": {"x": 18.36257384438615, "y": 1.5471439197673136, "z": 10.242827779248733, "r": [-0.12974612344698738, -0.018678728512649838, -0.0072766012351302145]}, "119": {"x": 18.365107336984256, "y": -5.54392563654473, "z": 9.740028104421107, "r": [-0.1288733875369528, 0.03294277708040959, 0.008839474551438617]}, "120": {"x": 34.783425802839936, "y": -19.563145272407823, "z": 6.478654439598593, "r": [-0.03155542305755077, -0.12246458706822061, -0.016851282233455223]}, "121": {"x": 37.97027916085867, "y": -30.94792267424259, "z": 3.990640353213306, "r": [-0.06647825683789677, -0.13811035511654168, -0.012357256144320594]}, "122": {"x": 31.95034540521373, "y": -23.45717321479678, "z": 6.153182181623897, "r": [0.0004470876945177338, -0.0005806497320861581, 0.003680071510984817]}, "123": {"x": -36.94446823508284, "y": 26.980804399418307, "z": 3.990640353213308, "r": [0.0664782568376765, 0.13811035511669445, -0.012357256144330364]}, "124": {"x": -33.757614877064086, "y": 15.596026997583532, "z": 6.478654439598588, "r": [0.03155542305777814, 0.12246458706832364, -0.01685128223340726]}, "125": {"x": -30.924534479437945, "y": 19.490054939972513, "z": 6.153182181623877, "r": [-0.0004470876944928648, 0.0005806497320914872, 0.003680071510970606]}, "126": {"x": -28.45145807394254, "y": 35.47381456055858, "z": 3.990640353213296, "r": [-0.13811035511614733, -0.06647825683860731, -0.012357256144404971]}, "127": {"x": -17.06668067210772, "y": 32.286961202539736, "z": 6.478654439598567, "r": [-0.1224645870680785, -0.03155542305765735, -0.016851282233411702]}, "128": {"x": -20.96070861449676, "y": 29.45388080491365, "z": 6.153182181623832, "r": [-0.0005806497320755, 0.00044708769448931207, 0.0036800715109430726]}, "129": {"x": -20.58254097028611, "y": -19.155565212474013, "z": 11.978794890646977, "r": [-0.0006693187732835781, -0.0008221066597169369, -0.006234142186425373]}, "130": {"x": -16.659100612174072, "y": -23.07900557058605, "z": 11.978794890646974, "r": [-0.0008221066597382531, -0.000669318773297789, -0.006234142186422709]}, "131": {"x": -9.580746204363622, "y": -17.110789062348942, "z": 10.597689693392445, "r": [0.08583571389981037, 0.1507534726211181, -0.024719618899302777]}, "132": {"x": -14.614324462049025, "y": -12.077210804663558, "z": 10.597689693392448, "r": [0.15075347262109395, 0.08583571389986688, -0.024719618899310125]}, "133": {"x": 17.68491153794969, "y": 19.111887295761697, "z": 11.97879489064696, "r": [0.0008221066597187132, 0.0006693187732871309, -0.006234142186439584]}, "134": {"x": 21.60835189606172, "y": 15.188446937649637, "z": 11.978794890646952, "r": [0.0006693187732889072, 0.0008221066597418059, -0.006234142186411162]}, "135": {"x": 10.606557130139256, "y": 13.143670787524638, "z": 10.597689693392459, "r": [-0.08583571389980905, -0.15075347262106065, -0.024719618899346388]}, "136": {"x": 15.640135387824635, "y": 8.110092529839251, "z": 10.597689693392457, "r": [-0.1507534726210948, -0.08583571389980518, -0.02471961889932134]}, "137": {"x": 10.627457043960955, "y": -17.12076633962, "z": 9.385729433069368, "r": [-0.09270188613245053, 0.15082014866731275, 0.025560646984582824]}, "138": {"x": 17.778734523296368, "y": -23.17044523565097, "z": 7.988770851750188, "r": [0.0008762770589463287, -0.0007137046035659012, 0.006687566576271564]}, "139": {"x": 15.650112665095696, "y": -12.098110718485279, "z": 9.38572943306938, "r": [-0.15082014866732144, 0.0927018861323464, 0.025560646984641264]}, "140": {"x": 21.699791561126688, "y": -19.24938819782062, "z": 7.988770851750205, "r": [0.0007137046035836647, -0.0008762770589321178, 0.006687566576308868]}, "141": {"x": -14.624301739320066, "y": 8.130992443660949, "z": 9.385729433069386, "r": [0.1508201486673336, -0.09270188613239337, 0.02556064698460936]}, "142": {"x": -9.601646118185299, "y": 13.153648064795682, "z": 9.385729433069375, "r": [0.09270188613235311, -0.15082014866733337, 0.025560646984663565]}, "143": {"x": -20.673980635350993, "y": 15.282269922996331, "z": 7.988770851750167, "r": [-0.0007137046035872174, 0.000876277058942776, 0.006687566576305315]}, "144": {"x": -16.75292359752063, "y": 19.20332696082665, "z": 7.9887708517501546, "r": [-0.000876277058948105, 0.0007137046035978756, 0.006687566576294657]}, "145": {"x": -34.51261945724255, "y": -34.196836773722865, "z": 16.164534656496986, "r": [-0.0002555297507669252, -0.0002679671789636018, -0.0016655134370857638]}, "146": {"x": -31.70037217342286, "y": -37.009084057542445, "z": 16.16453465649695, "r": [-0.0002679671789742599, -0.00025552975078113604, -0.0016655134370857638]}, "147": {"x": 35.53843038301835, "y": 30.22971849889864, "z": 16.164534656497, "r": [0.00025552975075981976, 0.0002679671789991289, -0.0016655134370751057]}, "148": {"x": 32.726183099198664, "y": 33.041965782718236, "z": 16.16453465649698, "r": [0.00026796717900978706, 0.00025552975078468876, -0.0016655134370786584]}, "149": {"x": -10.036407427383502, "y": -31.403674832241947, "z": 11.792979603882719, "r": [-0.0005146822722368327, -0.0002617228746153444, -0.003462071308256487]}, "150": {"x": -4.088834398737533, "y": -27.172316167663073, "z": 10.634050749101375, "r": [-0.00021353722616068715, -8.473570162248478e-05, -0.0017371061553983491]}, "151": {"x": 5.277348888867516, "y": -27.21552907592085, "z": 9.329658803731352, "r": [0.0003411572156555298, -0.00011666093612294759, 0.0026091833434462863]}, "152": {"x": 11.156387733695666, "y": -31.451639482960285, "z": 8.17848667344413, "r": [0.0006232373157901705, -0.0003086517270514122, 0.004086997025981809]}, "153": {"x": 25.701662493138873, "y": 2.6181807242131954, "z": 10.634050749101409, "r": [8.473570165179467e-05, 0.00021353722616179738, -0.0017371061553852485]}, "154": {"x": 25.74487540139662, "y": -6.748002563391813, "z": 9.329658803731409, "r": [0.0001166609361717974, -0.00034115721566618795, 0.0026091833434531697]}, "155": {"x": 29.933021157717853, "y": 8.565753752859202, "z": 11.79297960388275, "r": [0.0002617228746153444, 0.0005146822722403854, -0.0034620713082338384]}, "156": {"x": 29.98098580843614, "y": -12.627041408219945, "z": 8.178486673444159, "r": [0.0003086517270585176, -0.0006232373157919469, 0.004086997025997352]}, "157": {"x": 32.775023543249745, "y": -37.05657506451044, "z": 3.81591111104901, "r": [0.0002752877687797195, -0.00026273618922090236, 0.0017140029500621878]}, "158": {"x": 35.585921389986275, "y": -34.245677217773995, "z": 3.8159111110489934, "r": [0.00026273618924932407, -0.00027528776874419236, 0.0017140029500621878]}, "159": {"x": -31.74921261747398, "y": 33.08945678968621, "z": 3.8159111110489787, "r": [-0.0002752877687797195, 0.00026273618922090236, 0.0017140029500701814]}, "160": {"x": -34.56011046421049, "y": 30.278558942949743, "z": 3.815911111048976, "r": [-0.0002627361891853752, 0.00027528776871577065, 0.0017140029500550824]}, "161": {"x": -24.67585156736318, "y": -6.585298999037529, "z": 10.634050749101398, "r": [-8.473570163047839e-05, -0.00021353722616268556, -0.001737106155383028]}, "162": {"x": -24.7190644756209, "y": 2.7808842885674974, "z": 9.329658803731375, "r": [-0.00011666093612738848, 0.0003411572156559739, 0.002609183343440513]}, "163": {"x": -28.90721023194207, "y": -12.53287202768352, "z": 11.792979603882749, "r": [-0.0002617228746011335, -0.0005146822722439381, -0.0034620713082533783]}, "164": {"x": -28.955174882660284, "y": 8.659923133395635, "z": 8.178486673444143, "r": [-0.0003086517270478595, 0.000623237315782621, 0.00408699702597648]}, "165": {"x": 11.062218353159263, "y": 27.436556557417724, "z": 11.79297960388275, "r": [0.0005146822722452704, 0.0002617228746277789, -0.0034620713082285093]}, "166": {"x": 5.114645324513234, "y": 23.205197892838754, "z": 10.634050749101387, "r": [0.0002135372261589108, 8.4735701638472e-05, -0.001737106155378143]}, "167": {"x": -4.251537963091772, "y": 23.248410801096558, "z": 9.32965880373136, "r": [-0.00034115721565664003, 0.00011666093612472395, 0.0026091833434425116]}, "168": {"x": -10.130576807919855, "y": 27.48452120813595, "z": 8.17848667344412, "r": [-0.000623237315787506, 0.0003086517270585176, 0.004086997025976924]}, "169": {"x": -27.62936078130633, "y": -26.788128778470725, "z": 13.923030320770955, "r": [-0.0004903487531109363, -0.0005395791569817732, -0.0036676025965718395]}, "170": {"x": -25.185137040284157, "y": -16.235710477568254, "z": 12.056289421809378, "r": [-0.0004051197123438044, -0.0006055103716287036, -0.004259376452559138]}, "171": {"x": -24.291664178170766, "y": -30.125825381606287, "z": 13.923030320770948, "r": [-0.0005395791569746677, -0.0004903487531180417, -0.003667602596573616]}, "172": {"x": -13.7392458772683, "y": -27.681601640584102, "z": 12.056289421809376, "r": [-0.0006055103716153809, -0.00040511971232071176, -0.0042593764525404865]}, "173": {"x": 25.317475103946393, "y": 26.158707106781872, "z": 13.923030320770906, "r": [0.0005395791569746677, 0.0004903487531180417, -0.0036676025965967085]}, "174": {"x": 14.765056803043965, "y": 23.714483365759783, "z": 12.056289421809375, "r": [0.0006055103716100518, 0.0004051197123313699, -0.004259376452542263]}, "175": {"x": 28.655171707082012, "y": 22.82101050364637, "z": 13.923030320770927, "r": [0.0004903487531038309, 0.0005395791569604569, -0.0036676025965753922]}, "176": {"x": 26.210947966059894, "y": 12.26859220274394, "z": 12.056289421809367, "r": [0.0004051197122940664, 0.0006055103716033905, -0.004259376452575125]}, "177": {"x": -7.627922542689491, "y": -22.993926909217052, "z": 10.870931495381033, "r": [-0.0002756684478022464, -0.00018757388548085174, -0.0025831108384686274]}, "178": {"x": 8.772983837484999, "y": -23.069101019697822, "z": 9.097331464170878, "r": [0.0003512016251239203, -0.00022777838656118377, 0.00321317417995326]}, "179": {"x": 14.894039019355494, "y": -27.775685454697747, "z": 7.905909217370262, "r": [0.0006689010043494648, -0.0004446704115821376, 0.004690172226536227]}, "180": {"x": 25.408381036813587, "y": -30.208818182024675, "z": 6.04460409748327, "r": [0.0005719532889045809, -0.0005195496706669189, 0.003887498257356903]}, "181": {"x": -20.49746230891713, "y": -10.124387142989455, "z": 10.870931495381052, "r": [-0.0001875738854906217, -0.0002756684478066873, -0.0025831108384628543]}, "182": {"x": -20.572636419397863, "y": 6.276519237184974, "z": 9.09733146417089, "r": [-0.00022777838655763105, 0.00035120162512169983, 0.0032131741799479308]}, "183": {"x": 8.653733468465145, "y": 19.026808634392705, "z": 10.870931495381047, "r": [0.0002756684477907001, 0.00018757388546308817, -0.002583110838496605]}, "184": {"x": -7.7471729117092725, "y": 19.10198274487349, "z": 9.09733146417088, "r": [-0.0003512016251261407, 0.00022777838657805916, 0.0032131741799670266]}, "185": {"x": 21.52327323469279, "y": 6.157268868165127, "z": 10.870931495381047, "r": [0.0001875738854657527, 0.0002756684477978055, -0.002583110838466851]}, "186": {"x": 21.598447345173533, "y": -10.243637512009295, "z": 9.097331464170914, "r": [0.00022777838658161187, -0.0003512016251319139, 0.0032131741799710234]}, "187": {"x": 28.738164507500407, "y": -26.87903471133776, "z": 6.044604097483284, "r": [0.0005195496706953406, -0.0005719532889223444, 0.0038874982573897654]}, "188": {"x": 26.305031780173508, "y": -16.364692693879746, "z": 7.905909217370284, "r": [0.00044467041157147946, -0.0006689010043334775, 0.004690172226548217]}, "189": {"x": -27.71235358172466, "y": 22.911916436513515, "z": 6.044604097483233, "r": [-0.0005195496706669189, 0.0005719532889010281, 0.00388749825735335]}, "190": {"x": -25.279220854397753, "y": 12.397574419055452, "z": 7.905909217370266, "r": [-0.0004446704115785849, 0.0006689010043379184, 0.004690172226553102]}, "191": {"x": -13.868228093579706, "y": 23.808567179873386, "z": 7.905909217370235, "r": [-0.0006689010043325894, 0.0004446704115750322, 0.0046901722265455525]}, "192": {"x": -24.38257011103774, "y": 26.241699907200324, "z": 6.044604097483229, "r": [-0.0005719532889010281, 0.0005195496706953406, 0.003887498257356903]}, "193": {"x": -32.50158250500328, "y": -28.85293862903405, "z": 14.95967248369537, "r": [-0.0003663371353219702, -0.0004178051197776256, -0.002630064790364983]}, "194": {"x": -36.82249934707717, "y": -39.31896394737713, "z": 17.406476937402584, "r": [-0.00011962293356759801, -0.00011962293353207087, -0.0007315404721488505]}, "195": {"x": -26.35647402873403, "y": -34.998047105303165, "z": 14.95967248369534, "r": [-0.000417805119834469, -0.00036633713538236634, -0.0026300647903418906]}, "196": {"x": -22.295647404115716, "y": -24.792112004415664, "z": 12.911487783129292, "r": [-0.0006315445592761648, -0.0006315445592584013, -0.004798187336870541]}, "197": {"x": -15.427491167693393, "y": -32.17139230356579, "z": 12.767909707312906, "r": [-0.0005930667824438629, -0.000382497343398569, -0.0038202600670684816]}, "198": {"x": -4.7116281348242195, "y": -30.994642983912, "z": 10.873809104228583, "r": [-0.00026903664432453844, -0.00010645177720824961, -0.00198679875142993]}, "199": {"x": -3.5172194303496735, "y": -23.352820880333574, "z": 10.425577285581715, "r": [-9.879506265664251e-05, -5.381445217400582e-05, -0.0011260236466550388]}, "200": {"x": -11.854288912555157, "y": -22.67891009096917, "z": 11.350003659721702, "r": [-0.00046935782056412023, -0.00038511253101525256, -0.0038663915177674646]}, "201": {"x": -20.85635628003367, "y": -6.013684030649649, "z": 10.425577285581742, "r": [-5.381445217134129e-05, -9.879506265120241e-05, -0.0011260236466430484]}, "202": {"x": -28.49817838361209, "y": -7.208092735124235, "z": 10.873809104228613, "r": [-0.00010645177722956589, -0.00026903664433053365, -0.0019867987514206042]}, "203": {"x": -29.67492770326588, "y": -17.9239557679934, "z": 12.767909707312935, "r": [-0.00038249734338080543, -0.0005930667824269875, -0.003820260067046277]}, "204": {"x": -20.182445490669235, "y": -14.350753512855098, "z": 11.35000365972171, "r": [-0.0003851125310383452, -0.0004693578205685611, -0.0038663915177807873]}, "205": {"x": 33.52739343077898, "y": 24.88582035420974, "z": 14.959672483695355, "r": [0.00036633713535749735, 0.00041780511984512714, -0.0026300647903525487]}, "206": {"x": 37.848310272852956, "y": 35.35184567255293, "z": 17.406476937402598, "r": [0.00011962293357470344, 0.00011962293358180887, -0.0007315404721914831]}, "207": {"x": 27.38228495450974, "y": 31.03092883047885, "z": 14.959672483695329, "r": [0.0004178051198309163, 0.0003663371353752609, -0.002630064790343667]}, "208": {"x": 23.321458329891307, "y": 20.82499372959125, "z": 12.911487783129244, "r": [0.0006315445592548485, 0.0006315445592512958, -0.004798187336906068]}, "209": {"x": 16.453302093469134, "y": 28.20427402874153, "z": 12.76790970731292, "r": [0.0005930667824314284, 0.0003824973433950163, -0.003820260067045389]}, "210": {"x": 5.737439060599971, "y": 27.027524709087693, "z": 10.873809104228597, "r": [0.00026903664432698093, 0.00010645177722867771, -0.00198679875142993]}, "211": {"x": 4.5430303561253496, "y": 19.38570260550928, "z": 10.425577285581731, "r": [9.879506265453308e-05, 5.3814452155354076e-05, -0.001126023646655927]}, "212": {"x": 12.880099838330786, "y": 18.711791816144824, "z": 11.350003659721704, "r": [0.00046935782057921926, 0.00038511253104012155, -0.0038663915177581387]}, "213": {"x": 21.882167205809328, "y": 2.0465657558253216, "z": 10.425577285581742, "r": [5.381445216556813e-05, 9.879506265630944e-05, -0.001126023646641272]}, "214": {"x": 29.523989309387847, "y": 3.2409744602999058, "z": 10.87380910422862, "r": [0.00010645177718959786, 0.00026903664432298413, -0.0019867987514268215]}, "215": {"x": 30.700738629041613, "y": 13.956837493169065, "z": 12.767909707312912, "r": [0.0003824973434021217, 0.0005930667824252112, -0.0038202600670427245]}, "216": {"x": 21.20825641644488, "y": 10.383635238030763, "z": 11.3500036597217, "r": [0.00038511253102058163, 0.00046935782056722886, -0.003866391517770573]}, "217": {"x": 4.673000366796074, "y": -23.389495839421528, "z": 9.54527327262172, "r": [0.00020191806496350218, -8.332620717688144e-05, 0.0019986126398383597]}, "218": {"x": 5.848272493657007, "y": -31.023359466564266, "z": 9.096564596654783, "r": [0.00042831128644871264, -0.00014346697005063191, 0.0028700314026086637]}, "219": {"x": 16.535475357149743, "y": -32.22705043821929, "z": 7.204500131287829, "r": [0.0006607938982208239, -0.0004239900631120008, 0.004226057607167988]}, "220": {"x": 12.998687587242816, "y": -22.78352085927351, "z": 8.614286200039954, "r": [0.0005215983064239538, -0.000422114307234267, 0.0042911095502509156]}, "221": {"x": 27.441352381437262, "y": -35.050744266972465, "z": 5.017491796495773, "r": [0.0004372970521728803, -0.0003838616101567993, 0.002754962317919052]}, "222": {"x": 37.87875265280884, "y": -39.34940632733308, "z": 2.580892394928484, "r": [0.00012201237638009843, -0.00012201237640141471, 0.0007473903148849104]}, "223": {"x": 33.58009059244824, "y": -28.91200605596144, "z": 5.017491796495785, "r": [0.0003838616101567993, -0.00043729705221551285, 0.0027549623178879656]}, "224": {"x": 23.407757093231243, "y": -24.878410767755486, "z": 7.056940929138036, "r": [0.0006768536876862186, -0.0006768536876897713, 0.005155411372342655]}, "225": {"x": 30.756396763695072, "y": -18.00612903167399, "z": 7.204500131287841, "r": [0.00042399006311910625, -0.0006607938982297057, 0.004226057607178646]}, "226": {"x": 29.552705792040104, "y": -7.318926168181294, "z": 9.096564596654838, "r": [0.00014346697009504084, -0.00042831128644937877, 0.002870031402619322]}, "227": {"x": 21.91884216489725, "y": -6.143654041320393, "z": 9.545273272621762, "r": [8.332620719642136e-05, -0.00020191806497149578, 0.0019986126398530146]}, "228": {"x": 21.312867184749187, "y": -14.469341261767065, "z": 8.614286200039974, "r": [0.0004221143072271616, -0.0005215983064124075, 0.004291109550261574]}, "229": {"x": -3.6471894410203736, "y": 19.42237756459725, "z": 9.54527327262174, "r": [-0.00020191806497149578, 8.332620718620731e-05, 0.0019986126398436888]}, "230": {"x": -4.82246156788122, "y": 27.05624119174001, "z": 9.096564596654794, "r": [-0.0004283112864529315, 0.00014346697009059994, 0.0028700314026126605]}, "231": {"x": -15.50966443137393, "y": 28.25993216339494, "z": 7.204500131287789, "r": [-0.0006607938982048367, 0.00042399006312798804, 0.004226057607136013]}, "232": {"x": -11.97287666146707, "y": 18.816402584449165, "z": 8.61428620003994, "r": [-0.0005215983064337237, 0.0004221143072511424, 0.004291109550265126]}, "233": {"x": -26.415541455661426, "y": 31.083625992148146, "z": 5.017491796495749, "r": [-0.00043729705216577486, 0.0003838616101319303, 0.002754962317914611]}, "234": {"x": -36.8529417270331, "y": 35.382288052508855, "z": 2.580892394928457, "r": [-0.00012201237639430929, 0.00012201237640141471, 0.0007473903148511596]}, "235": {"x": -32.55427966667242, "y": 24.944887781137187, "z": 5.017491796495763, "r": [-0.0003838616101319303, 0.000437297052176433, 0.0027549623179270455]}, "236": {"x": -22.381946167455485, "y": 20.911292492931175, "z": 7.056940929137987, "r": [-0.0006768536877004294, 0.0006768536877004294, 0.005155411372327556]}, "237": {"x": -29.730585837919264, "y": 14.0390107568497, "z": 7.2045001312878325, "r": [-0.00042399006311910625, 0.0006607938982217121, 0.0042260576071671]}, "238": {"x": -28.52689486626422, "y": 3.3518078933569733, "z": 9.096564596654817, "r": [-0.0001434669701048108, 0.0004283112864595928, 0.002870031402633977]}, "239": {"x": -20.89303123912164, "y": 2.176535766496065, "z": 9.545273272621753, "r": [-8.332620722439898e-05, 0.00020191806497582565, 0.001998612639859232]}, "240": {"x": -20.287056258973507, "y": 10.502222986942774, "z": 8.614286200039956, "r": [-0.0004221143072147271, 0.000521598306419957, 0.004291109550241146]}, "241": {"x": -43.011203475789586, "y": -44.422456737439475, "z": 19.316327327237467, "r": [0.09928404301676608, -0.1841181720799483, 0.014417743083555479]}, "242": {"x": -41.92599213713946, "y": -45.50766807608956, "z": 19.316327327237467, "r": [-0.18411817208001935, 0.0992840430157429, 0.01441774308400312]}, "243": {"x": 44.03701440156532, "y": 40.45533846261523, "z": 19.31632732723747, "r": [-0.09928404301638238, 0.18411817208027514, 0.014417743084031542]}, "244": {"x": 42.951803062915204, "y": 41.54054980126533, "z": 19.316327327237463, "r": [0.18411817208031778, -0.0992840430164108, 0.014417743083882328]}, "245": {"x": -2.454500020600395, "y": -34.48213380921148, "z": 10.577012626752982, "r": [-0.017746862631976335, -0.008962698627826171, 0.0036856445798996162]}, "246": {"x": 0.5458079053414584, "y": -32.67842841304626, "z": 9.990036148737506, "r": [-3.2054311516205303e-06, -8.907456106044265e-09, -1.7575181790796535e-05]}, "247": {"x": 3.446860287502725, "y": -34.48127033063506, "z": 9.422259302006307, "r": [0.0388903798982998, -0.010681157379003992, -0.007850538531624096]}, "248": {"x": 31.207774738522197, "y": -2.0164615798657475, "z": 9.990036148737566, "r": [8.907466764185301e-09, 3.2054311520646195e-06, -1.7575181801454676e-05]}, "249": {"x": 33.01148013468745, "y": 0.9838463460761177, "z": 10.577012626753039, "r": [0.0089626986277338, 0.017746862631929483, 0.0036856445798214565]}, "250": {"x": 33.01061665611103, "y": -4.917513962027003, "z": 9.42225930200636, "r": [0.010681157378698458, -0.03889037989829092, -0.007850538531481988]}, "251": {"x": 42.94889645748877, "y": -45.506936658241116, "z": 0.6836672539608787, "r": [0.1861240981496053, 0.10023915186337717, -0.014572246842239345]}, "252": {"x": 44.03628298371686, "y": -44.419550132013015, "z": 0.6836672539608752, "r": [-0.10023915186346244, -0.18612409814898, -0.014572246842278869]}, "253": {"x": -41.92308553171301, "y": 41.539818383416865, "z": 0.6836672539608756, "r": [-0.18612409814956266, -0.10023915186381771, -0.014572246842248227]}, "254": {"x": -43.01047205794109, "y": 40.452431857188756, "z": 0.6836672539608759, "r": [0.10023915186398824, 0.18612409814859632, -0.014572246842265546]}, "255": {"x": -30.18196381274636, "y": -1.9506566949585729, "z": 9.990036148737538, "r": [-8.907427684334834e-09, -3.2054311521756418e-06, -1.7575181795237427e-05]}, "256": {"x": -31.985669208911574, "y": -4.950964620900437, "z": 10.577012626753021, "r": [-0.008962698627868804, -0.01774686263195946, 0.003685644579814351]}, "257": {"x": -31.984805730335125, "y": 0.9503956872026904, "z": 9.422259302006339, "r": [-0.010681157379181627, 0.038890379898297134, -0.007850538531585016]}, "258": {"x": 3.480310946376226, "y": 30.515015534387246, "z": 10.577012626753008, "r": [0.017746862631994098, 0.008962698627954069, 0.003685644579793035]}, "259": {"x": 0.48000302043434956, "y": 28.711310138222057, "z": 9.99003614873753, "r": [3.205431152952798e-06, 8.907466764185301e-09, -1.7575181790796535e-05]}, "260": {"x": -2.4210493617268902, "y": 30.514152055810793, "z": 9.422259302006326, "r": [-0.038890379898326444, 0.010681157379437423, -0.007850538531364748]}, "261": {"x": -36.00850772823674, "y": -28.162422190777377, "z": 15.373759029669086, "r": [0.05579349111904719, -0.13130466202685653, 0.014989749080783099]}, "262": {"x": -34.41402640858869, "y": -22.47159077380406, "z": 14.12992904976778, "r": [0.040917695696698786, -0.11891408941959014, 0.016524399457800598]}, "263": {"x": -33.06506868402946, "y": -24.358371609209527, "z": 14.286880729140767, "r": [-7.677508591541482e-06, -1.0812925907544013e-05, -5.748406555561303e-05]}, "264": {"x": -25.665957590477326, "y": -38.50497232853662, "z": 15.373759029669044, "r": [-0.13130466202724023, 0.05579349111907561, 0.014989749080648096]}, "265": {"x": -19.975126173504005, "y": -36.91049100888856, "z": 14.129929049767734, "r": [-0.11891408942011594, 0.04091769569650694, 0.01652439945773665]}, "266": {"x": -21.861907008909508, "y": -35.56153328432937, "z": 14.286880729140739, "r": [-1.0812925928860295e-05, -7.677508619963191e-06, -5.748406553252039e-05]}, "267": {"x": 26.69176851625311, "y": 34.537854053712365, "z": 15.373759029669058, "r": [0.13130466202691338, -0.055793491118883765, 0.014989749080584147]}, "268": {"x": 21.000937099279813, "y": 32.94337273406433, "z": 14.129929049767764, "r": [0.11891408941983173, -0.040917695696670364, 0.016524399457562566]}, "269": {"x": 22.88771793468523, "y": 31.594415009505042, "z": 14.28688072914073, "r": [1.0812925907544013e-05, 7.677508584436055e-06, -5.748406555028396e-05]}, "270": {"x": 37.03431865401243, "y": 24.19530391595308, "z": 15.373759029669065, "r": [-0.055793491118713234, 0.13130466202715496, 0.01498974908081152]}, "271": {"x": 35.43983733436439, "y": 18.504472498979734, "z": 14.129929049767757, "r": [-0.0409176956967201, 0.11891408941975001, 0.016524399457793493]}, "272": {"x": 34.090879609805164, "y": 20.39125333438521, "z": 14.286880729140744, "r": [7.677508584436055e-06, 1.0812925911096727e-05, -5.748406557160024e-05]}, "273": {"x": 0.5737368860647679, "y": -21.758032582203402, "z": 9.986922122483271, "r": [4.865706791701285e-06, -1.8446023375418008e-08, 5.266545459292615e-05]}, "274": {"x": -1.2529733917945463, "y": -20.096049480522442, "z": 10.119544192822397, "r": [0.004453441709803663, 0.1259267295159745, -0.0030987076470427866]}, "275": {"x": 2.3094486170494584, "y": -20.097268833606865, "z": 9.863171193758463, "r": [-0.020454078537924136, 0.12544372861905728, 0.004362554235093796]}, "276": {"x": 20.97653551438704, "y": -36.9066779462753, "z": 5.869701973870608, "r": [0.12839820937387714, 0.03669110843048884, -0.01881190625936391]}, "277": {"x": 26.672268096185476, "y": -38.501344474596095, "z": 4.626006053563095, "r": [0.13732376174807825, 0.0534431168556182, -0.016409633999243667]}, "278": {"x": 22.915158955870915, "y": -35.58780743579138, "z": 5.699296671070716, "r": [1.3783476831008556e-05, -1.0004720266465483e-05, 7.503596814828484e-05]}, "279": {"x": -19.261567981903532, "y": -1.9227277142352244, "z": 9.986922122483309, "r": [-1.844601626999065e-08, 4.865706790386365e-06, 5.266545460180794e-05]}, "280": {"x": -17.59958488022258, "y": -3.7494379920945233, "z": 10.11954419282244, "r": [0.1259267295159141, 0.004453441709788564, -0.0030987076470587738]}, "281": {"x": -17.600804233307006, "y": -0.18701598325052732, "z": 9.863171193758507, "r": [0.12544372861895425, -0.020454078537924414, 0.004362554235079585]}, "282": {"x": 0.4520740397109071, "y": 17.790914307379087, "z": 9.986922122483291, "r": [-4.865706791257196e-06, 1.8446028704488526e-08, 5.2665454598255224e-05]}, "283": {"x": 2.2787843175702, "y": 16.12893120569816, "z": 10.119544192822422, "r": [-0.0044534417097628065, -0.125926729515907, -0.003098707646950416]}, "284": {"x": -1.2836376912738, "y": 16.13015055878258, "z": 9.863171193758488, "r": [0.020454078537934794, -0.12544372861905018, 0.004362554235067151]}, "285": {"x": 20.2873789076791, "y": -2.0443905605891115, "z": 9.9869221224833, "r": [1.8446030480845366e-08, -4.865706791257196e-06, 5.266545460980154e-05]}, "286": {"x": 18.625395805998153, "y": -0.21768028272981052, "z": 10.119544192822422, "r": [-0.12592672951594963, -0.004453441709787301, -0.003098707647049892]}, "287": {"x": 18.626615159082583, "y": -3.780102291573807, "z": 9.86317119375849, "r": [-0.12544372861898978, 0.020454078537922804, 0.0043625542351346525]}, "288": {"x": 35.43602427175114, "y": -22.4471891889113, "z": 5.869701973870613, "r": [-0.03669110843131307, -0.1283982093738203, -0.018811906259507793]}, "289": {"x": 37.03069080007192, "y": -28.142921770709734, "z": 4.626006053563092, "r": [-0.05344311685571057, -0.13732376174841932, -0.016409633999387552]}, "290": {"x": 34.117153761267176, "y": -24.385812630395105, "z": 5.699296671070725, "r": [1.0004720337519757e-05, -1.3783476848772125e-05, 7.503596816427205e-05]}, "291": {"x": -36.004879874296094, "y": 24.175803495885457, "z": 4.626006053563095, "r": [0.053443116855923734, 0.13732376174820615, -0.016409633999371565]}, "292": {"x": -34.4102133459753, "y": 18.48007091408702, "z": 5.869701973870613, "r": [0.03669110843107859, 0.12839820937344015, -0.018811906259486477]}, "293": {"x": -33.09134283549135, "y": 20.418694355570835, "z": 5.699296671070718, "r": [-1.0004720309098047e-05, 1.3783476852324839e-05, 7.503596818025926e-05]}, "294": {"x": -25.64645717040966, "y": 34.53422619977179, "z": 4.626006053563078, "r": [-0.13732376174848326, -0.053443116855035555, -0.016409633999346696]}, "295": {"x": -19.950724588611205, "y": 32.939559671450965, "z": 5.869701973870592, "r": [-0.1283982093736995, -0.03669110843064516, -0.018811906259458056]}, "296": {"x": -21.88934803009508, "y": 31.62068916096706, "z": 5.699296671070684, "r": [-1.3783476848772125e-05, 1.0004720309098047e-05, 7.503596816782476e-05]}, "297": {"x": -17.12061125011419, "y": -17.556755303062957, "z": 11.434438832109027, "r": [-5.2156141414627655e-05, -6.016499310845802e-05, -0.00048702130719746606]}, "298": {"x": -15.060290702763025, "y": -19.617075850414135, "z": 11.434438832109027, "r": [-6.0164993122668875e-05, -5.215614145726022e-05, -0.00048702130720101877]}, "299": {"x": -11.018672882363283, "y": -16.04484142690563, "z": 10.634834815000358, "r": [0.10615041095562461, 0.15405909890307967, -0.02715900151904549]}, "300": {"x": -13.54837682660571, "y": -13.515137482663215, "z": 10.63483481500036, "r": [0.15405909890310987, 0.1061504109557081, -0.027159001519082793]}, "301": {"x": 16.08610162853865, "y": 15.649957575589793, "z": 11.434438832109022, "r": [6.016499311911616e-05, 5.2156141443049364e-05, -0.0004870213071868079]}, "302": {"x": 18.146422175889814, "y": 13.589637028238613, "z": 11.434438832109016, "r": [5.215614142173308e-05, 6.016499310845802e-05, -0.0004870213072081242]}, "303": {"x": 12.044483808138915, "y": 12.07772315208133, "z": 10.634834815000374, "r": [-0.10615041095569389, -0.15405909890315073, -0.02715900151900641]}, "304": {"x": 14.574187752381333, "y": 9.548019207838912, "z": 10.634834815000376, "r": [-0.15405909890315783, -0.10615041095568145, -0.02715900151905437]}, "305": {"x": 12.062579345791102, "y": -16.057340507720067, "z": 9.348650896751284, "r": [-0.11175881573007818, 0.1546133184275842, 0.027740256974422728]}, "306": {"x": 16.151496052691012, "y": -19.688565652266753, "z": 8.538826437498479, "r": [6.757370896082193e-05, -5.870043770528355e-05, 0.0005471162305639155]}, "307": {"x": 14.586686833195753, "y": -13.533233020315418, "z": 9.34865089675129, "r": [-0.15461331842763038, 0.11175881573011281, 0.027740256974354338]}, "308": {"x": 18.217911977742467, "y": -17.622149727215305, "z": 8.538826437498484, "r": [5.8700437712388975e-05, -6.757370897503279e-05, 0.0005471162305603627]}, "309": {"x": -13.560875907420112, "y": 9.566114745491088, "z": 9.348650896751291, "r": [0.15461331842765702, -0.11175881573013413, 0.02774025697430904]}, "310": {"x": -11.03676842001545, "y": 12.09022223289574, "z": 9.348650896751286, "r": [0.11175881573005952, -0.15461331842763215, 0.02774025697435789]}, "311": {"x": -17.19210105196678, "y": 13.655031452390986, "z": 8.538826437498455, "r": [-5.87004377194944e-05, 6.757370898569093e-05, 0.0005471162305497046]}, "312": {"x": -15.125685126915304, "y": 15.721447377442415, "z": 8.538826437498452, "r": [-6.757370897503279e-05, 5.870043773370526e-05, 0.0005471162305461519]}, "313": {"x": -40.31804119923267, "y": -39.161768645224925, "z": 17.969342404333187, "r": [0.08276598321396023, -0.16074000834274216, 0.01346134682952993]}, "314": {"x": -37.98001091494599, "y": -33.734106236653965, "z": 16.653892907952944, "r": [0.06888517095910629, -0.14394940117588817, 0.013719231785128017]}, "315": {"x": -36.85327370133591, "y": -35.31987813445059, "z": 16.74013210569176, "r": [5.372092317657007e-07, 4.562257913676149e-07, 3.279893711294335e-06]}, "316": {"x": -36.66530404492489, "y": -42.81450579953258, "z": 17.969342404333165, "r": [-0.16074000834197477, 0.08276598321452866, 0.013461346829224397]}, "317": {"x": -31.237641636353914, "y": -40.476475515245866, "z": 16.653892907952905, "r": [-0.14394940117516342, 0.06888517095926261, 0.013719231784964592]}, "318": {"x": -32.82341353415059, "y": -39.349738301635796, "z": 16.74013210569173, "r": [4.562258411056064e-07, 5.372092815036922e-07, 3.279893700636194e-06]}, "319": {"x": 41.34385212500839, "y": 35.194650370400666, "z": 17.969342404333183, "r": [-0.0827659832139176, 0.16074000834250057, 0.013461346829352294]}, "320": {"x": 39.00582184072169, "y": 29.766987961829688, "z": 16.65389290795293, "r": [-0.06888517095930524, 0.14394940117575317, 0.0137192317851067]}, "321": {"x": 37.879084627111695, "y": 31.352759859626392, "z": 16.74013210569177, "r": [-5.372092672928375e-07, -4.5622581268389695e-07, 3.279893711294335e-06]}, "322": {"x": 37.691114970700625, "y": 38.84738752470833, "z": 17.96934240433316, "r": [0.160740008342259, -0.08276598321401707, 0.01346134682912492]}, "323": {"x": 32.26345256212967, "y": 36.50935724042161, "z": 16.65389290795291, "r": [0.14394940117588817, -0.06888517095896418, 0.013719231785056962]}, "324": {"x": 33.84922445992634, "y": 35.38262002681156, "z": 16.740132105691735, "r": [-4.562257913676149e-07, -5.372092601874101e-07, 3.2798937148470486e-06]}, "325": {"x": -8.3424955392461, "y": -34.89083936802938, "z": 11.738828591290135, "r": [-0.06750904434129268, 0.0037804792231384, 0.012790119910906839]}, "326": {"x": -14.191591731462106, "y": -35.70279300871307, "z": 12.920135145613543, "r": [-0.10034386023334463, 0.022590568682254286, 0.016656812066663917]}, "327": {"x": -10.653854049213123, "y": -33.36277650726092, "z": 12.059082254910864, "r": [-2.714798631942017e-05, -1.195172373513742e-05, -0.00014866703393501268]}, "328": {"x": 0.6085895266216372, "y": -29.015501874338423, "z": 9.979871275903022, "r": [-3.468693115404875e-06, 3.2965168372811604e-09, -2.2432887918810707e-05]}, "329": {"x": 0.6172845236489907, "y": -25.288547036259057, "z": 9.980493348136353, "r": [-1.7461593890821803e-06, 6.329159418783092e-09, -1.397441894468443e-05]}, "330": {"x": -1.7370914780056874, "y": -27.157238279014795, "z": 10.307084021361346, "r": [-1.5102152444157468e-06, -2.0356619501171735e-07, -1.0752615450471126e-05]}, "331": {"x": 2.943187627884948, "y": -27.178316951167737, "z": 9.655320711517664, "r": [-3.119777630899989e-06, 4.29873594498531e-07, -2.2195156017090767e-05]}, "332": {"x": 9.336558626767712, "y": -34.88844559338622, "z": 8.260522782954503, "r": [0.0856476745326038, -0.0006101129255497995, -0.016576919823451775]}, "333": {"x": 15.18879776709178, "y": -35.69937588168562, "z": 7.0793500967774, "r": [0.11412027672833602, 0.017387205997799526, -0.019784789545107984]}, "334": {"x": 11.717220901435606, "y": -33.38581601088342, "z": 7.924862610133892, "r": [2.8068989321283766e-05, -1.228862120683516e-05, 0.00015454261201774955]}, "335": {"x": 27.54484819981426, "y": -2.0792432011459443, "z": 9.97987127590308, "r": [-3.296502626426445e-09, 3.4686931162930534e-06, -2.243288790548803e-05]}, "336": {"x": 23.81789336173485, "y": -2.0879381981733207, "z": 9.980493348136402, "r": [-6.329152313355735e-09, 1.7461593917467155e-06, -1.3974418962447999e-05]}, "337": {"x": 25.686584604490587, "y": 0.266437803481355, "z": 10.307084021361389, "r": [2.0356622343342679e-07, 1.5102152456369922e-06, -1.0752615448694769e-05]}, "338": {"x": 25.707663276643515, "y": -4.413841302409256, "z": 9.65532071151772, "r": [-4.2987359094581734e-07, 3.1197776273472755e-06, -2.2195156008208983e-05]}, "339": {"x": 33.42018569350531, "y": 6.871841864721825, "z": 11.738828591290183, "r": [-0.0037804792227689177, 0.06750904434111149, 0.012790119910754072]}, "340": {"x": 34.23213933418895, "y": 12.720938056937833, "z": 12.920135145613573, "r": [-0.022590568683092727, 0.10034386023325581, 0.01665681206642944]}, "341": {"x": 31.892122832736874, "y": 9.183200374688854, "z": 12.059082254910905, "r": [1.1951723706715711e-05, 2.7147986315867456e-05, -0.0001486670339385654]}, "342": {"x": 33.41779191886214, "y": -10.807212301291983, "z": 8.260522782954538, "r": [0.0006101129260471794, -0.08564767453234268, -0.01657691982348375]}, "343": {"x": 34.22872220716148, "y": -16.659451441616042, "z": 7.079350096777418, "r": [-0.017387205998652178, -0.11412027672819036, -0.019784789545122194]}, "344": {"x": 31.915162336359266, "y": -13.187874575959873, "z": 7.924862610133922, "r": [1.2288621235256869e-05, -2.8068989323060123e-05, 0.00015454261199288055]}, "345": {"x": 37.682494079884485, "y": -42.81250810492194, "z": 2.0306106562000883, "r": [0.16307984046434854, 0.0833601062798408, -0.013740200630430799]}, "346": {"x": 32.24927195990463, "y": -40.473491131509675, "z": 3.345981988646765, "r": [0.14756748648630946, 0.06834778329537983, -0.014421394160394563]}, "347": {"x": 33.87010255040953, "y": -39.372711478247446, "z": 3.2495524345636184, "r": [-4.6305060408258214e-07, 5.461122896122106e-07, -3.310806564460478e-06]}, "348": {"x": 41.3418544303977, "y": -39.15314775440872, "z": 2.0306106562000803, "r": [-0.08336010627994028, -0.16307984046396484, -0.013740200630467214]}, "349": {"x": 39.00283745698545, "y": -33.71992563442887, "z": 3.345981988646756, "r": [-0.06834778329580615, -0.14756748648628815, -0.014421394160487822]}, "350": {"x": 37.902057803723295, "y": -35.34075622493382, "z": 3.249552434563594, "r": [-5.461122825067832e-07, 4.630505898717274e-07, -3.3108065782272433e-06]}, "351": {"x": -36.65668315410872, "y": 38.84538983009769, "z": 2.030610656200079, "r": [-0.1630798404643059, -0.08336010628008239, -0.01374020063042014]}, "352": {"x": -31.223461034128828, "y": 36.50637285668539, "z": 3.3459819886467494, "r": [-0.14756748648587603, -0.06834778329572799, -0.014421394160408774]}, "353": {"x": -32.84429162463377, "y": 35.405593203423216, "z": 3.249552434563599, "r": [4.6305056855544535e-07, -5.461122754013559e-07, -3.310806564460478e-06]}, "354": {"x": -40.31604350462189, "y": 35.186029479584434, "z": 2.0306106562000816, "r": [0.08336010628056556, 0.16307984046359536, -0.013740200630462773]}, "355": {"x": -37.977026531209624, "y": 29.752807359604578, "z": 3.3459819886467574, "r": [0.06834778329601932, 0.14756748648625972, -0.014421394160500256]}, "356": {"x": -36.8762468779475, "y": 31.373637950109558, "z": 3.249552434563583, "r": [5.461123109284927e-07, -4.63050561450018e-07, -3.310806577339065e-06]}, "357": {"x": -26.519037274038507, "y": -1.8878750736783785, "z": 9.97987127590305, "r": [3.296502626426445e-09, -3.4686931144611854e-06, -2.243288790015896e-05]}, "358": {"x": -22.792082435959195, "y": -1.8791800766510156, "z": 9.980493348136381, "r": [6.329170076924129e-09, -1.7461593920242713e-06, -1.397441897310614e-05]}, "359": {"x": -24.660773678714882, "y": -4.233556078305686, "z": 10.30708402136137, "r": [-2.0356620922257207e-07, -1.5102152408630332e-06, -1.0752615448694769e-05]}, "360": {"x": -24.681852350867814, "y": 0.44672302758493454, "z": 9.655320711517689, "r": [4.2987358384039e-07, -3.119777628290965e-06, -2.2195156017090767e-05]}, "361": {"x": -32.394374767729495, "y": -10.83896013954615, "z": 11.738828591290176, "r": [0.00378047922214364, -0.06750904434108662, 0.012790119910917497]}, "362": {"x": -33.2063284084132, "y": -16.688056331762166, "z": 12.920135145613587, "r": [0.02259056868304299, -0.10034386023331265, 0.01665681206653602]}, "363": {"x": -30.866311906961073, "y": -13.150318649513164, "z": 12.059082254910905, "r": [-1.1951723731584707e-05, -2.7147986315867456e-05, -0.0001486670339261309]}, "364": {"x": -32.39198099308625, "y": 6.840094026467674, "z": 8.26052278295452, "r": [-0.0006101129259192817, 0.08564767453245281, -0.016576919823402037]}, "365": {"x": -33.20291128138561, "y": 12.692333166791746, "z": 7.079350096777409, "r": [0.017387205998396382, 0.11412027672832536, -0.019784789545074233]}, "366": {"x": -30.889351410583405, "y": 9.220756301135571, "z": 7.924862610133907, "r": [-1.2288621242362296e-05, 2.806898932483648e-05, 0.000154542612015085]}, "367": {"x": 9.368306465021929, "y": 30.923721093205163, "z": 11.738828591290169, "r": [0.06750904434112748, -0.0037804792225486494, 0.012790119910807363]}, "368": {"x": 15.217402657237928, "y": 31.735674733888857, "z": 12.920135145613575, "r": [0.10034386023323805, -0.02259056868271614, 0.016656812066372595]}, "369": {"x": 11.679664974988933, "y": 29.395658232436737, "z": 12.059082254910903, "r": [2.714798633007831e-05, 1.1951723728031993e-05, -0.0001486670339385654]}, "370": {"x": 0.4172213991541142, "y": 25.04838359951416, "z": 9.979871275903044, "r": [3.4686931122962505e-06, -3.296509731853803e-09, -2.2432887873513607e-05]}, "371": {"x": 0.408526402126719, "y": 21.321428761434813, "z": 9.980493348136376, "r": [1.7461593950773846e-06, -6.329159418783092e-09, -1.3974418975770675e-05]}, "372": {"x": 2.7629024037814034, "y": 23.19012000419053, "z": 10.307084021361362, "r": [1.5102152439716576e-06, 2.035662198807131e-07, -1.0752615448694769e-05]}, "373": {"x": -1.9173767021092127, "y": 23.211198676343475, "z": 9.655320711517682, "r": [3.1197776295677215e-06, -4.298736016039584e-07, -2.2195156017090767e-05]}, "374": {"x": -8.310747700991868, "y": 30.9213273185619, "z": 8.260522782954505, "r": [-0.08564767453255939, 0.000610112925741646, -0.016576919823377168]}, "375": {"x": -14.162986841315934, "y": 31.732257606861264, "z": 7.079350096777389, "r": [-0.11412027672825076, -0.017387205998396382, -0.019784789545125747]}, "376": {"x": -10.691409975659774, "y": 29.41869773605906, "z": 7.9248626101338875, "r": [-2.8068989328389193e-05, 1.228862124591501e-05, 0.00015454261202485498]}, "377": {"x": -28.551664152276334, "y": -22.412844546204123, "z": 13.376179640700377, "r": [-1.0508912247075841e-05, -1.3844903097748329e-05, -8.501579687703043e-05]}, "378": {"x": -23.470024842984806, "y": -20.349980162697783, "z": 12.467742426491384, "r": [-1.6692519718475296e-05, -2.0766447324405135e-05, -0.000146292493283795]}, "379": {"x": -26.797667859080413, "y": -24.093652713021147, "z": 13.412213734455221, "r": [-5.683944664269802e-06, -6.739118845189296e-06, -4.362159073068028e-05]}, "380": {"x": -25.563751026237604, "y": -18.78852996919292, "z": 12.47633193938504, "r": [-2.0267599005308057e-05, -2.8411325121879827e-05, -0.00018892417259053218]}, "381": {"x": -19.91637994590414, "y": -31.048128752576236, "z": 13.376179640700348, "r": [-1.3844903062221192e-05, -1.0508912176021568e-05, -8.501579689657035e-05]}, "382": {"x": -17.85351556239785, "y": -25.966489443284757, "z": 12.46774242649138, "r": [-2.0766447306641567e-05, -1.6692519707817155e-05, -0.00014629249328912408]}, "383": {"x": -21.59718811272119, "y": -29.29413245938035, "z": 13.412213734455209, "r": [-6.739118873611005e-06, -5.683944699796939e-06, -4.3621590709364e-05]}, "384": {"x": -16.292065368892942, "y": -28.06021562653752, "z": 12.476331939385027, "r": [-2.841132512543254e-05, -2.026759900886077e-05, -0.00018892417257632133]}, "385": {"x": 20.942190871679795, "y": 27.081010477751885, "z": 13.37617964070033, "r": [1.3844903065773906e-05, 1.0508912204443277e-05, -8.501579687703043e-05]}, "386": {"x": 18.879326488173458, "y": 21.999371168460392, "z": 12.467742426491355, "r": [2.076644731019428e-05, 1.66925196936063e-05, -0.0001462924932926768]}, "387": {"x": 22.622999038496786, "y": 25.327014184555928, "z": 13.412213734455165, "r": [6.739118866505578e-06, 5.683944692691512e-06, -4.3621590734232996e-05]}, "388": {"x": 17.317876294668615, "y": 24.09309735171322, "z": 12.47633193938502, "r": [2.841132512543254e-05, 2.0267599005308057e-05, -0.00018892417259230854]}, "389": {"x": 29.577475078051997, "y": 18.44572627137977, "z": 13.376179640700338, "r": [1.0508912225759559e-05, 1.384490307998476e-05, -8.5015796869925e-05]}, "390": {"x": 24.49583576876044, "y": 16.382861887873403, "z": 12.467742426491352, "r": [1.6692519718475296e-05, 2.0766447317299708e-05, -0.00014629249328201865]}, "391": {"x": 27.823478784856036, "y": 20.126534438196753, "z": 13.41221373445517, "r": [5.683944657164375e-06, 6.739118855847437e-06, -4.3621590723574855e-05]}, "392": {"x": 26.589561952013323, "y": 14.821411694368585, "z": 12.47633193938502, "r": [2.0267599023071625e-05, 2.8411325139643395e-05, -0.00018892417257632133]}, "393": {"x": -4.7492456228089335, "y": -19.39834811016783, "z": 10.356289668711014, "r": [0.03231981057689737, 0.13507290752477275, -0.011032747830601153]}, "394": {"x": -8.046517966826414, "y": -18.03062606081069, "z": 10.537149665262268, "r": [0.0652285546788498, 0.14712375582739767, -0.019363141970426767]}, "395": {"x": -7.022827237175552, "y": -20.85864679224312, "z": 10.66124524756994, "r": [3.0092229337697063e-05, 2.0958587771957582e-05, 0.0002887561614031142]}, "396": {"x": 5.803156475432123, "y": -19.40235795415672, "z": 9.626676483979507, "r": [-0.045603344576671034, 0.13409617113581263, 0.012100347955348312]}, "397": {"x": 9.095923409882557, "y": -18.03832873294514, "z": 9.446131048516598, "r": [-0.07462975351768009, 0.14640313009527262, 0.020164675897161644]}, "398": {"x": 8.126171337957892, "y": -20.905533923722846, "z": 9.31374445649883, "r": [-2.692902064005409e-05, 1.8685636259618832e-05, -0.0002578689913619314]}, "399": {"x": 21.033836010280357, "y": -31.12092398104707, "z": 6.592859012053692, "r": [1.5516955855332526e-05, -1.1802677825301089e-05, 9.568412710336816e-05]}, "400": {"x": 18.98369008766075, "y": -26.059343111073744, "z": 7.497774565169042, "r": [2.3234888821832556e-05, -1.8665799608186262e-05, 0.0001638268842913959]}, "401": {"x": 17.43304540849079, "y": -28.15074717217123, "z": 7.487789025415756, "r": [3.0398341085202674e-05, -2.1679722159717585e-05, 0.00020235333952278722]}, "402": {"x": 22.71813029706566, "y": -29.376867825538568, "z": 6.5550794014779985, "r": [7.683362259314208e-06, -6.484982897347891e-06, 4.988967608809958e-05]}, "403": {"x": -16.90188350986796, "y": -7.245710223108896, "z": 10.356289668711046, "r": [0.1350729075247621, 0.032319810576860064, -0.01103274783051944]}, "404": {"x": -15.534161460510788, "y": -10.542982567126359, "z": 10.537149665262282, "r": [0.14712375582739767, 0.06522855467884092, -0.019363141970428543]}, "405": {"x": -18.362182191943194, "y": -9.519291837475503, "z": 10.661245247569958, "r": [2.095858778972115e-05, 3.0092229341249777e-05, 0.00028875616140666693]}, "406": {"x": -16.90589335385683, "y": 3.3066918751321306, "z": 9.626676483979539, "r": [0.13409617113580197, -0.04560334457666837, 0.012100347955360746]}, "407": {"x": -15.541864132645214, "y": 6.599458809582556, "z": 9.446131048516621, "r": [0.14640313009509853, -0.07462975351764722, 0.02016467589719717]}, "408": {"x": -18.40906932342289, "y": 5.629706737657873, "z": 9.313744456498847, "r": [1.868563626672426e-05, -2.6929020641830448e-05, -0.00025786899138147135]}, "409": {"x": 5.775056548584577, "y": 15.431229835343546, "z": 10.356289668711034, "r": [-0.03231981057688582, -0.13507290752479761, -0.011032747830659773]}, "410": {"x": 9.07232889260205, "y": 14.063507785986392, "z": 10.537149665262284, "r": [-0.0652285546788427, -0.14712375582733017, -0.01936314197033262]}, "411": {"x": 8.048638162951187, "y": 16.891528517418774, "z": 10.661245247569953, "r": [-3.0092229343026133e-05, -2.0958587786168437e-05, 0.00028875616141910143]}, "412": {"x": -4.777345549656463, "y": 15.43523967933242, "z": 9.62667648397952, "r": [0.04560334457666393, -0.13409617113586236, 0.012100347955403379]}, "413": {"x": -8.070112484106899, "y": 14.071210458120824, "z": 9.446131048516607, "r": [0.07462975351763301, -0.14640313009516603, 0.02016467589723181]}, "414": {"x": -7.100360412182193, "y": 16.93841564889851, "z": 9.313744456498835, "r": [2.6929020641830448e-05, -1.868563626672426e-05, -0.00025786899136903685]}, "415": {"x": 17.927694435643534, "y": 3.278591948284566, "z": 10.356289668711035, "r": [-0.13507290752471945, -0.03231981057685207, -0.011032747830553191]}, "416": {"x": 16.559972386286383, "y": 6.5758642923020405, "z": 10.53714966526228, "r": [-0.14712375582749715, -0.06522855467888, -0.01936314197041966]}, "417": {"x": 19.38799311771882, "y": 5.55217356265118, "z": 10.661245247569953, "r": [-2.095858780037929e-05, -3.009222933947342e-05, 0.0002887561614031142]}, "418": {"x": 17.931704279632427, "y": -7.2738101499564625, "z": 9.626676483979528, "r": [-0.13409617113584105, 0.04560334457666926, 0.012100347955367852]}, "419": {"x": 16.567675058420836, "y": -10.566577084406886, "z": 9.446131048516614, "r": [-0.1464031300951376, 0.07462975351757173, 0.020164675897204276]}, "420": {"x": 19.43488024919853, "y": -9.596825012482201, "z": 9.313744456498858, "r": [-1.8685636245407977e-05, 2.6929020632948664e-05, -0.00025786899136015506]}, "421": {"x": 29.65027030652278, "y": -22.504489684804533, "z": 6.592859012053717, "r": [1.1802677803984807e-05, -1.5516955837568958e-05, 9.568412709981544e-05]}, "422": {"x": 24.588689436549448, "y": -20.454343762184983, "z": 7.497774565169063, "r": [1.8665799593975407e-05, -2.323488882538527e-05, 0.00016382688429672498]}, "423": {"x": 27.906214151014275, "y": -24.188783971589835, "z": 6.55507940147802, "r": [6.484982904453318e-06, -7.683362255761494e-06, 4.988967608632322e-05]}, "424": {"x": 26.680093497646954, "y": -18.903699083015027, "z": 7.487789025415772, "r": [2.1679722159717585e-05, -3.0398341078097246e-05, 0.00020235333952989265]}, "425": {"x": -28.62445938074702, "y": 18.537371409980288, "z": 6.592859012053684, "r": [-1.1802677779115811e-05, 1.5516955834016244e-05, 9.568412708738094e-05]}, "426": {"x": -23.56287851077374, "y": 16.487225487360703, "z": 7.497774565169019, "r": [-1.8665799572659125e-05, 2.3234888804068987e-05, 0.00016382688428251413]}, "427": {"x": -26.880403225238528, "y": 20.22166569676558, "z": 6.555079401477978, "r": [-6.484982900900604e-06, 7.683362266419635e-06, 4.988967610941586e-05]}, "428": {"x": -25.654282571871207, "y": 14.936580808190755, "z": 7.487789025415751, "r": [-2.167972219524472e-05, 3.0398341102966242e-05, 0.00020235333953699808]}, "429": {"x": -20.008025084504517, "y": 27.153805706222695, "z": 6.59285901205365, "r": [-1.5516955851779812e-05, 1.180267780753752e-05, 9.568412710336816e-05]}, "430": {"x": -17.957879161884968, "y": 22.092224836249386, "z": 7.497774565168995, "r": [-2.3234888814727128e-05, 1.8665799583317266e-05, 0.00016382688428073777]}, "431": {"x": -16.407234482714987, "y": 24.183628897346857, "z": 7.487789025415715, "r": [-3.0398341078097246e-05, 2.1679722177481153e-05, 0.0002023533395068]}, "432": {"x": -21.69231937128979, "y": 25.409749550714178, "z": 6.5550794014779585, "r": [-7.683362245103353e-06, 6.484982911558745e-06, 4.988967609165229e-05]}, "433": {"x": -32.06852520191822, "y": -33.09514083297471, "z": 15.59446680474357, "r": [-8.675223739373905e-08, -9.179242965728918e-08, -5.137196161797419e-07]}, "434": {"x": -30.59867623267474, "y": -34.56498980221812, "z": 15.594466804743554, "r": [-9.179243676271653e-08, -8.675223739373905e-08, -5.137195877580325e-07]}, "435": {"x": -28.547917088556307, "y": -29.44271105081099, "z": 14.47093307323816, "r": [-3.089355828933549e-07, -3.2377905512248617e-07, -2.028644860985196e-06]}, "436": {"x": -26.946246450511033, "y": -31.044381688856234, "z": 14.47093307323815, "r": [-3.2377904091163145e-07, -3.089355615770728e-07, -2.028644850327055e-06]}, "437": {"x": -9.445389270439012, "y": -29.376840190967176, "z": 11.554857929088461, "r": [-2.5561850107713724e-05, -1.1682938559687273e-05, -0.00016204405080344486]}, "438": {"x": -6.46089863009201, "y": -27.21093514876832, "z": 10.9737490422963, "r": [-1.2794057739462517e-05, -4.849629998915361e-06, -8.924159330092607e-05]}, "439": {"x": -11.2696333261674, "y": -27.435798200067563, "z": 11.681201726843138, "r": [-3.193188303818317e-05, -1.810495143672597e-05, -0.00021752233130634124]}, "440": {"x": -8.24460871952029, "y": -25.15547482377504, "z": 11.093685189821544, "r": [-1.655152552082484e-05, -8.597147957090101e-06, -0.0001253916112968767]}, "441": {"x": -24.714470548468412, "y": -8.957363230392, "z": 10.973749042296317, "r": [-4.84962998825722e-06, -1.2794057740350695e-05, -8.924159330625514e-05]}, "442": {"x": -26.880375590667278, "y": -11.941853870739015, "z": 11.554857929088481, "r": [-1.1682938556134559e-05, -2.5561850103272832e-05, -0.00016204405081943207]}, "443": {"x": -24.939333599767632, "y": -13.766097926467372, "z": 11.681201726843138, "r": [-1.8104951383435264e-05, -3.193188301153782e-05, -0.00021752233131344667]}, "444": {"x": -22.659010223475125, "y": -10.741073319820268, "z": 11.09368518982156, "r": [-8.597147957090101e-06, -1.6551525524377553e-05, -0.00012539161128799492]}, "445": {"x": 33.09433612769401, "y": 29.128022558150494, "z": 15.594466804743588, "r": [8.675223739373905e-08, 9.179240123557975e-08, -5.137196019688872e-07]}, "446": {"x": 31.624487158450513, "y": 30.597871527393913, "z": 15.594466804743572, "r": [9.17924083410071e-08, 8.675223739373905e-08, -5.137195842053188e-07]}, "447": {"x": 27.97205737628674, "y": 27.07726341403191, "z": 14.470933073238136, "r": [3.237790195953494e-07, 3.0893554026079073e-07, -2.028644871643337e-06]}, "448": {"x": 29.573728014332023, "y": 25.475592775986698, "z": 14.47093307323815, "r": [3.089355757879275e-07, 3.237790195953494e-07, -2.028644892959619e-06]}, "449": {"x": 10.471200196214742, "y": 25.409721916142914, "z": 11.554857929088486, "r": [2.556185010416101e-05, 1.1682938545476418e-05, -0.00016204405082831386]}, "450": {"x": 7.486709555867703, "y": 23.243816873943988, "z": 10.973749042296308, "r": [1.2794057742127052e-05, 4.8496299740463655e-06, -8.924159330447878e-05]}, "451": {"x": 12.295444251943078, "y": 23.468679925243272, "z": 11.681201726843147, "r": [3.193188302930139e-05, 1.81049514189624e-05, -0.00021752233129390675]}, "452": {"x": 9.270419645295952, "y": 21.188356548950708, "z": 11.093685189821553, "r": [1.6551525517272125e-05, 8.59714794643196e-06, -0.0001253916112844422]}, "453": {"x": 25.7402814742441, "y": 4.990244955567671, "z": 10.973749042296319, "r": [4.84962998825722e-06, 1.2794057735021624e-05, -8.924159329382064e-05]}, "454": {"x": 27.906186516443015, "y": 7.974735595914684, "z": 11.55485792908848, "r": [1.1682938531265563e-05, 2.5561850101496475e-05, -0.00016204405080699757]}, "455": {"x": 25.96514452554337, "y": 9.798979651643048, "z": 11.68120172684314, "r": [1.810495140830426e-05, 3.1931883025748675e-05, -0.00021752233131344667]}, "456": {"x": 23.684821149250812, "y": 6.773955044995934, "z": 11.093685189821556, "r": [8.597147971300956e-06, 1.655152552615391e-05, -0.00012539161129510035]}, "457": {"x": 7.632792608710998, "y": -27.270360462094395, "z": 8.990822211459124, "r": [1.0257475375752279e-05, -3.886797607322023e-06, 7.14582270209263e-05]}, "458": {"x": 10.594066390365537, "y": -29.43971438851093, "z": 8.411532180038837, "r": [2.4003849031117852e-05, -1.093711692945476e-05, 0.00015216524642180929]}, "459": {"x": 9.406024801345321, "y": -25.233581860076804, "z": 8.87130881643628, "r": [1.6582461068281873e-05, -8.596951754924476e-06, 0.00012538295567132707]}, "460": {"x": 12.427282604718258, "y": -27.520885754228253, "z": 8.282166003567703, "r": [3.205004862216754e-05, -1.813694181151959e-05, 0.00021818747861068744]}, "461": {"x": 31.688438653038318, "y": -34.627130818198694, "z": 4.380894154228536, "r": [1.1859519588597323e-07, -1.1299145796783705e-07, 6.832494241493237e-07]}, "462": {"x": 33.15647714367448, "y": -33.15909232756252, "z": 4.380894154228535, "r": [1.1299146507326441e-07, -1.1859518878054587e-07, 6.832494134911826e-07]}, "463": {"x": 28.054688600072236, "y": -31.12360666786089, "z": 5.498543979455608, "r": [3.844071017056194e-07, -3.6733533193000767e-07, 2.42668225425291e-06]}, "464": {"x": 29.652952993336665, "y": -29.525342274596426, "z": 5.498543979455613, "r": [3.673353603517171e-07, -3.844071088110468e-07, 2.426682241818412e-06]}, "465": {"x": 25.79970678757016, "y": -9.103446283235288, "z": 8.99082221145917, "r": [3.886797625085592e-06, -1.0257475388186776e-05, 7.145822703691351e-05]}, "466": {"x": 27.969060713986746, "y": -12.064720064889823, "z": 8.411532180038868, "r": [1.0937116925902046e-05, -2.4003849034670566e-05, 0.00015216524642625018]}, "467": {"x": 23.76292818555251, "y": -10.876678475869596, "z": 8.871308816436322, "r": [8.596951776240758e-06, -1.6582461078940014e-05, 0.00012538295569797242]}, "468": {"x": 26.05023207970404, "y": -13.897936279242534, "z": 8.28216600356773, "r": [1.8136941807966878e-05, -3.205004862749661e-05, 0.0002181874786248983]}, "469": {"x": -6.606981682935236, "y": 23.303242187270072, "z": 8.990822211459125, "r": [-1.0257475381081349e-05, 3.886797625085592e-06, 7.145822702270266e-05]}, "470": {"x": -9.568255464589747, "y": 25.472596113686595, "z": 8.411532180038824, "r": [-2.400384902045971e-05, 1.0937116918796619e-05, 0.00015216524640759843]}, "471": {"x": -8.38021387556956, "y": 21.26646358525243, "z": 8.87130881643628, "r": [-1.6582461073610943e-05, 8.596951765582617e-06, 0.00012538295567487978]}, "472": {"x": -11.401471678942476, "y": 23.5537674794039, "z": 8.282166003567687, "r": [-3.205004861328575e-05, 1.813694181151959e-05, 0.00021818747861068744]}, "473": {"x": -30.662627727262517, "y": 30.660012543374428, "z": 4.380894154228506, "r": [-1.1859516035883644e-07, 1.1299146507326441e-07, 6.832493957276142e-07]}, "474": {"x": -32.130666217898685, "y": 29.19197405273825, "z": 4.38089415422851, "r": [-1.1299148638954648e-07, 1.1859518167511851e-07, 6.8324942059661e-07]}, "475": {"x": -28.627142067560857, "y": 25.558223999772157, "z": 5.498543979455573, "r": [-3.6733535324628974e-07, 3.844071017056194e-07, 2.4266822560292667e-06]}, "476": {"x": -27.028877674296396, "y": 27.156488393036568, "z": 5.498543979455574, "r": [-3.8440711591647414e-07, 3.6733533193000767e-07, 2.4266822489238393e-06]}, "477": {"x": -24.773895861794415, "y": 5.136328008410969, "z": 8.99082221145914, "r": [-3.886797610874737e-06, 1.0257475377528635e-05, 7.145822700316273e-05]}, "478": {"x": -26.943249788210913, "y": 8.097601790065502, "z": 8.411532180038847, "r": [-1.0937116940112901e-05, 2.4003849028453317e-05, 0.00015216524641559204]}, "479": {"x": -22.737117259776802, "y": 6.90956020104528, "z": 8.871308816436294, "r": [-8.596951765582617e-06, 1.6582461078940014e-05, 0.00012538295568020885]}, "480": {"x": -25.02442115392823, "y": 9.930818004418215, "z": 8.282166003567713, "r": [-1.8136941807966878e-05, 3.2050048623943894e-05, 0.00021818747862312193]}, "481": {"x": -39.263332429699744, "y": -40.54690456492945, "z": 18.026370347478032, "r": [1.1144149425490468e-07, 1.1021590751170152e-07, 6.620580101923679e-07]}, "482": {"x": -38.05043996462943, "y": -41.75979702999968, "z": 18.026370347478018, "r": [1.102159430388383e-07, 1.1144152267661411e-07, 6.620580457195047e-07]}, "483": {"x": 40.28914335547551, "y": 36.57978629010523, "z": 18.026370347478043, "r": [-1.1144153688746883e-07, -1.1021590751170152e-07, 6.620580563776457e-07]}, "484": {"x": 39.076250890405205, "y": 37.79267875517546, "z": 18.02637034747803, "r": [-1.1021595014426566e-07, -1.1144156530917826e-07, 6.620580279559363e-07]}, "485": {"x": -5.053479723660516, "y": -32.846574151754126, "z": 11.013894456083431, "r": [-1.75080175848219e-05, -4.1532724637249885e-06, -9.586645522396964e-05]}, "486": {"x": -2.066220458060759, "y": -30.900018972778412, "z": 10.429004452323122, "r": [-4.85687073092933e-06, -5.903826050257521e-07, -2.8766182014194897e-05]}, "487": {"x": 3.213215347886365, "y": -30.9144145052611, "z": 9.540674356549113, "r": [9.481229259478141e-07, -1.1359821172618467e-07, 5.615546205817168e-06]}, "488": {"x": 6.1253472281962305, "y": -32.860648954544246, "z": 8.969177459899296, "r": [1.3736365391814331e-05, -3.1872166914581612e-06, 7.54469445265471e-05]}, "489": {"x": 29.429365298254286, "y": 0.5955667835364535, "z": 10.429004452323175, "r": [5.903826405528889e-07, 4.856870731817509e-06, -2.876618200708947e-05]}, "490": {"x": 29.443760830736917, "y": -4.683869022410654, "z": 9.540674356549168, "r": [1.1359819751532996e-07, -9.481229188423868e-07, 5.615546186277243e-06]}, "491": {"x": 31.37592047723004, "y": 3.5828260491362283, "z": 11.013894456083479, "r": [4.153272449514134e-06, 1.7508017588596658e-05, -9.586645523285142e-05]}, "492": {"x": 31.38999528002014, "y": -7.596000902720513, "z": 8.969177459899347, "r": [3.187216695010875e-06, -1.373636539270251e-05, 7.544694453009981e-05]}, "493": {"x": 39.08968541625689, "y": -41.77452059003586, "z": 1.967081745878248, "r": [-1.2176744235148362e-07, 1.2301944707360235e-07, -7.31186001967643e-07]}, "494": {"x": 40.30386691551159, "y": -40.56033909078113, "z": 1.9670817458782488, "r": [-1.2301941865189292e-07, 1.2176739971891948e-07, -7.311859624437034e-07]}, "495": {"x": -38.06387449048111, "y": 37.80740231521158, "z": 1.967081745878238, "r": [1.2176747077319305e-07, -1.2301948260073914e-07, -7.31185972213666e-07]}, "496": {"x": -39.278055989735854, "y": 36.593220815956904, "z": 1.9670817458782297, "r": [1.2301944707360235e-07, -1.2176739971891948e-07, -7.311859917535912e-07]}, "497": {"x": -28.403554372478506, "y": -4.562685058360778, "z": 10.429004452323156, "r": [-5.903826334474616e-07, -4.856870730485241e-06, -2.8766182005313112e-05]}, "498": {"x": -28.417949904961116, "y": 0.7167507475863383, "z": 9.54067435654914, "r": [-1.1359821883161203e-07, 9.481229207297659e-07, 5.615546189829956e-06]}, "499": {"x": -30.350109551454217, "y": -7.54994432396055, "z": 11.013894456083467, "r": [-4.153272449514134e-06, -1.7508017585932123e-05, -9.586645522308146e-05]}, "500": {"x": -30.364184354244234, "y": 3.628882627896198, "z": 8.969177459899326, "r": [-3.1872167092217296e-06, 1.3736365390148997e-05, 7.54469445141126e-05]}, "501": {"x": 6.079290649436313, "y": 28.879455876929864, "z": 11.01389445608346, "r": [1.7508017591261194e-05, 4.1532724743831295e-06, -9.5866455225746e-05]}, "502": {"x": 3.0920313838365256, "y": 26.93290069795416, "z": 10.429004452323145, "r": [4.856870732261598e-06, 5.903826263420342e-07, -2.876618199465497e-05]}, "503": {"x": -2.1874044221105837, "y": 26.947296230436883, "z": 9.540674356549125, "r": [-9.481229241714573e-07, 1.1359821172618467e-07, 5.615546204040811e-06]}, "504": {"x": -5.099536302420415, "y": 28.893530679719955, "z": 8.969177459899306, "r": [-1.3736365390926153e-05, 3.1872166879054475e-06, 7.544694451322442e-05]}, "505": {"x": -34.77199817009501, "y": -29.902457100092736, "z": 15.487943556254665, "r": [-1.4012918470029945e-06, -2.0488263814399943e-06, -9.346417314759492e-06]}, "506": {"x": -31.76290651089963, "y": -18.75779754659117, "z": 13.145299549761795, "r": [-1.3902838691848274e-05, -2.3106146397111615e-05, -0.0001260713496140653]}, "507": {"x": -31.62971665103805, "y": -26.12702890479119, "z": 14.387057427995032, "r": [-4.668317949096945e-06, -5.848910411998531e-06, -3.348499186728304e-05]}, "508": {"x": -30.213985911663677, "y": -20.652508970687173, "z": 13.291503027292318, "r": [-1.1095641674785384e-05, -1.6233309509061655e-05, -9.477279750313983e-05]}, "509": {"x": -27.405992499792706, "y": -37.26846277039491, "z": 15.487943556254633, "r": [-2.0488264027562764e-06, -1.4012918398975671e-06, -9.346417357392056e-06]}, "510": {"x": -16.26133294629115, "y": -34.25937111119953, "z": 13.145299549761766, "r": [-2.3106146397111615e-05, -1.3902838706059129e-05, -0.00012607134959274902]}, "511": {"x": -23.630564304491173, "y": -34.126181251337954, "z": 14.387057427995003, "r": [-5.848910433314813e-06, -4.668317970413227e-06, -3.348499183886133e-05]}, "512": {"x": -18.156044370387164, "y": -32.71045051196359, "z": 13.291503027292292, "r": [-1.6233309516167083e-05, -1.1095641660574529e-05, -9.477279750313983e-05]}, "513": {"x": 28.43180342556846, "y": 33.30134449557063, "z": 15.487943556254628, "r": [2.0488263778872806e-06, 1.401291797265003e-06, -9.346417350286629e-06]}, "514": {"x": 17.28714387206693, "y": 30.29225283637527, "z": 13.145299549761788, "r": [2.310614640066433e-05, 1.3902838702506415e-05, -0.00012607134959630173]}, "515": {"x": 24.65637523026686, "y": 30.15906297651362, "z": 14.387057427994987, "r": [5.848910419103959e-06, 4.6683179562023724e-06, -3.3484991831755906e-05]}, "516": {"x": 19.18185529616288, "y": 28.74333223713928, "z": 13.291503027292292, "r": [1.6233309519719796e-05, 1.1095641681890811e-05, -9.477279750313983e-05]}, "517": {"x": 35.79780909587073, "y": 25.935338825268452, "z": 15.487943556254653, "r": [1.4012918256867124e-06, 2.0488263885454217e-06, -9.34641732186492e-06]}, "518": {"x": 32.78871743667537, "y": 14.790679271766846, "z": 13.145299549761775, "r": [1.3902838684742846e-05, 2.3106146386453474e-05, -0.00012607134958031452]}, "519": {"x": 32.655527576813725, "y": 22.159910629966834, "z": 14.387057427994998, "r": [4.668317941991518e-06, 5.848910404893104e-06, -3.3484991870835756e-05]}, "520": {"x": 31.239796837439393, "y": 16.685390695862836, "z": 13.291503027292293, "r": [1.1095641681890811e-05, 1.6233309509061655e-05, -9.477279751024525e-05]}, "521": {"x": -1.4630893779177858, "y": -23.455934316700283, "z": 10.20552326711764, "r": [6.512074484099628e-06, 1.1420660435135233e-06, 5.9339651656387105e-05]}, "522": {"x": 2.6345082517520515, "y": -23.472418497324384, "z": 9.764343886451744, "r": [-7.5811315989327e-06, 1.3741702069580697e-06, -6.898523449194727e-05]}, "523": {"x": -3.2580690940853136, "y": -21.534550173486323, "z": 10.331761876541355, "r": [1.810562794268833e-05, 7.578175658551345e-06, 0.0001887341399537945]}, "524": {"x": 4.367713808914648, "y": -21.5556174129462, "z": 9.64495271342705, "r": [-1.3193469514671818e-05, 5.5380097165880215e-06, -0.000137207804531414]}, "525": {"x": 17.319412102408158, "y": -34.28580743385676, "z": 6.839462199658855, "r": [2.6950233760203446e-05, -1.6304046464910016e-05, 0.00014858605879730646]}, "526": {"x": 28.455989567581224, "y": -37.29388001911576, "z": 4.499760435874029, "r": [2.921211731177209e-06, -2.1821910891617335e-06, 1.4576469445692908e-05]}, "527": {"x": 19.254089396288983, "y": -32.76397989062764, "z": 6.683033337352764, "r": [1.811654480476932e-05, -1.2411811901813508e-05, 0.000106313505439104]}, "528": {"x": 24.717377076123267, "y": -34.177713036025935, "z": 5.589846920062028, "r": [7.0418535287331e-06, -5.671102591975341e-06, 4.0805396340104494e-05]}, "529": {"x": -20.959469716400406, "y": -3.9595539782177753, "z": 10.205523267117671, "r": [1.1420660257499549e-06, 6.5120744849878065e-06, 5.933965165461075e-05]}, "530": {"x": -20.97595389702451, "y": 0.13804365145204725, "z": 9.764343886451782, "r": [1.3741701962999286e-06, -7.581131597475532e-06, -6.89852344866182e-05]}, "531": {"x": -19.038085573186443, "y": -5.754533694385287, "z": 10.331761876541389, "r": [7.578175647893204e-06, 1.8105627938691526e-05, 0.0001887341399626763]}, "532": {"x": -19.059152812646335, "y": 1.8712492086146482, "z": 9.644952713427084, "r": [5.538009713035308e-06, -1.3193469516892264e-05, -0.00013720780455450665]}, "533": {"x": 2.4889003036934705, "y": 19.488816041875992, "z": 10.205523267117654, "r": [-6.512074487652342e-06, -1.1420660399608096e-06, 5.933965165816346e-05]}, "534": {"x": -1.6086973259763562, "y": 19.50530022250012, "z": 9.764343886451767, "r": [7.581131598488611e-06, -1.3741701962999286e-06, -6.898523450082905e-05]}, "535": {"x": 4.283880019860979, "y": 17.567431898662043, "z": 10.331761876541377, "r": [-1.810562794180015e-05, -7.578175646116847e-06, 0.000188734139966229]}, "536": {"x": -3.3419028831389683, "y": 17.588499138121925, "z": 9.644952713427069, "r": [1.3193469516448175e-05, -5.53800973435159e-06, -0.00013720780454740122]}, "537": {"x": 21.985280642176047, "y": -0.007564296606557577, "z": 10.205523267117671, "r": [-1.1420660293026685e-06, -6.512074483794317e-06, 5.933965165461075e-05]}, "538": {"x": 22.001764822800126, "y": -4.105161926276382, "z": 9.764343886451789, "r": [-1.374170214063497e-06, 7.5811315989327e-06, -6.89852344990527e-05]}, "539": {"x": 20.06389649896206, "y": 1.7874154195609575, "z": 10.331761876541378, "r": [-7.578175654998631e-06, -1.8105627940509517e-05, 0.000188734139966229]}, "540": {"x": 20.08496373842192, "y": -5.838367483438979, "z": 9.644952713427084, "r": [-5.538009741457017e-06, 1.3193469517780443e-05, -0.000137207804556283]}, "541": {"x": 32.815153759332574, "y": -18.790065776932394, "z": 6.83946219965887, "r": [1.6304046475568157e-05, -2.695023375309802e-05, 0.0001485860588159582]}, "542": {"x": 35.82322634459156, "y": -29.926643242105445, "z": 4.499760435874029, "r": [2.1821911531105798e-06, -2.9212117702570595e-06, 1.4576469453686514e-05]}, "543": {"x": 32.707059361501656, "y": -26.188030750647414, "z": 5.58984692006205, "r": [5.671102570659059e-06, -7.041853514522245e-06, 4.080539632056457e-05]}, "544": {"x": 31.29332621610337, "y": -20.724743070813176, "z": 6.68303333735278, "r": [1.241181186628637e-05, -1.8116544801216605e-05, 0.00010631350542666951]}, "545": {"x": -34.797415418815774, "y": 25.959524967281173, "z": 4.499760435874023, "r": [-2.1821911246888703e-06, 2.921211766704346e-06, 1.4576469435922945e-05]}, "546": {"x": -31.78934283355674, "y": 14.82294750210812, "z": 6.83946219965886, "r": [-1.6304046443593734e-05, 2.695023375309802e-05, 0.00014858605880707643]}, "547": {"x": -31.681248435725937, "y": 22.220912475823216, "z": 5.589846920062021, "r": [-5.671102591975341e-06, 7.041853510969531e-06, 4.0805396340104494e-05]}, "548": {"x": -30.267515290327573, "y": 16.757624795988907, "z": 6.683033337352766, "r": [-1.241181186628637e-05, 1.811654479766389e-05, 0.00010631350544088036]}, "549": {"x": -27.430178641805412, "y": 33.326761744291495, "z": 4.499760435874006, "r": [-2.921211752493491e-06, 2.1821911033725883e-06, 1.4576469437699302e-05]}, "550": {"x": -16.293601176632322, "y": 30.31868915903241, "z": 6.839462199658825, "r": [-2.6950233742439877e-05, 1.630404645780459e-05, 0.00014858605876977293]}, "551": {"x": -18.228278470513136, "y": 28.79686161580325, "z": 6.683033337352717, "r": [-1.811654479766389e-05, 1.2411811887602653e-05, 0.00010631350541423501]}, "552": {"x": -23.691566150347413, "y": 30.21059476120159, "z": 5.589846920061995, "r": [-7.041853493205963e-06, 5.671102563553632e-06, 4.080539632056457e-05]}, "553": {"x": -21.35363361235763, "y": -21.96473832992267, "z": 12.434050098655934, "r": [-9.205294659864194e-07, -9.806414382751427e-07, -7.484913240318747e-06]}, "554": {"x": -20.224146025598355, "y": -16.636150092656887, "z": 11.638681479201836, "r": [-5.493898474817627e-05, -6.943280145499386e-05, -0.0005472534008781338]}, "555": {"x": -19.468273729622737, "y": -23.850098212657585, "z": 12.434050098655932, "r": [-9.806414382751427e-07, -9.205294766445604e-07, -7.484913217226108e-06]}, "556": {"x": -14.13968549235693, "y": -22.720610625898274, "z": 11.638681479201827, "r": [-6.943280144433572e-05, -5.493898474639991e-05, -0.0005472534008923446]}, "557": {"x": -10.77294005147935, "y": -19.95601677503972, "z": 10.98556511550964, "r": [1.174178063578779e-05, 9.821182029412512e-06, 0.00010481747505508565]}, "558": {"x": -17.459552174739805, "y": -13.269404651779293, "z": 10.985565115509653, "r": [9.82118201875437e-06, 1.1741780628682363e-05, 0.0001048174750692965]}, "559": {"x": 20.49408465539835, "y": 19.8829799378332, "z": 12.434050098655902, "r": [9.80641434722429e-07, 9.205294659864194e-07, -7.484913229660606e-06]}, "560": {"x": 15.16549641813255, "y": 18.753492351073923, "z": 11.638681479201821, "r": [6.943280144078301e-05, 5.493898473574177e-05, -0.0005472534008923446]}, "561": {"x": 22.379444538133214, "y": 17.997620055098277, "z": 12.434050098655897, "r": [9.205294801972741e-07, 9.8064144538057e-07, -7.484913224331535e-06]}, "562": {"x": 21.249956951373974, "y": 12.669031817832527, "z": 11.638681479201816, "r": [5.49389847428472e-05, 6.943280145499386e-05, -0.0005472534008887919]}, "563": {"x": 11.798750977254967, "y": 15.988898500215374, "z": 10.985565115509644, "r": [-1.1741780639340504e-05, -9.821182040070653e-06, 0.00010481747505508565]}, "564": {"x": 18.485363100515425, "y": 9.302286376954973, "z": 10.985565115509647, "r": [-9.821182040070653e-06, -1.1741780641116861e-05, 0.00010481747505153294]}, "565": {"x": 11.87835317295133, "y": -20.02880473174038, "z": 8.986172684455353, "r": [-7.140312090925249e-06, 5.95030916983319e-06, -6.369808315120906e-05]}, "566": {"x": 15.271706320826643, "y": -22.821290943042197, "z": 8.326851792628831, "r": [7.547535821395002e-05, -5.962814302407082e-05, 0.0005948441747261057]}, "567": {"x": 20.57795765407691, "y": -23.931590790149528, "z": 7.535515082247562, "r": [1.4104147219029528e-06, -1.320491371359367e-06, 1.075897352009747e-05]}, "568": {"x": 18.55815105721606, "y": -13.349006847475616, "z": 8.986172684455365, "r": [-5.950309166280476e-06, 7.14031209625432e-06, -6.36980831494327e-05]}, "569": {"x": 22.460937115625278, "y": -22.048611328601176, "z": 7.53551508224757, "r": [1.320491382017508e-06, -1.4104147325610938e-06, 1.0758973504110259e-05]}, "570": {"x": 21.350637268517893, "y": -16.742359995350903, "z": 8.326851792628847, "r": [5.962814302407082e-05, -7.547535821217366e-05, 0.0005948441747287703]}, "571": {"x": -17.532340131440407, "y": 9.381888572651308, "z": 8.986172684455363, "r": [5.950309159175049e-06, -7.140312085596179e-06, -6.369808313166914e-05]}, "572": {"x": -10.852542247175634, "y": 16.06168645691604, "z": 8.986172684455347, "r": [7.140312087372536e-06, -5.950309162727763e-06, -6.369808315476178e-05]}, "573": {"x": -21.435126189849544, "y": 18.08149305377687, "z": 7.535515082247519, "r": [-1.3204913642539395e-06, 1.4104147041393844e-06, 1.0758973500557545e-05]}, "574": {"x": -20.324826342742213, "y": 12.775241720526614, "z": 8.326851792628824, "r": [-5.962814301341268e-05, 7.547535822638451e-05, 0.0005948441747340993]}, "575": {"x": -14.245895395050892, "y": 18.85417266821784, "z": 8.326851792628808, "r": [-7.547535822105544e-05, 5.96281430045309e-05, 0.0005948441747234412]}, "576": {"x": -19.552146728301153, "y": 19.96447251532519, "z": 7.535515082247519, "r": [-1.4104147325610938e-06, 1.3204913784647943e-06, 1.07589735147684e-05]}, "577": {"x": -33.46002296467919, "y": -31.543773326285013, "z": 15.559544953775225, "r": [-7.297978044107367e-07, -8.509027651371071e-07, -4.576282620405436e-06]}, "578": {"x": -35.62991481858682, "y": -36.785556833967036, "z": 16.784273467219073, "r": [8.172790444405109e-09, 5.7881095472112065e-09, 6.815229980361437e-08]}, "579": {"x": -34.28909223366704, "y": -38.126379418886756, "z": 16.784273467219055, "r": [5.7881095472112065e-09, 8.172762022695679e-09, 6.815229625090069e-08]}, "580": {"x": -29.04730872598499, "y": -35.95648756497905, "z": 15.559544953775182, "r": [-8.509027651371071e-07, -7.297978328324461e-07, -4.576282616852723e-06]}, "581": {"x": 34.485833890454934, "y": 27.576655051460744, "z": 15.559544953775221, "r": [7.297977759890273e-07, 8.509027580316797e-07, -4.576282620405436e-06]}, "582": {"x": 36.6557257443626, "y": 32.818438559142805, "z": 16.78427346721908, "r": [-8.172804655259824e-09, -5.788116652638564e-09, 6.815229269818701e-08]}, "583": {"x": 35.314903159442814, "y": 34.15926114406254, "z": 16.784273467219073, "r": [-5.788081125501776e-09, -8.172769128123036e-09, 6.815230335632805e-08]}, "584": {"x": 30.07311965176074, "y": 31.989369290154812, "z": 15.559544953775195, "r": [8.509027793479618e-07, 7.297978186215914e-07, -4.576282606194582e-06]}, "585": {"x": -12.72901069167326, "y": -31.737587287356583, "z": 12.279384061822785, "r": [-2.2177238172105262e-05, -1.1807413628162067e-05, -0.000130364326917487]}, "586": {"x": -7.375534984174915, "y": -31.160578017886795, "z": 11.333823826173306, "r": [-1.4869149135066095e-05, -5.136109734849015e-06, -8.771771434012976e-05]}, "587": {"x": -4.399903342108436, "y": -29.098139091246153, "z": 10.753664673680628, "r": [-1.1744318074491389e-05, -2.9092941105091086e-06, -7.545152732824079e-05]}, "588": {"x": -3.801218440464905, "y": -25.248541326112715, "z": 10.528992295602137, "r": [6.891890169669068e-08, 2.0143993140209204e-08, 5.419360320502165e-07]}, "589": {"x": 4.980176927357818, "y": -25.289576862513446, "z": 9.43734216203206, "r": [-2.380586106909277e-06, 7.008804523422896e-07, -1.8684255092438207e-05]}, "590": {"x": 5.569196086920792, "y": -29.134471395106246, "z": 9.212083568764271, "r": [7.254243372223357e-06, -1.7931010205529674e-06, 4.658719557237845e-05]}, "591": {"x": 8.498029134520346, "y": -31.198264061569983, "z": 8.638523129961028, "r": [1.2511504550616337e-05, -4.290340754664612e-06, 7.38543857075058e-05]}, "592": {"x": 13.838888206055037, "y": -31.788295253220134, "z": 7.6936296329642895, "r": [2.250503484191313e-05, -1.1947898912012533e-05, 0.0001325482657694721]}, "593": {"x": 23.777887651588472, "y": 2.3305647659405575, "z": 10.528992295602166, "r": [-2.0143982482068168e-08, -6.891890302895831e-08, 5.419360515901417e-07]}, "594": {"x": 27.627485416721967, "y": 2.9292496675841124, "z": 10.75366467368066, "r": [2.909294096298254e-06, 1.1744318075379567e-05, -7.545152733534621e-05]}, "595": {"x": 27.663817720582028, "y": -7.039849761445079, "z": 9.21208356876433, "r": [1.7931010276583947e-06, -7.254243376664249e-06, 4.658719559369473e-05]}, "596": {"x": 23.818923187989185, "y": -6.4508306018821235, "z": 9.437342162032113, "r": [-7.008804487895759e-07, 2.3805861051329202e-06, -1.868425507378646e-05]}, "597": {"x": 29.68992434336268, "y": 5.904881309650613, "z": 11.333823826173333, "r": [5.13610972063816e-06, 1.4869149131513382e-05, -8.77177143259189e-05]}, "598": {"x": 30.266933612832414, "y": 11.258357017148938, "z": 12.279384061822794, "r": [1.1807413635267494e-05, 2.2177238182763404e-05, -0.00013036432692103972]}, "599": {"x": 30.317641578695977, "y": -15.30954188057931, "z": 7.693629632964305, "r": [1.1947898897801679e-05, -2.250503483125499e-05, 0.0001325482657605903]}, "600": {"x": 29.72761038704582, "y": -9.968682809044626, "z": 8.638523129961072, "r": [4.290340754664612e-06, -1.2511504557721764e-05, 7.385438572526937e-05]}, "601": {"x": 30.125167986490567, "y": -36.005176073096884, "z": 4.4198677213391715, "r": [1.09069875975365e-06, -9.55550831349683e-07, 6.060661648987775e-06]}, "602": {"x": 35.353778779398354, "y": -38.165161425712014, "z": 3.199808223870352, "r": [-6.192678370098292e-09, 8.571909404508915e-09, -6.830500431931341e-08]}, "603": {"x": 36.694507751187814, "y": -36.82443245392258, "z": 3.19980822387035, "r": [-8.571909404508915e-09, 6.192706791807723e-09, -6.830500787202709e-08]}, "604": {"x": 34.53452239857266, "y": -31.59582166101476, "z": 4.419867721339175, "r": [9.555508668768198e-07, -1.0906987668590773e-06, 6.0606616623104514e-06]}, "605": {"x": -29.09935706071474, "y": 32.038057798272604, "z": 4.419867721339152, "r": [-1.0906988165970688e-06, 9.555508668768198e-07, 6.0606616685277e-06]}, "606": {"x": -34.327967853622575, "y": 34.19804315088779, "z": 3.1998082238703276, "r": [6.19271389723508e-09, -8.571944931645703e-09, -6.830500609567025e-08]}, "607": {"x": -35.66869682541203, "y": 32.85731417909833, "z": 3.1998082238703285, "r": [8.571937826218345e-09, -6.192721002662438e-09, -6.830499277299396e-08]}, "608": {"x": -33.50871147279686, "y": 27.628703386190498, "z": 4.419867721339156, "r": [-9.555508668768198e-07, 1.0906987668590773e-06, 6.060661657869559e-06]}, "609": {"x": -22.752076725812813, "y": -6.297683040764892, "z": 10.528992295602162, "r": [2.0143964718499774e-08, 6.891889725579858e-08, 5.419360498137848e-07]}, "610": {"x": -26.601674490946227, "y": -6.896367942408436, "z": 10.75366467368065, "r": [-2.909294074981972e-06, -1.1744318067385962e-05, -7.545152734245164e-05]}, "611": {"x": -26.638006794806238, "y": 3.072731486620762, "z": 9.212083568764298, "r": [-1.7931010312111084e-06, 7.2542433695588215e-06, 4.658719557060209e-05]}, "612": {"x": -22.79311226221354, "y": 2.483712327057806, "z": 9.437342162032087, "r": [7.008804416841485e-07, -2.380586111350169e-06, -1.8684255108425418e-05]}, "613": {"x": -28.664113417586915, "y": -9.871999584474938, "z": 11.333823826173331, "r": [-5.136109706427305e-06, -1.4869149127960668e-05, -8.771771434723519e-05]}, "614": {"x": -29.24112268705664, "y": -15.225475291973254, "z": 12.279384061822796, "r": [-1.1807413628162067e-05, -2.2177238175657976e-05, -0.000130364326942356]}, "615": {"x": -29.291830652920112, "y": 11.342423605754998, "z": 7.693629632964296, "r": [-1.1947898912012533e-05, 2.250503484191313e-05, 0.00013254826577657752]}, "616": {"x": -28.701799461269953, "y": 6.001564534220308, "z": 8.638523129961055, "r": [-4.290340775980894e-06, 1.2511504563050835e-05, 7.385438573592751e-05]}, "617": {"x": 13.754821617448995, "y": 27.770469012532317, "z": 12.279384061822801, "r": [2.2177238172105262e-05, 1.1807413635267494e-05, -0.000130364326917487]}, "618": {"x": 8.40134590995067, "y": 27.193459743062526, "z": 11.33382382617332, "r": [1.4869149124407954e-05, 5.136109692216451e-06, -8.771771433657705e-05]}, "619": {"x": 5.425714267884159, "y": 25.131020816421813, "z": 10.753664673680637, "r": [1.174431806827414e-05, 2.909294074981972e-06, -7.545152733889893e-05]}, "620": {"x": 4.827029366240593, "y": 21.281423051288396, "z": 10.528992295602151, "r": [-6.891889992033384e-08, -2.014397537664081e-08, 5.41936058695569e-07]}, "621": {"x": -3.9543660015820974, "y": 21.32245858768917, "z": 9.437342162032076, "r": [2.380586114902883e-06, -7.008804558950033e-07, -1.868425510664906e-05]}, "622": {"x": -4.543385161145024, "y": 25.167353120281973, "z": 9.212083568764283, "r": [-7.254243373111535e-06, 1.7931010489746768e-06, 4.658719558214841e-05]}, "623": {"x": -7.472218208744542, "y": 27.231145786745653, "z": 8.638523129961031, "r": [-1.2511504559498121e-05, 4.2903407617700395e-06, 7.385438573415115e-05]}, "624": {"x": -12.813077280279227, "y": 27.821176978395794, "z": 7.693629632964267, "r": [-2.2505034838360416e-05, 1.1947898904907106e-05, 0.00013254826577480117]}, "625": {"x": -30.11621814401777, "y": -27.810588680899542, "z": 14.445332265481046, "r": [-2.3740496217783402e-06, -2.7307994017178316e-06, -1.6314436805942023e-05]}, "626": {"x": -25.014636820277566, "y": -25.77290171442755, "z": 13.420963491537748, "r": [-9.760333128383536e-07, -1.036669111442734e-06, -7.081385007268182e-06]}, "627": {"x": -27.48449276142112, "y": -17.096900722028987, "z": 12.416963054863299, "r": [-1.794366453466978e-05, -2.876349962654956e-05, -0.00017992922874476847]}, "628": {"x": -22.760298457867894, "y": -15.340363162717862, "z": 11.71250811665294, "r": [-3.0528145018138275e-05, -4.495478760624394e-05, -0.0003294265970552601]}, "629": {"x": -25.31412408059954, "y": -32.612682744317645, "z": 14.445332265481015, "r": [-2.7307993946124043e-06, -2.3740495862512034e-06, -1.6314436798836596e-05]}, "630": {"x": -23.27643711412761, "y": -27.511101420577525, "z": 13.420963491537746, "r": [-1.036669111442734e-06, -9.760333270492083e-07, -7.081384993057327e-06]}, "631": {"x": -14.600436121728986, "y": -29.98095736172104, "z": 12.416963054863285, "r": [-2.8763499646089485e-05, -1.7943664541775206e-05, -0.00017992922872878125]}, "632": {"x": -12.843898562417914, "y": -25.25676305816785, "z": 11.71250811665294, "r": [-4.4954787602691226e-05, -3.0528145007480134e-05, -0.00032942659706591826]}, "633": {"x": 26.33993500637521, "y": 28.645564469493312, "z": 14.445332265480998, "r": [2.730799408823259e-06, 2.374049614672913e-06, -1.6314436781073027e-05]}, "634": {"x": 24.302248039903226, "y": 23.543983145753117, "z": 13.420963491537705, "r": [1.0366691043373066e-06, 9.760333128383536e-07, -7.0813849752937585e-06]}, "635": {"x": 15.626247047504693, "y": 26.013839086896752, "z": 12.416963054863288, "r": [2.876349964431313e-05, 1.7943664570196916e-05, -0.00017992922872167583]}, "636": {"x": 13.869709488193559, "y": 21.28964478334351, "z": 11.712508116652936, "r": [4.4954787597362156e-05, 3.0528145007480134e-05, -0.0003294265970552601]}, "637": {"x": 31.14202906979346, "y": 23.84347040607522, "z": 14.445332265481028, "r": [2.3740496075674855e-06, 2.730799408823259e-06, -1.631443678462574e-05]}, "638": {"x": 26.0404477460532, "y": 21.805783439603168, "z": 13.420963491537709, "r": [9.760332986274989e-07, 1.0366690759155972e-06, -7.081384996610041e-06]}, "639": {"x": 28.510303687196867, "y": 13.129782447204667, "z": 12.416963054863286, "r": [1.794366454532792e-05, 2.8763499638984058e-05, -0.0001799292287554266]}, "640": {"x": 23.7861093836436, "y": 11.373244887893538, "z": 11.712508116652932, "r": [3.05281450252437e-05, 4.49547876080203e-05, -0.0003294265970552601]}, "641": {"x": -5.575288892206838, "y": -23.193643370117343, "z": 10.649565858930197, "r": [4.635954018006316e-06, 2.20807978834614e-06, 4.0323009898202145e-05]}, "642": {"x": -9.717951481881423, "y": -22.809785981805422, "z": 11.106789072928523, "r": [-2.020730002527671e-05, -1.3539480498536705e-05, -0.00016638664572354855]}, "643": {"x": 6.719649718718777, "y": -23.24666425515009, "z": 9.320735303782655, "r": [-4.316886142774479e-06, 2.056050615095728e-06, -3.744757896306794e-05]}, "644": {"x": 10.85840630767407, "y": -22.896320756529605, "z": 8.860118133895227, "r": [2.340341962892012e-05, -1.562549320865969e-05, 0.0001923333678499617]}, "645": {"x": 15.734932171358658, "y": -30.05549830614985, "z": 7.5497131851623624, "r": [2.9968563749704913e-05, -1.867783988274141e-05, 0.00018772276787082376]}, "646": {"x": 13.995960719719859, "y": -25.356369748129058, "z": 8.250450947941857, "r": [4.740307634953922e-05, -3.212512703854031e-05, 0.00034706649635118936]}, "647": {"x": 26.417710178800363, "y": -32.68165504708486, "z": 5.526377904309518, "r": [3.252641079143359e-06, -2.8420913196214315e-06, 1.9622071532943153e-05]}, "648": {"x": 24.392685363419826, "y": -27.597421419979828, "z": 6.546578110346584, "r": [1.184981854862599e-06, -1.115849755706222e-06, 8.118053684391668e-06]}, "649": {"x": -20.697178769817416, "y": -8.071753492506804, "z": 10.649565858930217, "r": [2.20807978834614e-06, 4.635954013565424e-06, 4.0323009903531215e-05]}, "650": {"x": -20.313321381505506, "y": -12.214416082181373, "z": 11.106789072928535, "r": [-1.3539480502089418e-05, -2.020730002527671e-05, -0.00016638664572354855]}, "651": {"x": -20.750199654850153, "y": 4.22318511841876, "z": 9.320735303782675, "r": [2.0560506079903007e-06, -4.316886145439014e-06, -3.744757896306794e-05]}, "652": {"x": -20.399856156229603, "y": 8.361941707374028, "z": 8.86011813389524, "r": [-1.5625493201554264e-05, 2.3403419625367405e-05, 0.000192333367836639]}, "653": {"x": 6.6010998179825, "y": 19.226525095293024, "z": 10.649565858930211, "r": [-4.635954017118138e-06, -2.208079777687999e-06, 4.0323009912413e-05]}, "654": {"x": 10.743762407657066, "y": 18.84266770698109, "z": 11.106789072928533, "r": [2.0207300028829422e-05, 1.3539480494983991e-05, -0.0001663866457217722]}, "655": {"x": -5.693838792943071, "y": 19.2795459803258, "z": 9.320735303782664, "r": [4.316886142774479e-06, -2.0560505973321597e-06, -3.744757895773887e-05]}, "656": {"x": -9.832595381898331, "y": 18.929202481705254, "z": 8.86011813389522, "r": [-2.3403419621814692e-05, 1.5625493190896123e-05, 0.0001923333678410799]}, "657": {"x": 21.722989695593064, "y": 4.104635217682477, "z": 10.64956585893021, "r": [-2.2080797705825717e-06, -4.635954011789067e-06, 4.03230098999785e-05]}, "658": {"x": 21.339132307281165, "y": 8.247297807357047, "z": 11.106789072928532, "r": [1.3539480516300273e-05, 2.0207300032382136e-05, -0.0001663866457217722]}, "659": {"x": 21.776010580625808, "y": -8.190303393243086, "z": 9.320735303782694, "r": [-2.0560506222011554e-06, 4.316886146327192e-06, -3.744757897550244e-05]}, "660": {"x": 21.425667082005287, "y": -12.329059982198336, "z": 8.860118133895257, "r": [1.562549319800155e-05, -2.340341962892012e-05, 0.00019233336784196808]}, "661": {"x": 31.21100137256059, "y": -27.888363853324535, "z": 5.5263779043095305, "r": [2.842091333832286e-06, -3.2526410862487865e-06, 1.962207151784412e-05]}, "662": {"x": 26.126767745455567, "y": -25.863339037944034, "z": 6.54657811034659, "r": [1.115849755706222e-06, -1.1849818406517443e-06, 8.118053691497096e-06]}, "663": {"x": 28.584844631625636, "y": -17.205585845882908, "z": 7.549713185162381, "r": [1.8677839857872414e-05, -2.9968563731941344e-05, 0.00018772276786016562]}, "664": {"x": 23.885716073604762, "y": -15.466614394244106, "z": 8.250450947941882, "r": [3.212512702788217e-05, -4.740307634243379e-05, 0.0003470664963618475]}, "665": {"x": -30.18519044678482, "y": 23.92124557850029, "z": 5.526377904309491, "r": [-2.8420913054105768e-06, 3.2526410862487865e-06, 1.9622071509850514e-05]}, "666": {"x": -25.100956819679816, "y": 21.896220763119754, "z": 6.54657811034654, "r": [-1.1158497343899398e-06, 1.1849818513098853e-06, 8.118053682615312e-06]}, "667": {"x": -27.55903370584984, "y": 13.238467571058623, "z": 7.549713185162369, "r": [-1.8677839889846837e-05, 2.9968563742599486e-05, 0.00018772276787437647]}, "668": {"x": -22.859905147829036, "y": 11.499496119419817, "z": 8.25045094794186, "r": [-3.212512699946046e-05, 4.740307632822294e-05, 0.00034706649636007114]}, "669": {"x": -14.709121245582843, "y": 26.08838003132548, "z": 7.549713185162334, "r": [-2.9968563744375842e-05, 1.8677839850766986e-05, 0.00018772276787615283]}, "670": {"x": -12.970149793944096, "y": 21.389251473304704, "z": 8.250450947941832, "r": [-4.740307634243379e-05, 3.212512702432946e-05, 0.00034706649636007114]}, "671": {"x": -25.391899253024516, "y": 28.714536772260516, "z": 5.5263779043094825, "r": [-3.2526411217759232e-06, 2.8420913409377135e-06, 1.9622071532054974e-05]}, "672": {"x": -23.366874437644015, "y": 23.630303145155484, "z": 6.546578110346538, "r": [-1.184981854862599e-06, 1.1158497272845125e-06, 8.118053693273453e-06]}, "673": {"x": -29.281515820780818, "y": -25.115129497226672, "z": 13.8910137980663, "r": [-0.00045468384615787727, -0.0005468584070058569, -0.003551678178624229]}, "674": {"x": -33.874290255778746, "y": -27.1433183640886, "z": 14.874202294395833, "r": [-0.0003679238833740328, -0.0004512586351381742, -0.0025353726864381088]}, "675": {"x": -35.77517169737516, "y": -32.63604941424426, "z": 16.106065514597233, "r": [-0.0002451241367111834, -0.00027112536017170896, -0.0015783593185858535]}, "676": {"x": -31.05691676596002, "y": -30.48163761869593, "z": 15.007013438762487, "r": [-0.00038802251830816203, -0.00041560052915201595, -0.002681441459913003]}, "677": {"x": -38.03023117191033, "y": -37.969320878502884, "z": 17.381732623837024, "r": [-0.00011137317810039349, -0.00011577101830084757, -0.0006881217881300472]}, "678": {"x": -40.58439295041669, "y": -43.08085755071668, "z": 18.67814261746664, "r": [-2.0441849756025476e-05, -2.0441849699182058e-05, -0.00012169531365202602]}, "679": {"x": -35.472856278202855, "y": -40.526695772210246, "z": 17.381732623836996, "r": [-0.00011577101835769099, -0.00011137317818565862, -0.0006881217880874146]}, "680": {"x": -33.157230078837216, "y": -35.65369467913717, "z": 16.18420281410547, "r": [-0.0002652691742071056, -0.0002652691742071056, -0.0016856234788207303]}, "681": {"x": -30.13958481394424, "y": -38.27163629767503, "z": 16.10606551459719, "r": [-0.00027112536014328725, -0.0002451241366827617, -0.0015783593186142753]}, "682": {"x": -24.646853763788553, "y": -36.37075485607863, "z": 14.874202294395793, "r": [-0.0004512586351381742, -0.0003679238833456111, -0.0025353726864381088]}, "683": {"x": -22.618664896926678, "y": -31.777980421080724, "z": 13.891013798066274, "r": [-0.000546858406991646, -0.00045468384612945556, -0.00355167817863844]}, "684": {"x": -27.985173018395926, "y": -33.55338136625987, "z": 15.007013438762453, "r": [-0.00041560052909517253, -0.0003880225182228969, -0.002681441459913003]}, "685": {"x": -20.561097907290737, "y": -26.672997575675716, "z": 12.917736819916822, "r": [-0.0006424579706845179, -0.0005651714054977219, -0.004745889070960629]}, "686": {"x": -18.358745632521916, "y": -20.855210232821864, "z": 11.928339491686632, "r": [-0.0007412457830184849, -0.0007412457830184849, -0.007506277305864728]}, "687": {"x": -24.176532975375782, "y": -23.057562507590678, "z": 12.917736819916833, "r": [-0.0005651714055403545, -0.0006424579706987288, -0.004745889070960629]}, "688": {"x": -25.957186836823723, "y": -28.453651437123664, "z": 13.931601763809216, "r": [-0.0005203487191351996, -0.0005203487191351996, -0.0037250195083089466]}, "689": {"x": -17.235564289523943, "y": -30.452904110728362, "z": 12.874329335702475, "r": [-0.000622936894671966, -0.0004408359725118771, -0.004055172089543646]}, "690": {"x": -19.061463563451458, "y": -34.86257975069156, "z": 13.699748684745531, "r": [-0.0006114476598497731, -0.0004243427906942543, -0.0033117980588599494]}, "691": {"x": -13.44805438540588, "y": -33.7631274799641, "z": 12.585684843964492, "r": [-0.0006794426898011352, -0.00037434403859037957, -0.003594370036225314]}, "692": {"x": -11.996804564155601, "y": -29.62824049079765, "z": 11.968189439717767, "r": [-0.0005810800183496667, -0.0003359584453903608, -0.003854091340393495]}, "693": {"x": -7.8419403599090485, "y": -33.05902656712752, "z": 11.52324644545183, "r": [-0.0005540580089942182, -0.00022554290288212542, -0.002918925804969774]}, "694": {"x": -2.2469955913864474, "y": -32.72026887542064, "z": 10.495990063427556, "r": [-0.00016714486430124964, -8.246547074008959e-05, -0.000859916537272909]}, "695": {"x": -1.8900275745262423, "y": -29.037605969541268, "z": 10.362653121808364, "r": [-9.768169339530175e-05, -4.644239254503191e-05, -0.0007403030142185685]}, "696": {"x": -6.906086329667159, "y": -29.204390221191158, "z": 11.143035194656784, "r": [-0.00040428052102470247, -0.0001741328886453175, -0.0027945560558535476]}, "697": {"x": -1.5892315789600788, "y": -25.284061224905336, "z": 10.252566892961632, "r": [-5.154762319481421e-05, -2.569548665576349e-05, -0.0005344259833890419]}, "698": {"x": -1.3469054782754994, "y": -21.7106015673828, "z": 10.16057459694118, "r": [-1.121374406309883e-05, -1.0174578576993554e-05, -7.970191863648779e-05]}, "699": {"x": -5.146668629872366, "y": -21.240259268299372, "z": 10.4981361930196, "r": [-0.00011319892519523478, -6.0533254568895245e-05, -0.001146270470400168]}, "700": {"x": -6.0081385199925315, "y": -25.193617315987332, "z": 10.803818799829122, "r": [-0.00027767108239729055, -0.00013965832339124518, -0.002378726771382844]}, "701": {"x": -8.883263921650839, "y": -20.40575984304929, "z": 10.819700297616144, "r": [-0.00025613083266051717, -0.00017575410826964344, -0.002245531417258917]}, "702": {"x": -12.744963860693124, "y": -19.582425026181905, "z": 11.16744188851047, "r": [-0.00042461482684075236, -0.0003597204139822452, -0.0033222173015801104]}, "703": {"x": -15.277042324741272, "y": -25.507301412170037, "z": 12.057930015366349, "r": [-0.0006618297785934146, -0.0004920375633901131, -0.004893936424558376]}, "704": {"x": -10.503057123357259, "y": -25.15590984394841, "z": 11.386439798596127, "r": [-0.00047666797546952466, -0.0003168212546995619, -0.0037308762299872456]}, "705": {"x": -18.74379466799946, "y": -7.643133230172325, "z": 10.498136193019626, "r": [-6.053325455468439e-05, -0.00011319892518812935, -0.001146270470400168]}, "706": {"x": -19.21413696708293, "y": -3.843370078575483, "z": 10.160574596941215, "r": [-1.0174578548571844e-05, -1.121374406309883e-05, -7.970191863648779e-05]}, "707": {"x": -22.787596624605467, "y": -4.085696179260077, "z": 10.252566892961658, "r": [-2.5695486613130925e-05, -5.154762319392603e-05, -0.0005344259834103582]}, "708": {"x": -22.697152715687437, "y": -8.504603120292513, "z": 10.803818799829141, "r": [-0.00013965832337703432, -0.0002776710823866324, -0.0023787267713757387]}, "709": {"x": -26.54114136924136, "y": -4.386492174826248, "z": 10.362653121808389, "r": [-4.64423925166102e-05, -9.768169338997268e-05, -0.0007403030142185685]}, "710": {"x": -30.223804275120756, "y": -4.743460191686481, "z": 10.495990063427595, "r": [-8.24654707685113e-05, -0.000167144864303026, -0.0008599165372586981]}, "711": {"x": -30.562561966827637, "y": -10.33840496020908, "z": 11.523246445451862, "r": [-0.00022554290291054713, -0.000554058009008429, -0.0029189258049555633]}, "712": {"x": -26.70792562089126, "y": -9.402550929967164, "z": 11.143035194656804, "r": [-0.0001741328886453175, -0.00040428052101759704, -0.002794556055860653]}, "713": {"x": -31.266662879664196, "y": -15.944518985705914, "z": 12.585684843964525, "r": [-0.0003743440386188013, -0.0006794426898011352, -0.003594370036225314]}, "714": {"x": -32.366115150391664, "y": -21.557928163751498, "z": 13.699748684745565, "r": [-0.0004243427906942543, -0.0006114476598781948, -0.0033117980588457385]}, "715": {"x": -27.956439510428442, "y": -19.73202888982394, "z": 12.874329335702498, "r": [-0.0004408359725402988, -0.0006229368946861769, -0.004055172089557857]}, "716": {"x": -27.131775890497696, "y": -14.493269164455572, "z": 11.968189439717767, "r": [-0.0003359584453903608, -0.0005810800183354559, -0.0038540913403863897]}, "717": {"x": -23.01083681187009, "y": -17.773506925041204, "z": 12.057930015366349, "r": [-0.0004920375634043239, -0.0006618297785792038, -0.0048939364245654815]}, "718": {"x": -17.08596042588199, "y": -15.241428460993077, "z": 11.167441888510483, "r": [-0.0003597204139822452, -0.0004246148268549632, -0.0033222173015801104]}, "719": {"x": -17.909295242749366, "y": -11.379728521950787, "z": 10.819700297616158, "r": [-0.00017575410825543258, -0.0002561308326676226, -0.0022455314172518115]}, "720": {"x": -22.65944524364847, "y": -12.999521723657212, "z": 11.386439798596133, "r": [-0.0003168212546995619, -0.00047666797546952466, -0.0037308762300014564]}, "721": {"x": 30.30732674655646, "y": 21.148011222402285, "z": 13.891013798066254, "r": [0.00045468384610103385, 0.0005468584069774352, -0.003551678178624229]}, "722": {"x": 34.90010118155443, "y": 23.176200089264274, "z": 14.874202294395806, "r": [0.0003679238833456111, 0.00045125863515238507, -0.0025353726864523196]}, "723": {"x": 36.800982623150915, "y": 28.668931139420025, "z": 16.106065514597237, "r": [0.0002451241367111834, 0.00027112536017170896, -0.0015783593186000644]}, "724": {"x": 32.082727691735755, "y": 26.514519343871658, "z": 15.007013438762483, "r": [0.0003880225182513186, 0.00041560052915201595, -0.002681441459927214]}, "725": {"x": 39.05604209768607, "y": 34.00220260367864, "z": 17.38173262383702, "r": [0.0001113731781288152, 0.00011577101832926928, -0.0006881217881016255]}, "726": {"x": 41.61020387619244, "y": 39.11373927589246, "z": 18.678142617466648, "r": [2.0441849756025476e-05, 2.0441849756025476e-05, -0.00012169531368044773]}, "727": {"x": 36.498667203978606, "y": 36.559577497386, "z": 17.381732623837003, "r": [0.00011577101830084757, 0.00011137317810039349, -0.0006881217881158364]}, "728": {"x": 34.183041004613, "y": 31.686576404312948, "z": 16.18420281410549, "r": [0.000265269174263949, 0.00026526917429237074, -0.0016856234788207303]}, "729": {"x": 31.16539573972003, "y": 34.30451802285081, "z": 16.106065514597212, "r": [0.00027112536014328725, 0.0002451241366827617, -0.0015783593186142753]}, "730": {"x": 25.67266468956429, "y": 32.40363658125435, "z": 14.87420229439579, "r": [0.0004512586351381742, 0.0003679238833171894, -0.0025353726864665305]}, "731": {"x": 23.64447582270231, "y": 27.810862146256348, "z": 13.891013798066247, "r": [0.0005468584070058569, 0.00045468384615787727, -0.003551678178652651]}, "732": {"x": 29.010983944171667, "y": 29.58626309143561, "z": 15.00701343876246, "r": [0.00041560052915201595, 0.0003880225182513186, -0.002681441459913003]}, "733": {"x": 21.58690883306634, "y": 22.70587930085131, "z": 12.917736819916785, "r": [0.0006424579706845179, 0.0005651714055403545, -0.0047458890709464185]}, "734": {"x": 19.38455655829755, "y": 16.888091957997514, "z": 11.928339491686616, "r": [0.0007412457830326957, 0.0007412457830469066, -0.007506277305850517]}, "735": {"x": 25.20234390115136, "y": 19.090444232766266, "z": 12.917736819916781, "r": [0.0005651714055403545, 0.0006424579706987288, -0.004745889070960629]}, "736": {"x": 26.98299776259938, "y": 24.486533162299303, "z": 13.931601763809182, "r": [0.0005203487191636214, 0.0005203487191636214, -0.003725019508280525]}, "737": {"x": 18.261375215299633, "y": 26.485785835904053, "z": 12.874329335702472, "r": [0.0006229368946435443, 0.0004408359724834554, -0.004055172089586279]}, "738": {"x": 20.087274489227212, "y": 30.895461475867272, "z": 13.699748684745538, "r": [0.0006114476598497731, 0.0004243427906942543, -0.0033117980588315277]}, "739": {"x": 14.473865311181674, "y": 29.79600920513989, "z": 12.585684843964524, "r": [0.0006794426897869243, 0.00037434403856195786, -0.0035943700362182085]}, "740": {"x": 13.022615489931315, "y": 25.661122215973407, "z": 11.968189439717786, "r": [0.0005810800183567721, 0.00033595844540457165, -0.0038540913403792842]}, "741": {"x": 8.867751285684847, "y": 29.091908292303298, "z": 11.523246445451859, "r": [0.0005540580090013236, 0.00022554290288212542, -0.0029189258049768796]}, "742": {"x": 3.2728065171622487, "y": 28.753150600596406, "z": 10.495990063427584, "r": [0.00016714486429769693, 8.246547071166788e-05, -0.0008599165372658035]}, "743": {"x": 2.9158385003019776, "y": 25.070487694716984, "z": 10.362653121808382, "r": [9.768169338997268e-05, 4.64423925166102e-05, -0.0007403030142256739]}, "744": {"x": 7.931897255442881, "y": 25.237271946366842, "z": 11.143035194656791, "r": [0.00040428052101759704, 0.0001741328886168958, -0.0027945560558677585]}, "745": {"x": 2.6150425047357784, "y": 21.316942950081057, "z": 10.252566892961648, "r": [5.1547623195702386e-05, 2.5695486641552634e-05, -0.0005344259833961473]}, "746": {"x": 2.372716404051173, "y": 17.743483292558526, "z": 10.160574596941201, "r": [1.12137440684279e-05, 1.0174578562782699e-05, -7.97019186649095e-05]}, "747": {"x": 6.172479555648014, "y": 17.273140993475053, "z": 10.498136193019619, "r": [0.00011319892519168206, 6.053325455468439e-05, -0.0011462704703930626]}, "748": {"x": 7.033949445768208, "y": 21.226499041163006, "z": 10.803818799829134, "r": [0.00027767108239729055, 0.00013965832339124518, -0.002378726771382844]}, "749": {"x": 9.909074847426474, "y": 16.43864156822495, "z": 10.819700297616158, "r": [0.0002561308326676226, 0.0001757541082838543, -0.0022455314172518115]}, "750": {"x": 13.770774786468753, "y": 15.615306751357565, "z": 11.167441888510474, "r": [0.00042461482684075236, 0.00035972041396803434, -0.0033222173015801104]}, "751": {"x": 16.30285325051692, "y": 21.54018313734571, "z": 12.057930015366344, "r": [0.0006618297785934146, 0.0004920375634043239, -0.004893936424551271]}, "752": {"x": 11.528868049132914, "y": 21.188791569124085, "z": 11.386439798596134, "r": [0.00047666797546952466, 0.0003168212546995619, -0.003730876230008562]}, "753": {"x": 19.76960559377507, "y": 3.6760149553479966, "z": 10.498136193019615, "r": [6.0533254540473536e-05, 0.00011319892518812935, -0.0011462704703930626]}, "754": {"x": 20.239947892858535, "y": -0.12374819624884958, "z": 10.160574596941208, "r": [1.0174578548571844e-05, 1.1213744063209852e-05, -7.970191865069864e-05]}, "755": {"x": 23.813407550381136, "y": 0.11857790443574133, "z": 10.252566892961669, "r": [2.569548662734178e-05, 5.1547623194259096e-05, -0.0005344259834032528]}, "756": {"x": 23.72296364146309, "y": 4.537484845468178, "z": 10.80381879982914, "r": [0.00013965832339124518, 0.00027767108239729055, -0.0023787267713899496]}, "757": {"x": 27.566952295017103, "y": 0.4193739000019209, "z": 10.362653121808412, "r": [4.644239255924276e-05, 9.76816933930813e-05, -0.0007403030142256739]}, "758": {"x": 31.249615200896564, "y": 0.7763419168621577, "z": 10.495990063427612, "r": [8.246547074008959e-05, 0.00016714486429680875, -0.0008599165372444872]}, "759": {"x": 31.588372892603434, "y": 6.371286685384759, "z": 11.523246445451866, "r": [0.00022554290288212542, 0.0005540580089977709, -0.0029189258049768796]}, "760": {"x": 27.733736546666986, "y": 5.435432655142837, "z": 11.143035194656802, "r": [0.00017413288865952836, 0.00040428052101759704, -0.002794556055860653]}, "761": {"x": 32.292473805439975, "y": 11.977400710881584, "z": 12.58568484396452, "r": [0.00037434403859037957, 0.0006794426897869243, -0.00359437003624663]}, "762": {"x": 33.39192607616737, "y": 17.590809888927154, "z": 13.69974868474554, "r": [0.000424342790722676, 0.000611447659863984, -0.0033117980588315277]}, "763": {"x": 28.982250436204165, "y": 15.764910614999598, "z": 12.87432933570247, "r": [0.0004408359724834554, 0.0006229368946435443, -0.004055172089572068]}, "764": {"x": 28.157586816273476, "y": 10.526150889631275, "z": 11.968189439717772, "r": [0.0003359584453903608, 0.0005810800183354559, -0.0038540913403863897]}, "765": {"x": 24.036647737645776, "y": 13.80638865021688, "z": 12.057930015366335, "r": [0.0004920375634185348, 0.0006618297785934146, -0.004893936424551271]}, "766": {"x": 18.11177135165761, "y": 11.27431018616874, "z": 11.167441888510474, "r": [0.0003597204139822452, 0.0004246148268549632, -0.003322217301573005]}, "767": {"x": 18.935106168525003, "y": 7.412610247126468, "z": 10.819700297616158, "r": [0.0001757541082838543, 0.0002561308326676226, -0.0022455314172518115]}, "768": {"x": 23.685256169424168, "y": 9.032403448832886, "z": 11.386439798596127, "r": [0.0003168212546995619, 0.00047666797546952466, -0.0037308762300014564]}, "769": {"x": 6.254064926218059, "y": -21.277784336464983, "z": 9.478034754215596, "r": [0.00018403595771587788, -9.541165907478444e-05, 0.0018914159431631106]}, "770": {"x": 2.47057277326818, "y": -21.721336356077508, "z": 9.816154879948272, "r": [8.890543671036255e-05, -2.0741230372323116e-05, 0.0009764293742833274]}, "771": {"x": 2.792288250804625, "y": -25.305465314070297, "z": 9.712117474425593, "r": [0.00017712315461260175, -4.289721805150748e-05, 0.0015077117068997836]}, "772": {"x": 7.179195888713911, "y": -25.25737872166059, "z": 9.161856950506031, "r": [0.0003763753393712932, -0.00017764364972094882, 0.003126409875171987]}, "773": {"x": 3.0827754275732704, "y": -29.057501853741286, "z": 9.600139987812677, "r": [0.0002531614359391199, -6.696283308826878e-05, 0.001731955456548917]}, "774": {"x": 3.3337678576894194, "y": -32.72879991205034, "z": 9.483505441139428, "r": [0.00033849154440623863, -0.0001062001582567973, 0.0018858335168729923]}, "775": {"x": 8.914969456259895, "y": -33.08059506047255, "z": 8.458317572563157, "r": [0.0006825422092404665, -0.0002696326982061237, 0.003691404328947101]}, "776": {"x": 8.067471441023168, "y": -29.258018848064413, "z": 8.822355748819124, "r": [0.000523187349365628, -0.0002155485755679365, 0.0035434898398776227]}, "777": {"x": 14.513998634818947, "y": -33.79135600950793, "z": 7.396882552495715, "r": [0.0007609304200570932, -0.0004167435224644578, 0.004088251008788291]}, "778": {"x": 20.12120423407513, "y": -34.892192212959294, "z": 6.284275228654555, "r": [0.0006579482223685318, -0.0004562674285182311, 0.0035965741197578893]}, "779": {"x": 18.365384544981147, "y": -30.530374434204628, "z": 7.0922329164749165, "r": [0.0006769688425407594, -0.0004782230996340786, 0.00439965997670555]}, "780": {"x": 13.142994903336463, "y": -29.701955449845432, "z": 7.996993133488392, "r": [0.0006618318365170239, -0.00037859301960452285, 0.004362804792144459]}, "781": {"x": 16.424261342090617, "y": -25.61114997870362, "z": 7.904547115726508, "r": [0.0007146516975211625, -0.0005303519260024814, 0.0052898281181441575]}, "782": {"x": 13.861211904618447, "y": -19.681868804136013, "z": 8.80031193754251, "r": [0.00045837284912408904, -0.00038749795724868363, 0.003624986726094903]}, "783": {"x": 9.992828612902695, "y": -20.474828948753895, "z": 9.152638585225695, "r": [0.00030725869368097847, -0.0002098961415413214, 0.0027373196513025277]}, "784": {"x": 11.665184459726413, "y": -25.2522467033266, "z": 8.57630126942701, "r": [0.0005460073129697207, -0.0003561510799698908, 0.0042448384604298894]}, "785": {"x": 23.731199556524885, "y": -31.850827122612657, "z": 6.0785565775927894, "r": [0.0005814459785113968, -0.00048336741974708275, 0.003773960136033594]}, "786": {"x": 25.70156772088237, "y": -36.39953159078456, "z": 5.111597499203294, "r": [0.00047427796715737713, -0.0003872341752924058, 0.002678468538931611]}, "787": {"x": 31.190949516316838, "y": -38.298986060558434, "z": 3.8815200058884995, "r": [0.000280102711286645, -0.0002537242221762881, 0.0016354724776803664]}, "788": {"x": 29.08515243179926, "y": -33.62254239572447, "z": 4.965254391395486, "r": [0.00043292661302984925, -0.00040434787331378175, 0.002795357266570875]}, "789": {"x": 36.518772826028204, "y": -40.54880806740664, "z": 2.6087582627872337, "r": [0.00011842738874179304, -0.00011404121647728971, 0.000705339227625501]}, "790": {"x": 41.618812191369514, "y": -43.089465865893764, "z": 1.3177439188036195, "r": [2.090845333668767e-05, -2.090845333668767e-05, 0.00012467534846827277]}, "791": {"x": 39.07815439288242, "y": -37.98942650055245, "z": 2.608758262787226, "r": [0.000114041216448868, -0.00011842738871337133, 0.0007053392275970793]}, "792": {"x": 34.23873570918258, "y": -35.70938938370678, "z": 3.7937897026385716, "r": [0.0002719831667263861, -0.0002719831666979644, 0.0017306195226360899]}, "793": {"x": 36.82833238603425, "y": -32.661603190841085, "z": 3.8815200058884862, "r": [0.0002537242221762881, -0.0002801027112582233, 0.0016354724776590501]}, "794": {"x": 34.928877916260355, "y": -27.17222139540657, "z": 5.11159749920329, "r": [0.0003872341752924058, -0.0004742779671289554, 0.002678468538931611]}, "795": {"x": 30.380173448088314, "y": -25.20185323104901, "z": 6.078556577592819, "r": [0.00048336741969023933, -0.0005814459784687642, 0.003773960136019383]}, "796": {"x": 32.15188872120022, "y": -30.555806106323423, "z": 4.965254391395499, "r": [0.00040434787331378175, -0.00043292661305827096, 0.0027953572666099546]}, "797": {"x": 25.29019994772913, "y": -23.153616821950425, "z": 7.049059690985031, "r": [0.0006064767554221362, -0.000690978027492406, 0.0050891726727897435]}, "798": {"x": 19.4445722694065, "y": -20.915225943930764, "z": 8.047037305225727, "r": [0.0008018134284242251, -0.000801813428438436, 0.008035508516719858]}, "799": {"x": 21.682963147426207, "y": -26.760853622253414, "z": 7.049059690985013, "r": [0.0006909780274639843, -0.0006064767553937145, 0.005089172672768427]}, "800": {"x": 27.071446018656314, "y": -28.542099693180543, "z": 6.035664876037598, "r": [0.0005513123770128914, -0.0005513123769844697, 0.003946213587923353]}, "801": {"x": 29.059720759680356, "y": -19.836038219505348, "z": 7.092232916474927, "r": [0.0004782230995772352, -0.0006769688425123377, 0.004399659976691339]}, "802": {"x": 33.42153853843509, "y": -21.59185790859934, "z": 6.284275228654569, "r": [0.0004562674285182311, -0.0006579482223827426, 0.0035965741197721]}, "803": {"x": 32.32070233498376, "y": -15.984652309343195, "z": 7.396882552495734, "r": [0.0004167435224360361, -0.0007609304200570932, 0.004088251008788291]}, "804": {"x": 28.231301775321274, "y": -14.613648577860747, "z": 7.996993133488416, "r": [0.0003785930196471554, -0.0006618318365099185, 0.004362804792137354]}, "805": {"x": 31.609941385948417, "y": -10.385623130784165, "z": 8.458317572563198, "r": [0.0002696326982061237, -0.0006825422092333611, 0.0036914043289186793]}, "806": {"x": 31.258146237526205, "y": -4.8044215322137, "z": 9.48350544113949, "r": [0.00010620015831364071, -0.000338491544408015, 0.0018858335168800977]}, "807": {"x": 27.586848179217085, "y": -4.553429102097567, "z": 9.600139987812733, "r": [6.696283307405793e-05, -0.0002531614359391199, 0.0017319554565560225]}, "808": {"x": 27.787365173540216, "y": -9.538125115547448, "z": 8.822355748819174, "r": [0.00021554857553951479, -0.0005231873493585226, 0.0035434898398705172]}, "809": {"x": 23.834811639546054, "y": -4.262941925328944, "z": 9.712117474425643, "r": [4.289721805150748e-05, -0.0001771231546108254, 0.0015077117068926782]}, "810": {"x": 20.250682681553236, "y": -3.9412264477925203, "z": 9.816154879948305, "r": [2.074123035811226e-05, -8.89054367085862e-05, 0.0009764293742691166]}, "811": {"x": 19.807130661940686, "y": -7.724718600742382, "z": 9.478034754215628, "r": [9.541165907478444e-05, -0.00018403595771587788, 0.0018914159431773214]}, "812": {"x": 23.786725047136322, "y": -8.649849563238208, "z": 9.16185695050608, "r": [0.00017764364973515967, -0.0003763753393712932, 0.0031264098751933034]}, "813": {"x": 19.00417527422958, "y": -11.463482287426991, "z": 9.152638585225716, "r": [0.0002098961415413214, -0.00030725869368097847, 0.0027373196513025277]}, "814": {"x": 18.2112151296117, "y": -15.33186557914273, "z": 8.800311937542512, "r": [0.0003874979572344728, -0.0004583728491098782, 0.003624986726109114]}, "815": {"x": 24.140496304179337, "y": -17.894915016614863, "z": 7.904547115726532, "r": [0.0005303519260451139, -0.0007146516975353734, 0.0052898281181441575]}, "816": {"x": 23.781593028802302, "y": -13.135838134250662, "z": 8.576301269427042, "r": [0.00035615107995567996, -0.0005460073129626153, 0.0042448384604298894]}, "817": {"x": -5.228254000442374, "y": 17.31066606164068, "z": 9.478034754215605, "r": [-0.00018403595771587788, 9.541165907478444e-05, 0.001891415943170216]}, "818": {"x": -1.4447618474925032, "y": 17.754218081253224, "z": 9.816154879948298, "r": [-8.890543671213891e-05, 2.0741230372323116e-05, 0.0009764293742975383]}, "819": {"x": -1.766477325028913, "y": 21.338347039246038, "z": 9.712117474425613, "r": [-0.0001771231546152663, 4.289721805150748e-05, 0.0015077117068926782]}, "820": {"x": -6.153384962938179, "y": 21.29026044683627, "z": 9.161856950506033, "r": [-0.00037637533936418777, 0.00017764364970673796, 0.0031264098751577762]}, "821": {"x": -2.05696450179751, "y": 25.090383578917034, "z": 9.600139987812685, "r": [-0.0002531614359391199, 6.696283307405793e-05, 0.001731955456548917]}, "822": {"x": -2.3079569319136097, "y": 28.76168163722613, "z": 9.483505441139442, "r": [-0.000338491544408015, 0.0001062001582567973, 0.0018858335168445706]}, "823": {"x": -7.889158530484063, "y": 29.11347678564818, "z": 8.458317572563159, "r": [-0.0006825422092262556, 0.0002696326982061237, 0.0036914043289186793]}, "824": {"x": -7.0416605152473855, "y": 25.290900573240098, "z": 8.82235574881913, "r": [-0.0005231873493691808, 0.00021554857555372564, 0.003543489839884728]}, "825": {"x": -13.488187709043112, "y": 29.824237734683564, "z": 7.3968825524956925, "r": [-0.0007609304200286715, 0.0004167435224360361, 0.004088251008781185]}, "826": {"x": -19.095393308299258, "y": 30.92507393813491, "z": 6.284275228654524, "r": [-0.0006579482223685318, 0.0004562674285182311, 0.0035965741197827583]}, "827": {"x": -17.339573619205307, "y": 26.563256159380234, "z": 7.092232916474869, "r": [-0.0006769688425123377, 0.0004782230996056569, 0.004399659976662917]}, "828": {"x": -12.11718397756066, "y": 25.734837175021077, "z": 7.996993133488377, "r": [-0.0006618318365028131, 0.000378593019590312, 0.004362804792123143]}, "829": {"x": -15.39845041631484, "y": 21.644031703879268, "z": 7.9045471157264755, "r": [-0.0007146516975353734, 0.0005303519260024814, 0.005289828118137052]}, "830": {"x": -12.835400978842742, "y": 15.714750529311662, "z": 8.800311937542492, "r": [-0.0004583728491098782, 0.0003874979572628945, 0.0036249867261375357]}, "831": {"x": -8.967017687126997, "y": 16.50771067392956, "z": 9.152638585225697, "r": [-0.0003072586936880839, 0.00020989614155553227, 0.002737319651309633]}, "832": {"x": -10.639373533950645, "y": 21.285128428502237, "z": 8.576301269427, "r": [-0.0005460073129768261, 0.0003561510799698908, 0.004244838460422784]}, "833": {"x": -22.705388630749006, "y": 27.88370884778825, "z": 6.078556577592758, "r": [-0.0005814459785256076, 0.00048336741974708275, 0.00377396013605491]}, "834": {"x": -24.67575679510655, "y": 32.43241331596028, "z": 5.111597499203265, "r": [-0.00047427796718579884, 0.0003872341753208275, 0.0026784685389529272]}, "835": {"x": -30.165138590541048, "y": 34.33186778573419, "z": 3.8815200058884756, "r": [-0.0002801027112582233, 0.0002537242222047098, 0.0016354724776590501]}, "836": {"x": -28.059341506023397, "y": 29.65542412090015, "z": 4.965254391395464, "r": [-0.00043292661302984925, 0.00040434787328536004, 0.002795357266592191]}, "837": {"x": -35.49296190025246, "y": 36.58168979258244, "z": 2.6087582627872066, "r": [-0.00011842738874179304, 0.00011404121647728971, 0.0007053392276077375]}, "838": {"x": -40.59300126559376, "y": 39.12234759106951, "z": 1.3177439188036086, "r": [-2.090845339353109e-05, 2.090845333668767e-05, 0.00012467534846116735]}, "839": {"x": -38.05234346710665, "y": 34.02230822572821, "z": 2.608758262787208, "r": [-0.00011404121642044629, 0.00011842738868494962, 0.0007053392275899739]}, "840": {"x": -33.212924783406784, "y": 31.74227110888252, "z": 3.793789702638551, "r": [-0.0002719831666695427, 0.0002719831666695427, 0.0017306195226396426]}, "841": {"x": -35.80252146025841, "y": 28.694484916016783, "z": 3.881520005888488, "r": [-0.0002537242222047098, 0.000280102711286645, 0.0016354724776803664]}, "842": {"x": -33.90306699048461, "y": 23.205103120582343, "z": 5.111597499203281, "r": [-0.0003872341752924058, 0.0004742779671431663, 0.002678468538945822]}, "843": {"x": -29.354362522312606, "y": 21.234734956224802, "z": 6.078556577592779, "r": [-0.00048336741974708275, 0.0005814459784829751, 0.003773960136022936]}, "844": {"x": -31.1260777954244, "y": 26.588687831499147, "z": 4.9652543913954705, "r": [-0.00040434787334220346, 0.00043292661305827096, 0.0027953572666099546]}, "845": {"x": -24.2643890219534, "y": 19.186498547126146, "z": 7.049059690984978, "r": [-0.0006064767553652928, 0.0006909780274781951, 0.005089172672768427]}, "846": {"x": -18.418761343630734, "y": 16.948107669106413, "z": 8.04703730522569, "r": [-0.0008018134283958034, 0.0008018134283958034, 0.008035508516719858]}, "847": {"x": -20.657152221650396, "y": 22.793735347429042, "z": 7.049059690984964, "r": [-0.0006909780274497734, 0.0006064767553795036, 0.005089172672761322]}, "848": {"x": -26.045635092880513, "y": 24.574981418356234, "z": 6.035664876037555, "r": [-0.0005513123770128914, 0.0005513123770413131, 0.003946213587923353]}, "849": {"x": -28.033909833904566, "y": 15.868919944681082, "z": 7.092232916474911, "r": [-0.0004782230996056569, 0.0006769688425265485, 0.004399659976712655]}, "850": {"x": -32.39572761265925, "y": 17.62473963377506, "z": 6.284275228654558, "r": [-0.0004562674285182311, 0.0006579482223827426, 0.003596574119786311]}, "851": {"x": -31.2948914092079, "y": 12.017534034518906, "z": 7.396882552495724, "r": [-0.0004167435224360361, 0.0007609304200428824, 0.004088251008795396]}, "852": {"x": -27.20549084954542, "y": 10.646530303036423, "z": 7.996993133488398, "r": [-0.00037859301957610114, 0.0006618318365028131, 0.0043628047921018265]}, "853": {"x": -30.584130460172524, "y": 6.418504855959851, "z": 8.45831757256318, "r": [-0.0002696326982061237, 0.0006825422092404665, 0.0036914043289399956]}, "854": {"x": -30.23233531175034, "y": 0.8373032573893889, "z": 9.483505441139462, "r": [-0.00010620015831364071, 0.00033849154441334406, 0.0018858335168943086]}, "855": {"x": -26.56103725344134, "y": 0.5863108272732508, "z": 9.600139987812696, "r": [-6.696283307405793e-05, 0.0002531614359351231, 0.0017319554565347062]}, "856": {"x": -26.761554247764394, "y": 5.57100684072313, "z": 8.82235574881915, "r": [-0.00021554857553951479, 0.0005231873493620753, 0.0035434898398776227]}, "857": {"x": -22.809000713770395, "y": 0.2958236505046169, "z": 9.712117474425618, "r": [-4.2897218037296625e-05, 0.0001771231546143781, 0.0015077117068855728]}, "858": {"x": -19.224871755777656, "y": -0.025891827031819237, "z": 9.816154879948314, "r": [-2.0741230372323116e-05, 8.890543670903028e-05, 0.0009764293742833274]}, "859": {"x": -18.781319736165067, "y": 3.7576003259180486, "z": 9.47803475421562, "r": [-9.541165907478444e-05, 0.00018403595771410153, 0.0018914159431631106]}, "860": {"x": -22.76091412136064, "y": 4.682731288413889, "z": 9.161856950506047, "r": [-0.0001776436496925271, 0.0003763753393712932, 0.0031264098751790925]}, "861": {"x": -17.97836434845391, "y": 7.496364012602663, "z": 9.152638585225713, "r": [-0.00020989614152711056, 0.00030725869367387304, 0.002737319651309633]}, "862": {"x": -17.18540420383605, "y": 11.364747304318433, "z": 8.800311937542505, "r": [-0.0003874979572628945, 0.0004583728491169836, 0.0036249867261020086]}, "863": {"x": -23.114685378403628, "y": 13.92779674179058, "z": 7.904547115726501, "r": [-0.0005303519260309031, 0.0007146516975353734, 0.005289828118151263]}, "864": {"x": -22.755782103026576, "y": 9.16871985942636, "z": 8.576301269427022, "r": [-0.0003561510799414691, 0.0005460073129626153, 0.004244838460422784]}}, "face": {"1029": [169, 379, 673], "1030": [673, 625, 169], "1031": [45, 377, 673], "1032": [673, 379, 45], "1033": [95, 507, 673], "1034": [673, 377, 95], "1035": [193, 625, 673], "1036": [673, 507, 193], "1037": [95, 263, 674], "1038": [674, 507, 95], "1039": [9, 261, 674], "1040": [674, 263, 9], "1041": [93, 505, 674], "1042": [674, 261, 93], "1043": [193, 507, 674], "1044": [674, 505, 193], "1045": [93, 314, 675], "1046": [675, 505, 93], "1047": [25, 315, 675], "1048": [675, 314, 25], "1049": [145, 577, 675], "1050": [675, 315, 145], "1051": [193, 505, 675], "1052": [675, 577, 193], "1053": [145, 433, 676], "1054": [676, 577, 145], "1055": [61, 435, 676], "1056": [676, 433, 61], "1057": [169, 625, 676], "1058": [676, 435, 169], "1059": [193, 577, 676], "1060": [676, 625, 193], "1061": [145, 315, 677], "1062": [677, 578, 145], "1063": [25, 313, 677], "1064": [677, 315, 25], "1065": [73, 481, 677], "1066": [677, 313, 73], "1067": [194, 578, 677], "1068": [677, 481, 194], "1069": [73, 241, 678], "1070": [678, 481, 73], "1071": [0, 242, 678], "1072": [678, 241, 0], "1073": [74, 482, 678], "1074": [678, 242, 74], "1075": [194, 481, 678], "1076": [678, 482, 194], "1077": [74, 316, 679], "1078": [679, 482, 74], "1079": [26, 318, 679], "1080": [679, 316, 26], "1081": [146, 579, 679], "1082": [679, 318, 146], "1083": [194, 482, 679], "1084": [679, 579, 194], "1085": [146, 434, 680], "1086": [680, 579, 146], "1087": [61, 433, 680], "1088": [680, 434, 61], "1089": [145, 578, 680], "1090": [680, 433, 145], "1091": [194, 579, 680], "1092": [680, 578, 194], "1093": [146, 318, 681], "1094": [681, 580, 146], "1095": [26, 317, 681], "1096": [681, 318, 26], "1097": [96, 509, 681], "1098": [681, 317, 96], "1099": [195, 580, 681], "1100": [681, 509, 195], "1101": [96, 264, 682], "1102": [682, 509, 96], "1103": [10, 266, 682], "1104": [682, 264, 10], "1105": [98, 511, 682], "1106": [682, 266, 98], "1107": [195, 509, 682], "1108": [682, 511, 195], "1109": [98, 381, 683], "1110": [683, 511, 98], "1111": [46, 383, 683], "1112": [683, 381, 46], "1113": [171, 629, 683], "1114": [683, 383, 171], "1115": [195, 511, 683], "1116": [683, 629, 195], "1117": [171, 436, 684], "1118": [684, 629, 171], "1119": [61, 434, 684], "1120": [684, 436, 61], "1121": [146, 580, 684], "1122": [684, 434, 146], "1123": [195, 629, 684], "1124": [684, 580, 195], "1125": [171, 383, 685], "1126": [685, 630, 171], "1127": [46, 382, 685], "1128": [685, 383, 46], "1129": [130, 555, 685], "1130": [685, 382, 130], "1131": [196, 630, 685], "1132": [685, 555, 196], "1133": [130, 298, 686], "1134": [686, 555, 130], "1135": [21, 297, 686], "1136": [686, 298, 21], "1137": [129, 553, 686], "1138": [686, 297, 129], "1139": [196, 555, 686], "1140": [686, 553, 196], "1141": [129, 378, 687], "1142": [687, 553, 129], "1143": [45, 379, 687], "1144": [687, 378, 45], "1145": [169, 626, 687], "1146": [687, 379, 169], "1147": [196, 553, 687], "1148": [687, 626, 196], "1149": [169, 435, 688], "1150": [688, 626, 169], "1151": [61, 436, 688], "1152": [688, 435, 61], "1153": [171, 630, 688], "1154": [688, 436, 171], "1155": [196, 626, 688], "1156": [688, 630, 196], "1157": [172, 384, 689], "1158": [689, 631, 172], "1159": [46, 381, 689], "1160": [689, 384, 46], "1161": [98, 512, 689], "1162": [689, 381, 98], "1163": [197, 631, 689], "1164": [689, 512, 197], "1165": [98, 266, 690], "1166": [690, 512, 98], "1167": [10, 265, 690], "1168": [690, 266, 10], "1169": [97, 510, 690], "1170": [690, 265, 97], "1171": [197, 512, 690], "1172": [690, 510, 197], "1173": [97, 326, 691], "1174": [691, 510, 97], "1175": [29, 327, 691], "1176": [691, 326, 29], "1177": [149, 585, 691], "1178": [691, 327, 149], "1179": [197, 510, 691], "1180": [691, 585, 197], "1181": [149, 437, 692], "1182": [692, 585, 149], "1183": [62, 439, 692], "1184": [692, 437, 62], "1185": [172, 631, 692], "1186": [692, 439, 172], "1187": [197, 585, 692], "1188": [692, 631, 197], "1189": [149, 327, 693], "1190": [693, 586, 149], "1191": [29, 325, 693], "1192": [693, 327, 29], "1193": [77, 485, 693], "1194": [693, 325, 77], "1195": [198, 586, 693], "1196": [693, 485, 198], "1197": [77, 245, 694], "1198": [694, 485, 77], "1199": [2, 246, 694], "1200": [694, 245, 2], "1201": [78, 486, 694], "1202": [694, 246, 78], "1203": [198, 485, 694], "1204": [694, 486, 198], "1205": [78, 328, 695], "1206": [695, 486, 78], "1207": [30, 330, 695], "1208": [695, 328, 30], "1209": [150, 587, 695], "1210": [695, 330, 150], "1211": [198, 486, 695], "1212": [695, 587, 198], "1213": [150, 438, 696], "1214": [696, 587, 150], "1215": [62, 437, 696], "1216": [696, 438, 62], "1217": [149, 586, 696], "1218": [696, 437, 149], "1219": [198, 587, 696], "1220": [696, 586, 198], "1221": [150, 330, 697], "1222": [697, 588, 150], "1223": [30, 329, 697], "1224": [697, 330, 30], "1225": [105, 521, 697], "1226": [697, 329, 105], "1227": [199, 588, 697], "1228": [697, 521, 199], "1229": [105, 273, 698], "1230": [698, 521, 105], "1231": [13, 274, 698], "1232": [698, 273, 13], "1233": [106, 523, 698], "1234": [698, 274, 106], "1235": [199, 521, 698], "1236": [698, 523, 199], "1237": [106, 393, 699], "1238": [699, 523, 106], "1239": [49, 395, 699], "1240": [699, 393, 49], "1241": [177, 641, 699], "1242": [699, 395, 177], "1243": [199, 523, 699], "1244": [699, 641, 199], "1245": [177, 440, 700], "1246": [700, 641, 177], "1247": [62, 438, 700], "1248": [700, 440, 62], "1249": [150, 588, 700], "1250": [700, 438, 150], "1251": [199, 641, 700], "1252": [700, 588, 199], "1253": [177, 395, 701], "1254": [701, 642, 177], "1255": [49, 394, 701], "1256": [701, 395, 49], "1257": [131, 557, 701], "1258": [701, 394, 131], "1259": [200, 642, 701], "1260": [701, 557, 200], "1261": [131, 299, 702], "1262": [702, 557, 131], "1263": [21, 298, 702], "1264": [702, 299, 21], "1265": [130, 556, 702], "1266": [702, 298, 130], "1267": [200, 557, 702], "1268": [702, 556, 200], "1269": [130, 382, 703], "1270": [703, 556, 130], "1271": [46, 384, 703], "1272": [703, 382, 46], "1273": [172, 632, 703], "1274": [703, 384, 172], "1275": [200, 556, 703], "1276": [703, 632, 200], "1277": [172, 439, 704], "1278": [704, 632, 172], "1279": [62, 440, 704], "1280": [704, 439, 62], "1281": [177, 642, 704], "1282": [704, 440, 177], "1283": [200, 632, 704], "1284": [704, 642, 200], "1285": [181, 405, 705], "1286": [705, 649, 181], "1287": [52, 403, 705], "1288": [705, 405, 52], "1289": [112, 531, 705], "1290": [705, 403, 112], "1291": [201, 649, 705], "1292": [705, 531, 201], "1293": [112, 280, 706], "1294": [706, 531, 112], "1295": [15, 279, 706], "1296": [706, 280, 15], "1297": [111, 529, 706], "1298": [706, 279, 111], "1299": [201, 531, 706], "1300": [706, 529, 201], "1301": [111, 358, 707], "1302": [707, 529, 111], "1303": [39, 359, 707], "1304": [707, 358, 39], "1305": [161, 609, 707], "1306": [707, 359, 161], "1307": [201, 529, 707], "1308": [707, 609, 201], "1309": [161, 441, 708], "1310": [708, 609, 161], "1311": [63, 444, 708], "1312": [708, 441, 63], "1313": [181, 649, 708], "1314": [708, 444, 181], "1315": [201, 609, 708], "1316": [708, 649, 201], "1317": [161, 359, 709], "1318": [709, 610, 161], "1319": [39, 357, 709], "1320": [709, 359, 39], "1321": [87, 497, 709], "1322": [709, 357, 87], "1323": [202, 610, 709], "1324": [709, 497, 202], "1325": [87, 255, 710], "1326": [710, 497, 87], "1327": [7, 256, 710], "1328": [710, 255, 7], "1329": [88, 499, 710], "1330": [710, 256, 88], "1331": [202, 497, 710], "1332": [710, 499, 202], "1333": [88, 361, 711], "1334": [711, 499, 88], "1335": [40, 363, 711], "1336": [711, 361, 40], "1337": [163, 613, 711], "1338": [711, 363, 163], "1339": [202, 499, 711], "1340": [711, 613, 202], "1341": [163, 442, 712], "1342": [712, 613, 163], "1343": [63, 441, 712], "1344": [712, 442, 63], "1345": [161, 610, 712], "1346": [712, 441, 161], "1347": [202, 613, 712], "1348": [712, 610, 202], "1349": [163, 363, 713], "1350": [713, 614, 163], "1351": [40, 362, 713], "1352": [713, 363, 40], "1353": [94, 506, 713], "1354": [713, 362, 94], "1355": [203, 614, 713], "1356": [713, 506, 203], "1357": [94, 262, 714], "1358": [714, 506, 94], "1359": [9, 263, 714], "1360": [714, 262, 9], "1361": [95, 508, 714], "1362": [714, 263, 95], "1363": [203, 506, 714], "1364": [714, 508, 203], "1365": [95, 377, 715], "1366": [715, 508, 95], "1367": [45, 380, 715], "1368": [715, 377, 45], "1369": [170, 627, 715], "1370": [715, 380, 170], "1371": [203, 508, 715], "1372": [715, 627, 203], "1373": [170, 443, 716], "1374": [716, 627, 170], "1375": [63, 442, 716], "1376": [716, 443, 63], "1377": [163, 614, 716], "1378": [716, 442, 163], "1379": [203, 627, 716], "1380": [716, 614, 203], "1381": [170, 380, 717], "1382": [717, 628, 170], "1383": [45, 378, 717], "1384": [717, 380, 45], "1385": [129, 554, 717], "1386": [717, 378, 129], "1387": [204, 628, 717], "1388": [717, 554, 204], "1389": [129, 297, 718], "1390": [718, 554, 129], "1391": [21, 300, 718], "1392": [718, 297, 21], "1393": [132, 558, 718], "1394": [718, 300, 132], "1395": [204, 554, 718], "1396": [718, 558, 204], "1397": [132, 404, 719], "1398": [719, 558, 132], "1399": [52, 405, 719], "1400": [719, 404, 52], "1401": [181, 650, 719], "1402": [719, 405, 181], "1403": [204, 558, 719], "1404": [719, 650, 204], "1405": [181, 444, 720], "1406": [720, 650, 181], "1407": [63, 443, 720], "1408": [720, 444, 63], "1409": [170, 628, 720], "1410": [720, 443, 170], "1411": [204, 650, 720], "1412": [720, 628, 204], "1413": [175, 391, 721], "1414": [721, 637, 175], "1415": [48, 389, 721], "1416": [721, 391, 48], "1417": [104, 519, 721], "1418": [721, 389, 104], "1419": [205, 637, 721], "1420": [721, 519, 205], "1421": [104, 272, 722], "1422": [722, 519, 104], "1423": [12, 270, 722], "1424": [722, 272, 12], "1425": [102, 517, 722], "1426": [722, 270, 102], "1427": [205, 519, 722], "1428": [722, 517, 205], "1429": [102, 320, 723], "1430": [723, 517, 102], "1431": [27, 321, 723], "1432": [723, 320, 27], "1433": [147, 581, 723], "1434": [723, 321, 147], "1435": [205, 517, 723], "1436": [723, 581, 205], "1437": [147, 445, 724], "1438": [724, 581, 147], "1439": [64, 448, 724], "1440": [724, 445, 64], "1441": [175, 637, 724], "1442": [724, 448, 175], "1443": [205, 581, 724], "1444": [724, 637, 205], "1445": [147, 321, 725], "1446": [725, 582, 147], "1447": [27, 319, 725], "1448": [725, 321, 27], "1449": [75, 483, 725], "1450": [725, 319, 75], "1451": [206, 582, 725], "1452": [725, 483, 206], "1453": [75, 243, 726], "1454": [726, 483, 75], "1455": [1, 244, 726], "1456": [726, 243, 1], "1457": [76, 484, 726], "1458": [726, 244, 76], "1459": [206, 483, 726], "1460": [726, 484, 206], "1461": [76, 322, 727], "1462": [727, 484, 76], "1463": [28, 324, 727], "1464": [727, 322, 28], "1465": [148, 583, 727], "1466": [727, 324, 148], "1467": [206, 484, 727], "1468": [727, 583, 206], "1469": [148, 446, 728], "1470": [728, 583, 148], "1471": [64, 445, 728], "1472": [728, 446, 64], "1473": [147, 582, 728], "1474": [728, 445, 147], "1475": [206, 583, 728], "1476": [728, 582, 206], "1477": [148, 324, 729], "1478": [729, 584, 148], "1479": [28, 323, 729], "1480": [729, 324, 28], "1481": [99, 513, 729], "1482": [729, 323, 99], "1483": [207, 584, 729], "1484": [729, 513, 207], "1485": [99, 267, 730], "1486": [730, 513, 99], "1487": [11, 269, 730], "1488": [730, 267, 11], "1489": [101, 515, 730], "1490": [730, 269, 101], "1491": [207, 513, 730], "1492": [730, 515, 207], "1493": [101, 385, 731], "1494": [731, 515, 101], "1495": [47, 387, 731], "1496": [731, 385, 47], "1497": [173, 633, 731], "1498": [731, 387, 173], "1499": [207, 515, 731], "1500": [731, 633, 207], "1501": [173, 447, 732], "1502": [732, 633, 173], "1503": [64, 446, 732], "1504": [732, 447, 64], "1505": [148, 584, 732], "1506": [732, 446, 148], "1507": [207, 633, 732], "1508": [732, 584, 207], "1509": [173, 387, 733], "1510": [733, 634, 173], "1511": [47, 386, 733], "1512": [733, 387, 47], "1513": [133, 559, 733], "1514": [733, 386, 133], "1515": [208, 634, 733], "1516": [733, 559, 208], "1517": [133, 301, 734], "1518": [734, 559, 133], "1519": [22, 302, 734], "1520": [734, 301, 22], "1521": [134, 561, 734], "1522": [734, 302, 134], "1523": [208, 559, 734], "1524": [734, 561, 208], "1525": [134, 390, 735], "1526": [735, 561, 134], "1527": [48, 391, 735], "1528": [735, 390, 48], "1529": [175, 638, 735], "1530": [735, 391, 175], "1531": [208, 561, 735], "1532": [735, 638, 208], "1533": [175, 448, 736], "1534": [736, 638, 175], "1535": [64, 447, 736], "1536": [736, 448, 64], "1537": [173, 634, 736], "1538": [736, 447, 173], "1539": [208, 638, 736], "1540": [736, 634, 208], "1541": [174, 388, 737], "1542": [737, 635, 174], "1543": [47, 385, 737], "1544": [737, 388, 47], "1545": [101, 516, 737], "1546": [737, 385, 101], "1547": [209, 635, 737], "1548": [737, 516, 209], "1549": [101, 269, 738], "1550": [738, 516, 101], "1551": [11, 268, 738], "1552": [738, 269, 11], "1553": [100, 514, 738], "1554": [738, 268, 100], "1555": [209, 516, 738], "1556": [738, 514, 209], "1557": [100, 368, 739], "1558": [739, 514, 100], "1559": [42, 369, 739], "1560": [739, 368, 42], "1561": [165, 617, 739], "1562": [739, 369, 165], "1563": [209, 514, 739], "1564": [739, 617, 209], "1565": [165, 449, 740], "1566": [740, 617, 165], "1567": [65, 451, 740], "1568": [740, 449, 65], "1569": [174, 635, 740], "1570": [740, 451, 174], "1571": [209, 617, 740], "1572": [740, 635, 209], "1573": [165, 369, 741], "1574": [741, 618, 165], "1575": [42, 367, 741], "1576": [741, 369, 42], "1577": [90, 501, 741], "1578": [741, 367, 90], "1579": [210, 618, 741], "1580": [741, 501, 210], "1581": [90, 258, 742], "1582": [742, 501, 90], "1583": [8, 259, 742], "1584": [742, 258, 8], "1585": [91, 502, 742], "1586": [742, 259, 91], "1587": [210, 501, 742], "1588": [742, 502, 210], "1589": [91, 370, 743], "1590": [743, 502, 91], "1591": [43, 372, 743], "1592": [743, 370, 43], "1593": [166, 619, 743], "1594": [743, 372, 166], "1595": [210, 502, 743], "1596": [743, 619, 210], "1597": [166, 450, 744], "1598": [744, 619, 166], "1599": [65, 449, 744], "1600": [744, 450, 65], "1601": [165, 618, 744], "1602": [744, 449, 165], "1603": [210, 619, 744], "1604": [744, 618, 210], "1605": [166, 372, 745], "1606": [745, 620, 166], "1607": [43, 371, 745], "1608": [745, 372, 43], "1609": [114, 533, 745], "1610": [745, 371, 114], "1611": [211, 620, 745], "1612": [745, 533, 211], "1613": [114, 282, 746], "1614": [746, 533, 114], "1615": [16, 283, 746], "1616": [746, 282, 16], "1617": [115, 535, 746], "1618": [746, 283, 115], "1619": [211, 533, 746], "1620": [746, 535, 211], "1621": [115, 409, 747], "1622": [747, 535, 115], "1623": [54, 411, 747], "1624": [747, 409, 54], "1625": [183, 653, 747], "1626": [747, 411, 183], "1627": [211, 535, 747], "1628": [747, 653, 211], "1629": [183, 452, 748], "1630": [748, 653, 183], "1631": [65, 450, 748], "1632": [748, 452, 65], "1633": [166, 620, 748], "1634": [748, 450, 166], "1635": [211, 653, 748], "1636": [748, 620, 211], "1637": [183, 411, 749], "1638": [749, 654, 183], "1639": [54, 410, 749], "1640": [749, 411, 54], "1641": [135, 563, 749], "1642": [749, 410, 135], "1643": [212, 654, 749], "1644": [749, 563, 212], "1645": [135, 303, 750], "1646": [750, 563, 135], "1647": [22, 301, 750], "1648": [750, 303, 22], "1649": [133, 560, 750], "1650": [750, 301, 133], "1651": [212, 563, 750], "1652": [750, 560, 212], "1653": [133, 386, 751], "1654": [751, 560, 133], "1655": [47, 388, 751], "1656": [751, 386, 47], "1657": [174, 636, 751], "1658": [751, 388, 174], "1659": [212, 560, 751], "1660": [751, 636, 212], "1661": [174, 451, 752], "1662": [752, 636, 174], "1663": [65, 452, 752], "1664": [752, 451, 65], "1665": [183, 654, 752], "1666": [752, 452, 183], "1667": [212, 636, 752], "1668": [752, 654, 212], "1669": [185, 417, 753], "1670": [753, 657, 185], "1671": [56, 415, 753], "1672": [753, 417, 56], "1673": [118, 539, 753], "1674": [753, 415, 118], "1675": [213, 657, 753], "1676": [753, 539, 213], "1677": [118, 286, 754], "1678": [754, 539, 118], "1679": [17, 285, 754], "1680": [754, 286, 17], "1681": [117, 537, 754], "1682": [754, 285, 117], "1683": [213, 539, 754], "1684": [754, 537, 213], "1685": [117, 336, 755], "1686": [755, 537, 117], "1687": [32, 337, 755], "1688": [755, 336, 32], "1689": [153, 593, 755], "1690": [755, 337, 153], "1691": [213, 537, 755], "1692": [755, 593, 213], "1693": [153, 453, 756], "1694": [756, 593, 153], "1695": [66, 456, 756], "1696": [756, 453, 66], "1697": [185, 657, 756], "1698": [756, 456, 185], "1699": [213, 593, 756], "1700": [756, 657, 213], "1701": [153, 337, 757], "1702": [757, 594, 153], "1703": [32, 335, 757], "1704": [757, 337, 32], "1705": [80, 489, 757], "1706": [757, 335, 80], "1707": [214, 594, 757], "1708": [757, 489, 214], "1709": [80, 248, 758], "1710": [758, 489, 80], "1711": [4, 249, 758], "1712": [758, 248, 4], "1713": [81, 491, 758], "1714": [758, 249, 81], "1715": [214, 489, 758], "1716": [758, 491, 214], "1717": [81, 339, 759], "1718": [759, 491, 81], "1719": [33, 341, 759], "1720": [759, 339, 33], "1721": [155, 597, 759], "1722": [759, 341, 155], "1723": [214, 491, 759], "1724": [759, 597, 214], "1725": [155, 454, 760], "1726": [760, 597, 155], "1727": [66, 453, 760], "1728": [760, 454, 66], "1729": [153, 594, 760], "1730": [760, 453, 153], "1731": [214, 597, 760], "1732": [760, 594, 214], "1733": [155, 341, 761], "1734": [761, 598, 155], "1735": [33, 340, 761], "1736": [761, 341, 33], "1737": [103, 518, 761], "1738": [761, 340, 103], "1739": [215, 598, 761], "1740": [761, 518, 215], "1741": [103, 271, 762], "1742": [762, 518, 103], "1743": [12, 272, 762], "1744": [762, 271, 12], "1745": [104, 520, 762], "1746": [762, 272, 104], "1747": [215, 518, 762], "1748": [762, 520, 215], "1749": [104, 389, 763], "1750": [763, 520, 104], "1751": [48, 392, 763], "1752": [763, 389, 48], "1753": [176, 639, 763], "1754": [763, 392, 176], "1755": [215, 520, 763], "1756": [763, 639, 215], "1757": [176, 455, 764], "1758": [764, 639, 176], "1759": [66, 454, 764], "1760": [764, 455, 66], "1761": [155, 598, 764], "1762": [764, 454, 155], "1763": [215, 639, 764], "1764": [764, 598, 215], "1765": [176, 392, 765], "1766": [765, 640, 176], "1767": [48, 390, 765], "1768": [765, 392, 48], "1769": [134, 562, 765], "1770": [765, 390, 134], "1771": [216, 640, 765], "1772": [765, 562, 216], "1773": [134, 302, 766], "1774": [766, 562, 134], "1775": [22, 304, 766], "1776": [766, 302, 22], "1777": [136, 564, 766], "1778": [766, 304, 136], "1779": [216, 562, 766], "1780": [766, 564, 216], "1781": [136, 416, 767], "1782": [767, 564, 136], "1783": [56, 417, 767], "1784": [767, 416, 56], "1785": [185, 658, 767], "1786": [767, 417, 185], "1787": [216, 564, 767], "1788": [767, 658, 216], "1789": [185, 456, 768], "1790": [768, 658, 185], "1791": [66, 455, 768], "1792": [768, 456, 66], "1793": [176, 640, 768], "1794": [768, 455, 176], "1795": [216, 658, 768], "1796": [768, 640, 216], "1797": [178, 398, 769], "1798": [769, 643, 178], "1799": [50, 396, 769], "1800": [769, 398, 50], "1801": [107, 524, 769], "1802": [769, 396, 107], "1803": [217, 643, 769], "1804": [769, 524, 217], "1805": [107, 275, 770], "1806": [770, 524, 107], "1807": [13, 273, 770], "1808": [770, 275, 13], "1809": [105, 522, 770], "1810": [770, 273, 105], "1811": [217, 524, 770], "1812": [770, 522, 217], "1813": [105, 329, 771], "1814": [771, 522, 105], "1815": [30, 331, 771], "1816": [771, 329, 30], "1817": [151, 589, 771], "1818": [771, 331, 151], "1819": [217, 522, 771], "1820": [771, 589, 217], "1821": [151, 457, 772], "1822": [772, 589, 151], "1823": [67, 459, 772], "1824": [772, 457, 67], "1825": [178, 643, 772], "1826": [772, 459, 178], "1827": [217, 589, 772], "1828": [772, 643, 217], "1829": [151, 331, 773], "1830": [773, 590, 151], "1831": [30, 328, 773], "1832": [773, 331, 30], "1833": [78, 487, 773], "1834": [773, 328, 78], "1835": [218, 590, 773], "1836": [773, 487, 218], "1837": [78, 246, 774], "1838": [774, 487, 78], "1839": [2, 247, 774], "1840": [774, 246, 2], "1841": [79, 488, 774], "1842": [774, 247, 79], "1843": [218, 487, 774], "1844": [774, 488, 218], "1845": [79, 332, 775], "1846": [775, 488, 79], "1847": [31, 334, 775], "1848": [775, 332, 31], "1849": [152, 591, 775], "1850": [775, 334, 152], "1851": [218, 488, 775], "1852": [775, 591, 218], "1853": [152, 458, 776], "1854": [776, 591, 152], "1855": [67, 457, 776], "1856": [776, 458, 67], "1857": [151, 590, 776], "1858": [776, 457, 151], "1859": [218, 591, 776], "1860": [776, 590, 218], "1861": [152, 334, 777], "1862": [777, 592, 152], "1863": [31, 333, 777], "1864": [777, 334, 31], "1865": [108, 525, 777], "1866": [777, 333, 108], "1867": [219, 592, 777], "1868": [777, 525, 219], "1869": [108, 276, 778], "1870": [778, 525, 108], "1871": [14, 278, 778], "1872": [778, 276, 14], "1873": [110, 527, 778], "1874": [778, 278, 110], "1875": [219, 525, 778], "1876": [778, 527, 219], "1877": [110, 399, 779], "1878": [779, 527, 110], "1879": [51, 401, 779], "1880": [779, 399, 51], "1881": [179, 645, 779], "1882": [779, 401, 179], "1883": [219, 527, 779], "1884": [779, 645, 219], "1885": [179, 460, 780], "1886": [780, 645, 179], "1887": [67, 458, 780], "1888": [780, 460, 67], "1889": [152, 592, 780], "1890": [780, 458, 152], "1891": [219, 645, 780], "1892": [780, 592, 219], "1893": [179, 401, 781], "1894": [781, 646, 179], "1895": [51, 400, 781], "1896": [781, 401, 51], "1897": [138, 566, 781], "1898": [781, 400, 138], "1899": [220, 646, 781], "1900": [781, 566, 220], "1901": [138, 306, 782], "1902": [782, 566, 138], "1903": [23, 305, 782], "1904": [782, 306, 23], "1905": [137, 565, 782], "1906": [782, 305, 137], "1907": [220, 566, 782], "1908": [782, 565, 220], "1909": [137, 397, 783], "1910": [783, 565, 137], "1911": [50, 398, 783], "1912": [783, 397, 50], "1913": [178, 644, 783], "1914": [783, 398, 178], "1915": [220, 565, 783], "1916": [783, 644, 220], "1917": [178, 459, 784], "1918": [784, 644, 178], "1919": [67, 460, 784], "1920": [784, 459, 67], "1921": [179, 646, 784], "1922": [784, 460, 179], "1923": [220, 644, 784], "1924": [784, 646, 220], "1925": [180, 402, 785], "1926": [785, 647, 180], "1927": [51, 399, 785], "1928": [785, 402, 51], "1929": [110, 528, 785], "1930": [785, 399, 110], "1931": [221, 647, 785], "1932": [785, 528, 221], "1933": [110, 278, 786], "1934": [786, 528, 110], "1935": [14, 277, 786], "1936": [786, 278, 14], "1937": [109, 526, 786], "1938": [786, 277, 109], "1939": [221, 528, 786], "1940": [786, 526, 221], "1941": [109, 346, 787], "1942": [787, 526, 109], "1943": [35, 347, 787], "1944": [787, 346, 35], "1945": [157, 601, 787], "1946": [787, 347, 157], "1947": [221, 526, 787], "1948": [787, 601, 221], "1949": [157, 461, 788], "1950": [788, 601, 157], "1951": [68, 463, 788], "1952": [788, 461, 68], "1953": [180, 647, 788], "1954": [788, 463, 180], "1955": [221, 601, 788], "1956": [788, 647, 221], "1957": [157, 347, 789], "1958": [789, 602, 157], "1959": [35, 345, 789], "1960": [789, 347, 35], "1961": [83, 493, 789], "1962": [789, 345, 83], "1963": [222, 602, 789], "1964": [789, 493, 222], "1965": [83, 251, 790], "1966": [790, 493, 83], "1967": [5, 252, 790], "1968": [790, 251, 5], "1969": [84, 494, 790], "1970": [790, 252, 84], "1971": [222, 493, 790], "1972": [790, 494, 222], "1973": [84, 348, 791], "1974": [791, 494, 84], "1975": [36, 350, 791], "1976": [791, 348, 36], "1977": [158, 603, 791], "1978": [791, 350, 158], "1979": [222, 494, 791], "1980": [791, 603, 222], "1981": [158, 462, 792], "1982": [792, 603, 158], "1983": [68, 461, 792], "1984": [792, 462, 68], "1985": [157, 602, 792], "1986": [792, 461, 157], "1987": [222, 603, 792], "1988": [792, 602, 222], "1989": [158, 350, 793], "1990": [793, 604, 158], "1991": [36, 349, 793], "1992": [793, 350, 36], "1993": [121, 542, 793], "1994": [793, 349, 121], "1995": [223, 604, 793], "1996": [793, 542, 223], "1997": [121, 289, 794], "1998": [794, 542, 121], "1999": [18, 290, 794], "2000": [794, 289, 18], "2001": [122, 543, 794], "2002": [794, 290, 122], "2003": [223, 542, 794], "2004": [794, 543, 223], "2005": [122, 421, 795], "2006": [795, 543, 122], "2007": [58, 423, 795], "2008": [795, 421, 58], "2009": [187, 661, 795], "2010": [795, 423, 187], "2011": [223, 543, 795], "2012": [795, 661, 223], "2013": [187, 464, 796], "2014": [796, 661, 187], "2015": [68, 462, 796], "2016": [796, 464, 68], "2017": [158, 604, 796], "2018": [796, 462, 158], "2019": [223, 661, 796], "2020": [796, 604, 223], "2021": [187, 423, 797], "2022": [797, 662, 187], "2023": [58, 422, 797], "2024": [797, 423, 58], "2025": [140, 569, 797], "2026": [797, 422, 140], "2027": [224, 662, 797], "2028": [797, 569, 224], "2029": [140, 308, 798], "2030": [798, 569, 140], "2031": [23, 306, 798], "2032": [798, 308, 23], "2033": [138, 567, 798], "2034": [798, 306, 138], "2035": [224, 569, 798], "2036": [798, 567, 224], "2037": [138, 400, 799], "2038": [799, 567, 138], "2039": [51, 402, 799], "2040": [799, 400, 51], "2041": [180, 648, 799], "2042": [799, 402, 180], "2043": [224, 567, 799], "2044": [799, 648, 224], "2045": [180, 463, 800], "2046": [800, 648, 180], "2047": [68, 464, 800], "2048": [800, 463, 68], "2049": [187, 662, 800], "2050": [800, 464, 187], "2051": [224, 648, 800], "2052": [800, 662, 224], "2053": [188, 424, 801], "2054": [801, 663, 188], "2055": [58, 421, 801], "2056": [801, 424, 58], "2057": [122, 544, 801], "2058": [801, 421, 122], "2059": [225, 663, 801], "2060": [801, 544, 225], "2061": [122, 290, 802], "2062": [802, 544, 122], "2063": [18, 288, 802], "2064": [802, 290, 18], "2065": [120, 541, 802], "2066": [802, 288, 120], "2067": [225, 544, 802], "2068": [802, 541, 225], "2069": [120, 343, 803], "2070": [803, 541, 120], "2071": [34, 344, 803], "2072": [803, 343, 34], "2073": [156, 599, 803], "2074": [803, 344, 156], "2075": [225, 541, 803], "2076": [803, 599, 225], "2077": [156, 466, 804], "2078": [804, 599, 156], "2079": [69, 468, 804], "2080": [804, 466, 69], "2081": [188, 663, 804], "2082": [804, 468, 188], "2083": [225, 599, 804], "2084": [804, 663, 225], "2085": [156, 344, 805], "2086": [805, 600, 156], "2087": [34, 342, 805], "2088": [805, 344, 34], "2089": [82, 492, 805], "2090": [805, 342, 82], "2091": [226, 600, 805], "2092": [805, 492, 226], "2093": [82, 250, 806], "2094": [806, 492, 82], "2095": [4, 248, 806], "2096": [806, 250, 4], "2097": [80, 490, 806], "2098": [806, 248, 80], "2099": [226, 492, 806], "2100": [806, 490, 226], "2101": [80, 335, 807], "2102": [807, 490, 80], "2103": [32, 338, 807], "2104": [807, 335, 32], "2105": [154, 595, 807], "2106": [807, 338, 154], "2107": [226, 490, 807], "2108": [807, 595, 226], "2109": [154, 465, 808], "2110": [808, 595, 154], "2111": [69, 466, 808], "2112": [808, 465, 69], "2113": [156, 600, 808], "2114": [808, 466, 156], "2115": [226, 595, 808], "2116": [808, 600, 226], "2117": [154, 338, 809], "2118": [809, 596, 154], "2119": [32, 336, 809], "2120": [809, 338, 32], "2121": [117, 538, 809], "2122": [809, 336, 117], "2123": [227, 596, 809], "2124": [809, 538, 227], "2125": [117, 285, 810], "2126": [810, 538, 117], "2127": [17, 287, 810], "2128": [810, 285, 17], "2129": [119, 540, 810], "2130": [810, 287, 119], "2131": [227, 538, 810], "2132": [810, 540, 227], "2133": [119, 418, 811], "2134": [811, 540, 119], "2135": [57, 420, 811], "2136": [811, 418, 57], "2137": [186, 659, 811], "2138": [811, 420, 186], "2139": [227, 540, 811], "2140": [811, 659, 227], "2141": [186, 467, 812], "2142": [812, 659, 186], "2143": [69, 465, 812], "2144": [812, 467, 69], "2145": [154, 596, 812], "2146": [812, 465, 154], "2147": [227, 659, 812], "2148": [812, 596, 227], "2149": [186, 420, 813], "2150": [813, 660, 186], "2151": [57, 419, 813], "2152": [813, 420, 57], "2153": [139, 568, 813], "2154": [813, 419, 139], "2155": [228, 660, 813], "2156": [813, 568, 228], "2157": [139, 307, 814], "2158": [814, 568, 139], "2159": [23, 308, 814], "2160": [814, 307, 23], "2161": [140, 570, 814], "2162": [814, 308, 140], "2163": [228, 568, 814], "2164": [814, 570, 228], "2165": [140, 422, 815], "2166": [815, 570, 140], "2167": [58, 424, 815], "2168": [815, 422, 58], "2169": [188, 664, 815], "2170": [815, 424, 188], "2171": [228, 570, 815], "2172": [815, 664, 228], "2173": [188, 468, 816], "2174": [816, 664, 188], "2175": [69, 467, 816], "2176": [816, 468, 69], "2177": [186, 660, 816], "2178": [816, 467, 186], "2179": [228, 664, 816], "2180": [816, 660, 228], "2181": [184, 414, 817], "2182": [817, 655, 184], "2183": [55, 412, 817], "2184": [817, 414, 55], "2185": [116, 536, 817], "2186": [817, 412, 116], "2187": [229, 655, 817], "2188": [817, 536, 229], "2189": [116, 284, 818], "2190": [818, 536, 116], "2191": [16, 282, 818], "2192": [818, 284, 16], "2193": [114, 534, 818], "2194": [818, 282, 114], "2195": [229, 536, 818], "2196": [818, 534, 229], "2197": [114, 371, 819], "2198": [819, 534, 114], "2199": [43, 373, 819], "2200": [819, 371, 43], "2201": [167, 621, 819], "2202": [819, 373, 167], "2203": [229, 534, 819], "2204": [819, 621, 229], "2205": [167, 469, 820], "2206": [820, 621, 167], "2207": [70, 471, 820], "2208": [820, 469, 70], "2209": [184, 655, 820], "2210": [820, 471, 184], "2211": [229, 621, 820], "2212": [820, 655, 229], "2213": [167, 373, 821], "2214": [821, 622, 167], "2215": [43, 370, 821], "2216": [821, 373, 43], "2217": [91, 503, 821], "2218": [821, 370, 91], "2219": [230, 622, 821], "2220": [821, 503, 230], "2221": [91, 259, 822], "2222": [822, 503, 91], "2223": [8, 260, 822], "2224": [822, 259, 8], "2225": [92, 504, 822], "2226": [822, 260, 92], "2227": [230, 503, 822], "2228": [822, 504, 230], "2229": [92, 374, 823], "2230": [823, 504, 92], "2231": [44, 376, 823], "2232": [823, 374, 44], "2233": [168, 623, 823], "2234": [823, 376, 168], "2235": [230, 504, 823], "2236": [823, 623, 230], "2237": [168, 470, 824], "2238": [824, 623, 168], "2239": [70, 469, 824], "2240": [824, 470, 70], "2241": [167, 622, 824], "2242": [824, 469, 167], "2243": [230, 623, 824], "2244": [824, 622, 230], "2245": [168, 376, 825], "2246": [825, 624, 168], "2247": [44, 375, 825], "2248": [825, 376, 44], "2249": [127, 550, 825], "2250": [825, 375, 127], "2251": [231, 624, 825], "2252": [825, 550, 231], "2253": [127, 295, 826], "2254": [826, 550, 127], "2255": [20, 296, 826], "2256": [826, 295, 20], "2257": [128, 551, 826], "2258": [826, 296, 128], "2259": [231, 550, 826], "2260": [826, 551, 231], "2261": [128, 429, 827], "2262": [827, 551, 128], "2263": [60, 431, 827], "2264": [827, 429, 60], "2265": [191, 669, 827], "2266": [827, 431, 191], "2267": [231, 551, 827], "2268": [827, 669, 231], "2269": [191, 472, 828], "2270": [828, 669, 191], "2271": [70, 470, 828], "2272": [828, 472, 70], "2273": [168, 624, 828], "2274": [828, 470, 168], "2275": [231, 669, 828], "2276": [828, 624, 231], "2277": [191, 431, 829], "2278": [829, 670, 191], "2279": [60, 430, 829], "2280": [829, 431, 60], "2281": [144, 575, 829], "2282": [829, 430, 144], "2283": [232, 670, 829], "2284": [829, 575, 232], "2285": [144, 312, 830], "2286": [830, 575, 144], "2287": [24, 310, 830], "2288": [830, 312, 24], "2289": [142, 572, 830], "2290": [830, 310, 142], "2291": [232, 575, 830], "2292": [830, 572, 232], "2293": [142, 413, 831], "2294": [831, 572, 142], "2295": [55, 414, 831], "2296": [831, 413, 55], "2297": [184, 656, 831], "2298": [831, 414, 184], "2299": [232, 572, 831], "2300": [831, 656, 232], "2301": [184, 471, 832], "2302": [832, 656, 184], "2303": [70, 472, 832], "2304": [832, 471, 70], "2305": [191, 670, 832], "2306": [832, 472, 191], "2307": [232, 656, 832], "2308": [832, 670, 232], "2309": [192, 432, 833], "2310": [833, 671, 192], "2311": [60, 429, 833], "2312": [833, 432, 60], "2313": [128, 552, 833], "2314": [833, 429, 128], "2315": [233, 671, 833], "2316": [833, 552, 233], "2317": [128, 296, 834], "2318": [834, 552, 128], "2319": [20, 294, 834], "2320": [834, 296, 20], "2321": [126, 549, 834], "2322": [834, 294, 126], "2323": [233, 552, 834], "2324": [834, 549, 233], "2325": [126, 352, 835], "2326": [835, 549, 126], "2327": [37, 353, 835], "2328": [835, 352, 37], "2329": [159, 605, 835], "2330": [835, 353, 159], "2331": [233, 549, 835], "2332": [835, 605, 233], "2333": [159, 473, 836], "2334": [836, 605, 159], "2335": [71, 476, 836], "2336": [836, 473, 71], "2337": [192, 671, 836], "2338": [836, 476, 192], "2339": [233, 605, 836], "2340": [836, 671, 233], "2341": [159, 353, 837], "2342": [837, 606, 159], "2343": [37, 351, 837], "2344": [837, 353, 37], "2345": [85, 495, 837], "2346": [837, 351, 85], "2347": [234, 606, 837], "2348": [837, 495, 234], "2349": [85, 253, 838], "2350": [838, 495, 85], "2351": [6, 254, 838], "2352": [838, 253, 6], "2353": [86, 496, 838], "2354": [838, 254, 86], "2355": [234, 495, 838], "2356": [838, 496, 234], "2357": [86, 354, 839], "2358": [839, 496, 86], "2359": [38, 356, 839], "2360": [839, 354, 38], "2361": [160, 607, 839], "2362": [839, 356, 160], "2363": [234, 496, 839], "2364": [839, 607, 234], "2365": [160, 474, 840], "2366": [840, 607, 160], "2367": [71, 473, 840], "2368": [840, 474, 71], "2369": [159, 606, 840], "2370": [840, 473, 159], "2371": [234, 607, 840], "2372": [840, 606, 234], "2373": [160, 356, 841], "2374": [841, 608, 160], "2375": [38, 355, 841], "2376": [841, 356, 38], "2377": [123, 545, 841], "2378": [841, 355, 123], "2379": [235, 608, 841], "2380": [841, 545, 235], "2381": [123, 291, 842], "2382": [842, 545, 123], "2383": [19, 293, 842], "2384": [842, 291, 19], "2385": [125, 547, 842], "2386": [842, 293, 125], "2387": [235, 545, 842], "2388": [842, 547, 235], "2389": [125, 425, 843], "2390": [843, 547, 125], "2391": [59, 427, 843], "2392": [843, 425, 59], "2393": [189, 665, 843], "2394": [843, 427, 189], "2395": [235, 547, 843], "2396": [843, 665, 235], "2397": [189, 475, 844], "2398": [844, 665, 189], "2399": [71, 474, 844], "2400": [844, 475, 71], "2401": [160, 608, 844], "2402": [844, 474, 160], "2403": [235, 665, 844], "2404": [844, 608, 235], "2405": [189, 427, 845], "2406": [845, 666, 189], "2407": [59, 426, 845], "2408": [845, 427, 59], "2409": [143, 573, 845], "2410": [845, 426, 143], "2411": [236, 666, 845], "2412": [845, 573, 236], "2413": [143, 311, 846], "2414": [846, 573, 143], "2415": [24, 312, 846], "2416": [846, 311, 24], "2417": [144, 576, 846], "2418": [846, 312, 144], "2419": [236, 573, 846], "2420": [846, 576, 236], "2421": [144, 430, 847], "2422": [847, 576, 144], "2423": [60, 432, 847], "2424": [847, 430, 60], "2425": [192, 672, 847], "2426": [847, 432, 192], "2427": [236, 576, 847], "2428": [847, 672, 236], "2429": [192, 476, 848], "2430": [848, 672, 192], "2431": [71, 475, 848], "2432": [848, 476, 71], "2433": [189, 666, 848], "2434": [848, 475, 189], "2435": [236, 672, 848], "2436": [848, 666, 236], "2437": [190, 428, 849], "2438": [849, 667, 190], "2439": [59, 425, 849], "2440": [849, 428, 59], "2441": [125, 548, 849], "2442": [849, 425, 125], "2443": [237, 667, 849], "2444": [849, 548, 237], "2445": [125, 293, 850], "2446": [850, 548, 125], "2447": [19, 292, 850], "2448": [850, 293, 19], "2449": [124, 546, 850], "2450": [850, 292, 124], "2451": [237, 548, 850], "2452": [850, 546, 237], "2453": [124, 365, 851], "2454": [851, 546, 124], "2455": [41, 366, 851], "2456": [851, 365, 41], "2457": [164, 615, 851], "2458": [851, 366, 164], "2459": [237, 546, 851], "2460": [851, 615, 237], "2461": [164, 478, 852], "2462": [852, 615, 164], "2463": [72, 480, 852], "2464": [852, 478, 72], "2465": [190, 667, 852], "2466": [852, 480, 190], "2467": [237, 615, 852], "2468": [852, 667, 237], "2469": [164, 366, 853], "2470": [853, 616, 164], "2471": [41, 364, 853], "2472": [853, 366, 41], "2473": [89, 500, 853], "2474": [853, 364, 89], "2475": [238, 616, 853], "2476": [853, 500, 238], "2477": [89, 257, 854], "2478": [854, 500, 89], "2479": [7, 255, 854], "2480": [854, 257, 7], "2481": [87, 498, 854], "2482": [854, 255, 87], "2483": [238, 500, 854], "2484": [854, 498, 238], "2485": [87, 357, 855], "2486": [855, 498, 87], "2487": [39, 360, 855], "2488": [855, 357, 39], "2489": [162, 611, 855], "2490": [855, 360, 162], "2491": [238, 498, 855], "2492": [855, 611, 238], "2493": [162, 477, 856], "2494": [856, 611, 162], "2495": [72, 478, 856], "2496": [856, 477, 72], "2497": [164, 616, 856], "2498": [856, 478, 164], "2499": [238, 611, 856], "2500": [856, 616, 238], "2501": [162, 360, 857], "2502": [857, 612, 162], "2503": [39, 358, 857], "2504": [857, 360, 39], "2505": [111, 530, 857], "2506": [857, 358, 111], "2507": [239, 612, 857], "2508": [857, 530, 239], "2509": [111, 279, 858], "2510": [858, 530, 111], "2511": [15, 281, 858], "2512": [858, 279, 15], "2513": [113, 532, 858], "2514": [858, 281, 113], "2515": [239, 530, 858], "2516": [858, 532, 239], "2517": [113, 406, 859], "2518": [859, 532, 113], "2519": [53, 408, 859], "2520": [859, 406, 53], "2521": [182, 651, 859], "2522": [859, 408, 182], "2523": [239, 532, 859], "2524": [859, 651, 239], "2525": [182, 479, 860], "2526": [860, 651, 182], "2527": [72, 477, 860], "2528": [860, 479, 72], "2529": [162, 612, 860], "2530": [860, 477, 162], "2531": [239, 651, 860], "2532": [860, 612, 239], "2533": [182, 408, 861], "2534": [861, 652, 182], "2535": [53, 407, 861], "2536": [861, 408, 53], "2537": [141, 571, 861], "2538": [861, 407, 141], "2539": [240, 652, 861], "2540": [861, 571, 240], "2541": [141, 309, 862], "2542": [862, 571, 141], "2543": [24, 311, 862], "2544": [862, 309, 24], "2545": [143, 574, 862], "2546": [862, 311, 143], "2547": [240, 571, 862], "2548": [862, 574, 240], "2549": [143, 426, 863], "2550": [863, 574, 143], "2551": [59, 428, 863], "2552": [863, 426, 59], "2553": [190, 668, 863], "2554": [863, 428, 190], "2555": [240, 574, 863], "2556": [863, 668, 240], "2557": [190, 480, 864], "2558": [864, 668, 190], "2559": [72, 479, 864], "2560": [864, 480, 72], "2561": [182, 652, 864], "2562": [864, 479, 182], "2563": [240, 668, 864], "2564": [864, 652, 240]}, "facedata": {"1029": {"path": [5, 0, 0, 0], "s": [1.0153842834699662, 0.9854870982489246, 0.02545802671812447]}, "1030": {"path": [5, 0, 0, 0], "s": [1.0137118638758411, 0.9869148108158947, 0.021148341751863683]}, "1031": {"path": [5, 0, 0, 1], "s": [1.0237209358554549, 0.9770769341542638, -0.01594093583135287]}, "1032": {"path": [5, 0, 0, 1], "s": [1.022703288597203, 0.9781206908123345, -0.01808997343123029]}, "1033": {"path": [5, 0, 0, 2], "s": [1.01129575059081, 0.9892893432922414, 0.02154318862696607]}, "1034": {"path": [5, 0, 0, 2], "s": [1.0116050655402682, 0.989206505261495, 0.026197549273061428]}, "1035": {"path": [5, 0, 0, 3], "s": [1.0200496173245548, 0.9806314145101757, -0.017108451348441196]}, "1036": {"path": [5, 0, 0, 3], "s": [1.0209565812989194, 0.9797140681775703, -0.015669259619644257]}, "1037": {"path": [5, 0, 1, 0], "s": [1.0207422522063414, 0.979878899390354, -0.014275666470564417]}, "1038": {"path": [5, 0, 1, 0], "s": [1.0202088231865942, 0.9804257341374881, -0.015459121781627451]}, "1039": {"path": [5, 0, 1, 1], "s": [1.0133238412627374, 0.9871981125402078, 0.018745225700634496]}, "1040": {"path": [5, 0, 1, 1], "s": [1.0135615513692415, 0.9871082468620697, 0.022247832678522077]}, "1041": {"path": [5, 0, 1, 2], "s": [1.0191902049075072, 0.9814193030460563, -0.015904105498122788]}, "1042": {"path": [5, 0, 1, 2], "s": [1.0203363432682735, 0.980262478737532, -0.014051085301455584]}, "1043": {"path": [5, 0, 1, 3], "s": [1.0153715720991447, 0.9853574327571564, 0.022448286754477756]}, "1044": {"path": [5, 0, 1, 3], "s": [1.0142871902155441, 0.9862539407153291, 0.018567131365910587]}, "1045": {"path": [5, 0, 2, 0], "s": [1.018475623341183, 0.9821448161526021, 0.0170456399801478]}, "1046": {"path": [5, 0, 2, 0], "s": [1.0193083153143616, 0.9814308105595201, 0.019508616276742125]}, "1047": {"path": [5, 0, 2, 1], "s": [1.0211257956103181, 0.9796088463697504, -0.01743165615241851]}, "1048": {"path": [5, 0, 2, 1], "s": [1.0217751969616233, 0.9789457864428426, -0.016202584898284557]}, "1049": {"path": [5, 0, 2, 2], "s": [1.02023200063224, 0.9805459063981902, 0.01960387197416029]}, "1050": {"path": [5, 0, 2, 2], "s": [1.0187156501100036, 0.9819097072752454, 0.016934751141538962]}, "1051": {"path": [5, 0, 2, 3], "s": [1.0202084565000111, 0.9804474356516877, -0.016148219889570953]}, "1052": {"path": [5, 0, 2, 3], "s": [1.0197674652888276, 0.9808932166909444, -0.01682228593061102]}, "1053": {"path": [5, 0, 3, 0], "s": [1.0196303175526213, 0.9810537700412182, -0.017668250714883215]}, "1054": {"path": [5, 0, 3, 0], "s": [1.0202667287402947, 0.9804140423449128, -0.016847189507273597]}, "1055": {"path": [5, 0, 3, 1], "s": [1.0194248244030055, 0.9813662266355996, 0.02071456644576229]}, "1056": {"path": [5, 0, 3, 1], "s": [1.0170384716466017, 0.9835547366274756, 0.01769197898437423]}, "1057": {"path": [5, 0, 3, 2], "s": [1.020453630495269, 0.9802524435160854, -0.017382887787951322]}, "1058": {"path": [5, 0, 3, 2], "s": [1.019340339085232, 0.9813714071252598, -0.01874734401498667]}, "1059": {"path": [5, 0, 3, 3], "s": [1.0158890606159723, 0.9846890011560212, 0.018297114069433667]}, "1060": {"path": [5, 0, 3, 3], "s": [1.0176166023528037, 0.9831526999947792, 0.02173729888171149]}, "1061": {"path": [5, 1, 0, 0], "s": [1.0218669981312127, 0.9788972984317038, -0.017402408659811762]}, "1062": {"path": [5, 1, 0, 0], "s": [1.021802632438739, 0.9789637001974185, -0.01754097841310093]}, "1063": {"path": [5, 1, 0, 1], "s": [1.0234635863841945, 0.9773415094413949, 0.016536214047708154]}, "1064": {"path": [5, 1, 0, 1], "s": [1.0242159627438878, 0.9766802805514037, 0.018208070681056288]}, "1065": {"path": [5, 1, 0, 2], "s": [1.0256388186765821, 0.9753298648769156, -0.018334951113931075]}, "1066": {"path": [5, 1, 0, 2], "s": [1.025790698120256, 0.975163305616013, -0.017704464100993654]}, "1067": {"path": [5, 1, 0, 3], "s": [1.024419360640372, 0.9764986577540666, 0.018550758545210624]}, "1068": {"path": [5, 1, 0, 3], "s": [1.0231201557086305, 0.9776788880385712, 0.016821895346933496]}, "1069": {"path": [5, 1, 1, 0], "s": [1.0292380040451987, 0.9718749805393501, 0.01704890470930883]}, "1070": {"path": [5, 1, 1, 0], "s": [1.029827493603186, 0.9713654793683235, 0.01840861185797136]}, "1071": {"path": [5, 1, 1, 1], "s": [1.0323304777505835, 0.9690272173095582, -0.018876710478599252]}, "1072": {"path": [5, 1, 1, 1], "s": [1.0326650786939309, 0.9686926163662043, -0.01830401349540131]}, "1073": {"path": [5, 1, 1, 2], "s": [1.0290877246063417, 0.9721052483651679, 0.019534024623545088]}, "1074": {"path": [5, 1, 1, 2], "s": [1.0283594049811335, 0.9727535796034155, 0.01844701369426474]}, "1075": {"path": [5, 1, 1, 3], "s": [1.0260843453440223, 0.9749013920376884, -0.01819496149949009]}, "1076": {"path": [5, 1, 1, 3], "s": [1.0264429756152438, 0.9745427617664655, -0.01767971300303756]}, "1077": {"path": [5, 1, 2, 0], "s": [1.025535761681241, 0.9754182420550254, -0.01806349422668565]}, "1078": {"path": [5, 1, 2, 0], "s": [1.0261687137703777, 0.9747999697831168, -0.01758497016624376]}, "1079": {"path": [5, 1, 2, 1], "s": [1.0238258484407754, 0.9770703948545165, 0.01870630905038844]}, "1080": {"path": [5, 1, 2, 1], "s": [1.0225063833661492, 0.9782987124594394, 0.017795458090811886]}, "1081": {"path": [5, 1, 2, 2], "s": [1.0217456748031832, 0.9790206578329713, -0.01761030050300977]}, "1082": {"path": [5, 1, 2, 2], "s": [1.021614117405902, 0.9791501791570196, -0.017710056107451022]}, "1083": {"path": [5, 1, 2, 3], "s": [1.0229734046174856, 0.9778256391297154, 0.017018319035492717]}, "1084": {"path": [5, 1, 2, 3], "s": [1.0245253467489412, 0.9763926716454981, 0.018413051912399052]}, "1085": {"path": [5, 1, 3, 0], "s": [1.021736553746594, 0.9790612226639682, 0.01851052542768223]}, "1086": {"path": [5, 1, 3, 0], "s": [1.0195527816709162, 0.9810908621883843, 0.016550456672991508]}, "1087": {"path": [5, 1, 3, 1], "s": [1.0198071955239083, 0.9808845397286737, -0.017694959549439542]}, "1088": {"path": [5, 1, 3, 1], "s": [1.0191412781254414, 0.9815504571271376, -0.018400745125211983]}, "1089": {"path": [5, 1, 3, 2], "s": [1.0193701571901175, 0.9812734866691835, 0.01676032077436309]}, "1090": {"path": [5, 1, 3, 2], "s": [1.021232261147826, 0.9795655152627359, 0.0190763228689092]}, "1091": {"path": [5, 1, 3, 3], "s": [1.0218036499951308, 0.9789684761455411, -0.017707686344802544]}, "1092": {"path": [5, 1, 3, 3], "s": [1.0220351387590656, 0.9787369873816039, -0.017423911937056107]}, "1093": {"path": [5, 2, 0, 0], "s": [1.0193976525208126, 0.9812277048644386, 0.016162268627666284]}, "1094": {"path": [5, 2, 0, 0], "s": [1.021889700594734, 0.9788882064356962, 0.017770092579673154]}, "1095": {"path": [5, 2, 0, 1], "s": [1.0199366117169417, 0.9807843716875259, -0.018381754103001847]}, "1096": {"path": [5, 2, 0, 1], "s": [1.0210893920151358, 0.9796452499649294, -0.017474915656679864]}, "1097": {"path": [5, 2, 0, 2], "s": [1.0212690018053139, 0.9794701240685669, 0.017391834452766368]}, "1098": {"path": [5, 2, 0, 2], "s": [1.0191456527311302, 0.9814747867626545, 0.0163022144008889]}, "1099": {"path": [5, 2, 0, 3], "s": [1.017750749487279, 0.9829099324924948, -0.01890292233298005]}, "1100": {"path": [5, 2, 0, 3], "s": [1.0171533004206577, 0.9835025917310364, -0.019310804009594194]}, "1101": {"path": [5, 2, 1, 0], "s": [1.0144339214789995, 0.986164900526804, -0.019978169744901516]}, "1102": {"path": [5, 2, 1, 0], "s": [1.016283836987209, 0.9843256709663576, -0.01882205447601161]}, "1103": {"path": [5, 2, 1, 1], "s": [1.0211173303750476, 0.9795524678562632, 0.01542727907563065]}, "1104": {"path": [5, 2, 1, 1], "s": [1.0181669444876897, 0.9823550093152551, 0.014191484654167304]}, "1105": {"path": [5, 2, 1, 2], "s": [1.0127747083119487, 0.9878598490121336, -0.021896813383437345]}, "1106": {"path": [5, 2, 1, 2], "s": [1.0116529737426991, 0.988968177853995, -0.022194550297135643]}, "1107": {"path": [5, 2, 1, 3], "s": [1.0182915863361306, 0.9822495445947413, 0.014712135919758068]}, "1108": {"path": [5, 2, 1, 3], "s": [1.021752975663605, 0.9789760291926963, 0.016482443113129457]}, "1109": {"path": [5, 2, 2, 0], "s": [1.0235964982917451, 0.977215072510017, 0.01655071899247169]}, "1110": {"path": [5, 2, 2, 0], "s": [1.0195205480935106, 0.9810645457895408, 0.01467867291221732]}, "1111": {"path": [5, 2, 2, 1], "s": [1.012327402747847, 0.9884965766616903, -0.02611842409232404]}, "1112": {"path": [5, 2, 2, 1], "s": [1.0104384568050886, 0.9903594132046261, -0.026405248737249042]}, "1113": {"path": [5, 2, 2, 2], "s": [1.0191370938609547, 0.981489580830781, 0.016505728178083212]}, "1114": {"path": [5, 2, 2, 2], "s": [1.0231490930262785, 0.9777222886926125, 0.01885929233623235]}, "1115": {"path": [5, 2, 2, 3], "s": [1.0137864385607158, 0.9868842109157735, -0.022132091091982404]}, "1116": {"path": [5, 2, 2, 3], "s": [1.0151436454016844, 0.9855373864330466, -0.021494537522159855]}, "1117": {"path": [5, 2, 3, 0], "s": [1.0174078755158944, 0.9833038706945958, -0.020520771670401998]}, "1118": {"path": [5, 2, 3, 0], "s": [1.0160752930534702, 0.9846307809578853, -0.021424502590490595]}, "1119": {"path": [5, 2, 3, 1], "s": [1.0178771919410718, 0.9827160163330052, 0.016858801278726073]}, "1120": {"path": [5, 2, 3, 1], "s": [1.020753607215006, 0.9800374438235984, 0.01941020321151175]}, "1121": {"path": [5, 2, 3, 2], "s": [1.018203985585871, 0.9824767854993384, -0.019020482144785886]}, "1122": {"path": [5, 2, 3, 2], "s": [1.0189537573486416, 0.9817303302451945, -0.01837957307629197]}, "1123": {"path": [5, 2, 3, 3], "s": [1.021477380041284, 0.979291922306299, 0.01801519061878859]}, "1124": {"path": [5, 2, 3, 3], "s": [1.0183119645277325, 0.9822660972442588, 0.015916003700376328]}, "1125": {"path": [5, 3, 0, 0], "s": [1.014546114266761, 0.9863108357386006, -0.025648116067245104]}, "1126": {"path": [5, 3, 0, 0], "s": [1.0167261451206238, 0.9841457340544452, -0.02463124889405914]}, "1127": {"path": [5, 3, 0, 1], "s": [1.0280072244126695, 0.9731619989016922, 0.020434416918870563]}, "1128": {"path": [5, 3, 0, 1], "s": [1.022552643243389, 0.9782605584755243, 0.017969970781870775]}, "1129": {"path": [5, 3, 0, 2], "s": [1.0175726009482269, 0.9837423546768401, -0.0320821837075381]}, "1130": {"path": [5, 3, 0, 2], "s": [1.0127582692354453, 0.9885101640910958, -0.033493923427136384]}, "1131": {"path": [5, 3, 0, 3], "s": [1.0204589843308767, 0.9803982635970332, 0.02135922072509374]}, "1132": {"path": [5, 3, 0, 3], "s": [1.0258478423905582, 0.9753756849320915, 0.024228947723722128]}, "1133": {"path": [5, 3, 1, 0], "s": [1.0404752657944407, 0.9619725840056812, 0.030144320033399254]}, "1134": {"path": [5, 3, 1, 0], "s": [1.0264015255811374, 0.9749847578940213, 0.02694147213459458]}, "1135": {"path": [5, 3, 1, 1], "s": [1.0557045161822503, 0.9477720837826987, -0.023817412975862085]}, "1136": {"path": [5, 3, 1, 1], "s": [1.0355858675006955, 0.967890732464259, -0.048311114920727864]}, "1137": {"path": [5, 3, 1, 2], "s": [1.0188167696753918, 0.9825695137997668, 0.03253149291069413]}, "1138": {"path": [5, 3, 1, 2], "s": [1.0324878541763352, 0.969959995623787, 0.038365538162407106]}, "1139": {"path": [5, 3, 1, 3], "s": [1.0217026457861829, 0.9795978700653616, -0.02928712434311818]}, "1140": {"path": [5, 3, 1, 3], "s": [1.0253256443497496, 0.9759748715017942, -0.026307109148325594]}, "1141": {"path": [5, 3, 2, 0], "s": [1.0300604716424195, 0.9712079616841219, -0.02007314313251116]}, "1142": {"path": [5, 3, 2, 0], "s": [1.027024994824004, 0.9742899608010618, -0.024902649433136994]}, "1143": {"path": [5, 3, 2, 1], "s": [1.0115262423437539, 0.98928695937516, 0.026262532559399247]}, "1144": {"path": [5, 3, 2, 1], "s": [1.0130078028714629, 0.988161420442899, 0.0318626647536799]}, "1145": {"path": [5, 3, 2, 2], "s": [1.0213100090636436, 0.9795618701114261, -0.020888811404628217]}, "1146": {"path": [5, 3, 2, 2], "s": [1.0229593945666966, 0.9778975554386691, -0.01869468533540135]}, "1147": {"path": [5, 3, 2, 3], "s": [1.0203595054108563, 0.9808640219117938, 0.028877816282069948]}, "1148": {"path": [5, 3, 2, 3], "s": [1.0161857156169827, 0.9846715323109269, 0.024680877396279954]}, "1149": {"path": [5, 3, 3, 0], "s": [1.0160704967617757, 0.9845785582574107, 0.020030596336604492]}, "1150": {"path": [5, 3, 3, 0], "s": [1.0189974479882675, 0.9819080164478106, 0.023701538337002035]}, "1151": {"path": [5, 3, 3, 1], "s": [1.0179748463233493, 0.9827448472823532, -0.020236968333151983]}, "1152": {"path": [5, 3, 3, 1], "s": [1.019247226408982, 0.9814724671967179, -0.01905492028421798]}, "1153": {"path": [5, 3, 3, 2], "s": [1.0216565524202827, 0.979248912015795, 0.02135573485904201]}, "1154": {"path": [5, 3, 3, 2], "s": [1.0179471230546369, 0.9827019319645486, 0.01840120820887504]}, "1155": {"path": [5, 3, 3, 3], "s": [1.0207720654078676, 0.980116305667505, -0.021802423630180714]}, "1156": {"path": [5, 3, 3, 3], "s": [1.018424409635672, 0.982463961439703, -0.02377561602887339]}, "1157": {"path": [6, 0, 0, 0], "s": [1.0005788847657764, 1.0004342202444643, -0.03183325892404552]}, "1158": {"path": [6, 0, 0, 0], "s": [0.9994257268869833, 1.0015140304841714, -0.030641277782692815]}, "1159": {"path": [6, 0, 0, 1], "s": [1.0230963455388074, 0.9776415193378266, 0.01488172307017664]}, "1160": {"path": [6, 0, 0, 1], "s": [1.0280071592589166, 0.9730327790119521, 0.016871959515299562]}, "1161": {"path": [6, 0, 0, 2], "s": [1.0065606984803415, 0.9941537410231313, -0.0260016145862097]}, "1162": {"path": [6, 0, 0, 2], "s": [1.0083279503260216, 0.9924186319173387, -0.026142780773391095]}, "1163": {"path": [6, 0, 0, 3], "s": [1.0270272068832182, 0.9738653538754865, 0.01364603499475099]}, "1164": {"path": [6, 0, 0, 3], "s": [1.0224765040501471, 0.9781668255483308, 0.012352982007905345]}, "1165": {"path": [6, 0, 1, 0], "s": [1.0191667428610138, 0.9813515182623299, 0.012681895328761088]}, "1166": {"path": [6, 0, 1, 0], "s": [1.0234548261810967, 0.9772796697779896, 0.014198400013811506]}, "1167": {"path": [6, 0, 1, 1], "s": [1.007749878173483, 0.9927888272266568, -0.02197315839061777]}, "1168": {"path": [6, 0, 1, 1], "s": [1.0104764222113585, 0.9900798678546567, -0.021268816922083676]}, "1169": {"path": [6, 0, 1, 2], "s": [1.0223991566629071, 0.9782440375077792, 0.012485149517370812]}, "1170": {"path": [6, 0, 1, 2], "s": [1.0187561793651108, 0.9817193385650397, 0.01151705541200105]}, "1171": {"path": [6, 0, 1, 3], "s": [1.0049928362143985, 0.9956652296002126, -0.0252274258690182]}, "1172": {"path": [6, 0, 1, 3], "s": [1.0034219262069897, 0.9971998388259269, -0.024742333924075877]}, "1173": {"path": [6, 0, 2, 0], "s": [0.9989178520790165, 1.0015752265412476, -0.02216695721418809]}, "1174": {"path": [6, 0, 2, 0], "s": [1.002297718766659, 0.9982421866834826, -0.02314879023828662]}, "1175": {"path": [6, 0, 2, 1], "s": [1.0235687233820516, 0.9770401148424975, 0.008228185850382987]}, "1176": {"path": [6, 0, 2, 1], "s": [1.0196405874313152, 0.9808032267243031, 0.008171796112092665]}, "1177": {"path": [6, 0, 2, 2], "s": [0.9936639621603652, 1.007027387274011, -0.025432727787118834]}, "1178": {"path": [6, 0, 2, 2], "s": [0.992107646112286, 1.0085029178553913, -0.023312141276267673]}, "1179": {"path": [6, 0, 2, 3], "s": [1.0209762916543157, 0.9795497885133015, 0.009854469396182168]}, "1180": {"path": [6, 0, 2, 3], "s": [1.0256124465215355, 0.9751351645268779, 0.010524342240318677]}, "1181": {"path": [6, 0, 3, 0], "s": [1.030059882915772, 0.9708963647990319, 0.009021964766009562]}, "1182": {"path": [6, 0, 3, 0], "s": [1.025647243681104, 0.9750667267927553, 0.008631381126202367]}, "1183": {"path": [6, 0, 3, 1], "s": [0.9843606075537197, 1.0168421473518652, -0.03064888176607056]}, "1184": {"path": [6, 0, 3, 1], "s": [0.9844811091809932, 1.0165669268428106, -0.02812357898493283]}, "1185": {"path": [6, 0, 3, 2], "s": [1.0281541376476664, 0.9727425806423828, 0.011371418272795735]}, "1186": {"path": [6, 0, 3, 2], "s": [1.033042074057327, 0.9681693533952604, 0.012636331357691736]}, "1187": {"path": [6, 0, 3, 3], "s": [0.9952381142278605, 1.005529096096231, -0.02721913665154936]}, "1188": {"path": [6, 0, 3, 3], "s": [0.9967541238557753, 1.004091309402568, -0.028847068737687453]}, "1189": {"path": [6, 1, 0, 0], "s": [1.0224615840634907, 0.9780683873594442, 0.0061116824165732475]}, "1190": {"path": [6, 1, 0, 0], "s": [1.0269205258391845, 0.9738158130406854, 0.005607744488955578]}, "1191": {"path": [6, 1, 0, 1], "s": [0.9889377722810213, 1.011489144957084, -0.01731536024152375]}, "1192": {"path": [6, 1, 0, 1], "s": [0.9916063624439367, 1.0089176433570926, -0.021193261543171475]}, "1193": {"path": [6, 1, 0, 2], "s": [1.0236300504676148, 0.976923361460747, 0.0028477701900992713]}, "1194": {"path": [6, 1, 0, 2], "s": [1.0196907616733266, 0.980706062672585, 0.004112423161201645]}, "1195": {"path": [6, 1, 0, 3], "s": [0.9814851987167258, 1.0192218025781643, -0.01873802123617466]}, "1196": {"path": [6, 1, 0, 3], "s": [0.9811197275876373, 1.019453092339164, -0.014336674794972182]}, "1197": {"path": [6, 1, 1, 0], "s": [0.9816748824718189, 1.0187023556642674, -0.005874969828434226]}, "1198": {"path": [6, 1, 1, 0], "s": [0.9813733796861697, 1.019131847816956, -0.012201058885888605]}, "1199": {"path": [6, 1, 1, 1], "s": [1.0235139262510096, 0.9770343195071114, -0.0028692230144737136]}, "1200": {"path": [6, 1, 1, 1], "s": [1.0194022756008738, 0.9809674879553274, -0.0006996514370386862]}, "1201": {"path": [6, 1, 1, 2], "s": [0.9737580843460697, 1.0269737556137175, -0.004898667176050502]}, "1202": {"path": [6, 1, 1, 2], "s": [0.9763557477017577, 1.0242176183687572, 0.0008709717222855517]}, "1203": {"path": [6, 1, 1, 3], "s": [1.0231449420931062, 0.9773808999667015, 0.0015245652951198932]}, "1204": {"path": [6, 1, 1, 3], "s": [1.027485955325458, 0.9732493929922622, 0.0002869295678522167]}, "1205": {"path": [6, 1, 2, 0], "s": [1.0329005051399038, 0.9681500691179689, -0.0016417804917178102]}, "1206": {"path": [6, 1, 2, 0], "s": [1.0284949621227053, 0.9722960454700185, -0.0012587524553994813]}, "1207": {"path": [6, 1, 2, 1], "s": [0.9631852299116623, 1.0382506488846392, -0.005262124274848444]}, "1208": {"path": [6, 1, 2, 1], "s": [0.9664760710133053, 1.0346869194499002, 0.00038553702867670845]}, "1209": {"path": [6, 1, 2, 2], "s": [1.0337161848853125, 0.9673849331280547, 0.0012092926304321991]}, "1210": {"path": [6, 1, 2, 2], "s": [1.0384333317317938, 0.9629915661032942, 0.0015938689601468136]}, "1211": {"path": [6, 1, 2, 3], "s": [0.9733098285866157, 1.0274846321884448, -0.007803283329237164]}, "1212": {"path": [6, 1, 2, 3], "s": [0.9718485596134183, 1.0291435373142477, -0.013102075191037298]}, "1213": {"path": [6, 1, 3, 0], "s": [0.9704885659143677, 1.0308538729837857, -0.02078212836324216]}, "1214": {"path": [6, 1, 3, 0], "s": [0.9717552736802063, 1.0293512881800926, -0.01665961459694205]}, "1215": {"path": [6, 1, 3, 1], "s": [1.0318669613713578, 0.9691581605999731, 0.006502789136106683]}, "1216": {"path": [6, 1, 3, 1], "s": [1.0365150850426357, 0.9648191356545136, 0.0070419062547346966]}, "1217": {"path": [6, 1, 3, 2], "s": [0.9822801501451621, 1.018503702859674, -0.021353457996353794]}, "1218": {"path": [6, 1, 3, 2], "s": [0.9828287555154164, 1.0181015335551191, -0.0248890179057894]}, "1219": {"path": [6, 1, 3, 3], "s": [1.031898776518576, 0.9690999796320614, 0.003617085359968365]}, "1220": {"path": [6, 1, 3, 3], "s": [1.0276002533937518, 0.9731555437424465, 0.0038578933723190565]}, "1221": {"path": [6, 2, 0, 0], "s": [0.961677008887592, 1.0399290859503747, -0.008711649210370936]}, "1222": {"path": [6, 2, 0, 0], "s": [0.9587284609707446, 1.0432351224491128, -0.013386686530458412]}, "1223": {"path": [6, 2, 0, 1], "s": [1.046265838557817, 0.9557800466180175, -0.00010932350700445883]}, "1224": {"path": [6, 2, 0, 1], "s": [1.0410151142946584, 0.9606026062710359, -0.0013534987953170445]}, "1225": {"path": [6, 2, 0, 2], "s": [0.9484240115291069, 1.054411878004928, -0.005435360279958529]}, "1226": {"path": [6, 2, 0, 2], "s": [0.9529194917922897, 1.049407074779164, 0.000675560355910107]}, "1227": {"path": [6, 2, 0, 3], "s": [1.0485600384196703, 0.9536907720909702, 0.0014257012986390687]}, "1228": {"path": [6, 2, 0, 3], "s": [1.0543798687906802, 0.9484359795910103, 0.0034356538723138577]}, "1229": {"path": [6, 2, 1, 0], "s": [1.0652826413599918, 0.9387237340000061, 0.0024695875852441527]}, "1230": {"path": [6, 2, 1, 0], "s": [1.0586075649912812, 0.9446376157434352, -0.0007253973585338222]}, "1231": {"path": [6, 2, 1, 1], "s": [0.9284604162984783, 1.077056801652521, -0.002146261728624369]}, "1232": {"path": [6, 2, 1, 1], "s": [0.9347250952004609, 1.0698435980693728, 0.003107902024950984]}, "1233": {"path": [6, 2, 1, 2], "s": [1.0698871811729174, 0.9346856276154881, 0.002858568238462277]}, "1234": {"path": [6, 2, 1, 2], "s": [1.0772669880200707, 0.928314994148153, 0.006564882318114096]}, "1235": {"path": [6, 2, 1, 3], "s": [0.9451250056974693, 1.0580994866202018, -0.006023563763125563]}, "1236": {"path": [6, 2, 1, 3], "s": [0.9397097172780002, 1.0642443446311205, -0.00898622323448609]}, "1237": {"path": [6, 2, 2, 0], "s": [0.9278848428873199, 1.0777252207329093, -0.0022129427145056247]}, "1238": {"path": [6, 2, 2, 0], "s": [0.9353288361054553, 1.069196823391894, -0.0071148008257779045]}, "1239": {"path": [6, 2, 2, 1], "s": [1.0695003580504432, 0.9351149595467748, 0.01028513751010136]}, "1240": {"path": [6, 2, 2, 1], "s": [1.0774066717303257, 0.928312977703476, 0.013061226265916982]}, "1241": {"path": [6, 2, 2, 2], "s": [0.9506390666726678, 1.052469139361645, -0.022765771336382412]}, "1242": {"path": [6, 2, 2, 2], "s": [0.943097143242888, 1.0607247489936498, -0.019143681540937114]}, "1243": {"path": [6, 2, 2, 3], "s": [1.0640566855478812, 0.9398525051546438, 0.00750610010077555]}, "1244": {"path": [6, 2, 2, 3], "s": [1.0576310668072084, 0.9455314909628111, 0.004845563621379652]}, "1245": {"path": [6, 2, 3, 0], "s": [1.0462960651765165, 0.9558031405406558, 0.007284574870606806]}, "1246": {"path": [6, 2, 3, 0], "s": [1.052047649548447, 0.9506064662461027, 0.009126798988063727]}, "1247": {"path": [6, 2, 3, 1], "s": [0.9709751326202898, 1.0305376400763604, -0.025028418714409313]}, "1248": {"path": [6, 2, 3, 1], "s": [0.9687018219409642, 1.0330956152422142, -0.027597186892032104]}, "1249": {"path": [6, 2, 3, 2], "s": [1.0446993953552364, 0.9572378901387983, 0.005083801640990531]}, "1250": {"path": [6, 2, 3, 2], "s": [1.0396125762507546, 0.961912004378852, 0.003977059067432725]}, "1251": {"path": [6, 2, 3, 3], "s": [0.9530059948418792, 1.0496951473274858, -0.019125066261924367]}, "1252": {"path": [6, 2, 3, 3], "s": [0.9571323087079385, 1.0450888458853613, -0.01697939537119019]}, "1253": {"path": [6, 3, 0, 0], "s": [1.0612634524662743, 0.9424711062003532, 0.014496206948605045]}, "1254": {"path": [6, 3, 0, 0], "s": [1.0544972839459437, 0.9484458629818345, 0.011557961935886471]}, "1255": {"path": [6, 3, 0, 1], "s": [0.9273469678811697, 1.078347184759706, -0.0014114213079375818]}, "1256": {"path": [6, 3, 0, 1], "s": [0.938715501335785, 1.0658026557641724, -0.02203348203703503]}, "1257": {"path": [6, 3, 0, 2], "s": [1.0661063678616698, 0.938308283531253, 0.018342194253174952]}, "1258": {"path": [6, 3, 0, 2], "s": [1.0762236335657895, 0.9296923130337095, 0.023597441202858775]}, "1259": {"path": [6, 3, 0, 3], "s": [0.9664039511276159, 1.0364686000265264, -0.04058756318559325]}, "1260": {"path": [6, 3, 0, 3], "s": [0.9532840183356076, 1.0501900873813896, -0.033606941472776077]}, "1261": {"path": [6, 3, 1, 0], "s": [0.9282821796641756, 1.0772586981052399, 0.0002287778932541144]}, "1262": {"path": [6, 3, 1, 0], "s": [0.9562357343688497, 1.0480202459573524, -0.046415617268874894]}, "1263": {"path": [6, 3, 1, 1], "s": [1.0594893195225468, 0.9442668530916816, 0.02099156091865343]}, "1264": {"path": [6, 3, 1, 1], "s": [1.071636995976792, 0.934266407260359, 0.03456075980822618]}, "1265": {"path": [6, 3, 1, 2], "s": [1.0017561559989727, 1.0006709147558017, -0.04927726641918429]}, "1266": {"path": [6, 3, 1, 2], "s": [0.9935615474721663, 1.009220669953231, -0.052180940769878004]}, "1267": {"path": [6, 3, 1, 3], "s": [1.0550847434009292, 0.9482465359944272, 0.021919240646054886]}, "1268": {"path": [6, 3, 1, 3], "s": [1.0481137689140143, 0.9543936774846172, 0.017696167271687827]}, "1269": {"path": [6, 3, 2, 0], "s": [1.0309847268445953, 0.9702962478859128, 0.018989788966549896]}, "1270": {"path": [6, 3, 2, 0], "s": [1.0382486908982023, 0.9636717974225236, 0.02304304948249789]}, "1271": {"path": [6, 3, 2, 1], "s": [1.0047981025209334, 0.9963164057532312, -0.03311848443576986]}, "1272": {"path": [6, 3, 2, 1], "s": [1.0064118783190705, 0.9947674005896736, -0.033848605850643705]}, "1273": {"path": [6, 3, 2, 2], "s": [1.035780600229909, 0.9657365062804829, 0.017062770558565036]}, "1274": {"path": [6, 3, 2, 2], "s": [1.0301509285073625, 0.9709413520977381, 0.014701543785567381]}, "1275": {"path": [6, 3, 2, 3], "s": [0.9881786888226963, 1.0137964511756061, -0.04256815541944263]}, "1276": {"path": [6, 3, 2, 3], "s": [0.9918100348173372, 1.0099735024091057, -0.04125354032036512]}, "1277": {"path": [6, 3, 3, 0], "s": [0.9873904222207607, 1.0139755095724003, -0.03449212255287756]}, "1278": {"path": [6, 3, 3, 0], "s": [0.986027311676033, 1.0155051299832247, -0.03627386539341181]}, "1279": {"path": [6, 3, 3, 1], "s": [1.0414826336497898, 0.9602856745609628, 0.010993334249307232]}, "1280": {"path": [6, 3, 3, 1], "s": [1.0363303031734281, 0.9650327721928703, 0.009628363252973095]}, "1281": {"path": [6, 3, 3, 2], "s": [0.9644997247552884, 1.0379298824652747, -0.03291027123931535]}, "1282": {"path": [6, 3, 3, 2], "s": [0.9698001632921035, 1.0322620504079048, -0.032983405612960065]}, "1283": {"path": [6, 3, 3, 3], "s": [1.0413164118586664, 0.960494132468765, 0.013353038368741294]}, "1284": {"path": [6, 3, 3, 3], "s": [1.0472798608261342, 0.9550932614763332, 0.015809426141160588]}, "1285": {"path": [8, 0, 0, 0], "s": [1.063077327390237, 0.940744564846301, -0.009177023139187598]}, "1286": {"path": [8, 0, 0, 0], "s": [1.0565394361037335, 0.9465687699305789, -0.009339936608934282]}, "1287": {"path": [8, 0, 0, 1], "s": [0.9274215508454343, 1.0782980985883666, -0.006074114462722519]}, "1288": {"path": [8, 0, 0, 1], "s": [0.9378767648375885, 1.06673855275963, 0.021663397465155856]}, "1289": {"path": [8, 0, 0, 2], "s": [1.0690457423712982, 0.9354799171260519, -0.008415609155633079]}, "1290": {"path": [8, 0, 0, 2], "s": [1.0774756543449073, 0.9281344092753214, -0.006498457813318353]}, "1291": {"path": [8, 0, 0, 3], "s": [0.9492918067426986, 1.0538707510273206, 0.02075739184027034]}, "1292": {"path": [8, 0, 0, 3], "s": [0.9397336264507342, 1.0641755642517907, 0.006446873241430627]}, "1293": {"path": [8, 0, 1, 0], "s": [0.92831243619183, 1.077269545976394, -0.006535798391389532]}, "1294": {"path": [8, 0, 1, 0], "s": [0.9353631477175508, 1.0692096610708555, 0.009965648461126513]}, "1295": {"path": [8, 0, 1, 1], "s": [1.069788902899159, 0.9347797903706737, -0.0041287277639386975]}, "1296": {"path": [8, 0, 1, 1], "s": [1.077085350403224, 0.9284318675477754, -0.0006028127532817948]}, "1297": {"path": [8, 0, 1, 2], "s": [0.9449411098140534, 1.0583040709206633, 0.005918048369391972]}, "1298": {"path": [8, 0, 1, 2], "s": [0.9387396319910474, 1.0652667433689513, -0.0028479189717446215]}, "1299": {"path": [8, 0, 1, 3], "s": [1.0648501410933617, 0.9391039208157581, -0.0022231918470796]}, "1300": {"path": [8, 0, 1, 3], "s": [1.05828715742949, 0.9449373348881828, -0.003878928693928748]}, "1301": {"path": [8, 0, 2, 0], "s": [1.049411058451143, 0.9529155081203103, -0.0002683114686216509]}, "1302": {"path": [8, 0, 2, 0], "s": [1.0546799050309006, 0.9481559845031337, 0.0010313535984998548]}, "1303": {"path": [8, 0, 2, 1], "s": [0.960970252697363, 1.040647467868331, 0.005591079171461107]}, "1304": {"path": [8, 0, 2, 1], "s": [0.9557827217232666, 1.046263163452568, -0.0005039875895489025]}, "1305": {"path": [8, 0, 2, 2], "s": [1.045283630697312, 0.9566799527225459, -0.0013763710096622683]}, "1306": {"path": [8, 0, 2, 2], "s": [1.0408511857747702, 0.9607549090631975, -0.0016989224116337196]}, "1307": {"path": [8, 0, 2, 3], "s": [0.9486309663111513, 1.0541848820705395, 0.005694150435580622]}, "1308": {"path": [8, 0, 2, 3], "s": [0.9558793155679738, 1.046371494942668, 0.01431322520029215]}, "1309": {"path": [8, 0, 3, 0], "s": [0.9683886545022772, 1.0331359261273292, 0.0218428345323766]}, "1310": {"path": [8, 0, 3, 0], "s": [0.9599859404643111, 1.0419513450297233, 0.01608234673217212]}, "1311": {"path": [8, 0, 3, 1], "s": [1.0426283954734843, 0.9591690417096921, -0.007541813151866197]}, "1312": {"path": [8, 0, 3, 1], "s": [1.0390525717804038, 0.9624602009162451, -0.006837177656685518]}, "1313": {"path": [8, 0, 3, 2], "s": [0.9543659553719224, 1.048288160422629, 0.021225732656773875]}, "1314": {"path": [8, 0, 3, 2], "s": [0.9660153945458047, 1.0360838111713668, 0.029545077952672208]}, "1315": {"path": [8, 0, 3, 3], "s": [1.0479696340222837, 0.9542515205710166, -0.0051591450857827285]}, "1316": {"path": [8, 0, 3, 3], "s": [1.0531264800885918, 0.9495746620807733, -0.004713964195706025]}, "1317": {"path": [8, 1, 0, 0], "s": [0.9638990712728503, 1.0375258265622385, 0.008377388909319976]}, "1318": {"path": [8, 1, 0, 0], "s": [0.9702337010816416, 1.0308674169317265, 0.01350219441942105]}, "1319": {"path": [8, 1, 0, 1], "s": [1.034658183325142, 0.9665048071380646, 0.0014518706852752225]}, "1320": {"path": [8, 1, 0, 1], "s": [1.0385894577897736, 0.9628464210065287, 0.001463669359697319]}, "1321": {"path": [8, 1, 0, 2], "s": [0.9727091186200234, 1.0280818889727037, 0.004962669830439489]}, "1322": {"path": [8, 1, 0, 2], "s": [0.9681099236864521, 1.0329406505714214, -0.00030724148940234415]}, "1323": {"path": [8, 1, 0, 3], "s": [1.0319715803466563, 0.9690205165810125, -0.0012782348925754862]}, "1324": {"path": [8, 1, 0, 3], "s": [1.028584092290725, 0.9722103684843357, -0.00034551858345090994]}, "1325": {"path": [8, 1, 1, 0], "s": [1.0240837916955332, 0.9764895743749817, 0.002673177339543306]}, "1326": {"path": [8, 1, 1, 0], "s": [1.0273876148535799, 0.9733442251062067, 0.0013423350446691985]}, "1327": {"path": [8, 1, 1, 1], "s": [0.9815307828692195, 1.0188389806869789, 0.004671437826901652]}, "1328": {"path": [8, 1, 1, 1], "s": [0.9768726752003868, 1.0236755705577334, -0.000832555112565567]}, "1329": {"path": [8, 1, 1, 2], "s": [1.0226599017586868, 0.9778453257444392, -0.001790184627061969]}, "1330": {"path": [8, 1, 1, 2], "s": [1.0195946942762588, 0.9807825438598269, 0.0008233822030963785]}, "1331": {"path": [8, 1, 1, 3], "s": [0.9743677631200061, 1.0263675851977134, 0.007712854723105417]}, "1332": {"path": [8, 1, 1, 3], "s": [0.9805962930015837, 1.019929549058224, 0.011795547010291936]}, "1333": {"path": [8, 1, 2, 0], "s": [0.9884900586184726, 1.0119067657274394, 0.016117635383197555]}, "1334": {"path": [8, 1, 2, 0], "s": [0.9819288670081494, 1.0186245449202127, 0.014725668072979918]}, "1335": {"path": [8, 1, 2, 1], "s": [1.0221224213092124, 0.978401584491819, -0.006796804657222658]}, "1336": {"path": [8, 1, 2, 1], "s": [1.0204987365917753, 0.9799281806463315, -0.003933230257394869]}, "1337": {"path": [8, 1, 2, 2], "s": [0.9833637821987917, 1.0173725566810785, 0.021150064850021768]}, "1338": {"path": [8, 1, 2, 2], "s": [0.9903255406353566, 1.01020443078758, 0.02076653731227676]}, "1339": {"path": [8, 1, 2, 3], "s": [1.0240835198162677, 0.9764893001105369, -0.0025689531177715288]}, "1340": {"path": [8, 1, 2, 3], "s": [1.0266334991772927, 0.9740735021175965, -0.004060533815647745]}, "1341": {"path": [8, 1, 3, 0], "s": [1.0301865322149768, 0.9707437568555585, -0.006866188489050625]}, "1342": {"path": [8, 1, 3, 0], "s": [1.0278718885411808, 0.9729119644636549, -0.0053719919551231815]}, "1343": {"path": [8, 1, 3, 1], "s": [0.9730637878793059, 1.0282704328178438, 0.023931617622387664]}, "1344": {"path": [8, 1, 3, 1], "s": [0.9813194948075031, 1.0197056271638278, 0.02563222387495204]}, "1345": {"path": [8, 1, 3, 2], "s": [1.0336365967513448, 0.9674699651089537, -0.0035159912345462743]}, "1346": {"path": [8, 1, 3, 2], "s": [1.0370813832046217, 0.9642610556935325, -0.00414601121526467]}, "1347": {"path": [8, 1, 3, 3], "s": [0.9804153354926105, 1.0203404616435887, 0.018905978392655926]}, "1348": {"path": [8, 1, 3, 3], "s": [0.9733748699098208, 1.0276238862408185, 0.01622549185326966]}, "1349": {"path": [8, 2, 0, 0], "s": [1.0238452812912646, 0.9767652826764135, -0.007518350708414772]}, "1350": {"path": [8, 2, 0, 0], "s": [1.0250047607906914, 0.9756865886436862, -0.00913227241197678]}, "1351": {"path": [8, 2, 0, 1], "s": [0.9982282196218556, 1.0022155945337625, 0.020973521609341628]}, "1352": {"path": [8, 2, 0, 1], "s": [0.9934502469585428, 1.0071585912660075, 0.023705510322137694]}, "1353": {"path": [8, 2, 0, 2], "s": [1.0208371578135829, 0.9797027476365584, -0.010815192992423997]}, "1354": {"path": [8, 2, 0, 2], "s": [1.0209788350478872, 0.9795142435723764, -0.007956840788688916]}, "1355": {"path": [8, 2, 0, 3], "s": [0.9963997581916122, 1.0043478528568033, 0.02705471727413703]}, "1356": {"path": [8, 2, 0, 3], "s": [1.0006654368249426, 0.9998606433426751, 0.02293441594124489]}, "1357": {"path": [8, 2, 1, 0], "s": [1.0068605243054407, 0.9936149936247096, 0.02077771495429635]}, "1358": {"path": [8, 2, 1, 0], "s": [1.0051403713839382, 0.9955028227867496, 0.024901345538587864]}, "1359": {"path": [8, 2, 1, 1], "s": [1.0194242830151272, 0.981132007050885, -0.013776531894541635]}, "1360": {"path": [8, 2, 1, 1], "s": [1.0205297578247003, 0.9800089475754393, -0.011326691273433753]}, "1361": {"path": [8, 2, 1, 2], "s": [1.0078538819955656, 0.9928806139635212, 0.026049590040455834]}, "1362": {"path": [8, 2, 1, 2], "s": [1.0086814577985113, 0.9918368033248323, 0.021151658939842687]}, "1363": {"path": [8, 2, 1, 3], "s": [1.0224490418730556, 0.9781727231598594, -0.011478831872477552]}, "1364": {"path": [8, 2, 1, 3], "s": [1.022424364984189, 0.9782337008304225, -0.013037268796674426]}, "1365": {"path": [8, 2, 2, 0], "s": [1.0229226864363854, 0.9778238958069777, -0.015435231147113412]}, "1366": {"path": [8, 2, 2, 0], "s": [1.0234459131716818, 0.9772685263317934, -0.013471427006307397]}, "1367": {"path": [8, 2, 2, 1], "s": [1.0058071458075346, 0.9952327924633353, 0.03181594571294809]}, "1368": {"path": [8, 2, 2, 1], "s": [1.0072074509440156, 0.9935304139326198, 0.026291360794492933]}, "1369": {"path": [8, 2, 2, 2], "s": [1.0282360115677915, 0.972703745803364, -0.013000770050373495]}, "1370": {"path": [8, 2, 2, 2], "s": [1.0284596143579088, 0.9725534906523321, -0.015231150276200594]}, "1371": {"path": [8, 2, 2, 3], "s": [1.0037581895890302, 0.9968851400094485, 0.02513211817755953]}, "1372": {"path": [8, 2, 2, 3], "s": [1.000691235356705, 1.0002013254020006, 0.02987808430843422]}, "1373": {"path": [8, 2, 3, 0], "s": [0.9891042789762257, 1.012107148476363, 0.032855917890025683]}, "1374": {"path": [8, 2, 3, 0], "s": [0.9954933862261887, 1.0054033320638616, 0.029535869029822057]}, "1375": {"path": [8, 2, 3, 1], "s": [1.0317377876038774, 0.9693102484199236, -0.008602976609137947]}, "1376": {"path": [8, 2, 3, 1], "s": [1.0337816375040358, 0.9674211174015488, -0.010108753798405515]}, "1377": {"path": [8, 2, 3, 2], "s": [0.992530526199151, 1.0081834442747093, 0.025550820950596454]}, "1378": {"path": [8, 2, 3, 2], "s": [0.9859881933930744, 1.0149680543217285, 0.027322485837965996]}, "1379": {"path": [8, 2, 3, 3], "s": [1.02693559170281, 0.9739098415555355, -0.011944848388514567]}, "1380": {"path": [8, 2, 3, 3], "s": [1.0262241659295275, 0.9745430443945634, -0.009981127002124737]}, "1381": {"path": [8, 3, 0, 0], "s": [0.9995340471340408, 1.00155823347106, 0.03303868250625903]}, "1382": {"path": [8, 3, 0, 0], "s": [0.9937152079253361, 1.0078018985850559, 0.038315443361617935]}, "1383": {"path": [8, 3, 0, 1], "s": [1.029034454516961, 0.9721448243917843, -0.019248872161387955]}, "1384": {"path": [8, 3, 0, 1], "s": [1.0297283536276585, 0.9713861546465054, -0.016243945359690082]}, "1385": {"path": [8, 3, 0, 2], "s": [1.0036486301915954, 0.9982718581291301, 0.043751376779706835]}, "1386": {"path": [8, 3, 0, 2], "s": [1.0060564238334755, 0.9952245508970338, 0.03538435511276554]}, "1387": {"path": [8, 3, 0, 3], "s": [1.0399057680250294, 0.9618777692014131, -0.01619383609890871]}, "1388": {"path": [8, 3, 0, 3], "s": [1.0411260338665806, 0.9608491061317224, -0.019105470713085892]}, "1389": {"path": [8, 3, 1, 0], "s": [1.0475295281435695, 0.9552526892818273, -0.025600758997932002]}, "1390": {"path": [8, 3, 1, 0], "s": [1.0457416921594618, 0.9566853785953118, -0.021113660897085884]}, "1391": {"path": [8, 3, 1, 1], "s": [0.926374465633018, 1.0795289376041342, -0.006931284758960206]}, "1392": {"path": [8, 3, 1, 1], "s": [0.9933548559436541, 1.0104013166705728, 0.060721119609042834]}, "1393": {"path": [8, 3, 1, 2], "s": [1.0633544223954534, 0.9409015579307473, -0.02262371906724367]}, "1394": {"path": [8, 3, 1, 2], "s": [1.0725966816093393, 0.9329441961600754, -0.025939331679727434]}, "1395": {"path": [8, 3, 1, 3], "s": [0.985730733420847, 1.0167767129777838, 0.04762410113407574]}, "1396": {"path": [8, 3, 1, 3], "s": [0.9609909010979568, 1.042340378297399, 0.04098315984404729]}, "1397": {"path": [8, 3, 2, 0], "s": [0.9262362643612054, 1.0796796822382952, -0.006202868940358118]}, "1398": {"path": [8, 3, 2, 0], "s": [0.9482396920283227, 1.0561749593646006, 0.03882033224889732]}, "1399": {"path": [8, 3, 2, 1], "s": [1.0676276964111873, 0.9368904606887707, -0.01581784861377378]}, "1400": {"path": [8, 3, 2, 1], "s": [1.0766391591154727, 0.9290549935254033, -0.01603081411597974]}, "1401": {"path": [8, 3, 2, 2], "s": [0.960913853833108, 1.042029293094671, 0.03606083518984528]}, "1402": {"path": [8, 3, 2, 2], "s": [0.9440075002952008, 1.059727058371427, 0.019755793286983507]}, "1403": {"path": [8, 3, 2, 3], "s": [1.058075872477483, 0.9453982332395146, -0.017408632156798956]}, "1404": {"path": [8, 3, 2, 3], "s": [1.052758799624362, 0.9501137515297812, -0.015511691303388442]}, "1405": {"path": [8, 3, 3, 0], "s": [1.045178580662045, 0.9568836330379638, -0.010690062551759675]}, "1406": {"path": [8, 3, 3, 0], "s": [1.0490971436156973, 0.9533324636048627, -0.011762843362824973]}, "1407": {"path": [8, 3, 3, 1], "s": [0.982607138162026, 1.0187559372042714, 0.0322002475434895]}, "1408": {"path": [8, 3, 3, 1], "s": [0.9724487713872708, 1.0293195368234822, 0.030992240140240525]}, "1409": {"path": [8, 3, 3, 2], "s": [1.0373115442063203, 0.9642208974529362, -0.014052334073382714]}, "1410": {"path": [8, 3, 3, 2], "s": [1.0356215509051483, 0.9657443808880104, -0.012070356795666367]}, "1411": {"path": [8, 3, 3, 3], "s": [0.9698909088562762, 1.0324822134461902, 0.037351203156860545]}, "1412": {"path": [8, 3, 3, 3], "s": [0.983983779352443, 1.017826764974988, 0.039051593132156275]}, "1413": {"path": [9, 0, 0, 0], "s": [1.0153842834699844, 0.985487098248907, 0.02545802671811639]}, "1414": {"path": [9, 0, 0, 0], "s": [1.013711863875861, 0.986914810815875, 0.02114834175186182]}, "1415": {"path": [9, 0, 0, 1], "s": [1.0237209358554427, 0.977076934154273, -0.01594093583135438]}, "1416": {"path": [9, 0, 0, 1], "s": [1.0227032885971954, 0.9781206908123402, -0.018089973431226834]}, "1417": {"path": [9, 0, 0, 2], "s": [1.0112957505908098, 0.9892893432922417, 0.021543188626962747]}, "1418": {"path": [9, 0, 0, 2], "s": [1.011605065540266, 0.9892065052614976, 0.02619754927305188]}, "1419": {"path": [9, 0, 0, 3], "s": [1.0200496173245412, 0.9806314145101876, -0.017108451348458623]}, "1420": {"path": [9, 0, 0, 3], "s": [1.0209565812989176, 0.9797140681775719, -0.015669259619652612]}, "1421": {"path": [9, 0, 1, 0], "s": [1.0207422522063385, 0.979878899390355, -0.014275666470562777]}, "1422": {"path": [9, 0, 1, 0], "s": [1.0202088231865842, 0.9804257341374969, -0.015459121781627819]}, "1423": {"path": [9, 0, 1, 1], "s": [1.0133238412627354, 0.9871981125402097, 0.018745225700618352]}, "1424": {"path": [9, 0, 1, 1], "s": [1.0135615513692402, 0.9871082468620701, 0.022247832678516093]}, "1425": {"path": [9, 0, 1, 2], "s": [1.0191902049074832, 0.9814193030460803, -0.015904105498126018]}, "1426": {"path": [9, 0, 1, 2], "s": [1.0203363432682593, 0.9802624787375455, -0.014051085301445207]}, "1427": {"path": [9, 0, 1, 3], "s": [1.0153715720991567, 0.9853574327571444, 0.022448286754472038]}, "1428": {"path": [9, 0, 1, 3], "s": [1.0142871902155506, 0.9862539407153216, 0.018567131365884077]}, "1429": {"path": [9, 0, 2, 0], "s": [1.0184756233411902, 0.982144816152594, 0.017045639980120233]}, "1430": {"path": [9, 0, 2, 0], "s": [1.0193083153143712, 0.9814308105595099, 0.019508616276717967]}, "1431": {"path": [9, 0, 2, 1], "s": [1.021125795610289, 0.9796088463697802, -0.017431656152446823]}, "1432": {"path": [9, 0, 2, 1], "s": [1.0217751969616, 0.9789457864428662, -0.016202584898305894]}, "1433": {"path": [9, 0, 2, 2], "s": [1.0202320006322612, 0.9805459063981692, 0.019603871974140978]}, "1434": {"path": [9, 0, 2, 2], "s": [1.018715650110024, 0.9819097072752259, 0.016934751141516755]}, "1435": {"path": [9, 0, 2, 3], "s": [1.0202084564999936, 0.9804474356517068, -0.016148219889584762]}, "1436": {"path": [9, 0, 2, 3], "s": [1.0197674652888096, 0.9808932166909636, -0.0168222859306179]}, "1437": {"path": [9, 0, 3, 0], "s": [1.0196303175526025, 0.9810537700412365, -0.017668250714879437]}, "1438": {"path": [9, 0, 3, 0], "s": [1.0202667287402745, 0.9804140423449291, -0.01684718950728459]}, "1439": {"path": [9, 0, 3, 1], "s": [1.0194248244030262, 0.9813662266355788, 0.020714566445748768]}, "1440": {"path": [9, 0, 3, 1], "s": [1.017038471646611, 0.9835547366274657, 0.017691978984345744]}, "1441": {"path": [9, 0, 3, 2], "s": [1.020453630495269, 0.9802524435160893, -0.017382887787957827]}, "1442": {"path": [9, 0, 3, 2], "s": [1.0193403390852187, 0.9813714071252738, -0.01874734401499437]}, "1443": {"path": [9, 0, 3, 3], "s": [1.0158890606159696, 0.9846890011560223, 0.01829711406941546]}, "1444": {"path": [9, 0, 3, 3], "s": [1.0176166023528084, 0.9831526999947746, 0.021737298881702453]}, "1445": {"path": [9, 1, 0, 0], "s": [1.021866998131197, 0.978897298431726, -0.01740240865981827]}, "1446": {"path": [9, 1, 0, 0], "s": [1.021802632438707, 0.9789637001974453, -0.01754097841309418]}, "1447": {"path": [9, 1, 0, 1], "s": [1.0234635863841959, 0.9773415094413924, 0.016536214047687823]}, "1448": {"path": [9, 1, 0, 1], "s": [1.0242159627438867, 0.9766802805514034, 0.01820807068102724]}, "1449": {"path": [9, 1, 0, 2], "s": [1.0256388186765693, 0.9753298648769304, -0.018334951113942625]}, "1450": {"path": [9, 1, 0, 2], "s": [1.025790698120244, 0.9751633056160255, -0.017704464101004493]}, "1451": {"path": [9, 1, 0, 3], "s": [1.024419360640366, 0.9764986577540719, 0.01855075854519032]}, "1452": {"path": [9, 1, 0, 3], "s": [1.023120155708628, 0.9776788880385727, 0.01682189534692257]}, "1453": {"path": [9, 1, 1, 0], "s": [1.0292380040451974, 0.9718749805393513, 0.017048904709296337]}, "1454": {"path": [9, 1, 1, 0], "s": [1.029827493603174, 0.9713654793683334, 0.01840861185794828]}, "1455": {"path": [9, 1, 1, 1], "s": [1.0323304777505606, 0.9690272173095815, -0.01887671047859756]}, "1456": {"path": [9, 1, 1, 1], "s": [1.0326650786939129, 0.9686926163662266, -0.018304013495421222]}, "1457": {"path": [9, 1, 1, 2], "s": [1.029087724606334, 0.9721052483651746, 0.019534024623523074]}, "1458": {"path": [9, 1, 1, 2], "s": [1.0283594049811327, 0.9727535796034167, 0.018447013694251255]}, "1459": {"path": [9, 1, 1, 3], "s": [1.0260843453440063, 0.9749013920377086, -0.01819496149948257]}, "1460": {"path": [9, 1, 1, 3], "s": [1.0264429756152287, 0.974542761766476, -0.01767971300304064]}, "1461": {"path": [9, 1, 2, 0], "s": [1.0255357616812153, 0.9754182420550436, -0.018063494226682207]}, "1462": {"path": [9, 1, 2, 0], "s": [1.0261687137703546, 0.9747999697831373, -0.0175849701662334]}, "1463": {"path": [9, 1, 2, 1], "s": [1.023825848440758, 0.9770703948545317, 0.018706309050363513]}, "1464": {"path": [9, 1, 2, 1], "s": [1.0225063833661492, 0.9782987124594383, 0.017795458090796173]}, "1465": {"path": [9, 1, 2, 2], "s": [1.0217456748031686, 0.9790206578329897, -0.01761030050301414]}, "1466": {"path": [9, 1, 2, 2], "s": [1.0216141174058695, 0.9791501791570472, -0.01771005610743476]}, "1467": {"path": [9, 1, 2, 3], "s": [1.0229734046174774, 0.9778256391297234, 0.017018319035489567]}, "1468": {"path": [9, 1, 2, 3], "s": [1.0245253467489204, 0.9763926716455171, 0.018413051912386392]}, "1469": {"path": [9, 1, 3, 0], "s": [1.0217365537466072, 0.9790612226639539, 0.018510525427657933]}, "1470": {"path": [9, 1, 3, 0], "s": [1.0195527816709227, 0.9810908621883766, 0.016550456672953833]}, "1471": {"path": [9, 1, 3, 1], "s": [1.0198071955238817, 0.9808845397286972, -0.01769495954944873]}, "1472": {"path": [9, 1, 3, 1], "s": [1.019141278125425, 0.9815504571271573, -0.018400745125220542]}, "1473": {"path": [9, 1, 3, 2], "s": [1.0193701571901106, 0.9812734866691885, 0.016760320774333353]}, "1474": {"path": [9, 1, 3, 2], "s": [1.021232261147823, 0.979565515262738, 0.01907632286889375]}, "1475": {"path": [9, 1, 3, 3], "s": [1.0218036499951006, 0.9789684761455708, -0.0177076863447982]}, "1476": {"path": [9, 1, 3, 3], "s": [1.0220351387590456, 0.9787369873816211, -0.01742391193705369]}, "1477": {"path": [9, 2, 0, 0], "s": [1.0193976525207882, 0.9812277048644609, 0.01616226862764539]}, "1478": {"path": [9, 2, 0, 0], "s": [1.021889700594728, 0.9788882064357027, 0.01777009257967019]}, "1479": {"path": [9, 2, 0, 1], "s": [1.0199366117169333, 0.9807843716875322, -0.018381754102974806]}, "1480": {"path": [9, 2, 0, 1], "s": [1.0210893920151123, 0.9796452499649508, -0.01747491565666737]}, "1481": {"path": [9, 2, 0, 2], "s": [1.02126900180531, 0.9794701240685709, 0.017391834452777442]}, "1482": {"path": [9, 2, 0, 2], "s": [1.0191456527311002, 0.9814747867626835, 0.016302214400891035]}, "1483": {"path": [9, 2, 0, 3], "s": [1.0177507494872933, 0.9829099324924785, -0.01890292233297662]}, "1484": {"path": [9, 2, 0, 3], "s": [1.0171533004206779, 0.9835025917310178, -0.019310804009595606]}, "1485": {"path": [9, 2, 1, 0], "s": [1.014433921478988, 0.9861649005268163, -0.019978169744902432]}, "1486": {"path": [9, 2, 1, 0], "s": [1.0162838369871996, 0.9843256709663633, -0.018822054475998273]}, "1487": {"path": [9, 2, 1, 1], "s": [1.0211173303750558, 0.9795524678562553, 0.015427279075616621]}, "1488": {"path": [9, 2, 1, 1], "s": [1.018166944487694, 0.9823550093152511, 0.014191484654152063]}, "1489": {"path": [9, 2, 1, 2], "s": [1.0127747083119447, 0.9878598490121383, -0.021896813383437016]}, "1490": {"path": [9, 2, 1, 2], "s": [1.0116529737426898, 0.9889681778540008, -0.022194550297125634]}, "1491": {"path": [9, 2, 1, 3], "s": [1.0182915863361257, 0.9822495445947464, 0.014712135919759659]}, "1492": {"path": [9, 2, 1, 3], "s": [1.0217529756635988, 0.9789760291927021, 0.016482443113126348]}, "1493": {"path": [9, 2, 2, 0], "s": [1.023596498291759, 0.9772150725100047, 0.016550718992471753]}, "1494": {"path": [9, 2, 2, 0], "s": [1.0195205480935123, 0.9810645457895392, 0.014678672912211737]}, "1495": {"path": [9, 2, 2, 1], "s": [1.0123274027478282, 0.9884965766617098, -0.026118424092344307]}, "1496": {"path": [9, 2, 2, 1], "s": [1.01043845680508, 0.9903594132046398, -0.026405248737271823]}, "1497": {"path": [9, 2, 2, 2], "s": [1.019137093860963, 0.981489580830773, 0.01650572817806865]}, "1498": {"path": [9, 2, 2, 2], "s": [1.023149093026296, 0.977722288692595, 0.018859292336225776]}, "1499": {"path": [9, 2, 2, 3], "s": [1.013786438560711, 0.9868842109157756, -0.02213209109197567]}, "1500": {"path": [9, 2, 2, 3], "s": [1.015143645401689, 0.9855373864330413, -0.021494537522154168]}, "1501": {"path": [9, 2, 3, 0], "s": [1.0174078755158795, 0.983303870694611, -0.020520771670405957]}, "1502": {"path": [9, 2, 3, 0], "s": [1.016075293053459, 0.984630780957896, -0.021424502590495654]}, "1503": {"path": [9, 2, 3, 1], "s": [1.0178771919410632, 0.9827160163330133, 0.016858801278723468]}, "1504": {"path": [9, 2, 3, 1], "s": [1.0207536072150112, 0.9800374438235939, 0.019410203211511823]}, "1505": {"path": [9, 2, 3, 2], "s": [1.0182039855858611, 0.9824767854993448, -0.019020482144781713]}, "1506": {"path": [9, 2, 3, 2], "s": [1.0189537573486431, 0.9817303302451944, -0.018379573076290998]}, "1507": {"path": [9, 2, 3, 3], "s": [1.021477380041277, 0.9792919223063062, 0.018015190618794617]}, "1508": {"path": [9, 2, 3, 3], "s": [1.018311964527736, 0.9822660972442562, 0.015916003700386504]}, "1509": {"path": [9, 3, 0, 0], "s": [1.0145461142667633, 0.9863108357385993, -0.025648116067244972]}, "1510": {"path": [9, 3, 0, 0], "s": [1.0167261451206118, 0.9841457340544516, -0.024631248894064376]}, "1511": {"path": [9, 3, 0, 1], "s": [1.028007224412667, 0.9731619989016944, 0.020434416918859624]}, "1512": {"path": [9, 3, 0, 1], "s": [1.0225526432433962, 0.9782605584755166, 0.017969970781866452]}, "1513": {"path": [9, 3, 0, 2], "s": [1.0175726009482045, 0.9837423546768599, -0.0320821837075365]}, "1514": {"path": [9, 3, 0, 2], "s": [1.0127582692354302, 0.9885101640911066, -0.033493923427127086]}, "1515": {"path": [9, 3, 0, 3], "s": [1.0204589843308858, 0.9803982635970239, 0.021359220725089396]}, "1516": {"path": [9, 3, 0, 3], "s": [1.0258478423905573, 0.9753756849320917, 0.02422894772370898]}, "1517": {"path": [9, 3, 1, 0], "s": [1.0404752657944394, 0.961972584005682, 0.030144320033387274]}, "1518": {"path": [9, 3, 1, 0], "s": [1.0264015255811345, 0.9749847578940234, 0.026941472134577194]}, "1519": {"path": [9, 3, 1, 1], "s": [1.055704516182236, 0.9477720837827127, -0.02381741297586301]}, "1520": {"path": [9, 3, 1, 1], "s": [1.0355858675006817, 0.9678907324642715, -0.04831111492072363]}, "1521": {"path": [9, 3, 1, 2], "s": [1.0188167696753914, 0.9825695137997661, 0.03253149291068375]}, "1522": {"path": [9, 3, 1, 2], "s": [1.0324878541763316, 0.9699599956237889, 0.03836553816239532]}, "1523": {"path": [9, 3, 1, 3], "s": [1.021702645786171, 0.9795978700653746, -0.029287124343110885]}, "1524": {"path": [9, 3, 1, 3], "s": [1.025325644349741, 0.9759748715018035, -0.026307109148319185]}, "1525": {"path": [9, 3, 2, 0], "s": [1.0300604716424029, 0.9712079616841389, -0.02007314313250527]}, "1526": {"path": [9, 3, 2, 0], "s": [1.0270249948239887, 0.974289960801078, -0.02490264943313662]}, "1527": {"path": [9, 3, 2, 1], "s": [1.0115262423437492, 0.9892869593751644, 0.026262532559390758]}, "1528": {"path": [9, 3, 2, 1], "s": [1.0130078028714566, 0.988161420442905, 0.031862664753672595]}, "1529": {"path": [9, 3, 2, 2], "s": [1.02131000906364, 0.9795618701114258, -0.02088881140463139]}, "1530": {"path": [9, 3, 2, 2], "s": [1.0229593945666835, 0.9778975554386776, -0.018694685335410976]}, "1531": {"path": [9, 3, 2, 3], "s": [1.0203595054108525, 0.9808640219117962, 0.02887781628205708]}, "1532": {"path": [9, 3, 2, 3], "s": [1.0161857156169882, 0.9846715323109215, 0.024680877396277872]}, "1533": {"path": [9, 3, 3, 0], "s": [1.0160704967617848, 0.9845785582574009, 0.020030596336603]}, "1534": {"path": [9, 3, 3, 0], "s": [1.0189974479882764, 0.9819080164478011, 0.023701538336999006]}, "1535": {"path": [9, 3, 3, 1], "s": [1.0179748463233529, 0.9827448472823505, -0.02023696833316203]}, "1536": {"path": [9, 3, 3, 1], "s": [1.0192472264089816, 0.9814724671967202, -0.019054920284240807]}, "1537": {"path": [9, 3, 3, 2], "s": [1.0216565524202956, 0.9792489120157816, 0.021355734859030043]}, "1538": {"path": [9, 3, 3, 2], "s": [1.0179471230546506, 0.9827019319645353, 0.018401208208865653]}, "1539": {"path": [9, 3, 3, 3], "s": [1.0207720654078631, 0.9801163056675138, -0.021802423630187435]}, "1540": {"path": [9, 3, 3, 3], "s": [1.0184244096356634, 0.982463961439713, -0.023775616028884426]}, "1541": {"path": [10, 0, 0, 0], "s": [1.0005788847657673, 1.0004342202444738, -0.031833258924049763]}, "1542": {"path": [10, 0, 0, 0], "s": [0.9994257268869668, 1.0015140304841905, -0.03064127778269674]}, "1543": {"path": [10, 0, 0, 1], "s": [1.0230963455388273, 0.9776415193378073, 0.01488172307017188]}, "1544": {"path": [10, 0, 0, 1], "s": [1.0280071592589215, 0.9730327790119472, 0.016871959515283162]}, "1545": {"path": [10, 0, 0, 2], "s": [1.0065606984803335, 0.9941537410231449, -0.026001614586220245]}, "1546": {"path": [10, 0, 0, 2], "s": [1.0083279503260214, 0.9924186319173411, -0.02614278077339911]}, "1547": {"path": [10, 0, 0, 3], "s": [1.0270272068832287, 0.9738653538754758, 0.013646034994737861]}, "1548": {"path": [10, 0, 0, 3], "s": [1.022476504050164, 0.9781668255483146, 0.012352982007896847]}, "1549": {"path": [10, 0, 1, 0], "s": [1.019166742861008, 0.9813515182623354, 0.01268189532875236]}, "1550": {"path": [10, 0, 1, 0], "s": [1.0234548261810985, 0.977279669777988, 0.0141984000138071]}, "1551": {"path": [10, 0, 1, 1], "s": [1.007749878173484, 0.992788827226657, -0.021973158390621837]}, "1552": {"path": [10, 0, 1, 1], "s": [1.0104764222113434, 0.9900798678546694, -0.02126881692208775]}, "1553": {"path": [10, 0, 1, 2], "s": [1.0223991566629154, 0.9782440375077712, 0.012485149517357736]}, "1554": {"path": [10, 0, 1, 2], "s": [1.018756179365113, 0.9817193385650367, 0.011517055411991304]}, "1555": {"path": [10, 0, 1, 3], "s": [1.0049928362143896, 0.9956652296002222, -0.02522742586902109]}, "1556": {"path": [10, 0, 1, 3], "s": [1.0034219262069746, 0.9971998388259434, -0.024742333924085248]}, "1557": {"path": [10, 0, 2, 0], "s": [0.9989178520790006, 1.0015752265412623, -0.022166957214191124]}, "1558": {"path": [10, 0, 2, 0], "s": [1.0022977187666509, 0.9982421866834917, -0.023148790238288475]}, "1559": {"path": [10, 0, 2, 1], "s": [1.0235687233820516, 0.9770401148424969, 0.008228185850362618]}, "1560": {"path": [10, 0, 2, 1], "s": [1.0196405874313232, 0.9808032267242948, 0.008171796112075707]}, "1561": {"path": [10, 0, 2, 2], "s": [0.9936639621603435, 1.0070273872740303, -0.025432727787114327]}, "1562": {"path": [10, 0, 2, 2], "s": [0.9921076461122645, 1.0085029178554141, -0.02331214127626146]}, "1563": {"path": [10, 0, 2, 3], "s": [1.0209762916543257, 0.9795497885132924, 0.009854469396176095]}, "1564": {"path": [10, 0, 2, 3], "s": [1.0256124465215424, 0.9751351645268714, 0.010524342240312014]}, "1565": {"path": [10, 0, 3, 0], "s": [1.0300598829157805, 0.9708963647990235, 0.00902196476599906]}, "1566": {"path": [10, 0, 3, 0], "s": [1.0256472436811022, 0.975066726792757, 0.008631381126186506]}, "1567": {"path": [10, 0, 3, 1], "s": [0.9843606075537058, 1.0168421473518792, -0.030648881766067993]}, "1568": {"path": [10, 0, 3, 1], "s": [0.9844811091809774, 1.016566926842825, -0.0281235789849307]}, "1569": {"path": [10, 0, 3, 2], "s": [1.0281541376476722, 0.9727425806423773, 0.01137141827278012]}, "1570": {"path": [10, 0, 3, 2], "s": [1.0330420740573356, 0.9681693533952527, 0.012636331357676146]}, "1571": {"path": [10, 0, 3, 3], "s": [0.9952381142278588, 1.0055290960962302, -0.027219136651542367]}, "1572": {"path": [10, 0, 3, 3], "s": [0.9967541238557578, 1.0040913094025856, -0.028847068737683165]}, "1573": {"path": [10, 1, 0, 0], "s": [1.0224615840634979, 0.9780683873594372, 0.0061116824165763205]}, "1574": {"path": [10, 1, 0, 0], "s": [1.0269205258391938, 0.9738158130406763, 0.005607744488961026]}, "1575": {"path": [10, 1, 0, 1], "s": [0.9889377722810089, 1.0114891449570962, -0.01731536024152658]}, "1576": {"path": [10, 1, 0, 1], "s": [0.9916063624439412, 1.0089176433570881, -0.021193261543174687]}, "1577": {"path": [10, 1, 0, 2], "s": [1.023630050467613, 0.9769233614607478, 0.002847770190093783]}, "1578": {"path": [10, 1, 0, 2], "s": [1.019690761673339, 0.980706062672572, 0.004112423161197847]}, "1579": {"path": [10, 1, 0, 3], "s": [0.9814851987167135, 1.019221802578175, -0.018738021236177127]}, "1580": {"path": [10, 1, 0, 3], "s": [0.9811197275876226, 1.0194530923391825, -0.014336674794974122]}, "1581": {"path": [10, 1, 1, 0], "s": [0.9816748824718219, 1.018702355664264, -0.005874969828438546]}, "1582": {"path": [10, 1, 1, 0], "s": [0.9813733796861717, 1.0191318478169535, -0.012201058885891892]}, "1583": {"path": [10, 1, 1, 1], "s": [1.0235139262510045, 0.9770343195071166, -0.002869223014473533]}, "1584": {"path": [10, 1, 1, 1], "s": [1.0194022756008723, 0.980967487955329, -0.0006996514370359571]}, "1585": {"path": [10, 1, 1, 2], "s": [0.9737580843460671, 1.02697375561372, -0.004898667176059558]}, "1586": {"path": [10, 1, 1, 2], "s": [0.9763557477017436, 1.0242176183687723, 0.0008709717222826126]}, "1587": {"path": [10, 1, 1, 3], "s": [1.0231449420931218, 0.9773808999666866, 0.0015245652951188188]}, "1588": {"path": [10, 1, 1, 3], "s": [1.027485955325463, 0.9732493929922578, 0.00028692956784731025]}, "1589": {"path": [10, 1, 2, 0], "s": [1.032900505139907, 0.9681500691179661, -0.0016417804917162456]}, "1590": {"path": [10, 1, 2, 0], "s": [1.0284949621227184, 0.9722960454700063, -0.0012587524553929759]}, "1591": {"path": [10, 1, 2, 1], "s": [0.9631852299116554, 1.0382506488846461, -0.005262124274848274]}, "1592": {"path": [10, 1, 2, 1], "s": [0.9664760710133004, 1.0346869194499058, 0.00038553702867451966]}, "1593": {"path": [10, 1, 2, 2], "s": [1.0337161848853091, 0.9673849331280574, 0.0012092926304291631]}, "1594": {"path": [10, 1, 2, 2], "s": [1.0384333317318004, 0.962991566103289, 0.0015938689601514135]}, "1595": {"path": [10, 1, 2, 3], "s": [0.9733098285866012, 1.027484632188458, -0.007803283329233361]}, "1596": {"path": [10, 1, 2, 3], "s": [0.9718485596134104, 1.0291435373142572, -0.013102075191036735]}, "1597": {"path": [10, 1, 3, 0], "s": [0.9704885659143646, 1.030853872983789, -0.020782128363233326]}, "1598": {"path": [10, 1, 3, 0], "s": [0.9717552736802081, 1.0293512881800913, -0.01665961459693652]}, "1599": {"path": [10, 1, 3, 1], "s": [1.031866961371366, 0.9691581605999656, 0.00650278913611581]}, "1600": {"path": [10, 1, 3, 1], "s": [1.0365150850426343, 0.964819135654515, 0.007041906254738537]}, "1601": {"path": [10, 1, 3, 2], "s": [0.9822801501451578, 1.0185037028596748, -0.0213534579963631]}, "1602": {"path": [10, 1, 3, 2], "s": [0.9828287555154209, 1.0181015335551167, -0.024889017905802627]}, "1603": {"path": [10, 1, 3, 3], "s": [1.0318987765185845, 0.9690999796320539, 0.0036170853599619235]}, "1604": {"path": [10, 1, 3, 3], "s": [1.027600253393763, 0.9731555437424356, 0.0038578933723128436]}, "1605": {"path": [10, 2, 0, 0], "s": [0.9616770088875851, 1.039929085950382, -0.00871164921037499]}, "1606": {"path": [10, 2, 0, 0], "s": [0.9587284609707377, 1.0432351224491196, -0.01338668653046334]}, "1607": {"path": [10, 2, 0, 1], "s": [1.0462658385578216, 0.9557800466180121, -0.0001093235070039875]}, "1608": {"path": [10, 2, 0, 1], "s": [1.0410151142946666, 0.9606026062710274, -0.0013534987953186723]}, "1609": {"path": [10, 2, 0, 2], "s": [0.9484240115291032, 1.0544118780049325, -0.005435360279963617]}, "1610": {"path": [10, 2, 0, 2], "s": [0.9529194917922795, 1.0494070747791755, 0.0006755603559109306]}, "1611": {"path": [10, 2, 0, 3], "s": [1.0485600384196758, 0.9536907720909661, 0.0014257012986435827]}, "1612": {"path": [10, 2, 0, 3], "s": [1.0543798687906865, 0.9484359795910059, 0.003435653872322164]}, "1613": {"path": [10, 2, 1, 0], "s": [1.0652826413599847, 0.9387237340000129, 0.0024695875852484154]}, "1614": {"path": [10, 2, 1, 0], "s": [1.0586075649912758, 0.94463761574344, -0.000725397358530109]}, "1615": {"path": [10, 2, 1, 1], "s": [0.9284604162984793, 1.0770568016525186, -0.0021462617286315965]}, "1616": {"path": [10, 2, 1, 1], "s": [0.9347250952004564, 1.069843598069375, 0.0031079020249439562]}, "1617": {"path": [10, 2, 1, 2], "s": [1.069887181172917, 0.9346856276154888, 0.002858568238469045]}, "1618": {"path": [10, 2, 1, 2], "s": [1.0772669880200714, 0.9283149941481528, 0.006564882318122688]}, "1619": {"path": [10, 2, 1, 3], "s": [0.9451250056974746, 1.0580994866201967, -0.006023563763134377]}, "1620": {"path": [10, 2, 1, 3], "s": [0.9397097172780009, 1.064244344631118, -0.008986223234490696]}, "1621": {"path": [10, 2, 2, 0], "s": [0.9278848428873173, 1.0777252207329124, -0.0022129427145067687]}, "1622": {"path": [10, 2, 2, 0], "s": [0.9353288361054553, 1.069196823391894, -0.007114800825779718]}, "1623": {"path": [10, 2, 2, 1], "s": [1.069500358050446, 0.935114959546772, 0.01028513751010021]}, "1624": {"path": [10, 2, 2, 1], "s": [1.0774066717303303, 0.9283129777034723, 0.01306122626591449]}, "1625": {"path": [10, 2, 2, 2], "s": [0.9506390666726702, 1.0524691393616417, -0.022765771336381996]}, "1626": {"path": [10, 2, 2, 2], "s": [0.9430971432428875, 1.0607247489936507, -0.019143681540932895]}, "1627": {"path": [10, 2, 2, 3], "s": [1.064056685547881, 0.9398525051546437, 0.007506100100779372]}, "1628": {"path": [10, 2, 2, 3], "s": [1.0576310668072073, 0.9455314909628131, 0.004845563621379415]}, "1629": {"path": [10, 2, 3, 0], "s": [1.0462960651765123, 0.9558031405406597, 0.007284574870606279]}, "1630": {"path": [10, 2, 3, 0], "s": [1.052047649548447, 0.9506064662461038, 0.00912679898806571]}, "1631": {"path": [10, 2, 3, 1], "s": [0.9709751326202936, 1.030537640076356, -0.02502841871441454]}, "1632": {"path": [10, 2, 3, 1], "s": [0.968701821940956, 1.033095615242223, -0.027597186892031698]}, "1633": {"path": [10, 2, 3, 2], "s": [1.0446993953552448, 0.9572378901387913, 0.005083801640987184]}, "1634": {"path": [10, 2, 3, 2], "s": [1.0396125762507544, 0.9619120043788525, 0.003977059067423748]}, "1635": {"path": [10, 2, 3, 3], "s": [0.9530059948418781, 1.0496951473274865, -0.019125066261925953]}, "1636": {"path": [10, 2, 3, 3], "s": [0.9571323087079338, 1.0450888458853667, -0.016979395371187922]}, "1637": {"path": [10, 3, 0, 0], "s": [1.0612634524662772, 0.9424711062003519, 0.014496206948601943]}, "1638": {"path": [10, 3, 0, 0], "s": [1.0544972839459439, 0.9484458629818346, 0.011557961935882747]}, "1639": {"path": [10, 3, 0, 1], "s": [0.927346967881165, 1.078347184759711, -0.0014114213079319956]}, "1640": {"path": [10, 3, 0, 1], "s": [0.9387155013357811, 1.0658026557641773, -0.022033482037036114]}, "1641": {"path": [10, 3, 0, 2], "s": [1.0661063678616698, 0.9383082835312523, 0.018342194253158573]}, "1642": {"path": [10, 3, 0, 2], "s": [1.076223633565794, 0.9296923130337029, 0.023597441202853495]}, "1643": {"path": [10, 3, 0, 3], "s": [0.9664039511276099, 1.0364686000265344, -0.04058756318558493]}, "1644": {"path": [10, 3, 0, 3], "s": [0.9532840183355997, 1.050190087381398, -0.03360694147276243]}, "1645": {"path": [10, 3, 1, 0], "s": [0.928282179664181, 1.077258698105234, 0.00022877789325851183]}, "1646": {"path": [10, 3, 1, 0], "s": [0.9562357343688467, 1.048020245957355, -0.04641561726886658]}, "1647": {"path": [10, 3, 1, 1], "s": [1.0594893195225394, 0.9442668530916889, 0.020991560918646145]}, "1648": {"path": [10, 3, 1, 1], "s": [1.071636995976788, 0.9342664072603636, 0.034560759808224095]}, "1649": {"path": [10, 3, 1, 2], "s": [1.0017561559989647, 1.000670914755808, -0.04927726641918183]}, "1650": {"path": [10, 3, 1, 2], "s": [0.993561547472159, 1.0092206699532378, -0.0521809407698727]}, "1651": {"path": [10, 3, 1, 3], "s": [1.0550847434009296, 0.9482465359944243, 0.021919240646044967]}, "1652": {"path": [10, 3, 1, 3], "s": [1.048113768914013, 0.9543936774846167, 0.01769616727167695]}, "1653": {"path": [10, 3, 2, 0], "s": [1.0309847268445935, 0.9702962478859145, 0.018989788966532275]}, "1654": {"path": [10, 3, 2, 0], "s": [1.038248690898206, 0.9636717974225201, 0.023043049482486037]}, "1655": {"path": [10, 3, 2, 1], "s": [1.004798102520919, 0.9963164057532442, -0.03311848443576057]}, "1656": {"path": [10, 3, 2, 1], "s": [1.0064118783190532, 0.9947674005896883, -0.033848605850637085]}, "1657": {"path": [10, 3, 2, 2], "s": [1.0357806002299086, 0.9657365062804835, 0.01706277055856065]}, "1658": {"path": [10, 3, 2, 2], "s": [1.0301509285073611, 0.9709413520977391, 0.014701543785558747]}, "1659": {"path": [10, 3, 2, 3], "s": [0.9881786888226858, 1.0137964511756172, -0.042568155419436676]}, "1660": {"path": [10, 3, 2, 3], "s": [0.991810034817334, 1.0099735024091108, -0.04125354032036392]}, "1661": {"path": [10, 3, 3, 0], "s": [0.98739042222075, 1.0139755095724108, -0.034492122552870756]}, "1662": {"path": [10, 3, 3, 0], "s": [0.9860273116760273, 1.0155051299832312, -0.036273865393405096]}, "1663": {"path": [10, 3, 3, 1], "s": [1.0414826336497998, 0.9602856745609539, 0.010993334249302478]}, "1664": {"path": [10, 3, 3, 1], "s": [1.0363303031734301, 0.9650327721928688, 0.009628363252964366]}, "1665": {"path": [10, 3, 3, 2], "s": [0.9644997247552891, 1.0379298824652732, -0.032910271239313095]}, "1666": {"path": [10, 3, 3, 2], "s": [0.9698001632921056, 1.0322620504079048, -0.03298340561295956]}, "1667": {"path": [10, 3, 3, 3], "s": [1.0413164118586666, 0.9604941324687646, 0.01335303836873245]}, "1668": {"path": [10, 3, 3, 3], "s": [1.0472798608261322, 0.9550932614763338, 0.01580942614115003]}, "1669": {"path": [12, 0, 0, 0], "s": [1.0630773273902334, 0.9407445648463048, -0.009177023139183714]}, "1670": {"path": [12, 0, 0, 0], "s": [1.0565394361037348, 0.9465687699305785, -0.00933993660892584]}, "1671": {"path": [12, 0, 0, 1], "s": [0.9274215508454391, 1.0782980985883617, -0.006074114462724704]}, "1672": {"path": [12, 0, 0, 1], "s": [0.9378767648375923, 1.0667385527596263, 0.02166339746515097]}, "1673": {"path": [12, 0, 0, 2], "s": [1.0690457423712967, 0.9354799171260523, -0.008415609155627462]}, "1674": {"path": [12, 0, 0, 2], "s": [1.0774756543449018, 0.9281344092753266, -0.006498457813316005]}, "1675": {"path": [12, 0, 0, 3], "s": [0.9492918067426955, 1.0538707510273244, 0.020757391840258436]}, "1676": {"path": [12, 0, 0, 3], "s": [0.9397336264507293, 1.0641755642517958, 0.006446873241424493]}, "1677": {"path": [12, 0, 1, 0], "s": [0.9283124361918271, 1.0772695459763966, -0.0065357983913895855]}, "1678": {"path": [12, 0, 1, 0], "s": [0.9353631477175512, 1.0692096610708544, 0.00996564846112005]}, "1679": {"path": [12, 0, 1, 1], "s": [1.0697889028991714, 0.9347797903706629, -0.004128727763939274]}, "1680": {"path": [12, 0, 1, 1], "s": [1.0770853504032274, 0.9284318675477722, -0.0006028127532823329]}, "1681": {"path": [12, 0, 1, 2], "s": [0.9449411098140481, 1.058304070920669, 0.005918048369387023]}, "1682": {"path": [12, 0, 1, 2], "s": [0.9387396319910384, 1.0652667433689598, -0.0028479189717442615]}, "1683": {"path": [12, 0, 1, 3], "s": [1.0648501410933662, 0.9391039208157531, -0.0022231918470708776]}, "1684": {"path": [12, 0, 1, 3], "s": [1.0582871574294945, 0.9449373348881781, -0.0038789286939231583]}, "1685": {"path": [12, 0, 2, 0], "s": [1.0494110584511598, 0.9529155081202949, -0.0002683114686176134]}, "1686": {"path": [12, 0, 2, 0], "s": [1.054679905030914, 0.9481559845031218, 0.001031353598505377]}, "1687": {"path": [12, 0, 2, 1], "s": [0.9609702526973619, 1.0406474678683333, 0.0055910791714565275]}, "1688": {"path": [12, 0, 2, 1], "s": [0.9557827217232632, 1.0462631634525719, -0.0005039875895523785]}, "1689": {"path": [12, 0, 2, 2], "s": [1.0452836306973126, 0.9566799527225454, -0.001376371009648872]}, "1690": {"path": [12, 0, 2, 2], "s": [1.0408511857747715, 0.9607549090631954, -0.0016989224116247745]}, "1691": {"path": [12, 0, 2, 3], "s": [0.948630966311139, 1.0541848820705526, 0.00569415043557767]}, "1692": {"path": [12, 0, 2, 3], "s": [0.9558793155679703, 1.04637149494267, 0.014313225200278532]}, "1693": {"path": [12, 0, 3, 0], "s": [0.9683886545022722, 1.0331359261273343, 0.021842834532363978]}, "1694": {"path": [12, 0, 3, 0], "s": [0.9599859404643064, 1.0419513450297275, 0.016082346732164104]}, "1695": {"path": [12, 0, 3, 1], "s": [1.0426283954734823, 0.9591690417096952, -0.007541813151858713]}, "1696": {"path": [12, 0, 3, 1], "s": [1.0390525717804031, 0.9624602009162455, -0.00683717765668106]}, "1697": {"path": [12, 0, 3, 2], "s": [0.9543659553719238, 1.0482881604226275, 0.0212257326567684]}, "1698": {"path": [12, 0, 3, 2], "s": [0.9660153945458069, 1.0360838111713644, 0.029545077952667947]}, "1699": {"path": [12, 0, 3, 3], "s": [1.0479696340222837, 0.9542515205710161, -0.0051591450857722135]}, "1700": {"path": [12, 0, 3, 3], "s": [1.0531264800885873, 0.9495746620807765, -0.004713964195699038]}, "1701": {"path": [12, 1, 0, 0], "s": [0.9638990712728509, 1.0375258265622371, 0.008377388909310722]}, "1702": {"path": [12, 1, 0, 0], "s": [0.9702337010816424, 1.0308674169317242, 0.013502194419408097]}, "1703": {"path": [12, 1, 0, 1], "s": [1.0346581833251354, 0.9665048071380706, 0.0014518706852766473]}, "1704": {"path": [12, 1, 0, 1], "s": [1.03858945778977, 0.9628464210065323, 0.0014636693597045323]}, "1705": {"path": [12, 1, 0, 2], "s": [0.9727091186200301, 1.0280818889726941, 0.004962669830433743]}, "1706": {"path": [12, 1, 0, 2], "s": [0.9681099236864578, 1.0329406505714152, -0.000307241489404781]}, "1707": {"path": [12, 1, 0, 3], "s": [1.0319715803466436, 0.969020516581024, -0.00127823489256442]}, "1708": {"path": [12, 1, 0, 3], "s": [1.0285840922907168, 0.9722103684843435, -0.00034551858343962225]}, "1709": {"path": [12, 1, 1, 0], "s": [1.0240837916955297, 0.9764895743749855, 0.0026731773395506993]}, "1710": {"path": [12, 1, 1, 0], "s": [1.0273876148535688, 0.9733442251062184, 0.0013423350446733326]}, "1711": {"path": [12, 1, 1, 1], "s": [0.9815307828692236, 1.0188389806869766, 0.004671437826894536]}, "1712": {"path": [12, 1, 1, 1], "s": [0.9768726752003944, 1.0236755705577265, -0.0008325551125752292]}, "1713": {"path": [12, 1, 1, 2], "s": [1.022659901758685, 0.9778453257444392, -0.001790184627052639]}, "1714": {"path": [12, 1, 1, 2], "s": [1.0195946942762555, 0.9807825438598313, 0.000823382203099765]}, "1715": {"path": [12, 1, 1, 3], "s": [0.974367763120014, 1.0263675851977088, 0.0077128547230914885]}, "1716": {"path": [12, 1, 1, 3], "s": [0.9805962930015858, 1.0199295490582234, 0.01179554701028299]}, "1717": {"path": [12, 1, 2, 0], "s": [0.9884900586184697, 1.0119067657274403, 0.016117635383183653]}, "1718": {"path": [12, 1, 2, 0], "s": [0.9819288670081453, 1.0186245449202158, 0.014725668072971158]}, "1719": {"path": [12, 1, 2, 1], "s": [1.022122421309203, 0.9784015844918295, -0.006796804657223306]}, "1720": {"path": [12, 1, 2, 1], "s": [1.0204987365917717, 0.9799281806463355, -0.003933230257394827]}, "1721": {"path": [12, 1, 2, 2], "s": [0.9833637821988005, 1.01737255668107, 0.021150064850017816]}, "1722": {"path": [12, 1, 2, 2], "s": [0.9903255406353639, 1.010204430787572, 0.020766537312270524]}, "1723": {"path": [12, 1, 2, 3], "s": [1.0240835198162614, 0.9764893001105418, -0.0025689531177635434]}, "1724": {"path": [12, 1, 2, 3], "s": [1.0266334991772816, 0.9740735021176075, -0.004060533815643638]}, "1725": {"path": [12, 1, 3, 0], "s": [1.0301865322149737, 0.9707437568555608, -0.006866188489043287]}, "1726": {"path": [12, 1, 3, 0], "s": [1.0278718885411755, 0.9729119644636592, -0.0053719919551244435]}, "1727": {"path": [12, 1, 3, 1], "s": [0.9730637878793121, 1.028270432817837, 0.023931617622385146]}, "1728": {"path": [12, 1, 3, 1], "s": [0.9813194948075113, 1.0197056271638192, 0.02563222387494601]}, "1729": {"path": [12, 1, 3, 2], "s": [1.033636596751337, 0.967469965108961, -0.003515991234532881]}, "1730": {"path": [12, 1, 3, 2], "s": [1.0370813832046135, 0.96426105569354, -0.004146011215255445]}, "1731": {"path": [12, 1, 3, 3], "s": [0.9804153354926124, 1.0203404616435865, 0.018905978392647273]}, "1732": {"path": [12, 1, 3, 3], "s": [0.9733748699098265, 1.0276238862408107, 0.01622549185325472]}, "1733": {"path": [12, 2, 0, 0], "s": [1.0238452812912535, 0.9767652826764254, -0.007518350708416748]}, "1734": {"path": [12, 2, 0, 0], "s": [1.0250047607906774, 0.9756865886436984, -0.009132272411976214]}, "1735": {"path": [12, 2, 0, 1], "s": [0.998228219621865, 1.002215594533753, 0.020973521609329315]}, "1736": {"path": [12, 2, 0, 1], "s": [0.9934502469585479, 1.007158591266002, 0.023705510322128583]}, "1737": {"path": [12, 2, 0, 2], "s": [1.0208371578135609, 0.9797027476365785, -0.010815192992419375]}, "1738": {"path": [12, 2, 0, 2], "s": [1.0209788350478706, 0.979514243572394, -0.007956840788688831]}, "1739": {"path": [12, 2, 0, 3], "s": [0.9963997581916066, 1.004347852856808, 0.027054717274121762]}, "1740": {"path": [12, 2, 0, 3], "s": [1.0006654368249452, 0.9998606433426712, 0.022934415941232633]}, "1741": {"path": [12, 2, 1, 0], "s": [1.0068605243054398, 0.9936149936247098, 0.020777714954290996]}, "1742": {"path": [12, 2, 1, 0], "s": [1.0051403713839366, 0.9955028227867503, 0.02490134553857604]}, "1743": {"path": [12, 2, 1, 1], "s": [1.0194242830151232, 0.9811320070508912, -0.013776531894535147]}, "1744": {"path": [12, 2, 1, 1], "s": [1.0205297578246981, 0.9800089475754433, -0.011326691273431581]}, "1745": {"path": [12, 2, 1, 2], "s": [1.0078538819955558, 0.9928806139635304, 0.026049590040443365]}, "1746": {"path": [12, 2, 1, 2], "s": [1.008681457798503, 0.9918368033248405, 0.021151658939839092]}, "1747": {"path": [12, 2, 1, 3], "s": [1.022449041873054, 0.9781727231598635, -0.011478831872477066]}, "1748": {"path": [12, 2, 1, 3], "s": [1.0224243649841767, 0.978233700830433, -0.013037268796667946]}, "1749": {"path": [12, 2, 2, 0], "s": [1.022922686436377, 0.9778238958069861, -0.015435231147101526]}, "1750": {"path": [12, 2, 2, 0], "s": [1.0234459131716818, 0.9772685263317947, -0.013471427006294457]}, "1751": {"path": [12, 2, 2, 1], "s": [1.0058071458075257, 0.9952327924633426, 0.03181594571293513]}, "1752": {"path": [12, 2, 2, 1], "s": [1.0072074509440119, 0.9935304139326222, 0.026291360794480915]}, "1753": {"path": [12, 2, 2, 2], "s": [1.0282360115677889, 0.9727037458033676, -0.013000770050365018]}, "1754": {"path": [12, 2, 2, 2], "s": [1.0284596143578923, 0.9725534906523479, -0.015231150276202778]}, "1755": {"path": [12, 2, 2, 3], "s": [1.003758189589023, 0.996885140009455, 0.02513211817755244]}, "1756": {"path": [12, 2, 2, 3], "s": [1.0006912353566955, 1.0002013254020097, 0.029878084308428584]}, "1757": {"path": [12, 2, 3, 0], "s": [0.9891042789762176, 1.0121071484763695, 0.0328559178900177]}, "1758": {"path": [12, 2, 3, 0], "s": [0.9954933862261768, 1.0054033320638731, 0.029535869029815448]}, "1759": {"path": [12, 2, 3, 1], "s": [1.0317377876038643, 0.9693102484199364, -0.008602976609142332]}, "1760": {"path": [12, 2, 3, 1], "s": [1.0337816375040274, 0.9674211174015561, -0.010108753798402452]}, "1761": {"path": [12, 2, 3, 2], "s": [0.9925305261991493, 1.0081834442747095, 0.02555082095058754]}, "1762": {"path": [12, 2, 3, 2], "s": [0.9859881933930771, 1.0149680543217265, 0.027322485837959733]}, "1763": {"path": [12, 2, 3, 3], "s": [1.0269355917028142, 0.9739098415555341, -0.011944848388502773]}, "1764": {"path": [12, 2, 3, 3], "s": [1.0262241659295228, 0.9745430443945673, -0.009981127002109543]}, "1765": {"path": [12, 3, 0, 0], "s": [0.9995340471340401, 1.00155823347106, 0.03303868250625307]}, "1766": {"path": [12, 3, 0, 0], "s": [0.9937152079253376, 1.0078018985850539, 0.03831544336160503]}, "1767": {"path": [12, 3, 0, 1], "s": [1.0290344545169574, 0.9721448243917868, -0.019248872161374272]}, "1768": {"path": [12, 3, 0, 1], "s": [1.029728353627656, 0.9713861546465077, -0.016243945359671053]}, "1769": {"path": [12, 3, 0, 2], "s": [1.003648630191598, 0.9982718581291274, 0.04375137677970635]}, "1770": {"path": [12, 3, 0, 2], "s": [1.0060564238334684, 0.9952245508970399, 0.03538435511275366]}, "1771": {"path": [12, 3, 0, 3], "s": [1.0399057680250268, 0.9618777692014178, -0.016193836098902008]}, "1772": {"path": [12, 3, 0, 3], "s": [1.0411260338665795, 0.9608491061317231, -0.019105470713082023]}, "1773": {"path": [12, 3, 1, 0], "s": [1.047529528143559, 0.9552526892818421, -0.025600758997940162]}, "1774": {"path": [12, 3, 1, 0], "s": [1.0457416921594493, 0.9566853785953242, -0.021113660897090478]}, "1775": {"path": [12, 3, 1, 1], "s": [0.9263744656330285, 1.0795289376041226, -0.006931284758953699]}, "1776": {"path": [12, 3, 1, 1], "s": [0.9933548559436679, 1.0104013166705588, 0.060721119609035645]}, "1777": {"path": [12, 3, 1, 2], "s": [1.063354422395441, 0.9409015579307605, -0.02262371906724222]}, "1778": {"path": [12, 3, 1, 2], "s": [1.0725966816093278, 0.9329441961600875, -0.025939331679731288]}, "1779": {"path": [12, 3, 1, 3], "s": [0.9857307334208506, 1.0167767129777785, 0.04762410113406208]}, "1780": {"path": [12, 3, 1, 3], "s": [0.9609909010979611, 1.0423403782973928, 0.040983159844039774]}, "1781": {"path": [12, 3, 2, 0], "s": [0.926236264361209, 1.0796796822382906, -0.00620286894034977]}, "1782": {"path": [12, 3, 2, 0], "s": [0.948239692028333, 1.0561749593645877, 0.03882033224888346]}, "1783": {"path": [12, 3, 2, 1], "s": [1.067627696411184, 0.9368904606887742, -0.015817848613771893]}, "1784": {"path": [12, 3, 2, 1], "s": [1.0766391591154674, 0.9290549935254079, -0.01603081411597929]}, "1785": {"path": [12, 3, 2, 2], "s": [0.9609138538331117, 1.0420292930946655, 0.03606083518983603]}, "1786": {"path": [12, 3, 2, 2], "s": [0.9440075002952029, 1.059727058371425, 0.0197557932869798]}, "1787": {"path": [12, 3, 2, 3], "s": [1.0580758724774706, 0.9453982332395254, -0.01740863215679087]}, "1788": {"path": [12, 3, 2, 3], "s": [1.0527587996243566, 0.9501137515297858, -0.015511691303377024]}, "1789": {"path": [12, 3, 3, 0], "s": [1.0451785806620428, 0.9568836330379661, -0.010690062551754035]}, "1790": {"path": [12, 3, 3, 0], "s": [1.0490971436156917, 0.9533324636048698, -0.011762843362822326]}, "1791": {"path": [12, 3, 3, 1], "s": [0.9826071381620256, 1.0187559372042714, 0.03220024754348278]}, "1792": {"path": [12, 3, 3, 1], "s": [0.9724487713872662, 1.0293195368234873, 0.030992240140232014]}, "1793": {"path": [12, 3, 3, 2], "s": [1.0373115442063123, 0.9642208974529446, -0.014052334073381051]}, "1794": {"path": [12, 3, 3, 2], "s": [1.035621550905152, 0.9657443808880085, -0.01207035679565437]}, "1795": {"path": [12, 3, 3, 3], "s": [0.9698909088562716, 1.0324822134461935, 0.03735120315684955]}, "1796": {"path": [12, 3, 3, 3], "s": [0.9839837793524396, 1.0178267649749906, 0.03905159313215137]}, "1797": {"path": [14, 0, 0, 0], "s": [1.0639075082373652, 0.9400325411574856, -0.010376826340410301]}, "1798": {"path": [14, 0, 0, 0], "s": [1.0575451293291314, 0.9457053323623648, -0.01122800162127215]}, "1799": {"path": [14, 0, 0, 1], "s": [0.926833205954614, 1.0789484748194316, -0.0022965140399065793]}, "1800": {"path": [14, 0, 0, 1], "s": [0.9379879988837453, 1.0668042715198358, 0.025487327116076333]}, "1801": {"path": [14, 0, 0, 2], "s": [1.0697306661970756, 0.9348880030388704, -0.008852474819181503]}, "1802": {"path": [14, 0, 0, 2], "s": [1.0783971809938306, 0.9273429346769577, -0.006633744807951526]}, "1803": {"path": [14, 0, 0, 3], "s": [0.949961533054008, 1.053347695475574, 0.02529410272934438]}, "1804": {"path": [14, 0, 0, 3], "s": [0.9399768788705776, 1.063998021738628, 0.011555933469192325]}, "1805": {"path": [14, 0, 1, 0], "s": [0.9281158753978955, 1.0774554907738232, -0.0018830883718473843]}, "1806": {"path": [14, 0, 1, 0], "s": [0.9354873130059708, 1.0692022363474305, 0.015004237422593774]}, "1807": {"path": [14, 0, 1, 1], "s": [1.0697525209695171, 0.9347971203855441, -0.0012554391585710204]}, "1808": {"path": [14, 0, 1, 1], "s": [1.0777167158586767, 0.9278885327929972, 0.0009910825374175021]}, "1809": {"path": [14, 0, 1, 2], "s": [0.9452357045764562, 1.0580787614402611, 0.011568213663698656]}, "1810": {"path": [14, 0, 1, 2], "s": [0.9387908016312757, 1.0652067103475322, 0.0025023009761300347]}, "1811": {"path": [14, 0, 1, 3], "s": [1.0654958282536138, 0.9385403970599315, -0.003298138087970196]}, "1812": {"path": [14, 0, 1, 3], "s": [1.058586204953735, 0.9446846059652586, -0.0054856090799272235]}, "1813": {"path": [14, 0, 2, 0], "s": [1.0492383002987613, 0.9530839799366747, -0.0034950179878251]}, "1814": {"path": [14, 0, 2, 0], "s": [1.055190152261927, 0.9476986242534022, -0.0015018736183290966]}, "1815": {"path": [14, 0, 2, 1], "s": [0.9613012918248044, 1.0403741224836816, 0.010629577821322213]}, "1816": {"path": [14, 0, 2, 1], "s": [0.9560570978322772, 1.045986670433483, 0.004793798690213014]}, "1817": {"path": [14, 0, 2, 2], "s": [1.0461327747208367, 0.9559232186289779, -0.0047549052993708756]}, "1818": {"path": [14, 0, 2, 2], "s": [1.0412531645367158, 0.9604136019601103, -0.0058053686420755975]}, "1819": {"path": [14, 0, 2, 3], "s": [0.9491441544594154, 1.0537085401816262, 0.011013692267111361]}, "1820": {"path": [14, 0, 2, 3], "s": [0.9565464976250456, 1.0458128185167928, 0.019198664631069548]}, "1821": {"path": [14, 0, 3, 0], "s": [0.9691864065429571, 1.0324779399727506, 0.02576013348306901]}, "1822": {"path": [14, 0, 3, 0], "s": [0.960972157823895, 1.0410593616326185, 0.020713791803151017]}, "1823": {"path": [14, 0, 3, 1], "s": [1.0438444750919122, 0.9580942781772426, -0.010070694737147874]}, "1824": {"path": [14, 0, 3, 1], "s": [1.0403302118942854, 0.9613298602834338, -0.010024831617944003]}, "1825": {"path": [14, 0, 3, 2], "s": [0.9554484804858144, 1.0473205508511376, 0.025706592389610646]}, "1826": {"path": [14, 0, 3, 2], "s": [0.9669193863654703, 1.0353409733525796, 0.03303420398775668]}, "1827": {"path": [14, 0, 3, 3], "s": [1.0487520752374442, 0.9535763242961276, -0.008071493223543159]}, "1828": {"path": [14, 0, 3, 3], "s": [1.0540438165388806, 0.9487728885044875, -0.006942364718763237]}, "1829": {"path": [14, 1, 0, 0], "s": [0.9645457598363899, 1.0369356681678272, 0.013111138562004953]}, "1830": {"path": [14, 1, 0, 0], "s": [0.9707160556482072, 1.0304909865882215, 0.01772416096601977]}, "1831": {"path": [14, 1, 0, 1], "s": [1.0345198785844179, 0.9666458063326313, -0.003781825137467333]}, "1832": {"path": [14, 1, 0, 1], "s": [1.0391863984344516, 0.9623007818341996, -0.00314383284210939]}, "1833": {"path": [14, 1, 0, 2], "s": [0.9728410987906797, 1.0280056784037097, 0.009282981273394096]}, "1834": {"path": [14, 1, 0, 2], "s": [0.968346444658216, 1.032707616147058, 0.004329950053469687]}, "1835": {"path": [14, 1, 0, 3], "s": [1.0331050295006035, 0.9679888842025046, -0.005846774348748646]}, "1836": {"path": [14, 1, 0, 3], "s": [1.0292123050829012, 0.9716478225833876, -0.005647584424330315]}, "1837": {"path": [14, 1, 1, 0], "s": [1.0239924521357984, 0.9765817982477795, -0.00351998564367307]}, "1838": {"path": [14, 1, 1, 0], "s": [1.028110916255174, 0.9726761001581492, -0.00434931639500228]}, "1839": {"path": [14, 1, 1, 1], "s": [0.9814071715034957, 1.0190205177196907, 0.008604882294842723]}, "1840": {"path": [14, 1, 1, 1], "s": [0.9770561655836043, 1.0234932050749381, 0.0032165900255872026]}, "1841": {"path": [14, 1, 1, 2], "s": [1.0241864665945588, 0.9764316783174808, -0.006936172357698347]}, "1842": {"path": [14, 1, 1, 2], "s": [1.0206619438207147, 0.9797816189228277, -0.005080520601260473]}, "1843": {"path": [14, 1, 1, 3], "s": [0.9747215507241654, 1.0260796999493063, 0.011916220087548219]}, "1844": {"path": [14, 1, 1, 3], "s": [0.9805485211193272, 1.020085700550755, 0.01560529044961127]}, "1845": {"path": [14, 1, 2, 0], "s": [0.988203061375546, 1.012322157247902, 0.019489866358518317]}, "1846": {"path": [14, 1, 2, 0], "s": [0.9820277553247407, 1.018643829150517, 0.018344291103284515]}, "1847": {"path": [14, 1, 2, 1], "s": [1.0241528952922456, 0.9765125099843669, -0.009905270798279736]}, "1848": {"path": [14, 1, 2, 1], "s": [1.0227265577985547, 0.9778379180541977, -0.0077979495045160776]}, "1849": {"path": [14, 1, 2, 2], "s": [0.9838339980216196, 1.0170467732440291, 0.024600672666828423]}, "1850": {"path": [14, 1, 2, 2], "s": [0.990268932014363, 1.010399408966786, 0.023814777460288584]}, "1851": {"path": [14, 1, 2, 3], "s": [1.0254880309367118, 0.9751982454785156, -0.007357209301062976]}, "1852": {"path": [14, 1, 2, 3], "s": [1.0282932620371275, 0.9725491182542854, -0.0081058806449583]}, "1853": {"path": [14, 1, 3, 0], "s": [1.0318153814555249, 0.9692618465335524, -0.00996403087631738]}, "1854": {"path": [14, 1, 3, 0], "s": [1.029520641477736, 0.9714069796428302, -0.009139847801633221]}, "1855": {"path": [14, 1, 3, 1], "s": [0.9741426134427904, 1.0273296087774773, 0.02766857353842221]}, "1856": {"path": [14, 1, 3, 1], "s": [0.9819023513449291, 1.0192738252896882, 0.028763965586918967]}, "1857": {"path": [14, 1, 3, 2], "s": [1.0346815461818886, 0.9665388044115845, -0.007737221295294658]}, "1858": {"path": [14, 1, 3, 2], "s": [1.0383343271911962, 0.9631370106291992, -0.0076301982025120995]}, "1859": {"path": [14, 1, 3, 3], "s": [0.9807386133161193, 1.0201523608911904, 0.022423465200356013]}, "1860": {"path": [14, 1, 3, 3], "s": [0.9740956699032871, 1.0270138975579073, 0.020243283865402247]}, "1861": {"path": [14, 2, 0, 0], "s": [1.02581955004004, 0.9749364285205282, -0.010433044741232113]}, "1862": {"path": [14, 2, 0, 0], "s": [1.0268389332990566, 0.9739925394744409, -0.011552500819099663]}, "1863": {"path": [14, 2, 0, 1], "s": [0.997929353976456, 1.0026304858730115, 0.023545552538730287]}, "1864": {"path": [14, 2, 0, 1], "s": [0.9934405719088446, 1.0073164683056532, 0.026627962121894007]}, "1865": {"path": [14, 2, 0, 2], "s": [1.0225308361390677, 0.9781165733199922, -0.012424071730850465]}, "1866": {"path": [14, 2, 0, 2], "s": [1.0230935123609346, 0.9775237973818369, -0.009912380126955334]}, "1867": {"path": [14, 2, 0, 3], "s": [0.9967849821998697, 1.004110501880508, 0.029703009000186586]}, "1868": {"path": [14, 2, 0, 3], "s": [1.000607216142981, 1.00002700555555, 0.02518408419500248]}, "1869": {"path": [14, 2, 1, 0], "s": [1.0067205129936765, 0.9938296467893922, 0.022554197927249133]}, "1870": {"path": [14, 2, 1, 0], "s": [1.0051872403488353, 0.9955699758657254, 0.02709680081902805]}, "1871": {"path": [14, 2, 1, 1], "s": [1.0205358346803273, 0.9800880600770701, -0.014662416273521233]}, "1872": {"path": [14, 2, 1, 1], "s": [1.0219678126202627, 0.9786511479343344, -0.012246345281818864]}, "1873": {"path": [14, 2, 1, 2], "s": [1.0082448109290172, 0.9926020026635094, 0.02803245446325815]}, "1874": {"path": [14, 2, 1, 2], "s": [1.0087477986234155, 0.9918393640046588, 0.02271068091776428]}, "1875": {"path": [14, 2, 1, 3], "s": [1.0241791908729991, 0.9765575356009817, -0.013034824615003764]}, "1876": {"path": [14, 2, 1, 3], "s": [1.023957226042484, 0.9768058094842452, -0.01440024519478475]}, "1877": {"path": [14, 2, 2, 0], "s": [1.0243103756356804, 0.9765363759946968, -0.016623541049770575]}, "1878": {"path": [14, 2, 2, 0], "s": [1.025061725096228, 0.9757630726021703, -0.01474376094402451]}, "1879": {"path": [14, 2, 2, 1], "s": [1.0066605017399337, 0.9945232062410807, 0.03387078072106446]}, "1880": {"path": [14, 2, 2, 1], "s": [1.0075779727409548, 0.993257775298095, 0.02801170548263168]}, "1881": {"path": [14, 2, 2, 2], "s": [1.0299930531216623, 0.9710916816610935, -0.01475418771598738]}, "1882": {"path": [14, 2, 2, 2], "s": [1.0299516483845577, 0.971191956801441, -0.016755799159363097]}, "1883": {"path": [14, 2, 2, 3], "s": [1.003966626547088, 0.9967799487382233, 0.027088790015308447]}, "1884": {"path": [14, 2, 2, 3], "s": [1.0013619601383397, 0.9996748754049198, 0.032193054165784704]}, "1885": {"path": [14, 2, 3, 0], "s": [0.9901185064995146, 1.011255045402168, 0.03552935749058336]}, "1886": {"path": [14, 2, 3, 0], "s": [0.9958899233040975, 1.0051424548095582, 0.031800035062611115]}, "1887": {"path": [14, 2, 3, 1], "s": [1.0334179783012125, 0.9677901577703171, -0.011478164609974306]}, "1888": {"path": [14, 2, 3, 1], "s": [1.0352853974649494, 0.9660670558422654, -0.012454552800197971]}, "1889": {"path": [14, 2, 3, 2], "s": [0.9927766658514584, 1.008076314228024, 0.02818939806248207]}, "1890": {"path": [14, 2, 3, 2], "s": [0.9867788779471204, 1.0143341080574693, 0.030388698761931704]}, "1891": {"path": [14, 2, 3, 3], "s": [1.0285686027292507, 0.9724111310882977, -0.01384046176466109]}, "1892": {"path": [14, 2, 3, 3], "s": [1.0281035041440982, 0.9728102421934819, -0.012231879102872885]}, "1893": {"path": [14, 3, 0, 0], "s": [0.99994654716259, 1.0012776016680243, 0.03498686237975624]}, "1894": {"path": [14, 3, 0, 0], "s": [0.9948069764333549, 1.0068774096893414, 0.04060383691354992]}, "1895": {"path": [14, 3, 0, 1], "s": [1.030452881638159, 0.9708559709229271, -0.020526395035212863]}, "1896": {"path": [14, 3, 0, 1], "s": [1.0314274636485092, 0.9698309629192716, -0.017615057525175372]}, "1897": {"path": [14, 3, 0, 2], "s": [1.004598462896819, 0.9975052047438513, 0.04574052270415961]}, "1898": {"path": [14, 3, 0, 2], "s": [1.006377219669179, 0.9950316437973362, 0.037110364692573214]}, "1899": {"path": [14, 3, 0, 3], "s": [1.0415792732896827, 0.9603840312267812, -0.017779238572135585]}, "1900": {"path": [14, 3, 0, 3], "s": [1.042411382293167, 0.9597139873134554, -0.020415291364701875]}, "1901": {"path": [14, 3, 1, 0], "s": [1.0488893198890885, 0.9540579462082325, -0.026479998737434143]}, "1902": {"path": [14, 3, 1, 0], "s": [1.0475435355715266, 0.9550867378230617, -0.022247204692912623]}, "1903": {"path": [14, 3, 1, 1], "s": [0.9257275388589079, 1.080268429076909, -0.005850996184015132]}, "1904": {"path": [14, 3, 1, 1], "s": [0.9916697343703287, 1.012271655189704, 0.06196098298595974]}, "1905": {"path": [14, 3, 1, 2], "s": [1.064982032209492, 0.9394910983637896, -0.023262398375865107]}, "1906": {"path": [14, 3, 1, 2], "s": [1.0733034408860564, 0.9323402544330315, -0.026153454065456536]}, "1907": {"path": [14, 3, 1, 3], "s": [0.9858062007077661, 1.0168785706140895, 0.049448966401934684]}, "1908": {"path": [14, 3, 1, 3], "s": [0.9625548574410452, 1.0409349342616572, 0.0442377356295855]}, "1909": {"path": [14, 3, 2, 0], "s": [0.9255299535630819, 1.0804771205569212, -0.003733525816120866]}, "1910": {"path": [14, 3, 2, 0], "s": [0.9480994759520026, 1.0565073943510184, 0.04091585174008075]}, "1911": {"path": [14, 3, 2, 1], "s": [1.0688297104845592, 0.9358655516925638, -0.01676027052396278]}, "1912": {"path": [14, 3, 2, 1], "s": [1.0774994564042861, 0.9283236893649034, -0.016378969989118933]}, "1913": {"path": [14, 3, 2, 2], "s": [0.961617235548966, 1.0415023274420232, 0.039071587280439746]}, "1914": {"path": [14, 3, 2, 2], "s": [0.9447124965715037, 1.0591442702532246, 0.0242245284851338]}, "1915": {"path": [14, 3, 2, 3], "s": [1.059002609678174, 0.9446022836008441, -0.01833803264411698]}, "1916": {"path": [14, 3, 2, 3], "s": [1.0542079645990663, 0.9488543220379841, -0.01702302959788123]}, "1917": {"path": [14, 3, 3, 0], "s": [1.0465618181462766, 0.9556706108372646, -0.012975824706341238]}, "1918": {"path": [14, 3, 3, 0], "s": [1.0501938200089116, 0.9523781427509331, -0.013477382112018156]}, "1919": {"path": [14, 3, 3, 1], "s": [0.9833027916297069, 1.0182186915134355, 0.034889566559484185]}, "1920": {"path": [14, 3, 3, 1], "s": [0.9737682525119231, 1.0281525948858086, 0.03438539860977394]}, "1921": {"path": [14, 3, 3, 2], "s": [1.038682289527826, 0.9629988997674879, -0.015808289701003845]}, "1922": {"path": [14, 3, 3, 2], "s": [1.03728655779509, 0.9642489499595983, -0.014229341556193223]}, "1923": {"path": [14, 3, 3, 3], "s": [0.9712951447341538, 1.0312366379867346, 0.04043685878610806]}, "1924": {"path": [14, 3, 3, 3], "s": [0.984552581920948, 1.0174216352134793, 0.0412928305116519]}, "1925": {"path": [15, 0, 0, 0], "s": [1.0163464509034392, 0.9846347536234441, 0.027019202086100817]}, "1926": {"path": [15, 0, 0, 0], "s": [1.0142576364605156, 0.9864358285766868, 0.022362289957888998]}, "1927": {"path": [15, 0, 0, 1], "s": [1.0252420185174071, 0.9756625485979517, -0.017036452576715762]}, "1928": {"path": [15, 0, 0, 1], "s": [1.0240055783399362, 0.9769173001814131, -0.019203253957509495]}, "1929": {"path": [15, 0, 0, 2], "s": [1.0116315777068865, 0.9890217233968799, 0.02292610796384485]}, "1930": {"path": [15, 0, 0, 2], "s": [1.012303473223907, 0.9886177964559622, 0.027950474832026975]}, "1931": {"path": [15, 0, 0, 3], "s": [1.0210770758733767, 0.9796748130223378, -0.01798592192931646]}, "1932": {"path": [15, 0, 0, 3], "s": [1.022130439048499, 0.9786151327209106, -0.016501977685394874]}, "1933": {"path": [15, 0, 1, 0], "s": [1.0219538097993266, 0.9787430564415827, -0.015172189858755427]}, "1934": {"path": [15, 0, 1, 0], "s": [1.0212966089192845, 0.9794085044647962, -0.016327411203446256]}, "1935": {"path": [15, 0, 1, 1], "s": [1.0134281249740344, 0.9871390290322347, 0.019860898288525625]}, "1936": {"path": [15, 0, 1, 1], "s": [1.0138071928609056, 0.986936992755227, 0.023744939582148985]}, "1937": {"path": [15, 0, 1, 2], "s": [1.0198168386377224, 0.9808372419244771, -0.01656306969027077]}, "1938": {"path": [15, 0, 1, 2], "s": [1.0211333958803805, 0.9795139390117846, -0.014642228494043934]}, "1939": {"path": [15, 0, 1, 3], "s": [1.015883060124155, 0.9849235132652401, 0.023814126986441676]}, "1940": {"path": [15, 0, 1, 3], "s": [1.0145477754713161, 0.986037821697885, 0.01955705842328365]}, "1941": {"path": [15, 0, 2, 0], "s": [1.0187971637439737, 0.9818569244976454, 0.01769321566538976]}, "1942": {"path": [15, 0, 2, 0], "s": [1.0197292142054506, 0.9810611908003162, 0.020414631573208553]}, "1943": {"path": [15, 0, 2, 1], "s": [1.021506275290268, 0.9792648513835891, -0.01803304909127769]}, "1944": {"path": [15, 0, 2, 1], "s": [1.022181394234559, 0.9785754695126031, -0.016782067516570954]}, "1945": {"path": [15, 0, 2, 2], "s": [1.0208059424970573, 0.9800278765468394, 0.020451899466462708]}, "1946": {"path": [15, 0, 2, 2], "s": [1.0191149559519135, 0.9815452048019574, 0.01753277378393222]}, "1947": {"path": [15, 0, 2, 3], "s": [1.0209421844158162, 0.9797647638481911, -0.016827899952831533]}, "1948": {"path": [15, 0, 2, 3], "s": [1.0204626565127153, 0.9802479225870897, -0.017504260175501885]}, "1949": {"path": [15, 0, 3, 0], "s": [1.0203291394345901, 0.9804071097825072, -0.018383215712619486]}, "1950": {"path": [15, 0, 3, 0], "s": [1.021018569337676, 0.9797149457770936, -0.01752576092689922]}, "1951": {"path": [15, 0, 3, 1], "s": [1.0203520476923746, 0.9805189514100344, 0.02178347705049283]}, "1952": {"path": [15, 0, 3, 1], "s": [1.0176369633178481, 0.9830039802490312, 0.01847120434573825]}, "1953": {"path": [15, 0, 3, 2], "s": [1.0215563567858286, 0.9792239257442118, -0.018232554971118975]}, "1954": {"path": [15, 0, 3, 2], "s": [1.0203037696280426, 0.9804800576520174, -0.019684990918800323]}, "1955": {"path": [15, 0, 3, 3], "s": [1.0163565412830495, 0.9842685260056218, 0.019176933666224305]}, "1956": {"path": [15, 0, 3, 3], "s": [1.0183753028276834, 0.9824729053855326, 0.022937797234812516]}, "1957": {"path": [15, 1, 0, 0], "s": [1.0223244623821177, 0.9784802761220851, -0.018008948831501836]}, "1958": {"path": [15, 1, 0, 0], "s": [1.0222921267502076, 0.9785147705308205, -0.01810927448700538]}, "1959": {"path": [15, 1, 0, 1], "s": [1.023916599585894, 0.9769221622061682, 0.01693571333717645]}, "1960": {"path": [15, 1, 0, 1], "s": [1.0247038049925865, 0.9762346739492762, 0.01874526504268083]}, "1961": {"path": [15, 1, 0, 2], "s": [1.0260315016014034, 0.9749749430113468, -0.01884157110422366]}, "1962": {"path": [15, 1, 0, 2], "s": [1.0261127376295052, 0.9748775747986855, -0.01828379419831571]}, "1963": {"path": [15, 1, 0, 3], "s": [1.0249460168444902, 0.9760173368193511, 0.019107112397241627]}, "1964": {"path": [15, 1, 0, 3], "s": [1.0235668912894493, 0.977266476425155, 0.017251354610274026]}, "1965": {"path": [15, 1, 1, 0], "s": [1.0297519314918409, 0.9714006669339884, 0.017369888535549334]}, "1966": {"path": [15, 1, 1, 0], "s": [1.0303151932712136, 0.9709207824630832, 0.01882640790191361]}, "1967": {"path": [15, 1, 1, 1], "s": [1.0328635594151672, 0.9685386702187014, -0.01919110088873181]}, "1968": {"path": [15, 1, 1, 1], "s": [1.0331275926575747, 0.9682746369762941, -0.018741524236485358]}, "1969": {"path": [15, 1, 1, 2], "s": [1.0294965991950802, 0.9717393765392168, 0.02005949777713909]}, "1970": {"path": [15, 1, 1, 2], "s": [1.0287982356447996, 0.9723543627810299, 0.01887995896835845]}, "1971": {"path": [15, 1, 1, 3], "s": [1.0265058110944871, 0.974519237499483, -0.01869920630907499]}, "1972": {"path": [15, 1, 1, 3], "s": [1.0269291511741476, 0.974095897419824, -0.018096217824724925]}, "1973": {"path": [15, 1, 2, 0], "s": [1.025989831193946, 0.9750004812342447, -0.018454786791861046]}, "1974": {"path": [15, 1, 2, 0], "s": [1.0266199827948097, 0.9743864618179444, -0.018017010490917643]}, "1975": {"path": [15, 1, 2, 1], "s": [1.0242136645975688, 0.9767248143442935, 0.01936237079875902]}, "1976": {"path": [15, 1, 2, 1], "s": [1.0228149404325606, 0.978023821359502, 0.018367813844987195]}, "1977": {"path": [15, 1, 2, 2], "s": [1.022236251999433, 0.978570645281596, -0.018176598948287326]}, "1978": {"path": [15, 1, 2, 2], "s": [1.0221045663165012, 0.9787001721877, -0.018273342545755175]}, "1979": {"path": [15, 1, 2, 3], "s": [1.0233758015053076, 0.977457566209296, 0.01750486380597745]}, "1980": {"path": [15, 1, 2, 3], "s": [1.025029662668573, 0.9759336909952682, 0.018999528093477644]}, "1981": {"path": [15, 1, 3, 0], "s": [1.022465186047811, 0.9783907132195319, 0.01924688596784821]}, "1982": {"path": [15, 1, 3, 0], "s": [1.0200431073535168, 0.9806375918083209, 0.01710603214743763]}, "1983": {"path": [15, 1, 3, 1], "s": [1.0205217496023102, 0.9802232089224029, -0.01841478129873741]}, "1984": {"path": [15, 1, 3, 1], "s": [1.0198034811147072, 0.9809414774100088, -0.019171161480903115]}, "1985": {"path": [15, 1, 3, 2], "s": [1.019851039277671, 0.9808296598841665, 0.017324779572383625]}, "1986": {"path": [15, 1, 3, 2], "s": [1.021921485643591, 0.9789344136237516, 0.01985221191762483]}, "1987": {"path": [15, 1, 3, 3], "s": [1.0223228664185495, 0.9784908312568054, -0.01826338891679467]}, "1988": {"path": [15, 1, 3, 3], "s": [1.022542460229314, 0.9782712374460429, -0.017996608281837696]}, "1989": {"path": [15, 2, 0, 0], "s": [1.0198433423913094, 0.9808168183625615, 0.01671832265763266]}, "1990": {"path": [15, 2, 0, 0], "s": [1.0226048060809512, 0.9782290129629452, 0.01848486147454459]}, "1991": {"path": [15, 2, 0, 1], "s": [1.0202454877821, 0.9805113759650668, -0.01903436490595331]}, "1992": {"path": [15, 2, 0, 1], "s": [1.0214908972109862, 0.9792802294628717, -0.01805104470686086]}, "1993": {"path": [15, 2, 0, 2], "s": [1.0218841279887922, 0.9789062770169735, 0.01813249216861844]}, "1994": {"path": [15, 2, 0, 2], "s": [1.0195319371653844, 0.9811221510762341, 0.016892817486203162]}, "1995": {"path": [15, 2, 0, 3], "s": [1.018231246972097, 0.9824793321277084, -0.019777650940094163]}, "1996": {"path": [15, 2, 0, 3], "s": [1.0175750476075283, 0.9831319006564823, -0.020260567983165275]}, "1997": {"path": [15, 2, 1, 0], "s": [1.0145147775517485, 0.9861325573404178, -0.02111994428850225]}, "1998": {"path": [15, 2, 1, 0], "s": [1.016550175932748, 0.9841039046294506, -0.01977365386504906]}, "1999": {"path": [15, 2, 1, 1], "s": [1.0221917203801396, 0.9785524652359914, 0.016377665334380342]}, "2000": {"path": [15, 2, 1, 1], "s": [1.0189234783283034, 0.9816436756779656, 0.014825265622376311]}, "2001": {"path": [15, 2, 1, 2], "s": [1.0131273710162039, 0.9875777423678765, -0.023281791152879868]}, "2002": {"path": [15, 2, 1, 2], "s": [1.0119218085481434, 0.9887750576927601, -0.023728561434575895]}, "2003": {"path": [15, 2, 1, 3], "s": [1.0190307388604307, 0.9815548583087705, 0.015315759675321741]}, "2004": {"path": [15, 2, 1, 3], "s": [1.0228651661788508, 0.9779414072105448, 0.01738390058625916]}, "2005": {"path": [15, 2, 2, 0], "s": [1.0250503815663137, 0.9758708881135546, 0.01779961292434381]}, "2006": {"path": [15, 2, 2, 0], "s": [1.020667390158647, 0.9799859109451193, 0.01548102440405906]}, "2007": {"path": [15, 2, 2, 1], "s": [1.0130009559402084, 0.9879219225811419, -0.027674030587959874]}, "2008": {"path": [15, 2, 2, 1], "s": [1.0110648871909071, 0.9898396799244494, -0.028145058534232638]}, "2009": {"path": [15, 2, 2, 2], "s": [1.0201910534108507, 0.9805024116263515, 0.017314392538205485]}, "2010": {"path": [15, 2, 2, 2], "s": [1.0245605291845263, 0.9764206753423564, 0.020052028213550933]}, "2011": {"path": [15, 2, 2, 3], "s": [1.0142839951774536, 0.9864615765919557, -0.02349870197986858]}, "2012": {"path": [15, 2, 2, 3], "s": [1.0157397111240114, 0.9850121777717077, -0.022715301086817262]}, "2013": {"path": [15, 2, 3, 0], "s": [1.0182234063923257, 0.9825604208877364, -0.021587467257320667]}, "2014": {"path": [15, 2, 3, 0], "s": [1.0167823465097874, 0.9839979360202551, -0.022621457677647068]}, "2015": {"path": [15, 2, 3, 1], "s": [1.0185620119092151, 0.9820789316576639, 0.0175582596769413]}, "2016": {"path": [15, 2, 3, 1], "s": [1.0217842635016412, 0.9790867356007689, 0.02038183112621766]}, "2017": {"path": [15, 2, 3, 2], "s": [1.0187672763145017, 0.9819662388002676, -0.019876381344311154]}, "2018": {"path": [15, 2, 3, 2], "s": [1.019579284171222, 0.981156965045871, -0.019165491934185885]}, "2019": {"path": [15, 2, 3, 3], "s": [1.0225552539300387, 0.9782929542831769, 0.018936744308401875]}, "2020": {"path": [15, 2, 3, 3], "s": [1.0190417420032645, 0.9815833252854059, 0.01656447162444963]}, "2021": {"path": [15, 3, 0, 0], "s": [1.015382155360445, 0.9855787205148323, -0.02718539155025414]}, "2022": {"path": [15, 3, 0, 0], "s": [1.0177172011514366, 0.9832542916675121, -0.02597702323204681]}, "2023": {"path": [15, 3, 0, 1], "s": [1.0296159710583594, 0.9717005516256171, 0.021872517915261003]}, "2024": {"path": [15, 3, 0, 1], "s": [1.0239001423765235, 0.9770070568019306, 0.018912021636115998]}, "2025": {"path": [15, 3, 0, 2], "s": [1.0185348380331833, 0.9829142721307008, -0.03365158191153009]}, "2026": {"path": [15, 3, 0, 2], "s": [1.0135904556452469, 0.9878216337187166, -0.03530693723883462]}, "2027": {"path": [15, 3, 0, 3], "s": [1.0216277226471715, 0.9793214112028489, 0.02240319322732906]}, "2028": {"path": [15, 3, 0, 3], "s": [1.0274894990951815, 0.9738853809891859, 0.025632055881222703]}, "2029": {"path": [15, 3, 1, 0], "s": [1.0424042590722562, 0.9602819844936332, 0.03165486607966012]}, "2030": {"path": [15, 3, 1, 0], "s": [1.027798408713415, 0.973708023233597, 0.027848820997948925]}, "2031": {"path": [15, 3, 1, 1], "s": [1.0577750486346529, 0.9459325827869993, -0.024163686859096995]}, "2032": {"path": [15, 3, 1, 1], "s": [1.0364509185344424, 0.9672567128872116, -0.05014088681463418]}, "2033": {"path": [15, 3, 1, 2], "s": [1.019499083759973, 0.982007348187039, 0.03399399538516622]}, "2034": {"path": [15, 3, 1, 2], "s": [1.0343295721980192, 0.9683566713678703, 0.039999270381181194]}, "2035": {"path": [15, 3, 1, 3], "s": [1.022863013561858, 0.9785744567575404, -0.030783401918528613]}, "2036": {"path": [15, 3, 1, 3], "s": [1.0269736311816613, 0.9744638391377428, -0.027361786025516723]}, "2037": {"path": [15, 3, 2, 0], "s": [1.0317825105314329, 0.9696295788325321, -0.02113861711100397]}, "2038": {"path": [15, 3, 2, 0], "s": [1.0283951683538164, 0.97305394181007, -0.026152864185601525]}, "2039": {"path": [15, 3, 2, 1], "s": [1.01208019128762, 0.9888270078908348, 0.027788977968270463]}, "2040": {"path": [15, 3, 2, 1], "s": [1.0140933869582662, 0.9872231357257111, 0.03371132438286045]}, "2041": {"path": [15, 3, 2, 2], "s": [1.0225192213291185, 0.9784522714898292, -0.022051184809171898]}, "2042": {"path": [15, 3, 2, 2], "s": [1.0244089801126173, 0.976551895762661, -0.019711204054319933]}, "2043": {"path": [15, 3, 2, 3], "s": [1.0218200956188064, 0.9795547844655613, 0.030475621838757815]}, "2044": {"path": [15, 3, 2, 3], "s": [1.0170397005111884, 0.9839094333388322, 0.02597990402329237]}, "2045": {"path": [15, 3, 3, 0], "s": [1.0168221741311536, 0.9838929914564821, 0.02107630625098715]}, "2046": {"path": [15, 3, 3, 0], "s": [1.0201953524248584, 0.9808208051826546, 0.025076423368399495]}, "2047": {"path": [15, 3, 3, 1], "s": [1.0188340354760665, 0.9819588611471767, -0.02128636122166943]}, "2048": {"path": [15, 3, 3, 1], "s": [1.0202366986190397, 0.9805561980042015, -0.019985451264476203]}, "2049": {"path": [15, 3, 3, 2], "s": [1.0230024116326704, 0.9780137459748423, 0.022592493048926576]}, "2050": {"path": [15, 3, 3, 2], "s": [1.0188736614070204, 0.9818415041806159, 0.019298919293082313]}, "2051": {"path": [15, 3, 3, 3], "s": [1.0220666999097003, 0.9789236274227338, -0.0229181444185245]}, "2052": {"path": [15, 3, 3, 3], "s": [1.0194747617354643, 0.9815155655969718, -0.025106719750345695]}, "2053": {"path": [16, 0, 0, 0], "s": [1.0011217293695642, 1.0000218758164345, -0.033817594898861915]}, "2054": {"path": [16, 0, 0, 0], "s": [1.000059078033968, 1.001025656748787, -0.03293623197237729]}, "2055": {"path": [16, 0, 0, 1], "s": [1.0245525236106916, 0.9762832244283582, 0.015919841294984607]}, "2056": {"path": [16, 0, 0, 1], "s": [1.0296097938943525, 0.9715739140866617, 0.01849371341555726]}, "2057": {"path": [16, 0, 0, 2], "s": [1.0069530248062792, 0.9938717728921159, -0.02796762384072343]}, "2058": {"path": [16, 0, 0, 2], "s": [1.0087696886376947, 0.9920770629926813, -0.027879561325929586]}, "2059": {"path": [16, 0, 0, 3], "s": [1.0287013577427224, 0.9723354778005362, 0.015582881467492612]}, "2060": {"path": [16, 0, 0, 3], "s": [1.0240661973211478, 0.976680377964163, 0.013614722176439288]}, "2061": {"path": [16, 0, 1, 0], "s": [1.0204060434332574, 0.9801811191948168, 0.013518050361075888]}, "2062": {"path": [16, 0, 1, 0], "s": [1.0250097560619762, 0.975837057530551, 0.015572549426047903]}, "2063": {"path": [16, 0, 1, 1], "s": [1.0075832448108075, 0.9930357157437913, -0.023793879090030196]}, "2064": {"path": [16, 0, 1, 1], "s": [1.0105294812753467, 0.9900944134820518, -0.02279460615227803]}, "2065": {"path": [16, 0, 1, 2], "s": [1.0240180166305364, 0.9767391995840252, 0.01409034858798041]}, "2066": {"path": [16, 0, 1, 2], "s": [1.0201180652283461, 0.9804320945547225, 0.012509651671339701]}, "2067": {"path": [16, 0, 1, 3], "s": [1.0052042091102282, 0.9955588264164998, -0.027201520742494958]}, "2068": {"path": [16, 0, 1, 3], "s": [1.0035487408676587, 0.9971879856063236, -0.02695825223528598]}, "2069": {"path": [16, 0, 2, 0], "s": [0.9986047259686959, 1.002012583774076, -0.024789143528859466]}, "2070": {"path": [16, 0, 2, 0], "s": [1.0021740143950963, 0.9984733950639637, -0.025378940047897026]}, "2071": {"path": [16, 0, 2, 1], "s": [1.0254858732028331, 0.9752711670116632, 0.011260742093733593]}, "2072": {"path": [16, 0, 2, 1], "s": [1.021624975984525, 0.978934863864941, 0.010213069393406559]}, "2073": {"path": [16, 0, 2, 2], "s": [0.9938819381553231, 1.0069495346181738, -0.028088344396068065]}, "2074": {"path": [16, 0, 2, 2], "s": [0.9922219390111442, 1.0085340395494244, -0.02626024143969891]}, "2075": {"path": [16, 0, 2, 3], "s": [1.02276715484566, 0.9778670668528712, 0.011415681424322161]}, "2076": {"path": [16, 0, 2, 3], "s": [1.0274421054441751, 0.9734533786362025, 0.012922418416292629]}, "2077": {"path": [16, 0, 3, 0], "s": [1.0316428528229973, 0.9694701331815925, 0.012121630342033602]}, "2078": {"path": [16, 0, 3, 0], "s": [1.0275244241970105, 0.9733285558824706, 0.01090247392309029]}, "2079": {"path": [16, 0, 3, 1], "s": [0.9851018071533051, 1.0162506461539074, -0.03332188540478367]}, "2080": {"path": [16, 0, 3, 1], "s": [0.9853008474560453, 1.0159072886154854, -0.031213977792179257]}, "2081": {"path": [16, 0, 3, 2], "s": [1.0298673085805257, 0.9711650695331284, 0.01308267356095626]}, "2082": {"path": [16, 0, 3, 2], "s": [1.0345640311713578, 0.9668095207303238, 0.015045103576002293]}, "2083": {"path": [16, 0, 3, 3], "s": [0.9956584791048343, 1.005255267232743, -0.029848458671727293]}, "2084": {"path": [16, 0, 3, 3], "s": [0.9971913740630711, 1.003788359754473, -0.031130270350266994]}, "2085": {"path": [16, 1, 0, 0], "s": [1.024532563264838, 0.9761357777163107, 0.009104418608999867]}, "2086": {"path": [16, 1, 0, 0], "s": [1.0285206976395826, 0.9723600736260642, 0.009615679006487734]}, "2087": {"path": [16, 1, 0, 1], "s": [0.9886635199896361, 1.0119009558631133, -0.02072585111654928]}, "2088": {"path": [16, 1, 0, 1], "s": [0.9914428447035966, 1.0092225605730165, -0.02421748115634946]}, "2089": {"path": [16, 1, 0, 2], "s": [1.025014640574883, 0.9756569439003743, 0.007915281197233366]}, "2090": {"path": [16, 1, 0, 2], "s": [1.021723105944559, 0.978802112678888, 0.008045785938572638]}, "2091": {"path": [16, 1, 0, 3], "s": [0.9817663782849615, 1.0190760020064509, -0.02223860802725516]}, "2092": {"path": [16, 1, 0, 3], "s": [0.9813166040696195, 1.0193696723456076, -0.018010695648766627]}, "2093": {"path": [16, 1, 1, 0], "s": [0.9815893230882472, 1.0188542396552935, -0.009820561533388094]}, "2094": {"path": [16, 1, 1, 0], "s": [0.981242341809798, 1.0193758031022386, -0.015959330195418193]}, "2095": {"path": [16, 1, 1, 1], "s": [1.0234159024225657, 0.9771334682359765, 0.0037323159047360018]}, "2096": {"path": [16, 1, 1, 1], "s": [1.02022374895323, 0.9802039402699554, 0.005228640448606469]}, "2097": {"path": [16, 1, 1, 2], "s": [0.9738721375308971, 1.0269148788824254, -0.009153587248206547]}, "2098": {"path": [16, 1, 1, 2], "s": [0.9765462973887269, 1.024027952994851, -0.0032719901710819375]}, "2099": {"path": [16, 1, 1, 3], "s": [1.0246773609560613, 0.9759568607140211, 0.006395345448514414]}, "2100": {"path": [16, 1, 1, 3], "s": [1.0280775510778812, 0.9727236995955916, 0.005949702148208418]}, "2101": {"path": [16, 1, 2, 0], "s": [1.032748718755734, 0.9683053420495403, 0.004012650744270447]}, "2102": {"path": [16, 1, 2, 0], "s": [1.0292398386280972, 0.9716069385662911, 0.004070461879045528]}, "2103": {"path": [16, 1, 2, 1], "s": [0.963505979150622, 1.0379812011180292, -0.01005452749588137]}, "2104": {"path": [16, 1, 2, 1], "s": [0.9667271862614739, 1.0344384986555757, -0.004451872173328967]}, "2105": {"path": [16, 1, 2, 2], "s": [1.0349205057123883, 0.9662865365240413, 0.005454451625342825]}, "2106": {"path": [16, 1, 2, 2], "s": [1.0387390023047705, 0.9627424256994473, 0.006173066297894372]}, "2107": {"path": [16, 1, 2, 3], "s": [0.9736975591243243, 1.0271625685419634, -0.012070037828513356]}, "2108": {"path": [16, 1, 2, 3], "s": [0.9722934986592955, 1.0288004150438133, -0.017203341683634552]}, "2109": {"path": [16, 1, 3, 0], "s": [0.9712684334088154, 1.0302029044115792, -0.02456747974551713]}, "2110": {"path": [16, 1, 3, 0], "s": [0.9725321187602485, 1.0286882318332244, -0.02079292303884487]}, "2111": {"path": [16, 1, 3, 1], "s": [1.0335833682383164, 0.967592808396301, 0.00937197873557832]}, "2112": {"path": [16, 1, 3, 1], "s": [1.0376359469353094, 0.9638362752849566, 0.010543538111487864]}, "2113": {"path": [16, 1, 3, 2], "s": [0.9828032863521764, 1.0181243347683888, -0.02481818134949427]}, "2114": {"path": [16, 1, 3, 2], "s": [0.9833929204872386, 1.0176843075018378, -0.02799184324522729]}, "2115": {"path": [16, 1, 3, 3], "s": [1.032855450970531, 0.9682541164906621, 0.008157336699950923]}, "2116": {"path": [16, 1, 3, 3], "s": [1.0292983282579284, 0.9715926459493804, 0.007660693401691573]}, "2117": {"path": [16, 2, 0, 0], "s": [0.9623606886672545, 1.0393060778295715, -0.013686226511710605]}, "2118": {"path": [16, 2, 0, 0], "s": [0.9593936339051474, 1.0426623594446673, -0.01798971827835608]}, "2119": {"path": [16, 2, 0, 1], "s": [1.046074044346703, 0.9559697239190572, 0.0038878494067950023]}, "2120": {"path": [16, 2, 0, 1], "s": [1.041683820919415, 0.9599915933890697, 0.0027768781111548626]}, "2121": {"path": [16, 2, 0, 2], "s": [0.9487451805439416, 1.0541435959713878, -0.010660969895555704]}, "2122": {"path": [16, 2, 0, 2], "s": [0.953215245491954, 1.0491070347434834, -0.004981934397949948]}, "2123": {"path": [16, 2, 0, 3], "s": [1.0495746967104764, 0.9527846194313635, 0.004316013215955068]}, "2124": {"path": [16, 2, 0, 3], "s": [1.0545230674620774, 0.9483296271789652, 0.005955452789698379]}, "2125": {"path": [16, 2, 1, 0], "s": [1.0651969678803694, 0.9388005440984402, 0.002737337775885194]}, "2126": {"path": [16, 2, 1, 0], "s": [1.0592455990084633, 0.9440688670082545, 0.0008902468195108403]}, "2127": {"path": [16, 2, 1, 1], "s": [0.9281898287113629, 1.0774154199403134, -0.006784842325429897]}, "2128": {"path": [16, 2, 1, 1], "s": [0.9348340297445137, 1.0697156116105497, -0.0025604457632828564]}, "2129": {"path": [16, 2, 1, 2], "s": [1.070789396586819, 0.9339001527665837, 0.00322196419416762]}, "2130": {"path": [16, 2, 1, 2], "s": [1.0773108919283556, 0.9282604742433652, 0.005011930661715908]}, "2131": {"path": [16, 2, 1, 3], "s": [0.9456431124936527, 1.0576276984253423, -0.0117621681010889]}, "2132": {"path": [16, 2, 1, 3], "s": [0.9399363738835982, 1.0640998514299476, -0.013643892521590635]}, "2133": {"path": [16, 2, 2, 0], "s": [0.927284946801309, 1.07845516886948, -0.005936656696500978]}, "2134": {"path": [16, 2, 2, 0], "s": [0.935487812189364, 1.0691308570465838, -0.012605014980043855]}, "2135": {"path": [16, 2, 2, 1], "s": [1.0707695382339415, 0.9340227321696378, 0.011094576390687666]}, "2136": {"path": [16, 2, 2, 1], "s": [1.0778115723839667, 0.9279701083900795, 0.013301189767552702]}, "2137": {"path": [16, 2, 2, 2], "s": [0.9516907514104442, 1.0515597102810534, -0.027561763918958482]}, "2138": {"path": [16, 2, 2, 2], "s": [0.9434037251056818, 1.0605363242891697, -0.022669780419968085]}, "2139": {"path": [16, 2, 2, 3], "s": [1.0644689333211563, 0.9395059672880504, 0.008655336386970976]}, "2140": {"path": [16, 2, 2, 3], "s": [1.0588186935738375, 0.9444905349557443, 0.006650888263715372]}, "2141": {"path": [16, 2, 3, 0], "s": [1.047730550152793, 0.9545298095652565, 0.009489073350239073]}, "2142": {"path": [16, 2, 3, 0], "s": [1.0527663314959417, 0.9500026998410104, 0.011439284193560197]}, "2143": {"path": [16, 2, 3, 1], "s": [0.9720882961365395, 1.0295717760411784, -0.02889071688518651]}, "2144": {"path": [16, 2, 3, 1], "s": [0.9696400921617315, 1.0322986611074223, -0.030954303329793365]}, "2145": {"path": [16, 2, 3, 2], "s": [1.0452950149709401, 0.9567365044855741, 0.008479314800885162]}, "2146": {"path": [16, 2, 3, 2], "s": [1.0410071853553249, 0.9606571611603828, 0.007141948684106313]}, "2147": {"path": [16, 2, 3, 3], "s": [0.9537258745182242, 1.049090830525145, -0.023346729784786902]}, "2148": {"path": [16, 2, 3, 3], "s": [0.95814412996611, 1.0441842695674626, -0.02188671946670987]}, "2149": {"path": [16, 3, 0, 0], "s": [1.062004024361042, 0.941852742463686, 0.01585568831425127]}, "2150": {"path": [16, 3, 0, 0], "s": [1.055918168463106, 0.9472013945278833, 0.012929101886140845]}, "2151": {"path": [16, 3, 0, 1], "s": [0.9266405722575525, 1.0791825735116365, -0.0037891277624951428]}, "2152": {"path": [16, 3, 0, 1], "s": [0.939252273980282, 1.065442988196842, -0.026828146790837993]}, "2153": {"path": [16, 3, 0, 2], "s": [1.0675532459658024, 0.9370536243372174, 0.01883184285236097]}, "2154": {"path": [16, 3, 0, 2], "s": [1.0767360001660635, 0.9292710739539384, 0.024075282743639237]}, "2155": {"path": [16, 3, 0, 3], "s": [0.9676890877851985, 1.0353731988518506, -0.04381034483076812]}, "2156": {"path": [16, 3, 0, 3], "s": [0.9534860238968655, 1.050118869382152, -0.03568844891921965]}, "2157": {"path": [16, 3, 1, 0], "s": [0.9276481958229832, 1.077995499496104, -0.000761717044785212]}, "2158": {"path": [16, 3, 1, 0], "s": [0.957521399171349, 1.0469517314019319, -0.04978641096569068]}, "2159": {"path": [16, 3, 1, 1], "s": [1.0611328210266, 0.9428085685334344, 0.021097772771830465]}, "2160": {"path": [16, 3, 1, 1], "s": [1.0721735196033042, 0.9338224483325105, 0.034924219579595156]}, "2161": {"path": [16, 3, 1, 2], "s": [1.0022907782840496, 1.0003394951105418, -0.051293772552014734]}, "2162": {"path": [16, 3, 1, 2], "s": [0.9927566994603637, 1.0101905666369586, -0.05360459644938405]}, "2163": {"path": [16, 3, 1, 3], "s": [1.0561446788223918, 0.9473451128803096, 0.02309761842564927]}, "2164": {"path": [16, 3, 1, 3], "s": [1.0497246585006477, 0.9529601128212073, 0.01859378917760387]}, "2165": {"path": [16, 3, 2, 0], "s": [1.032529891482647, 0.9688789719838677, 0.019912302788000123]}, "2166": {"path": [16, 3, 2, 0], "s": [1.039754939891239, 0.9623487277494309, 0.024634195248074347]}, "2167": {"path": [16, 3, 2, 1], "s": [1.0055181087405543, 0.9957403178272236, -0.035141445308203824]}, "2168": {"path": [16, 3, 2, 1], "s": [1.0069746796109116, 0.9943341729501728, -0.0356277312311707]}, "2169": {"path": [16, 3, 2, 2], "s": [1.0372494946670596, 0.9644348914556362, 0.018963222343235196]}, "2170": {"path": [16, 3, 2, 2], "s": [1.031743585622298, 0.9694805632083148, 0.01597975205287798]}, "2171": {"path": [16, 3, 2, 3], "s": [0.9886474548411737, 1.0134779147654478, -0.044411270760924965]}, "2172": {"path": [16, 3, 2, 3], "s": [0.9927437232367416, 1.0092195812797196, -0.04354772879329681]}, "2173": {"path": [16, 3, 3, 0], "s": [0.9883655885230307, 1.0131699192316592, -0.03717907335087104]}, "2174": {"path": [16, 3, 3, 0], "s": [0.9867552242000487, 1.0149259650952631, -0.03851620742008899]}, "2175": {"path": [16, 3, 3, 1], "s": [1.0426345743423024, 0.9592862730554272, 0.013602756322138703]}, "2176": {"path": [16, 3, 3, 1], "s": [1.0379716665508885, 0.9635498165922535, 0.01172215564921983]}, "2177": {"path": [16, 3, 3, 2], "s": [0.9653395167751296, 1.037232445984712, -0.03579760034371206]}, "2178": {"path": [16, 3, 3, 2], "s": [0.971100191941755, 1.0311322370417844, -0.0365063461415735]}, "2179": {"path": [16, 3, 3, 3], "s": [1.042893098164963, 0.9590811189694639, 0.01480133620939273]}, "2180": {"path": [16, 3, 3, 3], "s": [1.0483915745164176, 0.9541402082044703, 0.017679230438759148]}, "2181": {"path": [18, 0, 0, 0], "s": [1.0639075082373557, 0.940032541157493, -0.010376826340400564]}, "2182": {"path": [18, 0, 0, 0], "s": [1.0575451293291265, 0.9457053323623685, -0.011228001621256948]}, "2183": {"path": [18, 0, 0, 1], "s": [0.9268332059546238, 1.0789484748194205, -0.002296514039912868]}, "2184": {"path": [18, 0, 0, 1], "s": [0.937987998883752, 1.0668042715198276, 0.025487327116058826]}, "2185": {"path": [18, 0, 0, 2], "s": [1.0697306661970718, 0.9348880030388736, -0.00885247481917171]}, "2186": {"path": [18, 0, 0, 2], "s": [1.07839718099382, 0.9273429346769665, -0.006633744807945401]}, "2187": {"path": [18, 0, 0, 3], "s": [0.9499615330540068, 1.0533476954755747, 0.02529410272932855]}, "2188": {"path": [18, 0, 0, 3], "s": [0.9399768788705773, 1.0639980217386282, 0.011555933469180374]}, "2189": {"path": [18, 0, 1, 0], "s": [0.9281158753978894, 1.0774554907738298, -0.0018830883718538999]}, "2190": {"path": [18, 0, 1, 0], "s": [0.9354873130059712, 1.0692022363474307, 0.01500423742257888]}, "2191": {"path": [18, 0, 1, 1], "s": [1.0697525209695193, 0.9347971203855417, -0.001255439158569723]}, "2192": {"path": [18, 0, 1, 1], "s": [1.0777167158586853, 0.927888532792991, 0.0009910825374249879]}, "2193": {"path": [18, 0, 1, 2], "s": [0.9452357045764574, 1.0580787614402591, 0.0115682136637004]}, "2194": {"path": [18, 0, 1, 2], "s": [0.938790801631283, 1.0652067103475242, 0.002502300976129919]}, "2195": {"path": [18, 0, 1, 3], "s": [1.0654958282536136, 0.9385403970599314, -0.0032981380879562945]}, "2196": {"path": [18, 0, 1, 3], "s": [1.058586204953733, 0.9446846059652614, -0.005485609079919869]}, "2197": {"path": [18, 0, 2, 0], "s": [1.049238300298772, 0.9530839799366647, -0.0034950179878179806]}, "2198": {"path": [18, 0, 2, 0], "s": [1.0551901522619251, 0.9476986242534025, -0.001501873618329426]}, "2199": {"path": [18, 0, 2, 1], "s": [0.9613012918248025, 1.0403741224836824, 0.010629577821309895]}, "2200": {"path": [18, 0, 2, 1], "s": [0.9560570978322721, 1.0459866704334884, 0.004793798690204067]}, "2201": {"path": [18, 0, 2, 2], "s": [1.0461327747208298, 0.9559232186289837, -0.00475490529936573]}, "2202": {"path": [18, 0, 2, 2], "s": [1.041253164536715, 0.9604136019601107, -0.005805368642065345]}, "2203": {"path": [18, 0, 2, 3], "s": [0.9491441544594165, 1.0537085401816257, 0.01101369226710086]}, "2204": {"path": [18, 0, 2, 3], "s": [0.9565464976250418, 1.0458128185167965, 0.01919866463105984]}, "2205": {"path": [18, 0, 3, 0], "s": [0.9691864065429507, 1.032477939972757, 0.0257601334830539]}, "2206": {"path": [18, 0, 3, 0], "s": [0.9609721578238947, 1.0410593616326178, 0.020713791803128826]}, "2207": {"path": [18, 0, 3, 1], "s": [1.0438444750919031, 0.9580942781772521, -0.010070694737132421]}, "2208": {"path": [18, 0, 3, 1], "s": [1.0403302118942832, 0.9613298602834357, -0.010024831617923936]}, "2209": {"path": [18, 0, 3, 2], "s": [0.9554484804858184, 1.0473205508511327, 0.02570659238959122]}, "2210": {"path": [18, 0, 3, 2], "s": [0.9669193863654704, 1.0353409733525774, 0.03303420398773501]}, "2211": {"path": [18, 0, 3, 3], "s": [1.0487520752374435, 0.9535763242961276, -0.008071493223523248]}, "2212": {"path": [18, 0, 3, 3], "s": [1.0540438165388695, 0.9487728885044987, -0.006942364718750567]}, "2213": {"path": [18, 1, 0, 0], "s": [0.9645457598363884, 1.0369356681678288, 0.013111138561993129]}, "2214": {"path": [18, 1, 0, 0], "s": [0.9707160556481974, 1.0304909865882341, 0.017724160966015742]}, "2215": {"path": [18, 1, 0, 1], "s": [1.034519878584422, 0.9666458063326268, -0.00378182513745485]}, "2216": {"path": [18, 1, 0, 1], "s": [1.0391863984344498, 0.9623007818342012, -0.0031438328420981274]}, "2217": {"path": [18, 1, 0, 2], "s": [0.9728410987906746, 1.0280056784037148, 0.00928298127338353]}, "2218": {"path": [18, 1, 0, 2], "s": [0.9683464446582131, 1.0327076161470599, 0.004329950053455653]}, "2219": {"path": [18, 1, 0, 3], "s": [1.0331050295006043, 0.9679888842025034, -0.005846774348743911]}, "2220": {"path": [18, 1, 0, 3], "s": [1.0292123050829056, 0.9716478225833836, -0.005647584424325969]}, "2221": {"path": [18, 1, 1, 0], "s": [1.0239924521358132, 0.9765817982477661, -0.003519985643662922]}, "2222": {"path": [18, 1, 1, 0], "s": [1.0281109162551851, 0.972676100158138, -0.004349316394988158]}, "2223": {"path": [18, 1, 1, 1], "s": [0.9814071715034893, 1.0190205177196952, 0.008604882294834486]}, "2224": {"path": [18, 1, 1, 1], "s": [0.9770561655836096, 1.0234932050749326, 0.0032165900255757586]}, "2225": {"path": [18, 1, 1, 2], "s": [1.0241864665945541, 0.9764316783174856, -0.006936172357688601]}, "2226": {"path": [18, 1, 1, 2], "s": [1.0206619438207174, 0.9797816189228243, -0.005080520601245948]}, "2227": {"path": [18, 1, 1, 3], "s": [0.9747215507241516, 1.0260796999493207, 0.011916220087544038]}, "2228": {"path": [18, 1, 1, 3], "s": [0.9805485211193233, 1.0200857005507598, 0.01560529044959763]}, "2229": {"path": [18, 1, 2, 0], "s": [0.9882030613755318, 1.0123221572479146, 0.019489866358498566]}, "2230": {"path": [18, 1, 2, 0], "s": [0.9820277553247326, 1.0186438291505249, 0.018344291103258546]}, "2231": {"path": [18, 1, 2, 1], "s": [1.0241528952922394, 0.9765125099843723, -0.009905270798276073]}, "2232": {"path": [18, 1, 2, 1], "s": [1.0227265577985527, 0.9778379180541998, -0.007797949504501172]}, "2233": {"path": [18, 1, 2, 2], "s": [0.9838339980216183, 1.0170467732440285, 0.024600672666806656]}, "2234": {"path": [18, 1, 2, 2], "s": [0.9902689320143555, 1.0103994089667938, 0.02381477746027959]}, "2235": {"path": [18, 1, 2, 3], "s": [1.0254880309367087, 0.9751982454785192, -0.007357209301035393]}, "2236": {"path": [18, 1, 2, 3], "s": [1.0282932620371117, 0.9725491182542993, -0.008105880644941001]}, "2237": {"path": [18, 1, 3, 0], "s": [1.0318153814555162, 0.9692618465335594, -0.009964030876294367]}, "2238": {"path": [18, 1, 3, 0], "s": [1.0295206414777276, 0.9714069796428382, -0.009139847801616838]}, "2239": {"path": [18, 1, 3, 1], "s": [0.9741426134427726, 1.0273296087774946, 0.027668573538404437]}, "2240": {"path": [18, 1, 3, 1], "s": [0.9819023513449141, 1.0192738252897022, 0.028763965586896638]}, "2241": {"path": [18, 1, 3, 2], "s": [1.0346815461818968, 0.966538804411576, -0.007737221295277821]}, "2242": {"path": [18, 1, 3, 2], "s": [1.0383343271912013, 0.9631370106291938, -0.007630198202495556]}, "2243": {"path": [18, 1, 3, 3], "s": [0.9807386133161161, 1.0201523608911924, 0.022423465200333104]}, "2244": {"path": [18, 1, 3, 3], "s": [0.9740956699032786, 1.0270138975579146, 0.020243283865387932]}, "2245": {"path": [18, 2, 0, 0], "s": [1.025819550040037, 0.9749364285205308, -0.010433044741212021]}, "2246": {"path": [18, 2, 0, 0], "s": [1.0268389332990457, 0.973992539474453, -0.011552500819093856]}, "2247": {"path": [18, 2, 0, 1], "s": [0.9979293539764484, 1.0026304858730188, 0.02354555253872095]}, "2248": {"path": [18, 2, 0, 1], "s": [0.993440571908838, 1.0073164683056586, 0.02662796212187908]}, "2249": {"path": [18, 2, 0, 2], "s": [1.0225308361390766, 0.9781165733199846, -0.012424071730839509]}, "2250": {"path": [18, 2, 0, 2], "s": [1.0230935123609384, 0.9775237973818324, -0.009912380126958631]}, "2251": {"path": [18, 2, 0, 3], "s": [0.9967849821998621, 1.0041105018805152, 0.029703009000170314]}, "2252": {"path": [18, 2, 0, 3], "s": [1.0006072161429713, 1.0000270055555602, 0.025184084194997066]}, "2253": {"path": [18, 2, 1, 0], "s": [1.006720512993661, 0.9938296467894082, 0.022554197927265523]}, "2254": {"path": [18, 2, 1, 0], "s": [1.0051872403488191, 0.9955699758657425, 0.02709680081903189]}, "2255": {"path": [18, 2, 1, 1], "s": [1.0205358346803368, 0.9800880600770642, -0.014662416273528432]}, "2256": {"path": [18, 2, 1, 1], "s": [1.0219678126202836, 0.978651147934318, -0.012246345281815075]}, "2257": {"path": [18, 2, 1, 2], "s": [1.0082448109290232, 0.9926020026635044, 0.028032454463262073]}, "2258": {"path": [18, 2, 1, 2], "s": [1.0087477986234237, 0.9918393640046509, 0.022710680917766846]}, "2259": {"path": [18, 2, 1, 3], "s": [1.0241791908730014, 0.9765575356009815, -0.013034824614993194]}, "2260": {"path": [18, 2, 1, 3], "s": [1.0239572260424903, 0.9768058094842393, -0.014400245194761727]}, "2261": {"path": [18, 2, 2, 0], "s": [1.0243103756356766, 0.9765363759947012, -0.01662354104978093]}, "2262": {"path": [18, 2, 2, 0], "s": [1.0250617250962182, 0.9757630726021785, -0.01474376094404154]}, "2263": {"path": [18, 2, 2, 1], "s": [1.0066605017399386, 0.9945232062410755, 0.033870780721051444]}, "2264": {"path": [18, 2, 2, 1], "s": [1.0075779727409624, 0.9932577752980879, 0.028011705482630826]}, "2265": {"path": [18, 2, 2, 2], "s": [1.029993053121655, 0.9710916816611012, -0.014754187715967504]}, "2266": {"path": [18, 2, 2, 2], "s": [1.0299516483845423, 0.9711919568014553, -0.01675579915934793]}, "2267": {"path": [18, 2, 2, 3], "s": [1.0039666265470764, 0.9967799487382346, 0.02708879001529588]}, "2268": {"path": [18, 2, 2, 3], "s": [1.0013619601383286, 0.9996748754049296, 0.03219305416576438]}, "2269": {"path": [18, 2, 3, 0], "s": [0.9901185064995078, 1.0112550454021747, 0.03552935749057247]}, "2270": {"path": [18, 2, 3, 0], "s": [0.9958899233040905, 1.0051424548095647, 0.031800035062595364]}, "2271": {"path": [18, 2, 3, 1], "s": [1.033417978301211, 0.9677901577703198, -0.01147816460996443]}, "2272": {"path": [18, 2, 3, 1], "s": [1.0352853974649456, 0.9660670558422679, -0.012454552800191187]}, "2273": {"path": [18, 2, 3, 2], "s": [0.992776665851459, 1.008076314228023, 0.028189398062467567]}, "2274": {"path": [18, 2, 3, 2], "s": [0.9867788779471189, 1.0143341080574713, 0.03038869876192055]}, "2275": {"path": [18, 2, 3, 3], "s": [1.0285686027292333, 0.972411131088311, -0.013840461764649207]}, "2276": {"path": [18, 2, 3, 3], "s": [1.0281035041440876, 0.9728102421934917, -0.01223187910285687]}, "2277": {"path": [18, 3, 0, 0], "s": [0.9999465471625841, 1.001277601668029, 0.03498686237973441]}, "2278": {"path": [18, 3, 0, 0], "s": [0.9948069764333506, 1.0068774096893445, 0.040603836913537555]}, "2279": {"path": [18, 3, 0, 1], "s": [1.0304528816381433, 0.9708559709229423, -0.020526395035201126]}, "2280": {"path": [18, 3, 0, 1], "s": [1.0314274636484897, 0.9698309629192895, -0.017615057525174716]}, "2281": {"path": [18, 3, 0, 2], "s": [1.0045984628968252, 0.9975052047438437, 0.04574052270414672]}, "2282": {"path": [18, 3, 0, 2], "s": [1.006377219669181, 0.9950316437973324, 0.03711036469255044]}, "2283": {"path": [18, 3, 0, 3], "s": [1.0415792732896672, 0.9603840312267955, -0.017779238572129596]}, "2284": {"path": [18, 3, 0, 3], "s": [1.0424113822931504, 0.9597139873134701, -0.020415291364691352]}, "2285": {"path": [18, 3, 1, 0], "s": [1.0488893198890814, 0.9540579462082409, -0.026479998737431582]}, "2286": {"path": [18, 3, 1, 0], "s": [1.047543535571517, 0.9550867378230741, -0.022247204692915655]}, "2287": {"path": [18, 3, 1, 1], "s": [0.9257275388589234, 1.0802684290768905, -0.005850996184016449]}, "2288": {"path": [18, 3, 1, 1], "s": [0.9916697343703312, 1.012271655189699, 0.061960982985944026]}, "2289": {"path": [18, 3, 1, 2], "s": [1.0649820322094778, 0.9394910983638018, -0.023262398375852165]}, "2290": {"path": [18, 3, 1, 2], "s": [1.0733034408860374, 0.9323402544330474, -0.02615345406544637]}, "2291": {"path": [18, 3, 1, 3], "s": [0.9858062007077653, 1.0168785706140893, 0.04944896640191722]}, "2292": {"path": [18, 3, 1, 3], "s": [0.9625548574410481, 1.0409349342616527, 0.0442377356295686]}, "2293": {"path": [18, 3, 2, 0], "s": [0.9255299535630991, 1.0804771205569008, -0.003733525816127106]}, "2294": {"path": [18, 3, 2, 0], "s": [0.9480994759520095, 1.0565073943510095, 0.04091585174006699]}, "2295": {"path": [18, 3, 2, 1], "s": [1.0688297104845461, 0.9358655516925758, -0.016760270523955106]}, "2296": {"path": [18, 3, 2, 1], "s": [1.0774994564042695, 0.9283236893649173, -0.016378969989114124]}, "2297": {"path": [18, 3, 2, 2], "s": [0.9616172355489672, 1.0415023274420208, 0.03907158728042437]}, "2298": {"path": [18, 3, 2, 2], "s": [0.9447124965715108, 1.0591442702532157, 0.024224528485125962]}, "2299": {"path": [18, 3, 2, 3], "s": [1.0590026096781628, 0.9446022836008545, -0.018338032644111078]}, "2300": {"path": [18, 3, 2, 3], "s": [1.054207964599055, 0.9488543220379939, -0.017023029597873877]}, "2301": {"path": [18, 3, 3, 0], "s": [1.0465618181462661, 0.9556706108372737, -0.012975824706335171]}, "2302": {"path": [18, 3, 3, 0], "s": [1.0501938200089014, 0.9523781427509406, -0.013477382112009384]}, "2303": {"path": [18, 3, 3, 1], "s": [0.9833027916297071, 1.0182186915134346, 0.0348895665594734]}, "2304": {"path": [18, 3, 3, 1], "s": [0.9737682525119232, 1.0281525948858077, 0.03438539860976369]}, "2305": {"path": [18, 3, 3, 2], "s": [1.038682289527817, 0.9629988997674969, -0.015808289700991924]}, "2306": {"path": [18, 3, 3, 2], "s": [1.0372865577950823, 0.9642489499596067, -0.01422934155618264]}, "2307": {"path": [18, 3, 3, 3], "s": [0.9712951447341575, 1.0312366379867304, 0.04043685878609619]}, "2308": {"path": [18, 3, 3, 3], "s": [0.9845525819209495, 1.0174216352134757, 0.04129283051163416]}, "2309": {"path": [19, 0, 0, 0], "s": [1.0163464509034565, 0.9846347536234271, 0.027019202086095376]}, "2310": {"path": [19, 0, 0, 0], "s": [1.0142576364605336, 0.9864358285766693, 0.022362289957884956]}, "2311": {"path": [19, 0, 0, 1], "s": [1.0252420185174, 0.9756625485979558, -0.017036452576716737]}, "2312": {"path": [19, 0, 0, 1], "s": [1.0240055783399313, 0.9769173001814186, -0.019203253957516743]}, "2313": {"path": [19, 0, 0, 2], "s": [1.011631577706892, 0.9890217233968742, 0.022926107963847024]}, "2314": {"path": [19, 0, 0, 2], "s": [1.0123034732239118, 0.9886177964559572, 0.027950474832023724]}, "2315": {"path": [19, 0, 0, 3], "s": [1.0210770758733825, 0.9796748130223318, -0.01798592192931939]}, "2316": {"path": [19, 0, 0, 3], "s": [1.022130439048498, 0.978615132720908, -0.016501977685411177]}, "2317": {"path": [19, 0, 1, 0], "s": [1.0219538097993242, 0.978743056441582, -0.015172189858767204]}, "2318": {"path": [19, 0, 1, 0], "s": [1.0212966089193, 0.9794085044647839, -0.01632741120345197]}, "2319": {"path": [19, 0, 1, 1], "s": [1.0134281249740396, 0.98713902903223, 0.019860898288523294]}, "2320": {"path": [19, 0, 1, 1], "s": [1.013807192860915, 0.9869369927552174, 0.023744939582156337]}, "2321": {"path": [19, 0, 1, 2], "s": [1.0198168386377096, 0.9808372419244937, -0.01656306969030087]}, "2322": {"path": [19, 0, 1, 2], "s": [1.0211333958803837, 0.9795139390117813, -0.014642228494044564]}, "2323": {"path": [19, 0, 1, 3], "s": [1.015883060124171, 0.984923513265225, 0.023814126986453053]}, "2324": {"path": [19, 0, 1, 3], "s": [1.0145477754713295, 0.9860378216978727, 0.0195570584232892]}, "2325": {"path": [19, 0, 2, 0], "s": [1.0187971637439988, 0.9818569244976205, 0.017693215665374164]}, "2326": {"path": [19, 0, 2, 0], "s": [1.0197292142054712, 0.9810611908002949, 0.02041463157318375]}, "2327": {"path": [19, 0, 2, 1], "s": [1.021506275290251, 0.9792648513836081, -0.018033049091328128]}, "2328": {"path": [19, 0, 2, 1], "s": [1.0221813942345475, 0.9785754695126139, -0.016782067516604014]}, "2329": {"path": [19, 0, 2, 2], "s": [1.0208059424970737, 0.9800278765468229, 0.02045189946644724]}, "2330": {"path": [19, 0, 2, 2], "s": [1.0191149559519332, 0.9815452048019385, 0.017532773783936445]}, "2331": {"path": [19, 0, 2, 3], "s": [1.0209421844158217, 0.9797647638481898, -0.01682789995284191]}, "2332": {"path": [19, 0, 2, 3], "s": [1.020462656512714, 0.980247922587092, -0.017504260175524665]}, "2333": {"path": [19, 0, 3, 0], "s": [1.0203291394345868, 0.9804071097825071, -0.0183832157126438]}, "2334": {"path": [19, 0, 3, 0], "s": [1.0210185693376743, 0.9797149457770958, -0.017525760926909627]}, "2335": {"path": [19, 0, 3, 1], "s": [1.0203520476923904, 0.9805189514100193, 0.021783477050491183]}, "2336": {"path": [19, 0, 3, 1], "s": [1.0176369633178683, 0.9830039802490113, 0.018471204345738408]}, "2337": {"path": [19, 0, 3, 2], "s": [1.0215563567858255, 0.9792239257442186, -0.018232554971145235]}, "2338": {"path": [19, 0, 3, 2], "s": [1.0203037696280426, 0.9804800576520202, -0.01968499091882236]}, "2339": {"path": [19, 0, 3, 3], "s": [1.0163565412830662, 0.984268526005606, 0.019176933666226866]}, "2340": {"path": [19, 0, 3, 3], "s": [1.018375302827697, 0.9824729053855193, 0.02293779723482149]}, "2341": {"path": [19, 1, 0, 0], "s": [1.0223244623821288, 0.9784802761220691, -0.018008948831491192]}, "2342": {"path": [19, 1, 0, 0], "s": [1.0222921267502243, 0.9785147705308075, -0.018109274487029745]}, "2343": {"path": [19, 1, 0, 1], "s": [1.0239165995859356, 0.9769221622061285, 0.01693571333717042]}, "2344": {"path": [19, 1, 0, 1], "s": [1.0247038049926087, 0.9762346739492548, 0.018745265042657607]}, "2345": {"path": [19, 1, 0, 2], "s": [1.026031501601424, 0.9749749430113251, -0.018841571104219225]}, "2346": {"path": [19, 1, 0, 2], "s": [1.0261127376295098, 0.9748775747986747, -0.018283794198339906]}, "2347": {"path": [19, 1, 0, 3], "s": [1.024946016844507, 0.9760173368193347, 0.01910711239723849]}, "2348": {"path": [19, 1, 0, 3], "s": [1.0235668912894678, 0.9772664764251365, 0.017251354610267777]}, "2349": {"path": [19, 1, 1, 0], "s": [1.0297519314918533, 0.9714006669339769, 0.01736988853555637]}, "2350": {"path": [19, 1, 1, 0], "s": [1.0303151932712356, 0.9709207824630627, 0.018826407901927425]}, "2351": {"path": [19, 1, 1, 1], "s": [1.0328635594151894, 0.9685386702186839, -0.019191100888747877]}, "2352": {"path": [19, 1, 1, 1], "s": [1.0331275926575985, 0.9682746369762733, -0.01874152423650816]}, "2353": {"path": [19, 1, 1, 2], "s": [1.0294965991951073, 0.9717393765391911, 0.020059497777138766]}, "2354": {"path": [19, 1, 1, 2], "s": [1.0287982356448342, 0.9723543627809967, 0.018879958968359395]}, "2355": {"path": [19, 1, 1, 3], "s": [1.0265058110944845, 0.9745192374994902, -0.01869920630911865]}, "2356": {"path": [19, 1, 1, 3], "s": [1.0269291511741474, 0.9740958974198253, -0.0180962178247654]}, "2357": {"path": [19, 1, 2, 0], "s": [1.0259898311939502, 0.9750004812342344, -0.018454786791869675]}, "2358": {"path": [19, 1, 2, 0], "s": [1.0266199827948244, 0.9743864618179293, -0.01801701049092572]}, "2359": {"path": [19, 1, 2, 1], "s": [1.0242136645975872, 0.9767248143442752, 0.019362370798755045]}, "2360": {"path": [19, 1, 2, 1], "s": [1.0228149404325841, 0.9780238213594789, 0.018367813844985835]}, "2361": {"path": [19, 1, 2, 2], "s": [1.0222362519994181, 0.978570645281617, -0.01817659894831814]}, "2362": {"path": [19, 1, 2, 2], "s": [1.022104566316499, 0.9787001721877008, -0.018273342545773657]}, "2363": {"path": [19, 1, 2, 3], "s": [1.0233758015053356, 0.9774575662092694, 0.017504863805973662]}, "2364": {"path": [19, 1, 2, 3], "s": [1.0250296626685926, 0.9759336909952486, 0.018999528093471465]}, "2365": {"path": [19, 1, 3, 0], "s": [1.0224651860478404, 0.9783907132195037, 0.01924688596783817]}, "2366": {"path": [19, 1, 3, 0], "s": [1.0200431073535372, 0.9806375918083008, 0.017106032147424233]}, "2367": {"path": [19, 1, 3, 1], "s": [1.020521749602304, 0.9802232089224063, -0.018414781298758655]}, "2368": {"path": [19, 1, 3, 1], "s": [1.0198034811146968, 0.9809414774100166, -0.01917116148092592]}, "2369": {"path": [19, 1, 3, 2], "s": [1.0198510392776918, 0.9808296598841469, 0.01732477957238284]}, "2370": {"path": [19, 1, 3, 2], "s": [1.0219214856436196, 0.9789344136237238, 0.019852211917616748]}, "2371": {"path": [19, 1, 3, 3], "s": [1.0223228664185526, 0.9784908312568004, -0.01826338891680229]}, "2372": {"path": [19, 1, 3, 3], "s": [1.0225424602293096, 0.978271237446046, -0.01799660828184738]}, "2373": {"path": [19, 2, 0, 0], "s": [1.0198433423913285, 0.9808168183625428, 0.01671832265762679]}, "2374": {"path": [19, 2, 0, 0], "s": [1.022604806080971, 0.9782290129629261, 0.018484861474544]}, "2375": {"path": [19, 2, 0, 1], "s": [1.0202454877820903, 0.9805113759650728, -0.019034364905967056]}, "2376": {"path": [19, 2, 0, 1], "s": [1.021490897210987, 0.9792802294628726, -0.01805104470687985]}, "2377": {"path": [19, 2, 0, 2], "s": [1.0218841279888067, 0.9789062770169591, 0.01813249216860853]}, "2378": {"path": [19, 2, 0, 2], "s": [1.0195319371654035, 0.9811221510762154, 0.016892817486190186]}, "2379": {"path": [19, 2, 0, 3], "s": [1.0182312469720962, 0.9824793321277092, -0.019777650940119455]}, "2380": {"path": [19, 2, 0, 3], "s": [1.0175750476074996, 0.9831319006565125, -0.020260567983198845]}, "2381": {"path": [19, 2, 1, 0], "s": [1.0145147775517707, 0.9861325573403955, -0.02111994428850329]}, "2382": {"path": [19, 2, 1, 0], "s": [1.0165501759327324, 0.9841039046294674, -0.01977365386505871]}, "2383": {"path": [19, 2, 1, 1], "s": [1.022191720380167, 0.9785524652359662, 0.016377665334400902]}, "2384": {"path": [19, 2, 1, 1], "s": [1.0189234783283063, 0.9816436756779635, 0.014825265622388922]}, "2385": {"path": [19, 2, 1, 2], "s": [1.0131273710162019, 0.9875777423678833, -0.023281791152903998]}, "2386": {"path": [19, 2, 1, 2], "s": [1.0119218085481427, 0.9887750576927621, -0.023728561434598425]}, "2387": {"path": [19, 2, 1, 3], "s": [1.0190307388604596, 0.9815548583087419, 0.015315759675288296]}, "2388": {"path": [19, 2, 1, 3], "s": [1.0228651661788775, 0.9779414072105179, 0.017383900586220653]}, "2389": {"path": [19, 2, 2, 0], "s": [1.0250503815663239, 0.9758708881135447, 0.017799612924347202]}, "2390": {"path": [19, 2, 2, 0], "s": [1.020667390158668, 0.9799859109450999, 0.015481024404064769]}, "2391": {"path": [19, 2, 2, 1], "s": [1.0130009559401874, 0.9879219225811616, -0.027674030587980986]}, "2392": {"path": [19, 2, 2, 1], "s": [1.011064887190903, 0.9898396799244507, -0.028145058534241676]}, "2393": {"path": [19, 2, 2, 2], "s": [1.0201910534108733, 0.9805024116263295, 0.017314392538184925]}, "2394": {"path": [19, 2, 2, 2], "s": [1.0245605291845579, 0.9764206753423249, 0.020052028213531695]}, "2395": {"path": [19, 2, 2, 3], "s": [1.0142839951774187, 0.9864615765919896, -0.023498701979888705]}, "2396": {"path": [19, 2, 2, 3], "s": [1.0157397111239765, 0.9850121777717389, -0.02271530108683537]}, "2397": {"path": [19, 2, 3, 0], "s": [1.0182234063923064, 0.9825604208877513, -0.02158746725732694]}, "2398": {"path": [19, 2, 3, 0], "s": [1.0167823465097712, 0.9839979360202706, -0.022621457677668953]}, "2399": {"path": [19, 2, 3, 1], "s": [1.0185620119092371, 0.9820789316576426, 0.017558259676932145]}, "2400": {"path": [19, 2, 3, 1], "s": [1.0217842635016559, 0.9790867356007529, 0.02038183112620151]}, "2401": {"path": [19, 2, 3, 2], "s": [1.018767276314491, 0.9819662388002836, -0.019876381344337835]}, "2402": {"path": [19, 2, 3, 2], "s": [1.0195792841712235, 0.9811569650458738, -0.019165491934211763]}, "2403": {"path": [19, 2, 3, 3], "s": [1.0225552539300635, 0.9782929542831525, 0.01893674430838645]}, "2404": {"path": [19, 2, 3, 3], "s": [1.0190417420032973, 0.981583325285374, 0.016564471624438467]}, "2405": {"path": [19, 3, 0, 0], "s": [1.0153821553604279, 0.9855787205148506, -0.02718539155028228]}, "2406": {"path": [19, 3, 0, 0], "s": [1.0177172011514282, 0.9832542916675189, -0.02597702323205826]}, "2407": {"path": [19, 3, 0, 1], "s": [1.0296159710583805, 0.9717005516255965, 0.021872517915247566]}, "2408": {"path": [19, 3, 0, 1], "s": [1.0239001423765488, 0.9770070568019062, 0.018912021636107078]}, "2409": {"path": [19, 3, 0, 2], "s": [1.0185348380331551, 0.9829142721307307, -0.03365158191154003]}, "2410": {"path": [19, 3, 0, 2], "s": [1.0135904556452322, 0.9878216337187313, -0.03530693723883898]}, "2411": {"path": [19, 3, 0, 3], "s": [1.0216277226471826, 0.9793214112028383, 0.02240319322732732]}, "2412": {"path": [19, 3, 0, 3], "s": [1.027489499095196, 0.973885380989172, 0.02563205588121983]}, "2413": {"path": [19, 3, 1, 0], "s": [1.0424042590722609, 0.9602819844936271, 0.03165486607964111]}, "2414": {"path": [19, 3, 1, 0], "s": [1.0277984087134222, 0.9737080232335892, 0.027848820997929128]}, "2415": {"path": [19, 3, 1, 1], "s": [1.057775048634644, 0.9459325827870161, -0.024163686859099906]}, "2416": {"path": [19, 3, 1, 1], "s": [1.036450918534428, 0.9672567128872219, -0.0501408868146269]}, "2417": {"path": [19, 3, 1, 2], "s": [1.01949908375997, 0.9820073481870417, 0.03399399538516588]}, "2418": {"path": [19, 3, 1, 2], "s": [1.0343295721980115, 0.9683566713678768, 0.039999270381178634]}, "2419": {"path": [19, 3, 1, 3], "s": [1.0228630135618555, 0.9785744567575434, -0.03078340191853163]}, "2420": {"path": [19, 3, 1, 3], "s": [1.0269736311816537, 0.9744638391377463, -0.027361786025519953]}, "2421": {"path": [19, 3, 2, 0], "s": [1.0317825105314107, 0.9696295788325541, -0.02113861711101169]}, "2422": {"path": [19, 3, 2, 0], "s": [1.0283951683537969, 0.9730539418100869, -0.026152864185601407]}, "2423": {"path": [19, 3, 2, 1], "s": [1.0120801912876265, 0.988827007890828, 0.02778897796826484]}, "2424": {"path": [19, 3, 2, 1], "s": [1.0140933869582704, 0.9872231357257062, 0.03371132438284991]}, "2425": {"path": [19, 3, 2, 2], "s": [1.022519221329104, 0.9784522714898433, -0.02205118480918342]}, "2426": {"path": [19, 3, 2, 2], "s": [1.0244089801126053, 0.976551895762673, -0.019711204054332306]}, "2427": {"path": [19, 3, 2, 3], "s": [1.0218200956188206, 0.9795547844655461, 0.03047562183873743]}, "2428": {"path": [19, 3, 2, 3], "s": [1.017039700511208, 0.9839094333388133, 0.02597990402327884]}, "2429": {"path": [19, 3, 3, 0], "s": [1.0168221741311758, 0.9838929914564611, 0.021076306250984684]}, "2430": {"path": [19, 3, 3, 0], "s": [1.0201953524248777, 0.9808208051826354, 0.02507642336839518]}, "2431": {"path": [19, 3, 3, 1], "s": [1.0188340354760612, 0.9819588611471824, -0.021286361221688876]}, "2432": {"path": [19, 3, 3, 1], "s": [1.020236698619037, 0.9805561980042073, -0.01998545126449519]}, "2433": {"path": [19, 3, 3, 2], "s": [1.0230024116326841, 0.978013745974829, 0.022592493048911963]}, "2434": {"path": [19, 3, 3, 2], "s": [1.0188736614070335, 0.9818415041806035, 0.0192989192930719]}, "2435": {"path": [19, 3, 3, 3], "s": [1.0220666999096892, 0.9789236274227457, -0.02291814441854468]}, "2436": {"path": [19, 3, 3, 3], "s": [1.019474761735452, 0.9815155655969847, -0.025106719750356294]}, "2437": {"path": [20, 0, 0, 0], "s": [1.0011217293695573, 1.000021875816442, -0.03381759489887306]}, "2438": {"path": [20, 0, 0, 0], "s": [1.0000590780339556, 1.0010256567487987, -0.03293623197239009]}, "2439": {"path": [20, 0, 0, 1], "s": [1.024552523610713, 0.9762832244283371, 0.015919841294966184]}, "2440": {"path": [20, 0, 0, 1], "s": [1.029609793894371, 0.971573914086644, 0.018493713415539476]}, "2441": {"path": [20, 0, 0, 2], "s": [1.0069530248062653, 0.9938717728921298, -0.02796762384073407]}, "2442": {"path": [20, 0, 0, 2], "s": [1.0087696886376771, 0.9920770629927006, -0.027879561325942853]}, "2443": {"path": [20, 0, 0, 3], "s": [1.028701357742732, 0.9723354778005266, 0.015582881467492989]}, "2444": {"path": [20, 0, 0, 3], "s": [1.0240661973211593, 0.9766803779641522, 0.013614722176438079]}, "2445": {"path": [20, 0, 1, 0], "s": [1.020406043433286, 0.9801811191947887, 0.013518050361073269]}, "2446": {"path": [20, 0, 1, 0], "s": [1.0250097560619869, 0.9758370575305407, 0.015572549426038203]}, "2447": {"path": [20, 0, 1, 1], "s": [1.0075832448108049, 0.9930357157437953, -0.023793879090047904]}, "2448": {"path": [20, 0, 1, 1], "s": [1.0105294812753547, 0.9900944134820453, -0.02279460615230871]}, "2449": {"path": [20, 0, 1, 2], "s": [1.0240180166305528, 0.9767391995840093, 0.014090348587971901]}, "2450": {"path": [20, 0, 1, 2], "s": [1.0201180652283688, 0.9804320945547005, 0.012509651671338846]}, "2451": {"path": [20, 0, 1, 3], "s": [1.0052042091102251, 0.9955588264165037, -0.027201520742500696]}, "2452": {"path": [20, 0, 1, 3], "s": [1.003548740867654, 0.9971879856063267, -0.026958252235298064]}, "2453": {"path": [20, 0, 2, 0], "s": [0.9986047259686989, 1.0020125837740725, -0.024789143528872133]}, "2454": {"path": [20, 0, 2, 0], "s": [1.0021740143950926, 0.9984733950639669, -0.025378940047908864]}, "2455": {"path": [20, 0, 2, 1], "s": [1.0254858732028327, 0.975271167011664, 0.011260742093744027]}, "2456": {"path": [20, 0, 2, 1], "s": [1.0216249759845362, 0.9789348638649308, 0.010213069393416303]}, "2457": {"path": [20, 0, 2, 2], "s": [0.9938819381553214, 1.0069495346181774, -0.028088344396078352]}, "2458": {"path": [20, 0, 2, 2], "s": [0.9922219390111457, 1.0085340395494231, -0.026260241439712242]}, "2459": {"path": [20, 0, 2, 3], "s": [1.0227671548456687, 0.9778670668528628, 0.011415681424329971]}, "2460": {"path": [20, 0, 2, 3], "s": [1.0274421054441876, 0.973453378636191, 0.012922418416301736]}, "2461": {"path": [20, 0, 3, 0], "s": [1.0316428528230093, 0.9694701331815814, 0.012121630342030372]}, "2462": {"path": [20, 0, 3, 0], "s": [1.0275244241970265, 0.9733285558824561, 0.010902473923093207]}, "2463": {"path": [20, 0, 3, 1], "s": [0.9851018071532964, 1.0162506461539185, -0.033321885404784334]}, "2464": {"path": [20, 0, 3, 1], "s": [0.9853008474560394, 1.0159072886154912, -0.031213977792184752]}, "2465": {"path": [20, 0, 3, 2], "s": [1.0298673085805434, 0.9711650695331128, 0.013082673560970641]}, "2466": {"path": [20, 0, 3, 2], "s": [1.0345640311713686, 0.9668095207303142, 0.015045103576009612]}, "2467": {"path": [20, 0, 3, 3], "s": [0.9956584791048346, 1.0052552672327468, -0.029848458671749276]}, "2468": {"path": [20, 0, 3, 3], "s": [0.9971913740630874, 1.0037883597544588, -0.031130270350285885]}, "2469": {"path": [20, 1, 0, 0], "s": [1.0245325632648457, 0.9761357777163037, 0.009104418609006728]}, "2470": {"path": [20, 1, 0, 0], "s": [1.0285206976395849, 0.9723600736260625, 0.009615679006488584]}, "2471": {"path": [20, 1, 0, 1], "s": [0.9886635199896423, 1.011900955863109, -0.02072585111655601]}, "2472": {"path": [20, 1, 0, 1], "s": [0.9914428447036068, 1.009222560573005, -0.024217481156354435]}, "2473": {"path": [20, 1, 0, 2], "s": [1.0250146405748901, 0.9756569439003675, 0.007915281197239563]}, "2474": {"path": [20, 1, 0, 2], "s": [1.021723105944558, 0.9788021126788888, 0.008045785938580543]}, "2475": {"path": [20, 1, 0, 3], "s": [0.981766378284966, 1.0190760020064458, -0.02223860802726662]}, "2476": {"path": [20, 1, 0, 3], "s": [0.9813166040696183, 1.0193696723456092, -0.01801069564877669]}, "2477": {"path": [20, 1, 1, 0], "s": [0.9815893230882411, 1.0188542396553009, -0.009820561533392723]}, "2478": {"path": [20, 1, 1, 0], "s": [0.9812423418097922, 1.0193758031022444, -0.01595933019542111]}, "2479": {"path": [20, 1, 1, 1], "s": [1.0234159024225742, 0.9771334682359678, 0.0037323159047389764]}, "2480": {"path": [20, 1, 1, 1], "s": [1.0202237489532349, 0.9802039402699496, 0.005228640448607793]}, "2481": {"path": [20, 1, 1, 2], "s": [0.9738721375308916, 1.026914878882433, -0.009153587248210714]}, "2482": {"path": [20, 1, 1, 2], "s": [0.9765462973887237, 1.0240279529948562, -0.0032719901710856606]}, "2483": {"path": [20, 1, 1, 3], "s": [1.0246773609560667, 0.975956860714016, 0.006395345448517754]}, "2484": {"path": [20, 1, 1, 3], "s": [1.0280775510778886, 0.9727236995955844, 0.005949702148213267]}, "2485": {"path": [20, 1, 2, 0], "s": [1.03274871875574, 0.9683053420495343, 0.004012650744265135]}, "2486": {"path": [20, 1, 2, 0], "s": [1.0292398386281125, 0.9716069385662768, 0.0040704618790464555]}, "2487": {"path": [20, 1, 2, 1], "s": [0.9635059791506229, 1.0379812011180292, -0.010054527495883543]}, "2488": {"path": [20, 1, 2, 1], "s": [0.9667271862614671, 1.0344384986555817, -0.004451872173323252]}, "2489": {"path": [20, 1, 2, 2], "s": [1.034920505712397, 0.966286536524034, 0.005454451625349179]}, "2490": {"path": [20, 1, 2, 2], "s": [1.0387390023047702, 0.9627424256994475, 0.006173066297895834]}, "2491": {"path": [20, 1, 2, 3], "s": [0.9736975591243097, 1.027162568541978, -0.012070037828519228]}, "2492": {"path": [20, 1, 2, 3], "s": [0.9722934986592824, 1.0288004150438252, -0.01720334168364381]}, "2493": {"path": [20, 1, 3, 0], "s": [0.9712684334088032, 1.0302029044115946, -0.024567479745526873]}, "2494": {"path": [20, 1, 3, 0], "s": [0.9725321187602464, 1.028688231833225, -0.020792923038857745]}, "2495": {"path": [20, 1, 3, 1], "s": [1.0335833682383218, 0.9675928083962955, 0.009371978735581881]}, "2496": {"path": [20, 1, 3, 1], "s": [1.0376359469353265, 0.9638362752849418, 0.0105435381114963]}, "2497": {"path": [20, 1, 3, 2], "s": [0.9828032863521656, 1.0181243347684006, -0.024818181349501322]}, "2498": {"path": [20, 1, 3, 2], "s": [0.9833929204872325, 1.0176843075018436, -0.02799184324523477]}, "2499": {"path": [20, 1, 3, 3], "s": [1.0328554509705459, 0.9682541164906493, 0.008157336699961383]}, "2500": {"path": [20, 1, 3, 3], "s": [1.0292983282579429, 0.9715926459493672, 0.0076606934016996584]}, "2501": {"path": [20, 2, 0, 0], "s": [0.9623606886672567, 1.0393060778295686, -0.013686226511710628]}, "2502": {"path": [20, 2, 0, 0], "s": [0.9593936339051534, 1.0426623594446616, -0.01798971827836196]}, "2503": {"path": [20, 2, 0, 1], "s": [1.0460740443467003, 0.9559697239190604, 0.003887849406794681]}, "2504": {"path": [20, 2, 0, 1], "s": [1.041683820919413, 0.9599915933890726, 0.0027768781111555253]}, "2505": {"path": [20, 2, 0, 2], "s": [0.9487451805439543, 1.054143595971373, -0.010660969895556491]}, "2506": {"path": [20, 2, 0, 2], "s": [0.9532152454919681, 1.0491070347434674, -0.004981934397950886]}, "2507": {"path": [20, 2, 0, 3], "s": [1.0495746967104624, 0.952784619431376, 0.004316013215962882]}, "2508": {"path": [20, 2, 0, 3], "s": [1.0545230674620627, 0.9483296271789781, 0.005955452789706201]}, "2509": {"path": [20, 2, 1, 0], "s": [1.065196967880362, 0.9388005440984468, 0.002737337775884977]}, "2510": {"path": [20, 2, 1, 0], "s": [1.0592455990084524, 0.944068867008264, 0.0008902468195122062]}, "2511": {"path": [20, 2, 1, 1], "s": [0.928189828711371, 1.0774154199403057, -0.006784842325428062]}, "2512": {"path": [20, 2, 1, 1], "s": [0.9348340297445225, 1.0697156116105397, -0.002560445763284207]}, "2513": {"path": [20, 2, 1, 2], "s": [1.070789396586812, 0.9339001527665907, 0.003221964194168838]}, "2514": {"path": [20, 2, 1, 2], "s": [1.0773108919283463, 0.9282604742433729, 0.00501193066171657]}, "2515": {"path": [20, 2, 1, 3], "s": [0.945643112493663, 1.0576276984253297, -0.011762168101093656]}, "2516": {"path": [20, 2, 1, 3], "s": [0.9399363738836022, 1.0640998514299427, -0.013643892521590425]}, "2517": {"path": [20, 2, 2, 0], "s": [0.9272849468013219, 1.078455168869465, -0.005936656696501468]}, "2518": {"path": [20, 2, 2, 0], "s": [0.9354878121893697, 1.069130857046575, -0.012605014980035615]}, "2519": {"path": [20, 2, 2, 1], "s": [1.0707695382339266, 0.9340227321696517, 0.011094576390683172]}, "2520": {"path": [20, 2, 2, 1], "s": [1.0778115723839505, 0.927970108390094, 0.013301189767545985]}, "2521": {"path": [20, 2, 2, 2], "s": [0.9516907514104497, 1.0515597102810466, -0.027561763918954135]}, "2522": {"path": [20, 2, 2, 2], "s": [0.9434037251056867, 1.0605363242891626, -0.02266978041996012]}, "2523": {"path": [20, 2, 2, 3], "s": [1.0644689333211508, 0.9395059672880549, 0.008655336386964384]}, "2524": {"path": [20, 2, 2, 3], "s": [1.058818693573828, 0.9444905349557526, 0.006650888263708904]}, "2525": {"path": [20, 2, 3, 0], "s": [1.0477305501527951, 0.9545298095652532, 0.009489073350244532]}, "2526": {"path": [20, 2, 3, 0], "s": [1.052766331495935, 0.9500026998410175, 0.011439284193556665]}, "2527": {"path": [20, 2, 3, 1], "s": [0.9720882961365435, 1.0295717760411758, -0.028890716885200864]}, "2528": {"path": [20, 2, 3, 1], "s": [0.9696400921617216, 1.0322986611074345, -0.03095430332980111]}, "2529": {"path": [20, 2, 3, 2], "s": [1.0452950149709337, 0.9567365044855792, 0.008479314800884232]}, "2530": {"path": [20, 2, 3, 2], "s": [1.0410071853553293, 0.9606571611603782, 0.007141948684111778]}, "2531": {"path": [20, 2, 3, 3], "s": [0.9537258745182285, 1.0490908305251385, -0.02334672978477409]}, "2532": {"path": [20, 2, 3, 3], "s": [0.9581441299661233, 1.0441842695674466, -0.02188671946670463]}, "2533": {"path": [20, 3, 0, 0], "s": [1.0620040243610354, 0.9418527424636925, 0.0158556883142518]}, "2534": {"path": [20, 3, 0, 0], "s": [1.0559181684631072, 0.9472013945278829, 0.01292910188614611]}, "2535": {"path": [20, 3, 0, 1], "s": [0.9266405722575602, 1.0791825735116272, -0.0037891277624911624]}, "2536": {"path": [20, 3, 0, 1], "s": [0.9392522739802943, 1.0654429881968284, -0.02682814679083618]}, "2537": {"path": [20, 3, 0, 2], "s": [1.0675532459658053, 0.9370536243372154, 0.018831842852364257]}, "2538": {"path": [20, 3, 0, 2], "s": [1.0767360001660533, 0.9292710739539476, 0.024075282743629675]}, "2539": {"path": [20, 3, 0, 3], "s": [0.9676890877852014, 1.0353731988518473, -0.04381034483077275]}, "2540": {"path": [20, 3, 0, 3], "s": [0.953486023896867, 1.05011886938215, -0.03568844891922363]}, "2541": {"path": [20, 3, 1, 0], "s": [0.9276481958229883, 1.0779954994960979, -0.000761717044777452]}, "2542": {"path": [20, 3, 1, 0], "s": [0.9575213991713427, 1.0469517314019388, -0.049786410965686166]}, "2543": {"path": [20, 3, 1, 1], "s": [1.0611328210265898, 0.9428085685334423, 0.021097772771805814]}, "2544": {"path": [20, 3, 1, 1], "s": [1.0721735196033026, 0.9338224483325122, 0.034924219579587974]}, "2545": {"path": [20, 3, 1, 2], "s": [1.0022907782840338, 1.0003394951105569, -0.051293772552012576]}, "2546": {"path": [20, 3, 1, 2], "s": [0.9927566994603358, 1.0101905666369857, -0.05360459644937104]}, "2547": {"path": [20, 3, 1, 3], "s": [1.0561446788223952, 0.9473451128803062, 0.02309761842564148]}, "2548": {"path": [20, 3, 1, 3], "s": [1.0497246585006508, 0.952960112821205, 0.018593789177593387]}, "2549": {"path": [20, 3, 2, 0], "s": [1.032529891482655, 0.9688789719838592, 0.019912302787985902]}, "2550": {"path": [20, 3, 2, 0], "s": [1.0397549398912467, 0.9623487277494237, 0.024634195248056222]}, "2551": {"path": [20, 3, 2, 1], "s": [1.00551810874053, 0.995740317827252, -0.03514144530822169]}, "2552": {"path": [20, 3, 2, 1], "s": [1.0069746796108883, 0.9943341729501954, -0.03562773123118224]}, "2553": {"path": [20, 3, 2, 2], "s": [1.037249494667078, 0.964434891455618, 0.018963222343225256]}, "2554": {"path": [20, 3, 2, 2], "s": [1.0317435856223183, 0.9694805632082956, 0.0159797520528772]}, "2555": {"path": [20, 3, 2, 3], "s": [0.988647454841163, 1.0134779147654591, -0.04441127076092413]}, "2556": {"path": [20, 3, 2, 3], "s": [0.9927437232367357, 1.0092195812797269, -0.04354772879330305]}, "2557": {"path": [20, 3, 3, 0], "s": [0.9883655885230411, 1.013169919231649, -0.03717907335088358]}, "2558": {"path": [20, 3, 3, 0], "s": [0.9867552242000377, 1.014925965095276, -0.03851620742009284]}, "2559": {"path": [20, 3, 3, 1], "s": [1.0426345743423169, 0.9592862730554148, 0.013602756322145495]}, "2560": {"path": [20, 3, 3, 1], "s": [1.037971666550888, 0.9635498165922539, 0.011722155649218904]}, "2561": {"path": [20, 3, 3, 2], "s": [0.9653395167751279, 1.0372324459847149, -0.0357976003437214]}, "2562": {"path": [20, 3, 3, 2], "s": [0.9711001919417593, 1.0311322370417808, -0.03650634614158437]}, "2563": {"path": [20, 3, 3, 3], "s": [1.0428930981649642, 0.9590811189694628, 0.014801336209393287]}, "2564": {"path": [20, 3, 3, 3], "s": [1.0483915745164236, 0.9541402082044651, 0.017679230438764373]}}, "edgedata": {"13-275": {"q_pre": 11, "f": 19.665550921417285}, "107-275": {"q_pre": 11, "f": 19.660860250810128}, "107-396": {"q_pre": 11, "f": 19.656440542381237}, "50-396": {"q_pre": 11, "f": 19.65291519719398}, "50-397": {"q_pre": 11, "f": 19.650217823277305}, "137-397": {"q_pre": 11, "f": 19.6502134631127}, "137-305": {"q_pre": 11, "f": 19.652248370635757}, "23-305": {"q_pre": 11, "f": 19.65767566853136}, "23-307": {"q_pre": 11, "f": 19.657675668531372}, "139-307": {"q_pre": 11, "f": 19.652248370635757}, "139-419": {"q_pre": 11, "f": 19.65021346311266}, "57-419": {"q_pre": 11, "f": 19.650217823277284}, "57-418": {"q_pre": 11, "f": 19.652915197193938}, "119-418": {"q_pre": 11, "f": 19.656440542381205}, "119-287": {"q_pre": 11, "f": 19.660860250810085}, "17-287": {"q_pre": 11, "f": 19.665550921417243}, "17-286": {"q_pre": 11, "f": 19.669762640641824}, "118-286": {"q_pre": 11, "f": 19.67395033339228}, "118-415": {"q_pre": 11, "f": 19.677109114190547}, "56-415": {"q_pre": 11, "f": 19.68084333813445}, "56-416": {"q_pre": 11, "f": 19.683706807224084}, "136-416": {"q_pre": 11, "f": 19.688529643317715}, "136-304": {"q_pre": 11, "f": 19.693555483894183}, "22-304": {"q_pre": 11, "f": 19.70117597787627}, "22-303": {"q_pre": 11, "f": 19.7011759778763}, "135-303": {"q_pre": 11, "f": 19.6935554838942}, "135-410": {"q_pre": 11, "f": 19.688529643317707}, "54-410": {"q_pre": 11, "f": 19.683706807224066}, "54-409": {"q_pre": 11, "f": 19.68084333813446}, "115-409": {"q_pre": 11, "f": 19.677109114190547}, "115-283": {"q_pre": 11, "f": 19.673950333392273}, "16-283": {"q_pre": 11, "f": 19.66976264064185}, "16-284": {"q_pre": 11, "f": 19.665550921417264}, "116-284": {"q_pre": 11, "f": 19.660860250810128}, "116-412": {"q_pre": 11, "f": 19.656440542381258}, "55-412": {"q_pre": 11, "f": 19.652915197194023}, "55-413": {"q_pre": 11, "f": 19.650217823277348}, "142-413": {"q_pre": 11, "f": 19.65021346311274}, "142-310": {"q_pre": 11, "f": 19.652248370635853}, "24-310": {"q_pre": 11, "f": 19.657675668531432}, "24-309": {"q_pre": 11, "f": 19.657675668531418}, "141-309": {"q_pre": 11, "f": 19.652248370635828}, "141-407": {"q_pre": 11, "f": 19.650213463112713}, "53-407": {"q_pre": 11, "f": 19.650217823277348}, "53-406": {"q_pre": 11, "f": 19.652915197193998}, "113-406": {"q_pre": 11, "f": 19.65644054238125}, "113-281": {"q_pre": 11, "f": 19.660860250810117}, "15-281": {"q_pre": 11, "f": 19.665550921417253}, "15-280": {"q_pre": 11, "f": 19.669762640641817}, "112-280": {"q_pre": 11, "f": 19.67395033339226}, "112-403": {"q_pre": 11, "f": 19.677109114190518}, "52-403": {"q_pre": 11, "f": 19.680843338134434}, "52-404": {"q_pre": 11, "f": 19.68370680722407}, "132-404": {"q_pre": 11, "f": 19.68852964331769}, "132-300": {"q_pre": 11, "f": 19.69355548389423}, "21-300": {"q_pre": 11, "f": 19.701175977876296}, "21-299": {"q_pre": 11, "f": 19.70117597787633}, "131-299": {"q_pre": 11, "f": 19.69355548389424}, "131-394": {"q_pre": 11, "f": 19.688529643317686}, "49-394": {"q_pre": 11, "f": 19.683706807224077}, "49-393": {"q_pre": 11, "f": 19.68084333813448}, "106-393": {"q_pre": 11, "f": 19.677109114190593}, "106-274": {"q_pre": 11, "f": 19.673950333392334}, "13-274": {"q_pre": 11, "f": 19.669762640641874}, "0-241": {"q_pre": 30, "f": 91.01877513111067}, "73-241": {"q_pre": 30, "f": 90.96106926549257}, "73-313": {"q_pre": 30, "f": 90.90913288989908}, "25-313": {"q_pre": 30, "f": 90.85413780963736}, "25-314": {"q_pre": 30, "f": 90.80332541336139}, "93-314": {"q_pre": 30, "f": 90.74751496100114}, "93-261": {"q_pre": 30, "f": 90.69429409242984}, "9-261": {"q_pre": 30, "f": 90.6338381644493}, "9-262": {"q_pre": 30, "f": 90.57444244201815}, "94-262": {"q_pre": 30, "f": 90.50826989213785}, "94-362": {"q_pre": 30, "f": 90.44275896274131}, "40-362": {"q_pre": 30, "f": 90.37648387709238}, "40-361": {"q_pre": 30, "f": 90.31434778487662}, "88-361": {"q_pre": 30, "f": 90.26328733413473}, "88-256": {"q_pre": 30, "f": 90.22532606442834}, "7-256": {"q_pre": 30, "f": 90.20928975431677}, "7-257": {"q_pre": 30, "f": 90.21510481803638}, "89-257": {"q_pre": 30, "f": 90.24319236842803}, "89-364": {"q_pre": 30, "f": 90.29188111763335}, "41-364": {"q_pre": 30, "f": 90.3533400400459}, "41-365": {"q_pre": 30, "f": 90.42419308675804}, "124-365": {"q_pre": 30, "f": 90.49846569490205}, "124-292": {"q_pre": 30, "f": 90.57027912906082}, "19-292": {"q_pre": 30, "f": 90.64201750778531}, "19-291": {"q_pre": 30, "f": 90.70547910784666}, "123-291": {"q_pre": 30, "f": 90.76944054446022}, "123-355": {"q_pre": 30, "f": 90.82502577961972}, "38-355": {"q_pre": 30, "f": 90.88285588579765}, "38-354": {"q_pre": 30, "f": 90.93506377639612}, "86-354": {"q_pre": 30, "f": 90.99128953384553}, "86-254": {"q_pre": 30, "f": 91.044302165581}, "6-254": {"q_pre": 30, "f": 91.10302594266274}, "6-253": {"q_pre": 30, "f": 91.10302594266193}, "85-253": {"q_pre": 30, "f": 91.04430216558043}, "85-351": {"q_pre": 30, "f": 90.99128953384506}, "37-351": {"q_pre": 30, "f": 90.93506377639666}, "37-352": {"q_pre": 30, "f": 90.88285588579842}, "126-352": {"q_pre": 30, "f": 90.8250257796204}, "126-294": {"q_pre": 30, "f": 90.76944054446143}, "20-294": {"q_pre": 30, "f": 90.70547910784747}, "20-295": {"q_pre": 30, "f": 90.6420175077852}, "127-295": {"q_pre": 30, "f": 90.5702791290609}, "127-375": {"q_pre": 30, "f": 90.49846569490197}, "44-375": {"q_pre": 30, "f": 90.42419308675795}, "44-374": {"q_pre": 30, "f": 90.35334004004585}, "92-374": {"q_pre": 30, "f": 90.29188111763325}, "92-260": {"q_pre": 30, "f": 90.24319236842796}, "8-260": {"q_pre": 30, "f": 90.21510481803625}, "8-258": {"q_pre": 30, "f": 90.20928975431657}, "90-258": {"q_pre": 30, "f": 90.22532606442822}, "90-367": {"q_pre": 30, "f": 90.26328733413455}, "42-367": {"q_pre": 30, "f": 90.31434778487629}, "42-368": {"q_pre": 30, "f": 90.37648387709214}, "100-368": {"q_pre": 30, "f": 90.44275896274124}, "100-268": {"q_pre": 30, "f": 90.50826989213758}, "11-268": {"q_pre": 30, "f": 90.57444244201788}, "11-267": {"q_pre": 30, "f": 90.6338381644488}, "99-267": {"q_pre": 30, "f": 90.69429409242937}, "99-323": {"q_pre": 30, "f": 90.74751496100073}, "28-323": {"q_pre": 30, "f": 90.803325413361}, "28-322": {"q_pre": 30, "f": 90.85413780963822}, "76-322": {"q_pre": 30, "f": 90.90913288990006}, "76-244": {"q_pre": 30, "f": 90.9610692654935}, "1-244": {"q_pre": 30, "f": 91.01877513111147}, "1-243": {"q_pre": 30, "f": 91.01877513111106}, "75-243": {"q_pre": 30, "f": 90.96106926549308}, "75-319": {"q_pre": 30, "f": 90.90913288989918}, "27-319": {"q_pre": 30, "f": 90.85413780963763}, "27-320": {"q_pre": 30, "f": 90.80332541336197}, "102-320": {"q_pre": 30, "f": 90.74751496100156}, "102-270": {"q_pre": 30, "f": 90.69429409243006}, "12-270": {"q_pre": 30, "f": 90.63383816444966}, "12-271": {"q_pre": 30, "f": 90.57444244201858}, "103-271": {"q_pre": 30, "f": 90.50826989213785}, "103-340": {"q_pre": 30, "f": 90.4427589627412}, "33-340": {"q_pre": 30, "f": 90.37648387709216}, "33-339": {"q_pre": 30, "f": 90.31434778487622}, "81-339": {"q_pre": 30, "f": 90.26328733413447}, "81-249": {"q_pre": 30, "f": 90.2253260644282}, "4-249": {"q_pre": 30, "f": 90.20928975431664}, "4-250": {"q_pre": 30, "f": 90.21510481803631}, "82-250": {"q_pre": 30, "f": 90.24319236842801}, "82-342": {"q_pre": 30, "f": 90.29188111763325}, "34-342": {"q_pre": 30, "f": 90.3533400400457}, "34-343": {"q_pre": 30, "f": 90.42419308675781}, "120-343": {"q_pre": 30, "f": 90.49846569490178}, "120-288": {"q_pre": 30, "f": 90.57027912906045}, "18-288": {"q_pre": 30, "f": 90.64201750778481}, "18-289": {"q_pre": 30, "f": 90.705479107847}, "121-289": {"q_pre": 30, "f": 90.76944054446041}, "121-349": {"q_pre": 30, "f": 90.82502577961992}, "36-349": {"q_pre": 30, "f": 90.88285588579758}, "36-348": {"q_pre": 30, "f": 90.93506377639594}, "84-348": {"q_pre": 30, "f": 90.99128953384496}, "84-252": {"q_pre": 30, "f": 91.04430216558025}, "5-252": {"q_pre": 30, "f": 91.1030259426619}, "5-251": {"q_pre": 30, "f": 91.10302594266156}, "83-251": {"q_pre": 30, "f": 91.04430216558046}, "83-345": {"q_pre": 30, "f": 90.99128953384489}, "35-345": {"q_pre": 30, "f": 90.93506377639575}, "35-346": {"q_pre": 30, "f": 90.88285588579792}, "109-346": {"q_pre": 30, "f": 90.82502577961998}, "109-277": {"q_pre": 30, "f": 90.76944054446137}, "14-277": {"q_pre": 30, "f": 90.70547910784711}, "14-276": {"q_pre": 30, "f": 90.64201750778474}, "108-276": {"q_pre": 30, "f": 90.57027912906062}, "108-333": {"q_pre": 30, "f": 90.49846569490188}, "31-333": {"q_pre": 30, "f": 90.42419308675804}, "31-332": {"q_pre": 30, "f": 90.35334004004585}, "79-332": {"q_pre": 30, "f": 90.29188111763347}, "79-247": {"q_pre": 30, "f": 90.243192368428}, "2-247": {"q_pre": 30, "f": 90.2151048180363}, "2-245": {"q_pre": 30, "f": 90.2092897543166}, "77-245": {"q_pre": 30, "f": 90.22532606442823}, "77-325": {"q_pre": 30, "f": 90.26328733413453}, "29-325": {"q_pre": 30, "f": 90.31434778487636}, "29-326": {"q_pre": 30, "f": 90.37648387709227}, "97-326": {"q_pre": 30, "f": 90.44275896274132}, "97-265": {"q_pre": 30, "f": 90.508269892138}, "10-265": {"q_pre": 30, "f": 90.57444244201827}, "10-264": {"q_pre": 30, "f": 90.63383816444936}, "96-264": {"q_pre": 30, "f": 90.69429409242967}, "96-317": {"q_pre": 30, "f": 90.74751496100127}, "26-317": {"q_pre": 30, "f": 90.80332541336136}, "26-316": {"q_pre": 30, "f": 90.85413780963836}, "74-316": {"q_pre": 30, "f": 90.9091328899}, "74-242": {"q_pre": 30, "f": 90.96106926549311}, "0-242": {"q_pre": 30, "f": 91.01877513111137}, "0-678": {"f": 0.0}, "1-726": {"f": 0.0}, "2-246": {"f": 0.0}, "2-694": {"f": 0.0}, "2-774": {"f": 0.0}, "4-248": {"f": 0.0}, "4-758": {"f": 0.0}, "4-806": {"f": 0.0}, "5-790": {"f": 0.0}, "6-838": {"f": 0.0}, "7-255": {"f": 0.0}, "7-710": {"f": 0.0}, "7-854": {"f": 0.0}, "8-259": {"f": 0.0}, "8-742": {"f": 0.0}, "8-822": {"f": 0.0}, "9-263": {"f": 0.0}, "9-674": {"f": 0.0}, "9-714": {"f": 0.0}, "10-266": {"f": 0.0}, "10-682": {"f": 0.0}, "10-690": {"f": 0.0}, "11-269": {"f": 0.0}, "11-730": {"f": 0.0}, "11-738": {"f": 0.0}, "12-272": {"f": 0.0}, "12-722": {"f": 0.0}, "12-762": {"f": 0.0}, "13-273": {"f": 0.0}, "13-698": {"f": 0.0}, "13-770": {"f": 0.0}, "14-278": {"f": 0.0}, "14-778": {"f": 0.0}, "14-786": {"f": 0.0}, "15-279": {"f": 0.0}, "15-706": {"f": 0.0}, "15-858": {"f": 0.0}, "16-282": {"f": 0.0}, "16-746": {"f": 0.0}, "16-818": {"f": 0.0}, "17-285": {"f": 0.0}, "17-754": {"f": 0.0}, "17-810": {"f": 0.0}, "18-290": {"f": 0.0}, "18-794": {"f": 0.0}, "18-802": {"f": 0.0}, "19-293": {"f": 0.0}, "19-842": {"f": 0.0}, "19-850": {"f": 0.0}, "20-296": {"f": 0.0}, "20-826": {"f": 0.0}, "20-834": {"f": 0.0}, "21-298": {"f": 0.0}, "21-297": {"f": 0.0}, "21-686": {"f": 0.0}, "21-702": {"f": 0.0}, "21-718": {"f": 0.0}, "22-301": {"f": 0.0}, "22-302": {"f": 0.0}, "22-734": {"f": 0.0}, "22-750": {"f": 0.0}, "22-766": {"f": 0.0}, "23-306": {"f": 0.0}, "23-308": {"f": 0.0}, "23-782": {"f": 0.0}, "23-798": {"f": 0.0}, "23-814": {"f": 0.0}, "24-312": {"f": 0.0}, "24-311": {"f": 0.0}, "24-830": {"f": 0.0}, "24-846": {"f": 0.0}, "24-862": {"f": 0.0}, "25-315": {"f": 0.0}, "25-675": {"f": 0.0}, "25-677": {"f": 0.0}, "26-318": {"f": 0.0}, "26-679": {"f": 0.0}, "26-681": {"f": 0.0}, "27-321": {"f": 0.0}, "27-723": {"f": 0.0}, "27-725": {"f": 0.0}, "28-324": {"f": 0.0}, "28-727": {"f": 0.0}, "28-729": {"f": 0.0}, "29-327": {"f": 0.0}, "29-691": {"f": 0.0}, "29-693": {"f": 0.0}, "30-328": {"f": 0.0}, "30-330": {"f": 0.0}, "30-329": {"f": 0.0}, "30-331": {"f": 0.0}, "30-695": {"f": 0.0}, "30-697": {"f": 0.0}, "30-771": {"f": 0.0}, "30-773": {"f": 0.0}, "31-334": {"f": 0.0}, "31-775": {"f": 0.0}, "31-777": {"f": 0.0}, "32-336": {"f": 0.0}, "32-337": {"f": 0.0}, "32-335": {"f": 0.0}, "32-338": {"f": 0.0}, "32-755": {"f": 0.0}, "32-757": {"f": 0.0}, "32-807": {"f": 0.0}, "32-809": {"f": 0.0}, "33-341": {"f": 0.0}, "33-759": {"f": 0.0}, "33-761": {"f": 0.0}, "34-344": {"f": 0.0}, "34-803": {"f": 0.0}, "34-805": {"f": 0.0}, "35-347": {"f": 0.0}, "35-787": {"f": 0.0}, "35-789": {"f": 0.0}, "36-350": {"f": 0.0}, "36-791": {"f": 0.0}, "36-793": {"f": 0.0}, "37-353": {"f": 0.0}, "37-835": {"f": 0.0}, "37-837": {"f": 0.0}, "38-356": {"f": 0.0}, "38-839": {"f": 0.0}, "38-841": {"f": 0.0}, "39-358": {"f": 0.0}, "39-359": {"f": 0.0}, "39-357": {"f": 0.0}, "39-360": {"f": 0.0}, "39-707": {"f": 0.0}, "39-709": {"f": 0.0}, "39-855": {"f": 0.0}, "39-857": {"f": 0.0}, "40-363": {"f": 0.0}, "40-711": {"f": 0.0}, "40-713": {"f": 0.0}, "41-366": {"f": 0.0}, "41-851": {"f": 0.0}, "41-853": {"f": 0.0}, "42-369": {"f": 0.0}, "42-739": {"f": 0.0}, "42-741": {"f": 0.0}, "43-370": {"f": 0.0}, "43-372": {"f": 0.0}, "43-371": {"f": 0.0}, "43-373": {"f": 0.0}, "43-743": {"f": 0.0}, "43-745": {"f": 0.0}, "43-819": {"f": 0.0}, "43-821": {"f": 0.0}, "44-376": {"f": 0.0}, "44-823": {"f": 0.0}, "44-825": {"f": 0.0}, "45-379": {"f": 0.0}, "45-377": {"f": 0.0}, "45-378": {"f": 0.0}, "45-380": {"f": 0.0}, "45-673": {"f": 0.0}, "45-687": {"f": 0.0}, "45-715": {"f": 0.0}, "45-717": {"f": 0.0}, "46-381": {"f": 0.0}, "46-383": {"f": 0.0}, "46-382": {"f": 0.0}, "46-384": {"f": 0.0}, "46-683": {"f": 0.0}, "46-685": {"f": 0.0}, "46-689": {"f": 0.0}, "46-703": {"f": 0.0}, "47-385": {"f": 0.0}, "47-387": {"f": 0.0}, "47-386": {"f": 0.0}, "47-388": {"f": 0.0}, "47-731": {"f": 0.0}, "47-733": {"f": 0.0}, "47-737": {"f": 0.0}, "47-751": {"f": 0.0}, "48-391": {"f": 0.0}, "48-389": {"f": 0.0}, "48-390": {"f": 0.0}, "48-392": {"f": 0.0}, "48-721": {"f": 0.0}, "48-735": {"f": 0.0}, "48-763": {"f": 0.0}, "48-765": {"f": 0.0}, "49-395": {"f": 0.0}, "49-699": {"f": 0.0}, "49-701": {"f": 0.0}, "50-398": {"f": 0.0}, "50-769": {"f": 0.0}, "50-783": {"f": 0.0}, "51-399": {"f": 0.0}, "51-401": {"f": 0.0}, "51-400": {"f": 0.0}, "51-402": {"f": 0.0}, "51-779": {"f": 0.0}, "51-781": {"f": 0.0}, "51-785": {"f": 0.0}, "51-799": {"f": 0.0}, "52-405": {"f": 0.0}, "52-705": {"f": 0.0}, "52-719": {"f": 0.0}, "53-408": {"f": 0.0}, "53-859": {"f": 0.0}, "53-861": {"f": 0.0}, "54-411": {"f": 0.0}, "54-747": {"f": 0.0}, "54-749": {"f": 0.0}, "55-414": {"f": 0.0}, "55-817": {"f": 0.0}, "55-831": {"f": 0.0}, "56-417": {"f": 0.0}, "56-753": {"f": 0.0}, "56-767": {"f": 0.0}, "57-420": {"f": 0.0}, "57-811": {"f": 0.0}, "57-813": {"f": 0.0}, "58-421": {"f": 0.0}, "58-423": {"f": 0.0}, "58-422": {"f": 0.0}, "58-424": {"f": 0.0}, "58-795": {"f": 0.0}, "58-797": {"f": 0.0}, "58-801": {"f": 0.0}, "58-815": {"f": 0.0}, "59-425": {"f": 0.0}, "59-427": {"f": 0.0}, "59-426": {"f": 0.0}, "59-428": {"f": 0.0}, "59-843": {"f": 0.0}, "59-845": {"f": 0.0}, "59-849": {"f": 0.0}, "59-863": {"f": 0.0}, "60-429": {"f": 0.0}, "60-431": {"f": 0.0}, "60-430": {"f": 0.0}, "60-432": {"f": 0.0}, "60-827": {"f": 0.0}, "60-829": {"f": 0.0}, "60-833": {"f": 0.0}, "60-847": {"f": 0.0}, "61-433": {"f": 0.0}, "61-435": {"f": 0.0}, "61-434": {"f": 0.0}, "61-436": {"f": 0.0}, "61-676": {"f": 0.0}, "61-680": {"f": 0.0}, "61-684": {"f": 0.0}, "61-688": {"f": 0.0}, "62-437": {"f": 0.0}, "62-439": {"f": 0.0}, "62-438": {"f": 0.0}, "62-440": {"f": 0.0}, "62-692": {"f": 0.0}, "62-696": {"f": 0.0}, "62-700": {"f": 0.0}, "62-704": {"f": 0.0}, "63-441": {"f": 0.0}, "63-444": {"f": 0.0}, "63-442": {"f": 0.0}, "63-443": {"f": 0.0}, "63-708": {"f": 0.0}, "63-712": {"f": 0.0}, "63-716": {"f": 0.0}, "63-720": {"f": 0.0}, "64-445": {"f": 0.0}, "64-448": {"f": 0.0}, "64-446": {"f": 0.0}, "64-447": {"f": 0.0}, "64-724": {"f": 0.0}, "64-728": {"f": 0.0}, "64-732": {"f": 0.0}, "64-736": {"f": 0.0}, "65-449": {"f": 0.0}, "65-451": {"f": 0.0}, "65-450": {"f": 0.0}, "65-452": {"f": 0.0}, "65-740": {"f": 0.0}, "65-744": {"f": 0.0}, "65-748": {"f": 0.0}, "65-752": {"f": 0.0}, "66-453": {"f": 0.0}, "66-456": {"f": 0.0}, "66-454": {"f": 0.0}, "66-455": {"f": 0.0}, "66-756": {"f": 0.0}, "66-760": {"f": 0.0}, "66-764": {"f": 0.0}, "66-768": {"f": 0.0}, "67-457": {"f": 0.0}, "67-459": {"f": 0.0}, "67-458": {"f": 0.0}, "67-460": {"f": 0.0}, "67-772": {"f": 0.0}, "67-776": {"f": 0.0}, "67-780": {"f": 0.0}, "67-784": {"f": 0.0}, "68-461": {"f": 0.0}, "68-463": {"f": 0.0}, "68-462": {"f": 0.0}, "68-464": {"f": 0.0}, "68-788": {"f": 0.0}, "68-792": {"f": 0.0}, "68-796": {"f": 0.0}, "68-800": {"f": 0.0}, "69-466": {"f": 0.0}, "69-468": {"f": 0.0}, "69-465": {"f": 0.0}, "69-467": {"f": 0.0}, "69-804": {"f": 0.0}, "69-808": {"f": 0.0}, "69-812": {"f": 0.0}, "69-816": {"f": 0.0}, "70-469": {"f": 0.0}, "70-471": {"f": 0.0}, "70-470": {"f": 0.0}, "70-472": {"f": 0.0}, "70-820": {"f": 0.0}, "70-824": {"f": 0.0}, "70-828": {"f": 0.0}, "70-832": {"f": 0.0}, "71-473": {"f": 0.0}, "71-476": {"f": 0.0}, "71-474": {"f": 0.0}, "71-475": {"f": 0.0}, "71-836": {"f": 0.0}, "71-840": {"f": 0.0}, "71-844": {"f": 0.0}, "71-848": {"f": 0.0}, "72-478": {"f": 0.0}, "72-480": {"f": 0.0}, "72-477": {"f": 0.0}, "72-479": {"f": 0.0}, "72-852": {"f": 0.0}, "72-856": {"f": 0.0}, "72-860": {"f": 0.0}, "72-864": {"f": 0.0}, "73-481": {"f": 0.0}, "73-677": {"f": 0.0}, "73-678": {"f": 0.0}, "74-482": {"f": 0.0}, "74-678": {"f": 0.0}, "74-679": {"f": 0.0}, "75-483": {"f": 0.0}, "75-725": {"f": 0.0}, "75-726": {"f": 0.0}, "76-484": {"f": 0.0}, "76-726": {"f": 0.0}, "76-727": {"f": 0.0}, "77-485": {"f": 0.0}, "77-693": {"f": 0.0}, "77-694": {"f": 0.0}, "78-246": {"f": 0.0}, "78-486": {"f": 0.0}, "78-328": {"f": 0.0}, "78-487": {"f": 0.0}, "78-694": {"f": 0.0}, "78-695": {"f": 0.0}, "78-773": {"f": 0.0}, "78-774": {"f": 0.0}, "79-488": {"f": 0.0}, "79-774": {"f": 0.0}, "79-775": {"f": 0.0}, "80-335": {"f": 0.0}, "80-489": {"f": 0.0}, "80-248": {"f": 0.0}, "80-490": {"f": 0.0}, "80-757": {"f": 0.0}, "80-758": {"f": 0.0}, "80-806": {"f": 0.0}, "80-807": {"f": 0.0}, "81-491": {"f": 0.0}, "81-758": {"f": 0.0}, "81-759": {"f": 0.0}, "82-492": {"f": 0.0}, "82-805": {"f": 0.0}, "82-806": {"f": 0.0}, "83-493": {"f": 0.0}, "83-789": {"f": 0.0}, "83-790": {"f": 0.0}, "84-494": {"f": 0.0}, "84-790": {"f": 0.0}, "84-791": {"f": 0.0}, "85-495": {"f": 0.0}, "85-837": {"f": 0.0}, "85-838": {"f": 0.0}, "86-496": {"f": 0.0}, "86-838": {"f": 0.0}, "86-839": {"f": 0.0}, "87-357": {"f": 0.0}, "87-497": {"f": 0.0}, "87-255": {"f": 0.0}, "87-498": {"f": 0.0}, "87-709": {"f": 0.0}, "87-710": {"f": 0.0}, "87-854": {"f": 0.0}, "87-855": {"f": 0.0}, "88-499": {"f": 0.0}, "88-710": {"f": 0.0}, "88-711": {"f": 0.0}, "89-500": {"f": 0.0}, "89-853": {"f": 0.0}, "89-854": {"f": 0.0}, "90-501": {"f": 0.0}, "90-741": {"f": 0.0}, "90-742": {"f": 0.0}, "91-259": {"f": 0.0}, "91-502": {"f": 0.0}, "91-370": {"f": 0.0}, "91-503": {"f": 0.0}, "91-742": {"f": 0.0}, "91-743": {"f": 0.0}, "91-821": {"f": 0.0}, "91-822": {"f": 0.0}, "92-504": {"f": 0.0}, "92-822": {"f": 0.0}, "92-823": {"f": 0.0}, "93-505": {"f": 0.0}, "93-674": {"f": 0.0}, "93-675": {"f": 0.0}, "94-506": {"f": 0.0}, "94-713": {"f": 0.0}, "94-714": {"f": 0.0}, "95-377": {"f": 0.0}, "95-507": {"f": 0.0}, "95-263": {"f": 0.0}, "95-508": {"f": 0.0}, "95-673": {"f": 0.0}, "95-674": {"f": 0.0}, "95-714": {"f": 0.0}, "95-715": {"f": 0.0}, "96-509": {"f": 0.0}, "96-681": {"f": 0.0}, "96-682": {"f": 0.0}, "97-510": {"f": 0.0}, "97-690": {"f": 0.0}, "97-691": {"f": 0.0}, "98-266": {"f": 0.0}, "98-511": {"f": 0.0}, "98-381": {"f": 0.0}, "98-512": {"f": 0.0}, "98-682": {"f": 0.0}, "98-683": {"f": 0.0}, "98-689": {"f": 0.0}, "98-690": {"f": 0.0}, "99-513": {"f": 0.0}, "99-729": {"f": 0.0}, "99-730": {"f": 0.0}, "100-514": {"f": 0.0}, "100-738": {"f": 0.0}, "100-739": {"f": 0.0}, "101-269": {"f": 0.0}, "101-515": {"f": 0.0}, "101-385": {"f": 0.0}, "101-516": {"f": 0.0}, "101-730": {"f": 0.0}, "101-731": {"f": 0.0}, "101-737": {"f": 0.0}, "101-738": {"f": 0.0}, "102-517": {"f": 0.0}, "102-722": {"f": 0.0}, "102-723": {"f": 0.0}, "103-518": {"f": 0.0}, "103-761": {"f": 0.0}, "103-762": {"f": 0.0}, "104-389": {"f": 0.0}, "104-519": {"f": 0.0}, "104-272": {"f": 0.0}, "104-520": {"f": 0.0}, "104-721": {"f": 0.0}, "104-722": {"f": 0.0}, "104-762": {"f": 0.0}, "104-763": {"f": 0.0}, "105-329": {"f": 0.0}, "105-521": {"f": 0.0}, "105-273": {"f": 0.0}, "105-522": {"f": 0.0}, "105-697": {"f": 0.0}, "105-698": {"f": 0.0}, "105-770": {"f": 0.0}, "105-771": {"f": 0.0}, "106-523": {"f": 0.0}, "106-698": {"f": 0.0}, "106-699": {"f": 0.0}, "107-524": {"f": 0.0}, "107-769": {"f": 0.0}, "107-770": {"f": 0.0}, "108-525": {"f": 0.0}, "108-777": {"f": 0.0}, "108-778": {"f": 0.0}, "109-526": {"f": 0.0}, "109-786": {"f": 0.0}, "109-787": {"f": 0.0}, "110-278": {"f": 0.0}, "110-527": {"f": 0.0}, "110-399": {"f": 0.0}, "110-528": {"f": 0.0}, "110-778": {"f": 0.0}, "110-779": {"f": 0.0}, "110-785": {"f": 0.0}, "110-786": {"f": 0.0}, "111-279": {"f": 0.0}, "111-529": {"f": 0.0}, "111-358": {"f": 0.0}, "111-530": {"f": 0.0}, "111-706": {"f": 0.0}, "111-707": {"f": 0.0}, "111-857": {"f": 0.0}, "111-858": {"f": 0.0}, "112-531": {"f": 0.0}, "112-705": {"f": 0.0}, "112-706": {"f": 0.0}, "113-532": {"f": 0.0}, "113-858": {"f": 0.0}, "113-859": {"f": 0.0}, "114-371": {"f": 0.0}, "114-533": {"f": 0.0}, "114-282": {"f": 0.0}, "114-534": {"f": 0.0}, "114-745": {"f": 0.0}, "114-746": {"f": 0.0}, "114-818": {"f": 0.0}, "114-819": {"f": 0.0}, "115-535": {"f": 0.0}, "115-746": {"f": 0.0}, "115-747": {"f": 0.0}, "116-536": {"f": 0.0}, "116-817": {"f": 0.0}, "116-818": {"f": 0.0}, "117-285": {"f": 0.0}, "117-537": {"f": 0.0}, "117-336": {"f": 0.0}, "117-538": {"f": 0.0}, "117-754": {"f": 0.0}, "117-755": {"f": 0.0}, "117-809": {"f": 0.0}, "117-810": {"f": 0.0}, "118-539": {"f": 0.0}, "118-753": {"f": 0.0}, "118-754": {"f": 0.0}, "119-540": {"f": 0.0}, "119-810": {"f": 0.0}, "119-811": {"f": 0.0}, "120-541": {"f": 0.0}, "120-802": {"f": 0.0}, "120-803": {"f": 0.0}, "121-542": {"f": 0.0}, "121-793": {"f": 0.0}, "121-794": {"f": 0.0}, "122-290": {"f": 0.0}, "122-543": {"f": 0.0}, "122-421": {"f": 0.0}, "122-544": {"f": 0.0}, "122-794": {"f": 0.0}, "122-795": {"f": 0.0}, "122-801": {"f": 0.0}, "122-802": {"f": 0.0}, "123-545": {"f": 0.0}, "123-841": {"f": 0.0}, "123-842": {"f": 0.0}, "124-546": {"f": 0.0}, "124-850": {"f": 0.0}, "124-851": {"f": 0.0}, "125-293": {"f": 0.0}, "125-547": {"f": 0.0}, "125-425": {"f": 0.0}, "125-548": {"f": 0.0}, "125-842": {"f": 0.0}, "125-843": {"f": 0.0}, "125-849": {"f": 0.0}, "125-850": {"f": 0.0}, "126-549": {"f": 0.0}, "126-834": {"f": 0.0}, "126-835": {"f": 0.0}, "127-550": {"f": 0.0}, "127-825": {"f": 0.0}, "127-826": {"f": 0.0}, "128-296": {"f": 0.0}, "128-551": {"f": 0.0}, "128-429": {"f": 0.0}, "128-552": {"f": 0.0}, "128-826": {"f": 0.0}, "128-827": {"f": 0.0}, "128-833": {"f": 0.0}, "128-834": {"f": 0.0}, "129-297": {"f": 0.0}, "129-553": {"f": 0.0}, "129-378": {"f": 0.0}, "129-554": {"f": 0.0}, "129-686": {"f": 0.0}, "129-687": {"f": 0.0}, "129-717": {"f": 0.0}, "129-718": {"f": 0.0}, "130-382": {"f": 0.0}, "130-555": {"f": 0.0}, "130-298": {"f": 0.0}, "130-556": {"f": 0.0}, "130-685": {"f": 0.0}, "130-686": {"f": 0.0}, "130-702": {"f": 0.0}, "130-703": {"f": 0.0}, "131-557": {"f": 0.0}, "131-701": {"f": 0.0}, "131-702": {"f": 0.0}, "132-558": {"f": 0.0}, "132-718": {"f": 0.0}, "132-719": {"f": 0.0}, "133-386": {"f": 0.0}, "133-559": {"f": 0.0}, "133-301": {"f": 0.0}, "133-560": {"f": 0.0}, "133-733": {"f": 0.0}, "133-734": {"f": 0.0}, "133-750": {"f": 0.0}, "133-751": {"f": 0.0}, "134-302": {"f": 0.0}, "134-561": {"f": 0.0}, "134-390": {"f": 0.0}, "134-562": {"f": 0.0}, "134-734": {"f": 0.0}, "134-735": {"f": 0.0}, "134-765": {"f": 0.0}, "134-766": {"f": 0.0}, "135-563": {"f": 0.0}, "135-749": {"f": 0.0}, "135-750": {"f": 0.0}, "136-564": {"f": 0.0}, "136-766": {"f": 0.0}, "136-767": {"f": 0.0}, "137-565": {"f": 0.0}, "137-782": {"f": 0.0}, "137-783": {"f": 0.0}, "138-400": {"f": 0.0}, "138-566": {"f": 0.0}, "138-306": {"f": 0.0}, "138-567": {"f": 0.0}, "138-781": {"f": 0.0}, "138-782": {"f": 0.0}, "138-798": {"f": 0.0}, "138-799": {"f": 0.0}, "139-568": {"f": 0.0}, "139-813": {"f": 0.0}, "139-814": {"f": 0.0}, "140-422": {"f": 0.0}, "140-569": {"f": 0.0}, "140-308": {"f": 0.0}, "140-570": {"f": 0.0}, "140-797": {"f": 0.0}, "140-798": {"f": 0.0}, "140-814": {"f": 0.0}, "140-815": {"f": 0.0}, "141-571": {"f": 0.0}, "141-861": {"f": 0.0}, "141-862": {"f": 0.0}, "142-572": {"f": 0.0}, "142-830": {"f": 0.0}, "142-831": {"f": 0.0}, "143-426": {"f": 0.0}, "143-573": {"f": 0.0}, "143-311": {"f": 0.0}, "143-574": {"f": 0.0}, "143-845": {"f": 0.0}, "143-846": {"f": 0.0}, "143-862": {"f": 0.0}, "143-863": {"f": 0.0}, "144-430": {"f": 0.0}, "144-575": {"f": 0.0}, "144-312": {"f": 0.0}, "144-576": {"f": 0.0}, "144-829": {"f": 0.0}, "144-830": {"f": 0.0}, "144-846": {"f": 0.0}, "144-847": {"f": 0.0}, "145-315": {"f": 0.0}, "145-577": {"f": 0.0}, "145-433": {"f": 0.0}, "145-578": {"f": 0.0}, "145-675": {"f": 0.0}, "145-676": {"f": 0.0}, "145-677": {"f": 0.0}, "145-680": {"f": 0.0}, "146-318": {"f": 0.0}, "146-579": {"f": 0.0}, "146-434": {"f": 0.0}, "146-580": {"f": 0.0}, "146-679": {"f": 0.0}, "146-680": {"f": 0.0}, "146-681": {"f": 0.0}, "146-684": {"f": 0.0}, "147-321": {"f": 0.0}, "147-581": {"f": 0.0}, "147-445": {"f": 0.0}, "147-582": {"f": 0.0}, "147-723": {"f": 0.0}, "147-724": {"f": 0.0}, "147-725": {"f": 0.0}, "147-728": {"f": 0.0}, "148-324": {"f": 0.0}, "148-583": {"f": 0.0}, "148-446": {"f": 0.0}, "148-584": {"f": 0.0}, "148-727": {"f": 0.0}, "148-728": {"f": 0.0}, "148-729": {"f": 0.0}, "148-732": {"f": 0.0}, "149-327": {"f": 0.0}, "149-585": {"f": 0.0}, "149-437": {"f": 0.0}, "149-586": {"f": 0.0}, "149-691": {"f": 0.0}, "149-692": {"f": 0.0}, "149-693": {"f": 0.0}, "149-696": {"f": 0.0}, "150-330": {"f": 0.0}, "150-587": {"f": 0.0}, "150-438": {"f": 0.0}, "150-588": {"f": 0.0}, "150-695": {"f": 0.0}, "150-696": {"f": 0.0}, "150-697": {"f": 0.0}, "150-700": {"f": 0.0}, "151-331": {"f": 0.0}, "151-589": {"f": 0.0}, "151-457": {"f": 0.0}, "151-590": {"f": 0.0}, "151-771": {"f": 0.0}, "151-772": {"f": 0.0}, "151-773": {"f": 0.0}, "151-776": {"f": 0.0}, "152-334": {"f": 0.0}, "152-591": {"f": 0.0}, "152-458": {"f": 0.0}, "152-592": {"f": 0.0}, "152-775": {"f": 0.0}, "152-776": {"f": 0.0}, "152-777": {"f": 0.0}, "152-780": {"f": 0.0}, "153-337": {"f": 0.0}, "153-593": {"f": 0.0}, "153-453": {"f": 0.0}, "153-594": {"f": 0.0}, "153-755": {"f": 0.0}, "153-756": {"f": 0.0}, "153-757": {"f": 0.0}, "153-760": {"f": 0.0}, "154-338": {"f": 0.0}, "154-595": {"f": 0.0}, "154-465": {"f": 0.0}, "154-596": {"f": 0.0}, "154-807": {"f": 0.0}, "154-808": {"f": 0.0}, "154-809": {"f": 0.0}, "154-812": {"f": 0.0}, "155-341": {"f": 0.0}, "155-597": {"f": 0.0}, "155-454": {"f": 0.0}, "155-598": {"f": 0.0}, "155-759": {"f": 0.0}, "155-760": {"f": 0.0}, "155-761": {"f": 0.0}, "155-764": {"f": 0.0}, "156-344": {"f": 0.0}, "156-599": {"f": 0.0}, "156-466": {"f": 0.0}, "156-600": {"f": 0.0}, "156-803": {"f": 0.0}, "156-804": {"f": 0.0}, "156-805": {"f": 0.0}, "156-808": {"f": 0.0}, "157-347": {"f": 0.0}, "157-601": {"f": 0.0}, "157-461": {"f": 0.0}, "157-602": {"f": 0.0}, "157-787": {"f": 0.0}, "157-788": {"f": 0.0}, "157-789": {"f": 0.0}, "157-792": {"f": 0.0}, "158-350": {"f": 0.0}, "158-603": {"f": 0.0}, "158-462": {"f": 0.0}, "158-604": {"f": 0.0}, "158-791": {"f": 0.0}, "158-792": {"f": 0.0}, "158-793": {"f": 0.0}, "158-796": {"f": 0.0}, "159-353": {"f": 0.0}, "159-605": {"f": 0.0}, "159-473": {"f": 0.0}, "159-606": {"f": 0.0}, "159-835": {"f": 0.0}, "159-836": {"f": 0.0}, "159-837": {"f": 0.0}, "159-840": {"f": 0.0}, "160-356": {"f": 0.0}, "160-607": {"f": 0.0}, "160-474": {"f": 0.0}, "160-608": {"f": 0.0}, "160-839": {"f": 0.0}, "160-840": {"f": 0.0}, "160-841": {"f": 0.0}, "160-844": {"f": 0.0}, "161-359": {"f": 0.0}, "161-609": {"f": 0.0}, "161-441": {"f": 0.0}, "161-610": {"f": 0.0}, "161-707": {"f": 0.0}, "161-708": {"f": 0.0}, "161-709": {"f": 0.0}, "161-712": {"f": 0.0}, "162-360": {"f": 0.0}, "162-611": {"f": 0.0}, "162-477": {"f": 0.0}, "162-612": {"f": 0.0}, "162-855": {"f": 0.0}, "162-856": {"f": 0.0}, "162-857": {"f": 0.0}, "162-860": {"f": 0.0}, "163-363": {"f": 0.0}, "163-613": {"f": 0.0}, "163-442": {"f": 0.0}, "163-614": {"f": 0.0}, "163-711": {"f": 0.0}, "163-712": {"f": 0.0}, "163-713": {"f": 0.0}, "163-716": {"f": 0.0}, "164-366": {"f": 0.0}, "164-615": {"f": 0.0}, "164-478": {"f": 0.0}, "164-616": {"f": 0.0}, "164-851": {"f": 0.0}, "164-852": {"f": 0.0}, "164-853": {"f": 0.0}, "164-856": {"f": 0.0}, "165-369": {"f": 0.0}, "165-617": {"f": 0.0}, "165-449": {"f": 0.0}, "165-618": {"f": 0.0}, "165-739": {"f": 0.0}, "165-740": {"f": 0.0}, "165-741": {"f": 0.0}, "165-744": {"f": 0.0}, "166-372": {"f": 0.0}, "166-619": {"f": 0.0}, "166-450": {"f": 0.0}, "166-620": {"f": 0.0}, "166-743": {"f": 0.0}, "166-744": {"f": 0.0}, "166-745": {"f": 0.0}, "166-748": {"f": 0.0}, "167-373": {"f": 0.0}, "167-621": {"f": 0.0}, "167-469": {"f": 0.0}, "167-622": {"f": 0.0}, "167-819": {"f": 0.0}, "167-820": {"f": 0.0}, "167-821": {"f": 0.0}, "167-824": {"f": 0.0}, "168-376": {"f": 0.0}, "168-623": {"f": 0.0}, "168-470": {"f": 0.0}, "168-624": {"f": 0.0}, "168-823": {"f": 0.0}, "168-824": {"f": 0.0}, "168-825": {"f": 0.0}, "168-828": {"f": 0.0}, "169-625": {"f": 0.0}, "169-379": {"f": 0.0}, "169-435": {"f": 0.0}, "169-626": {"f": 0.0}, "169-673": {"f": 0.0}, "169-676": {"f": 0.0}, "169-687": {"f": 0.0}, "169-688": {"f": 0.0}, "170-380": {"f": 0.0}, "170-627": {"f": 0.0}, "170-443": {"f": 0.0}, "170-628": {"f": 0.0}, "170-715": {"f": 0.0}, "170-716": {"f": 0.0}, "170-717": {"f": 0.0}, "170-720": {"f": 0.0}, "171-383": {"f": 0.0}, "171-629": {"f": 0.0}, "171-436": {"f": 0.0}, "171-630": {"f": 0.0}, "171-683": {"f": 0.0}, "171-684": {"f": 0.0}, "171-685": {"f": 0.0}, "171-688": {"f": 0.0}, "172-631": {"f": 0.0}, "172-384": {"f": 0.0}, "172-439": {"f": 0.0}, "172-632": {"f": 0.0}, "172-689": {"f": 0.0}, "172-692": {"f": 0.0}, "172-703": {"f": 0.0}, "172-704": {"f": 0.0}, "173-387": {"f": 0.0}, "173-633": {"f": 0.0}, "173-447": {"f": 0.0}, "173-634": {"f": 0.0}, "173-731": {"f": 0.0}, "173-732": {"f": 0.0}, "173-733": {"f": 0.0}, "173-736": {"f": 0.0}, "174-635": {"f": 0.0}, "174-388": {"f": 0.0}, "174-451": {"f": 0.0}, "174-636": {"f": 0.0}, "174-737": {"f": 0.0}, "174-740": {"f": 0.0}, "174-751": {"f": 0.0}, "174-752": {"f": 0.0}, "175-637": {"f": 0.0}, "175-391": {"f": 0.0}, "175-448": {"f": 0.0}, "175-638": {"f": 0.0}, "175-721": {"f": 0.0}, "175-724": {"f": 0.0}, "175-735": {"f": 0.0}, "175-736": {"f": 0.0}, "176-392": {"f": 0.0}, "176-639": {"f": 0.0}, "176-455": {"f": 0.0}, "176-640": {"f": 0.0}, "176-763": {"f": 0.0}, "176-764": {"f": 0.0}, "176-765": {"f": 0.0}, "176-768": {"f": 0.0}, "177-395": {"f": 0.0}, "177-641": {"f": 0.0}, "177-440": {"f": 0.0}, "177-642": {"f": 0.0}, "177-699": {"f": 0.0}, "177-700": {"f": 0.0}, "177-701": {"f": 0.0}, "177-704": {"f": 0.0}, "178-643": {"f": 0.0}, "178-398": {"f": 0.0}, "178-459": {"f": 0.0}, "178-644": {"f": 0.0}, "178-769": {"f": 0.0}, "178-772": {"f": 0.0}, "178-783": {"f": 0.0}, "178-784": {"f": 0.0}, "179-401": {"f": 0.0}, "179-645": {"f": 0.0}, "179-460": {"f": 0.0}, "179-646": {"f": 0.0}, "179-779": {"f": 0.0}, "179-780": {"f": 0.0}, "179-781": {"f": 0.0}, "179-784": {"f": 0.0}, "180-647": {"f": 0.0}, "180-402": {"f": 0.0}, "180-463": {"f": 0.0}, "180-648": {"f": 0.0}, "180-785": {"f": 0.0}, "180-788": {"f": 0.0}, "180-799": {"f": 0.0}, "180-800": {"f": 0.0}, "181-649": {"f": 0.0}, "181-405": {"f": 0.0}, "181-444": {"f": 0.0}, "181-650": {"f": 0.0}, "181-705": {"f": 0.0}, "181-708": {"f": 0.0}, "181-719": {"f": 0.0}, "181-720": {"f": 0.0}, "182-408": {"f": 0.0}, "182-651": {"f": 0.0}, "182-479": {"f": 0.0}, "182-652": {"f": 0.0}, "182-859": {"f": 0.0}, "182-860": {"f": 0.0}, "182-861": {"f": 0.0}, "182-864": {"f": 0.0}, "183-411": {"f": 0.0}, "183-653": {"f": 0.0}, "183-452": {"f": 0.0}, "183-654": {"f": 0.0}, "183-747": {"f": 0.0}, "183-748": {"f": 0.0}, "183-749": {"f": 0.0}, "183-752": {"f": 0.0}, "184-655": {"f": 0.0}, "184-414": {"f": 0.0}, "184-471": {"f": 0.0}, "184-656": {"f": 0.0}, "184-817": {"f": 0.0}, "184-820": {"f": 0.0}, "184-831": {"f": 0.0}, "184-832": {"f": 0.0}, "185-657": {"f": 0.0}, "185-417": {"f": 0.0}, "185-456": {"f": 0.0}, "185-658": {"f": 0.0}, "185-753": {"f": 0.0}, "185-756": {"f": 0.0}, "185-767": {"f": 0.0}, "185-768": {"f": 0.0}, "186-420": {"f": 0.0}, "186-659": {"f": 0.0}, "186-467": {"f": 0.0}, "186-660": {"f": 0.0}, "186-811": {"f": 0.0}, "186-812": {"f": 0.0}, "186-813": {"f": 0.0}, "186-816": {"f": 0.0}, "187-423": {"f": 0.0}, "187-661": {"f": 0.0}, "187-464": {"f": 0.0}, "187-662": {"f": 0.0}, "187-795": {"f": 0.0}, "187-796": {"f": 0.0}, "187-797": {"f": 0.0}, "187-800": {"f": 0.0}, "188-663": {"f": 0.0}, "188-424": {"f": 0.0}, "188-468": {"f": 0.0}, "188-664": {"f": 0.0}, "188-801": {"f": 0.0}, "188-804": {"f": 0.0}, "188-815": {"f": 0.0}, "188-816": {"f": 0.0}, "189-427": {"f": 0.0}, "189-665": {"f": 0.0}, "189-475": {"f": 0.0}, "189-666": {"f": 0.0}, "189-843": {"f": 0.0}, "189-844": {"f": 0.0}, "189-845": {"f": 0.0}, "189-848": {"f": 0.0}, "190-667": {"f": 0.0}, "190-428": {"f": 0.0}, "190-480": {"f": 0.0}, "190-668": {"f": 0.0}, "190-849": {"f": 0.0}, "190-852": {"f": 0.0}, "190-863": {"f": 0.0}, "190-864": {"f": 0.0}, "191-431": {"f": 0.0}, "191-669": {"f": 0.0}, "191-472": {"f": 0.0}, "191-670": {"f": 0.0}, "191-827": {"f": 0.0}, "191-828": {"f": 0.0}, "191-829": {"f": 0.0}, "191-832": {"f": 0.0}, "192-671": {"f": 0.0}, "192-432": {"f": 0.0}, "192-476": {"f": 0.0}, "192-672": {"f": 0.0}, "192-833": {"f": 0.0}, "192-836": {"f": 0.0}, "192-847": {"f": 0.0}, "192-848": {"f": 0.0}, "193-507": {"f": 0.0}, "193-625": {"f": 0.0}, "193-505": {"f": 0.0}, "193-577": {"f": 0.0}, "193-673": {"f": 0.0}, "193-674": {"f": 0.0}, "193-675": {"f": 0.0}, "193-676": {"f": 0.0}, "194-481": {"f": 0.0}, "194-578": {"f": 0.0}, "194-482": {"f": 0.0}, "194-579": {"f": 0.0}, "194-677": {"f": 0.0}, "194-678": {"f": 0.0}, "194-679": {"f": 0.0}, "194-680": {"f": 0.0}, "195-509": {"f": 0.0}, "195-580": {"f": 0.0}, "195-511": {"f": 0.0}, "195-629": {"f": 0.0}, "195-681": {"f": 0.0}, "195-682": {"f": 0.0}, "195-683": {"f": 0.0}, "195-684": {"f": 0.0}, "196-555": {"f": 0.0}, "196-630": {"f": 0.0}, "196-553": {"f": 0.0}, "196-626": {"f": 0.0}, "196-685": {"f": 0.0}, "196-686": {"f": 0.0}, "196-687": {"f": 0.0}, "196-688": {"f": 0.0}, "197-512": {"f": 0.0}, "197-631": {"f": 0.0}, "197-510": {"f": 0.0}, "197-585": {"f": 0.0}, "197-689": {"f": 0.0}, "197-690": {"f": 0.0}, "197-691": {"f": 0.0}, "197-692": {"f": 0.0}, "198-485": {"f": 0.0}, "198-586": {"f": 0.0}, "198-486": {"f": 0.0}, "198-587": {"f": 0.0}, "198-693": {"f": 0.0}, "198-694": {"f": 0.0}, "198-695": {"f": 0.0}, "198-696": {"f": 0.0}, "199-521": {"f": 0.0}, "199-588": {"f": 0.0}, "199-523": {"f": 0.0}, "199-641": {"f": 0.0}, "199-697": {"f": 0.0}, "199-698": {"f": 0.0}, "199-699": {"f": 0.0}, "199-700": {"f": 0.0}, "200-557": {"f": 0.0}, "200-642": {"f": 0.0}, "200-556": {"f": 0.0}, "200-632": {"f": 0.0}, "200-701": {"f": 0.0}, "200-702": {"f": 0.0}, "200-703": {"f": 0.0}, "200-704": {"f": 0.0}, "201-531": {"f": 0.0}, "201-649": {"f": 0.0}, "201-529": {"f": 0.0}, "201-609": {"f": 0.0}, "201-705": {"f": 0.0}, "201-706": {"f": 0.0}, "201-707": {"f": 0.0}, "201-708": {"f": 0.0}, "202-497": {"f": 0.0}, "202-610": {"f": 0.0}, "202-499": {"f": 0.0}, "202-613": {"f": 0.0}, "202-709": {"f": 0.0}, "202-710": {"f": 0.0}, "202-711": {"f": 0.0}, "202-712": {"f": 0.0}, "203-506": {"f": 0.0}, "203-614": {"f": 0.0}, "203-508": {"f": 0.0}, "203-627": {"f": 0.0}, "203-713": {"f": 0.0}, "203-714": {"f": 0.0}, "203-715": {"f": 0.0}, "203-716": {"f": 0.0}, "204-554": {"f": 0.0}, "204-628": {"f": 0.0}, "204-558": {"f": 0.0}, "204-650": {"f": 0.0}, "204-717": {"f": 0.0}, "204-718": {"f": 0.0}, "204-719": {"f": 0.0}, "204-720": {"f": 0.0}, "205-519": {"f": 0.0}, "205-637": {"f": 0.0}, "205-517": {"f": 0.0}, "205-581": {"f": 0.0}, "205-721": {"f": 0.0}, "205-722": {"f": 0.0}, "205-723": {"f": 0.0}, "205-724": {"f": 0.0}, "206-483": {"f": 0.0}, "206-582": {"f": 0.0}, "206-484": {"f": 0.0}, "206-583": {"f": 0.0}, "206-725": {"f": 0.0}, "206-726": {"f": 0.0}, "206-727": {"f": 0.0}, "206-728": {"f": 0.0}, "207-513": {"f": 0.0}, "207-584": {"f": 0.0}, "207-515": {"f": 0.0}, "207-633": {"f": 0.0}, "207-729": {"f": 0.0}, "207-730": {"f": 0.0}, "207-731": {"f": 0.0}, "207-732": {"f": 0.0}, "208-559": {"f": 0.0}, "208-634": {"f": 0.0}, "208-561": {"f": 0.0}, "208-638": {"f": 0.0}, "208-733": {"f": 0.0}, "208-734": {"f": 0.0}, "208-735": {"f": 0.0}, "208-736": {"f": 0.0}, "209-516": {"f": 0.0}, "209-635": {"f": 0.0}, "209-514": {"f": 0.0}, "209-617": {"f": 0.0}, "209-737": {"f": 0.0}, "209-738": {"f": 0.0}, "209-739": {"f": 0.0}, "209-740": {"f": 0.0}, "210-501": {"f": 0.0}, "210-618": {"f": 0.0}, "210-502": {"f": 0.0}, "210-619": {"f": 0.0}, "210-741": {"f": 0.0}, "210-742": {"f": 0.0}, "210-743": {"f": 0.0}, "210-744": {"f": 0.0}, "211-533": {"f": 0.0}, "211-620": {"f": 0.0}, "211-535": {"f": 0.0}, "211-653": {"f": 0.0}, "211-745": {"f": 0.0}, "211-746": {"f": 0.0}, "211-747": {"f": 0.0}, "211-748": {"f": 0.0}, "212-563": {"f": 0.0}, "212-654": {"f": 0.0}, "212-560": {"f": 0.0}, "212-636": {"f": 0.0}, "212-749": {"f": 0.0}, "212-750": {"f": 0.0}, "212-751": {"f": 0.0}, "212-752": {"f": 0.0}, "213-539": {"f": 0.0}, "213-657": {"f": 0.0}, "213-537": {"f": 0.0}, "213-593": {"f": 0.0}, "213-753": {"f": 0.0}, "213-754": {"f": 0.0}, "213-755": {"f": 0.0}, "213-756": {"f": 0.0}, "214-489": {"f": 0.0}, "214-594": {"f": 0.0}, "214-491": {"f": 0.0}, "214-597": {"f": 0.0}, "214-757": {"f": 0.0}, "214-758": {"f": 0.0}, "214-759": {"f": 0.0}, "214-760": {"f": 0.0}, "215-518": {"f": 0.0}, "215-598": {"f": 0.0}, "215-520": {"f": 0.0}, "215-639": {"f": 0.0}, "215-761": {"f": 0.0}, "215-762": {"f": 0.0}, "215-763": {"f": 0.0}, "215-764": {"f": 0.0}, "216-562": {"f": 0.0}, "216-640": {"f": 0.0}, "216-564": {"f": 0.0}, "216-658": {"f": 0.0}, "216-765": {"f": 0.0}, "216-766": {"f": 0.0}, "216-767": {"f": 0.0}, "216-768": {"f": 0.0}, "217-524": {"f": 0.0}, "217-643": {"f": 0.0}, "217-522": {"f": 0.0}, "217-589": {"f": 0.0}, "217-769": {"f": 0.0}, "217-770": {"f": 0.0}, "217-771": {"f": 0.0}, "217-772": {"f": 0.0}, "218-487": {"f": 0.0}, "218-590": {"f": 0.0}, "218-488": {"f": 0.0}, "218-591": {"f": 0.0}, "218-773": {"f": 0.0}, "218-774": {"f": 0.0}, "218-775": {"f": 0.0}, "218-776": {"f": 0.0}, "219-525": {"f": 0.0}, "219-592": {"f": 0.0}, "219-527": {"f": 0.0}, "219-645": {"f": 0.0}, "219-777": {"f": 0.0}, "219-778": {"f": 0.0}, "219-779": {"f": 0.0}, "219-780": {"f": 0.0}, "220-566": {"f": 0.0}, "220-646": {"f": 0.0}, "220-565": {"f": 0.0}, "220-644": {"f": 0.0}, "220-781": {"f": 0.0}, "220-782": {"f": 0.0}, "220-783": {"f": 0.0}, "220-784": {"f": 0.0}, "221-528": {"f": 0.0}, "221-647": {"f": 0.0}, "221-526": {"f": 0.0}, "221-601": {"f": 0.0}, "221-785": {"f": 0.0}, "221-786": {"f": 0.0}, "221-787": {"f": 0.0}, "221-788": {"f": 0.0}, "222-493": {"f": 0.0}, "222-602": {"f": 0.0}, "222-494": {"f": 0.0}, "222-603": {"f": 0.0}, "222-789": {"f": 0.0}, "222-790": {"f": 0.0}, "222-791": {"f": 0.0}, "222-792": {"f": 0.0}, "223-542": {"f": 0.0}, "223-604": {"f": 0.0}, "223-543": {"f": 0.0}, "223-661": {"f": 0.0}, "223-793": {"f": 0.0}, "223-794": {"f": 0.0}, "223-795": {"f": 0.0}, "223-796": {"f": 0.0}, "224-569": {"f": 0.0}, "224-662": {"f": 0.0}, "224-567": {"f": 0.0}, "224-648": {"f": 0.0}, "224-797": {"f": 0.0}, "224-798": {"f": 0.0}, "224-799": {"f": 0.0}, "224-800": {"f": 0.0}, "225-544": {"f": 0.0}, "225-663": {"f": 0.0}, "225-541": {"f": 0.0}, "225-599": {"f": 0.0}, "225-801": {"f": 0.0}, "225-802": {"f": 0.0}, "225-803": {"f": 0.0}, "225-804": {"f": 0.0}, "226-492": {"f": 0.0}, "226-600": {"f": 0.0}, "226-490": {"f": 0.0}, "226-595": {"f": 0.0}, "226-805": {"f": 0.0}, "226-806": {"f": 0.0}, "226-807": {"f": 0.0}, "226-808": {"f": 0.0}, "227-538": {"f": 0.0}, "227-596": {"f": 0.0}, "227-540": {"f": 0.0}, "227-659": {"f": 0.0}, "227-809": {"f": 0.0}, "227-810": {"f": 0.0}, "227-811": {"f": 0.0}, "227-812": {"f": 0.0}, "228-568": {"f": 0.0}, "228-660": {"f": 0.0}, "228-570": {"f": 0.0}, "228-664": {"f": 0.0}, "228-813": {"f": 0.0}, "228-814": {"f": 0.0}, "228-815": {"f": 0.0}, "228-816": {"f": 0.0}}, "max_vertex": 864, "max_face": 2564}} \ No newline at end of file diff --git a/src/nfd_solver/data/out_hypar_mesh_04.json b/src/nfd_solver/data/out_hypar_mesh_04.json new file mode 100644 index 00000000..7411806e --- /dev/null +++ b/src/nfd_solver/data/out_hypar_mesh_04.json @@ -0,0 +1 @@ +{"compas": "1.7.1", "datatype": "compas.datastructures/Mesh", "data": {"attributes": {"name": "Mesh"}, "dva": {"x": 0.0, "y": 0.0, "z": 0.0, "rx": 0.0, "ry": 0.0, "rz": 0.0, "px": 0.0, "py": 0.0, "pz": 0.0, "is_anchor": false}, "dea": {"q_pre": 0.0}, "dfa": {"s_pre": [1.0, 1.0, 0.0]}, "vertex": {"0": {"z": 20.0, "y": -46.98355913741212, "x": -44.487094537112114, "is_anchor": true, "r": [151.0731917277875, 151.0726146216756, -54.8232046015969]}, "1": {"z": 20.0, "y": 43.016440862587885, "x": 45.512905462887865, "is_anchor": true, "r": [-151.0871830119853, -151.08780536207047, -54.8312827902563]}, "2": {"z": 9.999587113817295, "y": -37.96818870014344, "x": 0.49940173057125553, "r": [0.036872959414803064, 0.50462909375582, -0.0074218646134671384]}, "3": {"z": 9.990476330460035, "y": -1.9846447318017177, "x": 0.5146236434797856, "r": [1.1040516745650097e-05, -1.631326937656663e-05, 0.0014509277562346767]}, "4": {"z": 9.999661372821565, "y": -1.9701358790728032, "x": 36.4975395388117, "r": [-0.5043466652875273, -0.03550625158502929, -0.008435577101998326]}, "5": {"z": 0.0, "y": -46.98355913741212, "x": 45.512905462887865, "is_anchor": true, "r": [-151.51855300111308, 151.51870789894608, 54.83212137641998]}, "6": {"z": 0.0, "y": 43.016440862587885, "x": -44.487094537112114, "is_anchor": true, "r": [151.51798569791887, -151.51783757097968, 54.83153655248588]}, "7": {"z": 10.000088835534267, "y": -1.9969428536551754, "x": -35.47162170715753, "r": [0.5042247162771933, 0.03550980657571723, -0.008478451129292963]}, "8": {"z": 9.999913863223082, "y": 34.00096955081589, "x": 0.5262833571537685, "r": [-0.03557090083332465, -0.5042921085950385, -0.008460409942626423]}, "9": {"z": 14.800488120323765, "y": -24.91434638329009, "x": -37.7465662991066, "r": [0.3955336460015646, -0.5313754332328195, 0.045438244999338906]}, "10": {"z": 14.800727748667772, "y": -40.24312867661213, "x": -22.417982871219543, "r": [-0.5275726059191328, 0.3973055831023249, 0.049158852752662074]}, "11": {"z": 14.800780560956063, "y": 36.27593212130942, "x": 23.443736872195224, "r": [0.5268139595427739, -0.39774444235244566, 0.049173542050090724]}, "12": {"z": 14.800531899701259, "y": 20.94725690814819, "x": 38.77246995360572, "r": [-0.3972897997959519, 0.5276148954536142, 0.049132968255007015]}, "13": {"z": 9.972561215865456, "y": -20.65783719588524, "x": 0.7072628129512334, "r": [0.00010423194561701155, -0.00018483251875978102, 0.001505858285602818]}, "14": {"z": 5.199132634190442, "y": -40.24055796955786, "x": 23.42516641335048, "r": [0.5734294673331579, 0.3795396942120792, -0.055612781036797454]}, "15": {"z": 9.971548348455757, "y": -1.7911057427420505, "x": -18.158995630662453, "r": [0.000396519660128547, -0.0004375350290886093, 0.00011561203572879597]}, "16": {"z": 9.971106508441233, "y": 16.688941685132782, "x": 0.3206732732903313, "r": [0.0009390044413265103, 8.405679132950095e-05, 0.00011641586946059546]}, "17": {"z": 9.971608263105274, "y": -2.176369193318258, "x": 19.185796315358168, "r": [-0.0002796971432761919, 0.00046935021226829354, 0.0007189768365842841]}, "18": {"z": 5.198508188317912, "y": -24.895862763149324, "x": 38.76994414683903, "r": [-0.38323349059866274, -0.5647865213241303, -0.06417991149041491]}, "19": {"z": 5.198847978731149, "y": 20.92884069451192, "x": -37.74405139537109, "r": [0.38313967502314483, 0.5643140947853134, -0.06422620151931646]}, "20": {"z": 5.1989838224037115, "y": 36.27343579739688, "x": -22.399535175739004, "r": [-0.5684902995274301, -0.3814663012856103, -0.0598535984739299]}, "21": {"z": 12.165265199042928, "y": -21.868340277864984, "x": -19.370728732905505, "r": [-0.0012130888554140462, -0.0011901447856115244, -0.010894725326299648]}, "22": {"z": 12.17114344128956, "y": 17.90264899194496, "x": 20.39854217261667, "r": [4.099678480207203e-05, 0.00048187957809586734, -0.002446382964629956]}, "23": {"z": 7.79362349233247, "y": -22.005839577777717, "x": 20.53561204181997, "r": [0.0008736000020999057, -0.0014384745852389358, 0.010234663811504396]}, "24": {"z": 7.787569992007748, "y": 18.038661191811652, "x": -19.509996248243695, "r": [-0.0005708784448099635, 9.884466565157624e-05, 0.003117617064535727]}, "25": {"x": -40.56992442076519, "y": -36.106348093161024, "z": 17.336928709512247, "r": [0.29411618628081726, -0.7690599931607416, 0.09060304559070431]}, "26": {"x": -33.60992179633678, "y": -43.06645109591764, "z": 17.337174135216472, "r": [-0.7690829008753743, 0.2942693024484839, 0.09052223669489212]}, "27": {"x": 41.595713595188, "y": 32.139172522914826, "z": 17.337058483342233, "r": [-0.2978650382777488, 0.7627293633768986, 0.09367610924147485]}, "28": {"x": 34.63572112620873, "y": 39.099316884839105, "z": 17.336873648637305, "r": [0.7667550276249075, -0.29735328899721303, 0.08482685125302858]}, "29": {"x": -11.013414258658198, "y": -38.538725438720796, "z": 12.370521138979333, "r": [-0.24536340766992026, 0.4802047082867986, 0.017963717979334604]}, "30": {"x": 0.6625951754625076, "y": -29.670009489494113, "z": 9.972700772359827, "r": [0.000668116301132296, -0.0005880023032326376, 0.001681612667077198]}, "31": {"x": 12.014428726836583, "y": -38.5369155263072, "z": 7.628836057572865, "r": [0.3120467923333067, 0.4661234801828411, -0.030946959995709622]}, "32": {"x": 0.6440554666015941, "y": -11.262446157095814, "z": 9.983993840068262, "r": [5.0863802756206944e-05, -0.0009651687448146706, 0.0007582616212398752]}, "33": {"x": -8.761981734195382, "y": -1.853680827194159, "z": 9.983524960983775, "r": [0.0002980278695033367, -0.0004508256049296222, 0.0008891467626748195]}, "34": {"x": 0.38337067395759283, "y": 7.292876337161825, "z": 9.98427903488138, "r": [-0.0004568887856306325, 0.000587433452591879, 0.001244282455780843]}, "35": {"x": 9.79204565429408, "y": -2.113736188254176, "z": 9.983348246976165, "r": [0.000562977005206966, 0.00035992304375653816, 0.0010112228291674352]}, "36": {"x": 28.197798138429892, "y": -2.1333768804634867, "z": 9.971266023955781, "r": [-0.0002451117119005586, 0.0004955958519397841, 0.0005651058788355423]}, "37": {"x": 37.068059135749365, "y": 9.542684934438501, "z": 12.370398276873274, "r": [-0.47819606477567866, 0.252763907080356, 0.01412120609317391]}, "38": {"x": 37.06629228993454, "y": -13.485191618565288, "z": 7.62880806474308, "r": [-0.4658960778478898, -0.31289715378455085, -0.03017594289882075]}, "39": {"x": 34.62581957829875, "y": -43.06453759544866, "z": 2.6629737962837656, "r": [0.7859819884423986, 0.2856361195195518, -0.0939321801917774]}, "40": {"x": 41.59387823245037, "y": -36.09646436933337, "z": 2.66273312272219, "r": [-0.2864415987543367, -0.7832309311590748, -0.0991909855945563]}, "41": {"x": -33.60010504807881, "y": 39.097402304277814, "z": 2.6628156235101854, "r": [-0.7828283514414807, -0.28669647198044146, -0.09913379727265603]}, "42": {"x": -40.568113245105145, "y": 32.12950225529152, "z": 2.6631813582801476, "r": [0.2890221630752734, 0.781002606166572, -0.09422081400681859]}, "43": {"x": -27.171647531612386, "y": -1.8349265693831454, "z": 9.969421856389484, "r": [-0.00011169402498556469, -0.0010386090266547576, -7.566019000454505e-05]}, "44": {"x": -36.04215859442565, "y": -13.509745561059626, "z": 12.370829997254486, "r": [0.4796926822230594, -0.24777498910355078, 0.016447986402409853]}, "45": {"x": -36.040362989596694, "y": 9.518140190929469, "z": 7.629236189890058, "r": [0.4656331090302741, 0.3127345756946365, -0.030136622801374635]}, "46": {"x": 12.039129768441121, "y": 34.57150045441522, "z": 12.370507705743641, "r": [0.24829015306677893, -0.4793468633275926, 0.016411503782265746]}, "47": {"x": 0.36466083058850274, "y": 25.70131165352502, "z": 9.970969455213703, "r": [0.0005783963972192108, 0.00047748970250371947, -3.4336039820392905e-05]}, "48": {"x": -10.988814857955273, "y": 34.5697256579779, "z": 7.629203138794573, "r": [-0.31350335777503613, -0.46533266240370486, -0.030264050454087754]}, "49": {"x": -28.88891135734503, "y": -23.18464112385379, "z": 13.401536590905849, "r": [-0.0017657288133414717, -0.002269509618973764, -0.014998571723877863]}, "50": {"x": -20.690931771711178, "y": -31.388364911213962, "z": 13.410802813242544, "r": [-0.0005804687149186805, -0.0002129267668973256, -0.0029234482727837907]}, "51": {"x": 21.718469734926675, "y": 27.421999119924067, "z": 13.413246865062808, "r": [-7.394450349984538e-05, -5.459928270568071e-05, 0.0004749154123082633]}, "52": {"x": 29.91673396591349, "y": 19.21962026393887, "z": 13.408607133583166, "r": [-0.00026634267031333536, -0.0001429740417864256, -0.0031409748370538892]}, "53": {"x": -9.437668040319332, "y": -21.032955825093204, "z": 11.04167862025775, "r": [-6.276729380316759e-05, -0.00062925854955731, -0.003675279096770845]}, "54": {"x": 10.684930726001038, "y": -21.122335059307957, "z": 8.916074712715064, "r": [0.00046665208401375224, -0.00026949550222665763, 0.004081146382322376]}, "55": {"x": 21.825011226567934, "y": -31.463922975374732, "z": 6.558480516573389, "r": [0.0012499723159740128, -0.0008317082602493642, 0.01170663399797478]}, "56": {"x": -18.535272781885237, "y": -11.93447130780061, "z": 11.040008634851505, "r": [-0.000612979796273283, -5.5925068001227984e-05, -0.003650271385949866]}, "57": {"x": -18.623392612883062, "y": 8.188138838669863, "z": 8.917799637207308, "r": [-5.683523593247308e-05, 0.0009879795181724216, 0.005980937595564506]}, "58": {"x": 10.464961494290565, "y": 17.06504739070731, "z": 11.042584063059898, "r": [0.00048397552028012214, 0.0010627751988174783, -0.0028429077361701305]}, "59": {"x": -9.657943327944619, "y": 17.153143941945803, "z": 8.916811958895039, "r": [-0.00015549947837811828, -0.0005947163159232272, 0.003359261673752556]}, "60": {"x": 19.561375225348726, "y": 7.966505919538359, "z": 11.039303862766793, "r": [0.0006532045477454229, 7.834329508926707e-05, -0.00359230239022601]}, "61": {"x": 19.652970064774767, "y": -12.155029313841725, "z": 8.915123257675729, "r": [-0.00018169376773280455, -0.0005304541132082896, 0.001962253299829464]}, "62": {"x": 29.995517878595, "y": -23.296662512741083, "z": 6.557210131034236, "r": [0.0013258406518925625, -0.001548379776427744, 0.005694487018610861]}, "63": {"x": -28.967648393138212, "y": 19.32761779221454, "z": 6.565471655558314, "r": [-0.0021295629971938013, 0.002782543723780062, 0.017531810539579196]}, "64": {"x": -20.796839400140495, "y": 27.49733456305311, "z": 6.561924308415648, "r": [-0.0017673622344460682, 0.0016479593787286362, 0.01320448400144536]}, "65": {"x": -30.924038938437597, "y": -33.42119859045324, "z": 15.290326195461288, "r": [-0.0025523338171069554, -0.0025464076700902893, -0.013626822692878626]}, "66": {"x": -10.10733884274906, "y": -30.132127995689153, "z": 11.658140428196322, "r": [0.00044387206057283635, 0.000453247247410804, -0.00085513726802533]}, "67": {"x": -9.019628191028962, "y": -11.517618283218654, "z": 10.494853143640231, "r": [-3.812156603333339e-05, -3.6215737773903633e-05, -0.000717246819519235]}, "68": {"x": -27.63495799116975, "y": -12.604090174495013, "z": 11.655479300044785, "r": [-0.00034538037217402007, -0.000696866199192403, -0.0040019865445690694]}, "69": {"x": 31.952439523468062, "y": 29.45573586932255, "z": 15.295807972729015, "r": [0.0012233089015580845, 0.001251153768658142, -0.005314754789864651]}, "70": {"x": 11.133325486352367, "y": 26.163698642333774, "z": 11.656404196430207, "r": [0.00018667258686222432, -0.000559725261162658, -0.0028969818664137392]}, "71": {"x": 10.04672721744979, "y": 7.548748963625332, "z": 10.4937731615846, "r": [0.0005645895112657007, -0.00024019372680927908, -0.001349491725100127]}, "72": {"x": 28.6612442718983, "y": 8.636350207281417, "z": 11.65713249634947, "r": [-6.809497179238733e-05, -0.0005654839768307884, -0.002439774156900665]}, "73": {"x": 10.194184012321845, "y": -11.662917777428245, "z": 9.472816694082011, "r": [0.00017108770618257108, -0.00017064750397977058, 0.0024567130191415765]}, "74": {"x": 11.302981018926964, "y": -30.181262042153996, "z": 8.306943002717691, "r": [0.001708991832017892, -0.0003190850544729784, 0.00839347386774325]}, "75": {"x": 32.01807522724798, "y": -33.488799295145675, "z": 4.681074843238243, "r": [0.001618139160567189, -0.0016248879577682729, 0.010762652895567104]}, "76": {"x": 28.71278507466856, "y": -12.773740036062314, "z": 8.304046955115641, "r": [0.0008214819336149759, -0.0011834040150831004, 0.0033890457294440957]}, "77": {"x": -9.164754122828125, "y": 7.695829351169191, "z": 9.470966434957475, "r": [0.000756528881302454, -1.700135836490979e-05, 0.0019348929288160455]}, "78": {"x": -10.275949618218506, "y": 26.21396483724917, "z": 8.300783454407561, "r": [2.7817034771615567e-05, -1.0553555380710122e-05, -0.0001772074134818169]}, "79": {"x": -30.98988655174116, "y": 29.521029006160127, "z": 4.683813934461086, "r": [-0.002164097310100921, 0.0023490831931782807, 0.014789722045471354]}, "80": {"x": -27.68445809092105, "y": 8.804463231163881, "z": 8.308115253281747, "r": [-0.0007618420070154563, 0.0016509460638360896, 0.010678287548989696]}, "81": {"x": -42.394026114539386, "y": -41.59081746126231, "z": 18.652271600291645, "r": [0.2764577021202328, -0.8342757637293445, 0.09093980328072249]}, "82": {"x": -39.09437265300908, "y": -44.89052442494009, "z": 18.652379270240772, "r": [-0.8343619581086159, 0.27632135756540777, 0.09088155401587272]}, "83": {"x": 43.41969178393808, "y": 37.62354262434445, "z": 18.652391386584377, "r": [-0.2655628928775542, 0.8450437365333556, 0.09807954382369743]}, "84": {"x": 40.11996613309023, "y": 40.9231735520276, "z": 18.652524623915475, "r": [0.8461706404579772, -0.263508541898986, 0.10205692359228635]}, "85": {"x": -5.263943477796779, "y": -38.1111495944116, "z": 11.181018916974628, "r": [-0.11161051219649476, 0.4992979224675125, 0.0009981209204799057]}, "86": {"x": 0.5948679242940337, "y": -33.92622832785409, "z": 9.981923999101523, "r": [0.0002588941142871448, -0.0001743219878136415, 0.0016191942372190127]}, "87": {"x": 6.263300997734414, "y": -38.11018740531682, "z": 8.818052478573767, "r": [0.17770182773544008, 0.492562944100861, -0.01704137523418403]}, "88": {"x": 0.5849273980409943, "y": -6.557187831259542, "z": 9.989238113729677, "r": [2.7152936831420504e-05, -0.0010321424274080115, 0.0021627728562130244]}, "89": {"x": -4.057627199865789, "y": -1.9143838665592288, "z": 9.988811772038972, "r": [-0.00015290379265753273, 1.8934172199003285e-06, 0.0014356466076321794]}, "90": {"x": 0.44386911890659375, "y": 2.587552913076564, "z": 9.988500850101548, "r": [0.0004031257702052926, 0.0006165628277541302, 0.0017057244727816112]}, "91": {"x": 5.0872889457256605, "y": -2.054526493621376, "z": 9.989241503297608, "r": [0.0005956555398221042, -0.00044784614646431464, 0.0019041819929768167]}, "92": {"x": 32.45505722844507, "y": -2.068295644621833, "z": 9.980708081625927, "r": [0.00023722621225630292, -0.001744923612278626, 0.003873607832926673]}, "93": {"x": 36.64050198273597, "y": 3.7932061029003727, "z": 11.18117096360995, "r": [-0.4998025661217653, 0.10797115286976222, 0.002493690040427765]}, "94": {"x": 36.639531206769576, "y": -7.734053129655914, "z": 8.818198108195437, "r": [-0.49219465345836255, -0.17951687070292266, -0.013694187305956618]}, "95": {"x": 40.11502285942746, "y": -44.88931342857129, "z": 1.3476100450845818, "r": [0.8516431818429666, 0.26298929299606755, -0.09915317649326205]}, "96": {"x": 43.418650975332994, "y": -41.58566259489677, "z": 1.3474332911874665, "r": [-0.2633770126038186, -0.851496196698875, -0.09959632170046806]}, "97": {"x": -39.08928930394362, "y": 40.92221030987073, "z": 1.3475842744248605, "r": [-0.8504569550433558, -0.2635183410731443, -0.09880278046160562]}, "98": {"x": -42.39278976074971, "y": 37.61856134755499, "z": 1.3475065023137485, "r": [0.2606063012265736, 0.8527984860165105, -0.1036696755964317]}, "99": {"x": -31.428852854901407, "y": -1.899348102005561, "z": 9.980658946181533, "r": [-0.00024724644558915543, 0.001696969827521766, 0.003662361965252714]}, "100": {"x": -35.61459809426571, "y": -7.760279869446385, "z": 11.181613058650951, "r": [0.4999235330346181, -0.1077316430970292, 0.0024535164787398145]}, "101": {"x": -35.61359980686917, "y": 3.766984639788445, "z": 8.818647289960532, "r": [0.4917719434530383, 0.17979698690654988, -0.01372353019479533]}, "102": {"x": 6.289638319949935, "y": 34.14393682889571, "z": 11.1813555502442, "r": [0.10789859410338742, -0.4997863468518702, 0.0024447774773914688]}, "103": {"x": 0.4288041836755162, "y": 29.958316772548955, "z": 9.980888884680388, "r": [-0.001718169679661763, 0.00022691456032575275, 0.0038054415077635184]}, "104": {"x": -5.237652371722442, "y": 34.14295670950974, "z": 8.818530945707622, "r": [-0.17974598964545585, -0.49191548607659996, -0.01367454615188457]}, "105": {"x": -39.019697682775806, "y": -30.543364525840904, "z": 16.05332800187326, "r": [0.34414262453902467, -0.6585823346381972, 0.06514623271479181]}, "106": {"x": -36.75333107404968, "y": -19.232142547875714, "z": 13.574610588151439, "r": [0.4406377190899988, -0.39873344041492587, 0.026003953899962795]}, "107": {"x": -33.417420371189706, "y": -24.007060478605297, "z": 14.080010556399165, "r": [-0.0020104363287138938, -0.002796218627802105, -0.016494215700559423]}, "108": {"x": -28.046962001575924, "y": -41.51624380676709, "z": 16.053702526259308, "r": [-0.6574357982729069, 0.3452072776094752, 0.06539439442581951]}, "109": {"x": -16.735810132900244, "y": -39.249906616509016, "z": 13.57428597392318, "r": [-0.4043629887100266, 0.4387811229886083, 0.022235744288064296]}, "110": {"x": -21.505402057163334, "y": -35.91188899662374, "z": 14.068913590794246, "r": [-0.004878876322099046, -0.003331361544422151, -0.029726822143857135]}, "111": {"x": 29.072731406478194, "y": 37.54907020491296, "z": 16.053674811576666, "r": [0.6560363361550898, -0.3461221026912895, 0.0652183189728035]}, "112": {"x": 17.761548401116087, "y": 35.2826932050753, "z": 13.574336731115729, "r": [0.40366703506212076, -0.4390547635573867, 0.022173628223733033]}, "113": {"x": 22.532287228735825, "y": 31.94521797471129, "z": 14.070071278407571, "r": [0.005017649056281215, 0.0033315201360011315, -0.03023780474217297]}, "114": {"x": 40.04563442863896, "y": 26.57629943709365, "z": 16.052896315959014, "r": [-0.34220827768363193, 0.6652675304071352, 0.05648988639060448]}, "115": {"x": 37.77923884075114, "y": 15.265070733740044, "z": 13.574757301182597, "r": [-0.44298642901799923, 0.39340937038393875, 0.028028604015901237]}, "116": {"x": 34.441129048825914, "y": 20.03556799413813, "z": 14.070118674153598, "r": [0.0031432893573040133, 0.005475058225322016, -0.029458621497047588]}, "117": {"x": 0.7003308146472979, "y": -25.23431717869526, "z": 9.9688634812206, "r": [-0.00033498891646210893, -0.0006004286784531132, 0.0015218693308707287]}, "118": {"x": 0.6871670858470561, "y": -15.983782634330584, "z": 9.977991073683759, "r": [7.887684034724174e-05, -0.00016633491867601435, 0.0015233387050681557]}, "119": {"x": -4.380700842973701, "y": -20.79074595404535, "z": 10.502380528927235, "r": [-0.0001778363696152141, -0.00011829958652143091, -0.0017104426957175178]}, "120": {"x": 5.69690524283258, "y": -20.840376473672794, "z": 9.452887974230064, "r": [0.001155547209893193, -0.0006970268719612704, 0.006310880827459897]}, "121": {"x": 17.73948451064301, "y": -39.247534623065974, "z": 6.42499211324039, "r": [0.45123109873867406, 0.4250404209178811, -0.03731793345658474]}, "122": {"x": 29.058284293170235, "y": -41.513829876163605, "z": 3.946212123649733, "r": [0.685035545989038, 0.3331061630323049, -0.07199281489159137]}, "123": {"x": 22.596902723616285, "y": -35.95601976657273, "z": 5.90038374471673, "r": [0.004380372406888711, -0.0026010132075384718, 0.023967870189030016]}, "124": {"x": -13.484692473290973, "y": -1.8091891761685892, "z": 9.978656734091562, "r": [-0.0001879800105335505, 0.0010522372394139445, 0.0027567343820660284]}, "125": {"x": -22.735751056930766, "y": -1.7954407581027856, "z": 9.968134594716973, "r": [0.00017822818447044142, 0.0008619123298689857, 0.0032010223690868145]}, "126": {"x": -18.292962796307823, "y": -6.876783227393876, "z": 10.500233155003698, "r": [-0.0005195260440906679, 0.0002763953862237045, -0.0017990924505806305]}, "127": {"x": -18.341644151672416, "y": 3.198593325725273, "z": 9.453655041001035, "r": [-0.0007510569581619109, 0.00039727831190017326, 0.007809078180503803]}, "128": {"x": 0.3396215104809525, "y": 12.015300033618399, "z": 9.978806976208872, "r": [-0.0005476709161378324, 0.0005905357612192574, 0.002119488258045976]}, "129": {"x": 0.32515169156025775, "y": 21.26556470202591, "z": 9.968551307366011, "r": [-0.0008174845774302497, 0.0006187130249806216, 0.0030968591846658455]}, "130": {"x": 5.407359653418458, "y": 16.82195138134541, "z": 10.501204700827342, "r": [0.0007340083991786983, -0.000283257062513087, -0.0023568831501705745]}, "131": {"x": -4.668523961181247, "y": 16.870899616059937, "z": 9.453538883511838, "r": [-0.0003047231768302794, 0.0007058223931970531, 0.007768449512138176]}, "132": {"x": 14.512870672098295, "y": -2.1563229664434544, "z": 9.97704835115371, "r": [0.00014184056986010773, -7.72627462310993e-05, 0.0015191029390777544]}, "133": {"x": 23.761930659551783, "y": -2.1706691131467943, "z": 9.969166053527319, "r": [-0.0002342105902535252, -0.0007324385250759846, 0.0023869660395199332]}, "134": {"x": 19.31940333650962, "y": 2.9103118342632808, "z": 10.501148652196067, "r": [0.00012475953166557474, 0.00017944153768301163, -0.0016716552841025134]}, "135": {"x": 19.369573210727896, "y": -7.166019342499569, "z": 9.453841412004813, "r": [0.0007340690162322971, -0.0012937431663022636, 0.00850427928048525]}, "136": {"x": 37.77693148336654, "y": -19.210231881251165, "z": 6.424783383985992, "r": [-0.4247251598067905, -0.4533532129375004, -0.035884997396410157]}, "137": {"x": 40.043306021570594, "y": -30.52904980810955, "z": 3.9466414197563973, "r": [-0.3296153303416389, -0.6938667865243531, -0.062349181588108316]}, "138": {"x": 34.48648054939468, "y": -24.064033571514212, "z": 5.905396242486582, "r": [0.004033170220193227, -0.005170712630460983, 0.03184447623287223]}, "139": {"x": -39.01745360149176, "y": 26.562042112637076, "z": 3.9469773668999473, "r": [0.32872716719630546, 0.694250124834582, -0.06281964934602158]}, "140": {"x": -36.75101591668772, "y": 15.243197958291473, "z": 6.425207994140434, "r": [0.42419663439761734, 0.4537086410450435, -0.036028924425025366]}, "141": {"x": -33.460408575798674, "y": 20.097781240509324, "z": 5.904435773172159, "r": [-0.0039146475786076, 0.004844226045520372, 0.028308361325899867]}, "142": {"x": -28.03269779621476, "y": 37.546793891174644, "z": 3.946697141798909, "r": [-0.6902271693728323, -0.3311153803744986, -0.06619926632443729]}, "143": {"x": -16.713874429791296, "y": 35.28038621483873, "z": 6.425126049832143, "r": [-0.4523500673096912, -0.4247130638741723, -0.03624387340178181]}, "144": {"x": -21.567908547639142, "y": 31.989334980826385, "z": 5.900404883076314, "r": [-0.003740577840005699, 0.003051945053883287, 0.023551373250507268]}, "145": {"x": -24.196608667396852, "y": -22.46867282728366, "z": 12.767308458944512, "r": [-0.001472242658270062, -0.0017339348621803197, -0.013312765968713336]}, "146": {"x": -19.970210702581294, "y": -26.6938810755385, "z": 12.76570011931435, "r": [-0.0017333958322076626, -0.002212122010075035, -0.016996066518922603]}, "147": {"x": -14.442032216989798, "y": -21.389955477095338, "z": 11.59306563648705, "r": [-0.0005555485395465354, -0.00038584862455692814, -0.009287383733425969]}, "148": {"x": -18.89231565923776, "y": -16.939164160073055, "z": 11.591757718101588, "r": [-0.00040696842517107257, -0.0005880641354742977, -0.009333229639018725]}, "149": {"x": 20.99485390841014, "y": 22.72466566724472, "z": 12.760100988821327, "r": [0.0033781939038188824, 0.002868113019072638, -0.023941993481379598]}, "150": {"x": 25.220382679724796, "y": 18.498498804204896, "z": 12.760123027970875, "r": [0.0020052588932095716, 0.0032605537886460922, -0.022736495691789926]}, "151": {"x": 15.467671368568377, "y": 17.420968379059296, "z": 11.590541675852872, "r": [0.0012477094364964358, 0.00010073032282775785, -0.011557741108271458]}, "152": {"x": 19.916747679580567, "y": 12.969591408995859, "z": 11.586312313644301, "r": [0.0007278813624758129, 0.0019262808538229592, -0.013900439833273381]}, "153": {"x": 15.641239226804823, "y": -21.509620530857624, "z": 8.368667719757056, "r": [0.0009343137683757163, -0.0006724726347400178, 0.0127259430919473]}, "154": {"x": 21.132861674220003, "y": -26.80173906740904, "z": 7.192519940268685, "r": [0.0019918464348727127, -0.0016661415788554734, 0.01543555849465772]}, "155": {"x": 20.04282077823726, "y": -17.11120172864105, "z": 8.369808883563786, "r": [0.002235319185253104, -0.0016552412752410817, 0.016303068122498487]}, "156": {"x": 25.33204283926461, "y": -22.60206985171802, "z": 7.2017889867639715, "r": [0.0034637656389548965, -0.0031121884143701095, 0.02692345334951085]}, "157": {"x": -19.012653278537442, "y": 13.145294912269504, "z": 8.368032494087458, "r": [-0.0007392179931819953, 0.001902247359980791, 0.013636897283925364]}, "158": {"x": -14.615215043162001, "y": 17.54366438013451, "z": 8.371967795766066, "r": [-0.0024073179520520682, 0.0019990134369329837, 0.019174598548804767]}, "159": {"x": -24.304359899478186, "y": 18.636193937485046, "z": 7.196758557529021, "r": [-0.0018775807248729848, 0.003093776094043932, 0.020158294054629877]}, "160": {"x": -20.106285749161422, "y": 22.833444106711497, "z": 7.201201145587429, "r": [-0.004030194084922556, 0.0027300571156239073, 0.026909010808909173]}, "161": {"x": -35.841447450784955, "y": -34.69799875410468, "z": 16.294865830405683, "r": [-0.003093013088609098, -0.003329493749262724, -0.019447430211560146]}, "162": {"x": -32.20156034169014, "y": -38.338403114080485, "z": 16.295696714929175, "r": [-0.003356082051791276, -0.0031275696677468545, -0.01941823511419649]}, "163": {"x": 36.867713610854274, "y": 30.73006595531609, "z": 16.289255368127094, "r": [0.004658453386717554, 0.004555684139646132, -0.028013736906494557]}, "164": {"x": 33.22821352059184, "y": 34.371502729531464, "z": 16.29551194713852, "r": [0.0031334912974472218, 0.0028513797088223214, -0.019857004699176173]}, "165": {"x": -10.527951890159715, "y": -34.43658352925878, "z": 11.98730093512943, "r": [-0.003521034809517154, -0.0013571783701031848, -0.019360477970602474]}, "166": {"x": -4.7347177278058385, "y": -29.801855192243664, "z": 10.807523383306332, "r": [-0.000613421514432666, -0.0002066457462852611, -0.004753648845268188]}, "167": {"x": 5.984923491030225, "y": -29.83077191904498, "z": 9.147583808237405, "r": [0.001766605417680367, -0.0008323111845882636, 0.008293181502162739]}, "168": {"x": 11.649628563210943, "y": -34.46500806871732, "z": 7.981475402930247, "r": [0.003148803727066607, -0.0013361327891274755, 0.01771547654203065]}, "169": {"x": -4.191309855541046, "y": -11.379485856087543, "z": 10.235190367703106, "r": [-4.98660928043293e-05, 0.0008190009906510198, 7.6353021238873e-05]}, "170": {"x": 5.413211093211671, "y": -11.458522018327628, "z": 9.735872304542289, "r": [0.00029527545936414157, -0.00017708254886983354, 0.004526841107862722]}, "171": {"x": -8.881258461032028, "y": -6.689921878527303, "z": 10.23533127956537, "r": [0.0003947105302639642, -0.000503260077271861, -0.00012809898708354694]}, "172": {"x": -8.96103565587094, "y": 2.9155114149138788, "z": 9.735048465347408, "r": [-0.0010312325404804312, 0.00026251484783479384, 0.004678655014114241]}, "173": {"x": 5.218840823094976, "y": 7.411329193075416, "z": 10.235105368835278, "r": [5.828787182249329e-05, 9.197719968812024e-05, -0.0001498886839765845]}, "174": {"x": -4.385857016902109, "y": 7.489894486930724, "z": 9.733448963079349, "r": [-0.00017563751857263554, 9.984071266266881e-05, 0.003029773924838608]}, "175": {"x": 9.910327109005054, "y": 2.722175059189079, "z": 10.235582770707971, "r": [5.213164990713892e-05, 4.265154210969513e-05, -5.808324113942831e-05]}, "176": {"x": 9.988643100139534, "y": -6.882264425431573, "z": 9.735235008039936, "r": [0.00018248712847057647, -0.00028902039100398014, 0.004526364054166621]}, "177": {"x": 28.330763005697843, "y": 3.2654701248988554, "z": 10.808393391502475, "r": [0.0001865453196998601, 0.0004845168578313519, -0.0032962625590435835]}, "178": {"x": 28.360180297322398, "y": -7.455806919788856, "z": 9.147651837980852, "r": [0.0009599240782947049, -0.002224144080251733, 0.011524919695569125]}, "179": {"x": 32.96677609455342, "y": 9.061409903574, "z": 11.994212893665228, "r": [0.0005637437930410272, 0.0025539901474616045, -0.011878562137599857]}, "180": {"x": 32.994972495018565, "y": -13.118876741359282, "z": 7.9785935527961644, "r": [0.0010989749476983945, -0.002079484475584259, 0.017041698371207836]}, "181": {"x": 33.268788378754714, "y": -38.37861943615925, "z": 3.6909992689579805, "r": [0.00407704553039423, -0.0037782362786771273, 0.0249721706366417]}, "182": {"x": 36.90852862160776, "y": -34.73814103388379, "z": 3.6952498461289123, "r": [0.004813385731921471, -0.004773356454212063, 0.03022944015104123]}, "183": {"x": -32.24221585887891, "y": 34.41251615875943, "z": 3.6945742304444673, "r": [-0.004424212978122455, 0.004475806729949738, 0.026574978315351938]}, "184": {"x": -35.880134577825956, "y": 30.769464575395556, "z": 3.695017264994123, "r": [-0.004162326322123988, 0.004122757479652961, 0.027535544361162678]}, "185": {"x": -27.30463548234465, "y": -7.232307575427106, "z": 10.805593294311642, "r": [-0.0006771231224078633, -0.0011903707621883086, -0.004620378189725827]}, "186": {"x": -27.332085799449196, "y": 3.486370788839169, "z": 9.145401928969477, "r": [-0.0003934563949918868, 0.00024389207528674461, 0.008166150338409395]}, "187": {"x": -31.94044238032505, "y": -13.027112138868974, "z": 11.99181609660012, "r": [-0.001102918706383349, -0.0024675690920688, -0.013596254387106654]}, "188": {"x": -31.96837899111197, "y": 9.152096892884991, "z": 7.978589965082618, "r": [-0.0013802207468600614, 0.0021017375584841957, 0.01474902862329408]}, "189": {"x": 11.555709559016966, "y": 30.469203934721993, "z": 11.989782760305012, "r": [0.0035125284915338284, 0.000821907802965427, -0.016953022822614017]}, "190": {"x": 5.760574761564539, "y": 25.833520727876376, "z": 10.805496871529776, "r": [0.0006849163408704229, 0.00025936726727593395, -0.004821281725600812]}, "191": {"x": -4.957876896830226, "y": 25.86174005626309, "z": 9.147518130418124, "r": [-0.0018928554211115056, 0.0004950479415697373, 0.012517563998558856]}, "192": {"x": -10.622202630761713, "y": 30.49701371888243, "z": 7.98102487375147, "r": [-0.003168833501753454, 0.0010495610161527225, 0.020503669837242278]}, "193": {"x": -29.810531309986303, "y": -28.356601089265393, "z": 14.318683487510588, "r": [-0.002819716971814046, -0.0037306693452663353, -0.022784972238483192]}, "194": {"x": -28.161935534552054, "y": -17.92544675224246, "z": 12.513684517208112, "r": [-0.0009096202513134699, -0.0016422329915890543, -0.014052410859182629]}, "195": {"x": -25.857838032179785, "y": -32.30730558887749, "z": 14.314556308442022, "r": [-0.004300879852284112, -0.0039611020782786, -0.02840381373614953]}, "196": {"x": -15.424992630927795, "y": -30.65762803092597, "z": 12.507228604441062, "r": [-0.003314499863193987, -0.002141496363776696, -0.02389473863051883]}, "197": {"x": 26.882554665330364, "y": 28.338870134098592, "z": 14.310294739269754, "r": [0.005599568935490851, 0.004987409685366373, -0.03605674625587163]}, "198": {"x": 16.45292782693992, "y": 26.69076207256707, "z": 12.509438167499006, "r": [0.00346956640893481, 0.0023099886935931124, -0.021940645443368822]}, "199": {"x": 30.835014606448034, "y": 24.386472113449642, "z": 14.312384792617017, "r": [0.0047097275190246535, 0.005266183012189174, -0.03539663283266137]}, "200": {"x": 29.187193469431822, "y": 13.954474406417198, "z": 12.507324413030108, "r": [0.0021368872877935985, 0.0026140910792626926, -0.020579665057072205]}, "201": {"x": -9.738808710037365, "y": -25.651562256820355, "z": 11.336276965148436, "r": [-0.0014607496551679588, -0.0009333953666050832, -0.008345848889106833]}, "202": {"x": -9.199114340653404, "y": -16.308480726786616, "z": 10.758751876195154, "r": [-0.0014206850660869463, -0.00035860589806091525, -0.005538013749601944]}, "203": {"x": 10.423376452491828, "y": -16.42227607168895, "z": 9.204625324483303, "r": [0.0007834983449193089, -0.0005908476413054586, 0.009200623974866318]}, "204": {"x": 10.977807776799683, "y": -25.721244990135098, "z": 8.621433396226855, "r": [0.000970811642975633, -0.00029999133311520154, 0.010900141150330889]}, "205": {"x": 16.591467650824686, "y": -30.726663250363078, "z": 7.446679228153013, "r": [0.002108836313531981, -0.0012985095575217542, 0.014267249761244827]}, "206": {"x": 26.976456701055703, "y": -32.38998168285345, "z": 5.649007615686679, "r": [0.004361098017586329, -0.004478169979879709, 0.02888327805771862]}, "207": {"x": -13.810654464738608, "y": -11.696440153782705, "z": 10.758207258677604, "r": [-0.00035838355950446044, -0.0014156141307317682, -0.005536329802037443]}, "208": {"x": -23.154060625208963, "y": -12.235453210147782, "z": 11.333483935736306, "r": [-0.0010639455016239197, -0.0016073359447084101, -0.0085758047253357]}, "209": {"x": -13.923092216323873, "y": 7.926040873021536, "z": 9.203217235965907, "r": [0.000288845158452844, 0.0007077975504934386, 0.00892112217715102]}, "210": {"x": -23.22340467829615, "y": 8.48072840514165, "z": 8.62190449579351, "r": [-0.0003192587425608906, 0.0009718103052520632, 0.010892372855900945]}, "211": {"x": 10.766100413120903, "y": 21.683636265907786, "z": 11.337759271564991, "r": [0.0007776559227110624, 0.00042150052454204, -0.006259062013558747]}, "212": {"x": 10.224492566349904, "y": 12.340338561603145, "z": 10.758381052985737, "r": [1.9810630870864543e-05, 0.0007787614529632947, -0.005698107899668514]}, "213": {"x": -9.396441396187754, "y": 12.453763090470915, "z": 9.201980168025639, "r": [-0.0010278815435835753, 3.7720625531534324e-05, 0.0077948582057114635]}, "214": {"x": -9.951265525028509, "y": 21.75382601075755, "z": 8.625734506862202, "r": [-0.0023264818140464882, 0.0012117554503028316, 0.01849724014982357]}, "215": {"x": 14.838088047539252, "y": 7.728723481616522, "z": 10.759487390597686, "r": [0.0006759901168251758, 0.0008409929460739818, -0.004529850747303499]}, "216": {"x": 24.180112824851598, "y": 8.267407703475271, "z": 11.333629874524071, "r": [0.0009691842403078965, 0.0015211777373114188, -0.00839954884969174]}, "217": {"x": 14.953351718451382, "y": -11.890437441504075, "z": 9.203626935451382, "r": [0.0004969285574105697, 0.0001881080957133463, 0.008761158750397513]}, "218": {"x": 24.252658151083534, "y": -12.448283360172178, "z": 8.625344804996793, "r": [0.0011132889234666266, -0.002365682500574451, 0.018435107042922283]}, "219": {"x": 30.91736569078948, "y": -28.44737743249814, "z": 5.645719586600497, "r": [0.0035195255806712566, -0.0038572848724811593, 0.02675896725982696]}, "220": {"x": 29.257179048117496, "y": -18.061096245210734, "z": 7.453208779061883, "r": [0.0018959169936110243, -0.0042168919226632795, 0.024800348286770912]}, "221": {"x": -29.891744970390263, "y": 24.4806861107347, "z": 5.642693935075658, "r": [-0.003410315145128351, 0.0036733655944054533, 0.022947699016419243]}, "222": {"x": -28.229976008707922, "y": 14.093695937282602, "z": 7.448486759708939, "r": [-0.0012851097764929875, 0.002062855477960923, 0.013999428525472979]}, "223": {"x": -15.562210033167979, "y": 26.75991934408144, "z": 7.4505219195071595, "r": [-0.002341552297746574, 0.00186812726748542, 0.020906005990372734]}, "224": {"x": -25.94878310070444, "y": 28.41985339318752, "z": 5.6436978410683185, "r": [-0.0029846637160133582, 0.002597384486236365, 0.02235379176864072]}, "225": {"x": -34.51353915318826, "y": -29.397811847466578, "z": 15.166700852122451, "r": [-0.0024124470176047907, -0.0028580823679646983, -0.017587417447160192]}, "226": {"x": -37.381817623124384, "y": -39.878387705818156, "z": 17.468823830852706, "r": [-0.000431346243601638, -0.00043309073544151033, -0.004319377584494077]}, "227": {"x": -26.90200339348369, "y": -37.01130042870605, "z": 15.169625406013155, "r": [-0.002476548895785413, -0.002210947055004908, -0.012578894650232542]}, "228": {"x": -24.954242206995918, "y": -27.451966747489646, "z": 13.528418869499289, "r": [-0.0009312100978036142, -0.0008727086940609752, -0.010673533810560798]}, "229": {"x": -16.05368157804949, "y": -35.05823251943334, "z": 13.037427281950901, "r": [0.0003244449456332177, 0.00017135635661702509, 0.00181682658797655]}, "230": {"x": -4.981985274642298, "y": -34.06184895964761, "z": 10.988370765999314, "r": [0.0011091834556253843, 0.00011173301226108379, 0.00021028688472313206]}, "231": {"x": -4.536220917386986, "y": -25.366082827201765, "z": 10.649119111694393, "r": [-0.000775377114106135, 0.00017395126003805217, -0.002255897825207853]}, "232": {"x": -14.893019879096414, "y": -26.094298317838884, "z": 12.04455715688664, "r": [-0.00030456051476335233, 0.000385406414721956, -0.004492772131662548]}, "233": {"x": -4.268318699795893, "y": -16.11432186523198, "z": 10.364950022176954, "r": [-8.085400816781885e-05, -0.0001357573974019033, -0.0008584498167323318]}, "234": {"x": -4.135210220870079, "y": -6.633286850116437, "z": 10.111696902364407, "r": [8.890697174024353e-07, 0.000832653478401113, 0.0005113785653421132]}, "235": {"x": -13.616109075430591, "y": -6.765434235112905, "z": 10.36445491228018, "r": [-0.0001503978809935802, -9.903562416369027e-05, -0.0008805486033551801]}, "236": {"x": -14.085326734651748, "y": -16.582803850536187, "z": 11.1725473330679, "r": [-0.0007295723110942731, -0.0007305833971997799, -0.002072873962518429]}, "237": {"x": -22.868745710667636, "y": -7.032698428055803, "z": 10.647036193688113, "r": [-0.0006724808245763825, -0.000839112094755734, -0.002372343219256834]}, "238": {"x": -31.564830773976844, "y": -7.477234302168046, "z": 10.985440055345192, "r": [-0.000547617769768749, 3.810233319256895e-05, -0.0020670982453694364]}, "239": {"x": -32.559420321461666, "y": -18.54655531026784, "z": 13.02843494625791, "r": [-0.0007233884659001433, -0.0018825166341684962, -0.009703600287522818]}, "240": {"x": -23.596444531986112, "y": -17.389717446846657, "z": 12.041330121674564, "r": [-0.0004289047577827887, -0.0013235674155822608, -0.00776315879407008]}, "241": {"x": 35.54343809516853, "y": 25.437060038226484, "z": 15.182689748824364, "r": [-0.00011424827019368422, -0.00013819080132293493, 0.0007917079244919023]}, "242": {"x": 38.41003979737531, "y": 35.913836511848395, "z": 17.462992247653318, "r": [0.0014121964985918112, 0.0014923761938518965, -0.010028999256306292]}, "243": {"x": 27.929673033391875, "y": 33.04541958279715, "z": 15.173338710224566, "r": [0.0017337733027176228, 0.001719870405452184, -0.00860933438090683]}, "244": {"x": 25.983201743310634, "y": 23.487126403616184, "z": 13.535725877738598, "r": [3.6277612025514827e-09, 3.620456823227869e-09, -2.2315184367016627e-08]}, "245": {"x": 17.080728652290155, "y": 31.09120959329892, "z": 13.038824422252894, "r": [-0.00031532362842767725, -0.00016627297159743648, 0.0017660448577956345]}, "246": {"x": 6.006134505378533, "y": 30.093929850474535, "z": 10.98496216636083, "r": [-4.736255848669657e-05, 0.0005520852455447312, -0.002024240055710891]}, "247": {"x": 5.562524698015373, "y": 21.39763116143878, "z": 10.648490316269182, "r": [0.0007814621190895821, -0.00017848454307056727, -0.0023552420779040517]}, "248": {"x": 15.917820901320665, "y": 22.12560872436819, "z": 12.040789282609623, "r": [0.00025210375076056835, 7.052451552169714e-05, -0.006531682024956353]}, "249": {"x": 5.295883306470592, "y": 12.146516278598286, "z": 10.367104659834494, "r": [-0.0009297366904839066, -5.2165176661844725e-05, 0.00010107521440971823]}, "250": {"x": 5.163773091561097, "y": 2.664468781885975, "z": 10.110984675004602, "r": [0.0004970223569031873, -0.00035453078782232694, 0.0004759466904573628]}, "251": {"x": 14.643859104818658, "y": 2.7985643535288776, "z": 10.364691915832516, "r": [0.00010787234990772276, 9.004585936622789e-05, -0.0008572397042456714]}, "252": {"x": 15.110872702298122, "y": 12.614039468274171, "z": 11.172019234691819, "r": [-0.000456020265147572, -0.00045856533623833684, -0.0009740671251918798]}, "253": {"x": 23.89471364349566, "y": 3.0647212842856844, "z": 10.647484592558973, "r": [0.00022915282059443598, 0.0003348777438265671, -0.0024328136149165402]}, "254": {"x": 32.590489777220434, "y": 3.509154706415931, "z": 10.984320246173828, "r": [0.00032293408972350335, 0.0005930014232582437, -0.0035110475982875755]}, "255": {"x": 33.586189747496626, "y": 14.579344622947646, "z": 13.029073286017999, "r": [0.0014729976280136725, 0.001495037078136363, -0.006611363251792568]}, "256": {"x": 24.622421242615296, "y": 13.421002513791459, "z": 12.039343235345159, "r": [0.0006079985222271489, 0.0008539529898357046, -0.00560787574431032]}, "257": {"x": 14.705663915439981, "y": -7.022163789365773, "z": 9.59437902173198, "r": [-6.104762884717729e-05, 0.0007767040112049983, 0.0014365826891591382]}, "258": {"x": 5.267582986001755, "y": -6.737193185850521, "z": 9.864372883877458, "r": [0.00010569092232870503, -0.00010553713293148803, 0.0012074868436826591]}, "259": {"x": 5.55404563828958, "y": -16.176416448960357, "z": 9.596282570977367, "r": [-0.0001348373568497152, -0.0005299870461072942, 0.002832921382022846]}, "260": {"x": 15.265183691973059, "y": -16.73203276260216, "z": 8.79337828677675, "r": [0.0008731714989451689, -0.0002466092164326028, 0.006426719092701205]}, "261": {"x": 5.84010309832138, "y": -25.405599236953048, "z": 9.301099811154327, "r": [0.0001226987259954626, -0.0005700371828822881, 0.00394374594419844]}, "262": {"x": 6.125515498534328, "y": -34.077150994893216, "z": 8.984436843968206, "r": [0.0003857967335676449, -0.0006338483258332417, 0.004576742882981932]}, "263": {"x": 17.148314923743254, "y": -35.091357614434905, "z": 6.947781738329896, "r": [0.0022104303606482745, -0.0009193763149255574, 0.011220941944721119]}, "264": {"x": 16.085754169224217, "y": -26.187327507767016, "z": 7.919833608190542, "r": [0.001644456628696389, -0.0011343488242800959, 0.012720670480867113]}, "265": {"x": 27.979552979654674, "y": -37.05632175014758, "z": 4.804853263864877, "r": [0.0019266064801968241, -0.0019185825343868146, 0.009639715689758077]}, "266": {"x": 38.43249652588543, "y": -39.902675632806584, "z": 2.5256305325860895, "r": [0.0009623457924874401, -0.0009700179176377333, 0.007331695659312132]}, "267": {"x": 35.582943873836975, "y": -29.448596049763054, "z": 4.8022544802351455, "r": [-5.889575049877749e-09, -0.00021795226524545797, 0.004539405674361063]}, "268": {"x": 26.087770376373896, "y": -27.55966255014558, "z": 6.436279175645987, "r": [0.00167470370028866, -0.0020216729759852115, 0.01366066104485597]}, "269": {"x": 33.62183357587027, "y": -18.616611896980398, "z": 6.945208432956834, "r": [0.00020211869230024604, -0.0002018514650075076, 0.006341370182980199]}, "270": {"x": 32.60563950596979, "y": -7.596699295161374, "z": 8.980518857369418, "r": [-8.415150944074412e-06, 4.917723936515017e-05, -0.0002704588128636942]}, "271": {"x": 23.934913958543994, "y": -7.31053077886938, "z": 9.299628410089358, "r": [0.0003971873196206843, 0.0003138503344786159, 0.0009585324484291391]}, "272": {"x": 24.719242085570368, "y": -17.557287525812157, "z": 7.912193181004591, "r": [-1.724390017443511e-05, 2.6932972360782514e-05, -0.0002033632889961723]}, "273": {"x": -13.677971444382104, "y": 3.058452175220795, "z": 9.594163800479093, "r": [-0.0005681332301676889, 0.0006519360130994301, 0.0014456223157850445]}, "274": {"x": -4.238562883829172, "y": 2.7680535569602185, "z": 9.86530948097991, "r": [-0.00011909898271156294, 0.00014972290354897666, 0.002201413953116571]}, "275": {"x": -4.52792379383818, "y": 12.206271183770347, "z": 9.59570932890943, "r": [-0.0006801389296988702, -0.00021527752313943438, 0.0031247922948480777]}, "276": {"x": -14.236420369126403, "y": 12.766751384017988, "z": 8.79035633502809, "r": [-0.0003338788121567404, 0.00030445332605211206, 0.003967337749671174]}, "277": {"x": -4.81404018609644, "y": 21.43618139548153, "z": 9.298715596068119, "r": [-4.622821343502892e-07, 1.0154050755772914e-07, 3.506319004031866e-06]}, "278": {"x": -5.099682460581195, "y": 30.108209757872093, "z": 8.9810500791999, "r": [7.03359526177394e-05, -1.20184411542823e-05, -0.0003871231174699119]}, "279": {"x": -16.1208352516216, "y": 31.1247399827395, "z": 6.943993320859846, "r": [-0.001075682824577484, 0.0006437978109516962, 0.006512790392420698]}, "280": {"x": -15.060527709722663, "y": 22.221320435898665, "z": 7.916208720766557, "r": [-0.001146884797847747, 0.0009617363907352683, 0.003973685182224074]}, "281": {"x": -26.95043587368246, "y": 33.08593405974992, "z": 4.808682275856199, "r": [-0.0017905725541140782, 0.0013607126358010646, 0.013280781291378219]}, "282": {"x": -37.40740710658635, "y": 35.935764140135355, "z": 2.5285175178923867, "r": [-0.0014995093699212703, 0.00143551571630951, 0.010166680067243306]}, "283": {"x": -34.556606161629134, "y": 25.48156315474174, "z": 4.800797672098985, "r": [-2.880337120814147e-05, 0.00023531318713310156, 0.0042272186165135395]}, "284": {"x": -25.06330296085536, "y": 23.591702189070354, "z": 6.430743085093123, "r": [-0.001968923374960241, 0.0016345681309672955, 0.009537006274733528]}, "285": {"x": -32.594863181486325, "y": 14.649695720107816, "z": 6.94736944753539, "r": [-0.0004495317099326712, 0.0011477042414895777, 0.010108119358594791]}, "286": {"x": -31.578516674746943, "y": 3.629471432035414, "z": 8.98168832128481, "r": [0.00021619280315121614, 0.0007384759842565813, 0.0018079852360060045]}, "287": {"x": -22.907110831303555, "y": 3.34400288016317, "z": 9.298999541931735, "r": [-0.000570546888226886, 0.000821453474936007, 0.002057062806393617]}, "288": {"x": -23.69015016132499, "y": 13.588892057158638, "z": 7.920876545172915, "r": [-0.0011314791486825015, 0.0015738221935990282, 0.012386211543635284]}}, "face": {"85": [193, 49, 107, 225], "86": [107, 9, 105, 225], "87": [105, 25, 161, 225], "88": [161, 65, 193, 225], "92": [162, 65, 161, 226], "93": [162, 26, 108, 227], "94": [108, 10, 110, 227], "96": [195, 65, 162, 227], "97": [195, 50, 146, 228], "98": [146, 21, 145, 228], "99": [145, 49, 193, 228], "106": [85, 2, 86, 230], "107": [86, 30, 166, 230], "110": [117, 13, 119, 231], "111": [119, 53, 201, 231], "112": [201, 66, 166, 231], "113": [201, 53, 147, 232], "114": [147, 21, 146, 232], "117": [202, 53, 119, 233], "118": [119, 13, 118, 233], "119": [118, 32, 169, 233], "120": [169, 67, 202, 233], "122": [88, 3, 89, 234], "123": [89, 33, 171, 234], "125": [171, 33, 124, 235], "126": [124, 15, 126, 235], "127": [126, 56, 207, 235], "128": [207, 67, 171, 235], "130": [148, 21, 147, 236], "133": [208, 56, 126, 237], "135": [125, 43, 185, 237], "136": [185, 68, 208, 237], "137": [185, 43, 99, 238], "138": [99, 7, 100, 238], "139": [100, 44, 187, 238], "142": [106, 9, 107, 239], "143": [107, 49, 194, 239], "144": [194, 68, 187, 239], "145": [194, 49, 145, 240], "146": [145, 21, 148, 240], "147": [148, 56, 208, 240], "154": [83, 1, 84, 242], "155": [84, 28, 164, 242], "156": [164, 69, 163, 242], "157": [164, 28, 111, 243], "158": [111, 11, 113, 243], "169": [189, 46, 102, 246], "170": [102, 8, 103, 246], "171": [103, 47, 190, 246], "174": [129, 16, 130, 247], "175": [130, 58, 211, 247], "176": [211, 70, 190, 247], "177": [211, 58, 151, 248], "178": [151, 22, 149, 248], "180": [198, 70, 211, 248], "182": [130, 16, 128, 249], "183": [128, 34, 173, 249], "186": [90, 3, 91, 250], "187": [91, 35, 175, 250], "188": [175, 71, 173, 250], "189": [175, 35, 132, 251], "190": [132, 17, 134, 251], "191": [134, 60, 215, 251], "192": [215, 71, 175, 251], "196": [212, 71, 215, 252], "197": [216, 60, 134, 253], "198": [134, 17, 133, 253], "199": [133, 36, 177, 253], "200": [177, 72, 216, 253], "201": [177, 36, 92, 254], "202": [92, 4, 93, 254], "203": [93, 37, 179, 254], "204": [179, 72, 177, 254], "205": [179, 37, 115, 255], "206": [115, 12, 116, 255], "209": [200, 52, 150, 256], "211": [152, 60, 216, 256], "214": [135, 17, 132, 257], "215": [132, 35, 176, 257], "218": [91, 3, 88, 258], "220": [170, 73, 176, 258], "221": [170, 32, 118, 259], "222": [118, 13, 120, 259], "223": [120, 54, 203, 259], "226": [153, 23, 155, 260], "227": [155, 61, 217, 260], "228": [217, 73, 203, 260], "230": [120, 13, 117, 261], "231": [117, 30, 167, 261], "232": [167, 74, 204, 261], "233": [167, 30, 86, 262], "234": [86, 2, 87, 262], "235": [87, 31, 168, 262], "238": [121, 14, 123, 263], "239": [123, 55, 205, 263], "240": [205, 74, 168, 263], "241": [205, 55, 154, 264], "242": [154, 23, 153, 264], "243": [153, 54, 204, 264], "244": [204, 74, 205, 264], "246": [123, 14, 122, 265], "247": [122, 39, 181, 265], "250": [95, 5, 96, 266], "252": [182, 75, 181, 266], "255": [138, 62, 219, 267], "258": [156, 23, 154, 268], "259": [154, 55, 206, 268], "260": [206, 75, 219, 268], "263": [136, 38, 180, 269], "264": [180, 76, 220, 269], "269": [178, 36, 133, 271], "277": [209, 57, 127, 273], "281": [172, 33, 89, 274], "282": [89, 3, 90, 274], "283": [90, 34, 174, 274], "284": [174, 77, 172, 274], "285": [174, 34, 128, 275], "287": [131, 59, 213, 275], "288": [213, 77, 174, 275], "289": [213, 59, 158, 276], "291": [157, 57, 209, 276], "301": [192, 48, 143, 279], "303": [144, 64, 223, 279], "305": [223, 64, 160, 280], "309": [224, 64, 144, 281], "310": [144, 20, 142, 281], "312": [183, 79, 224, 281], "314": [97, 6, 98, 282], "315": [98, 42, 184, 282], "316": [184, 79, 183, 282], "319": [141, 63, 221, 283], "321": [221, 63, 159, 284], "324": [224, 79, 221, 284], "325": [222, 63, 141, 285], "327": [140, 45, 188, 285], "328": [188, 80, 222, 285], "332": [186, 80, 188, 286], "336": [210, 80, 186, 287], "337": [210, 57, 157, 288], "338": [157, 24, 159, 288], "339": [159, 63, 222, 288], "340": [222, 80, 210, 288], "344": [200, 255, 116], "347": [159, 24, 160], "348": [160, 284, 159], "350": [184, 283, 221], "353": [146, 50, 196], "354": [196, 232, 146], "356": [125, 237, 126], "360": [97, 282, 183], "361": [121, 263, 168], "362": [155, 23, 156], "363": [156, 272, 155], "369": [179, 255, 200], "370": [135, 61, 218], "371": [218, 271, 135], "373": [182, 267, 219], "375": [110, 10, 109], "376": [109, 229, 110], "377": [176, 73, 217], "379": [191, 47, 103], "380": [103, 278, 191], "382": [212, 252, 151], "384": [164, 243, 197], "386": [181, 39, 95], "388": [199, 52, 116], "389": [116, 241, 199], "390": [186, 43, 125], "394": [96, 40, 182], "397": [165, 230, 166], "399": [198, 248, 149], "400": [168, 31, 121], "401": [165, 29, 85], "402": [85, 230, 165], "403": [202, 67, 207], "404": [207, 236, 202], "408": [192, 279, 223], "409": [199, 69, 197], "410": [197, 244, 199], "411": [141, 19, 140], "414": [152, 252, 215], "419": [180, 270, 178], "422": [218, 61, 155], "424": [221, 79, 184], "426": [217, 257, 176], "429": [116, 52, 200], "430": [214, 78, 223], "432": [196, 66, 201], "433": [201, 232, 196], "435": [83, 242, 163], "436": [147, 53, 202], "438": [158, 24, 157], "441": [197, 69, 164], "443": [178, 271, 218], "444": [125, 15, 127], "445": [127, 287, 125], "446": [212, 58, 130], "447": [130, 249, 212], "448": [142, 41, 183], "450": [138, 269, 220], "451": [208, 68, 194], "452": [194, 240, 208], "454": [129, 247, 190], "457": [214, 277, 191], "458": [150, 22, 152], "459": [198, 51, 113], "460": [113, 245, 198], "461": [192, 278, 104], "462": [88, 32, 170], "464": [81, 226, 161], "465": [156, 62, 220], "466": [220, 272, 156], "467": [101, 7, 99], "468": [191, 78, 214], "469": [195, 227, 110], "470": [82, 26, 162], "473": [90, 250, 173], "474": [110, 50, 195], "477": [117, 231, 166], "478": [170, 258, 88], "479": [219, 62, 156], "483": [157, 276, 158], "484": [181, 75, 206], "485": [206, 265, 181], "486": [187, 68, 185], "487": [185, 238, 187], "488": [203, 73, 170], "489": [172, 77, 209], "491": [109, 29, 165], "492": [165, 229, 109], "493": [161, 25, 81], "495": [91, 258, 176], "496": [149, 22, 150], "497": [150, 244, 149], "498": [137, 18, 138], "499": [138, 267, 137], "502": [196, 229, 165], "503": [113, 51, 197], "505": [190, 70, 189], "506": [189, 246, 190], "509": [178, 76, 180], "510": [162, 226, 82], "511": [204, 54, 120], "515": [152, 256, 150], "516": [196, 50, 110], "517": [110, 229, 196], "518": [133, 17, 135], "519": [135, 271, 133], "520": [169, 32, 88], "521": [124, 33, 172], "522": [172, 273, 124], "523": [156, 268, 219], "524": [217, 61, 135], "525": [135, 257, 217], "526": [81, 0, 82], "527": [82, 226, 81], "528": [163, 69, 199], "529": [199, 241, 163], "530": [140, 285, 141], "531": [203, 54, 153], "532": [158, 280, 160], "534": [169, 234, 171], "536": [171, 67, 169], "537": [206, 55, 123], "538": [123, 265, 206], "539": [209, 77, 213], "540": [213, 276, 209], "541": [143, 20, 144], "543": [173, 34, 90], "544": [99, 286, 101], "545": [160, 24, 158], "546": [94, 4, 92], "547": [92, 270, 94], "549": [220, 62, 138], "550": [189, 70, 198], "551": [198, 245, 189], "552": [168, 74, 167], "553": [167, 262, 168], "554": [163, 27, 83], "555": [182, 266, 96], "556": [95, 266, 181], "557": [116, 12, 114], "558": [114, 241, 116], "560": [218, 272, 220], "561": [165, 66, 196], "562": [114, 27, 163], "564": [113, 11, 112], "565": [112, 245, 113], "566": [183, 281, 142], "567": [127, 15, 124], "568": [124, 273, 127], "570": [176, 35, 91], "571": [219, 75, 182], "572": [214, 59, 131], "573": [131, 277, 214], "574": [187, 44, 106], "575": [106, 239, 187], "576": [192, 78, 191], "577": [191, 278, 192], "578": [129, 47, 191], "579": [191, 277, 129], "580": [103, 8, 104], "582": [190, 47, 129], "583": [120, 261, 204], "584": [200, 72, 179], "585": [144, 279, 143], "586": [173, 71, 212], "587": [212, 249, 173], "588": [99, 43, 186], "589": [186, 286, 99], "590": [126, 15, 125], "592": [149, 244, 197], "593": [149, 51, 198], "595": [128, 16, 131], "596": [131, 275, 128], "597": [104, 278, 103], "598": [92, 36, 178], "599": [178, 270, 92], "600": [209, 273, 172], "602": [155, 272, 218], "603": [170, 259, 203], "604": [150, 52, 199], "605": [199, 244, 150], "606": [184, 42, 139], "609": [166, 66, 165], "610": [182, 40, 137], "611": [137, 267, 182], "612": [215, 60, 152], "613": [125, 287, 186], "614": [223, 280, 214], "615": [158, 59, 214], "616": [131, 16, 129], "617": [129, 277, 131], "618": [197, 243, 113], "619": [216, 72, 200], "620": [200, 256, 216], "621": [183, 41, 97], "622": [127, 57, 210], "623": [210, 287, 127], "624": [153, 260, 203], "625": [214, 280, 158], "626": [197, 51, 149], "627": [193, 65, 195], "628": [195, 228, 193], "629": [163, 241, 114], "630": [139, 19, 141], "631": [152, 22, 151], "632": [151, 252, 152], "633": [151, 58, 212], "634": [101, 286, 188], "635": [218, 76, 178], "636": [223, 78, 192], "637": [188, 45, 101], "638": [202, 236, 147], "639": [166, 30, 117], "640": [88, 234, 169], "641": [160, 64, 224], "642": [224, 284, 160], "643": [207, 56, 148], "644": [148, 236, 207], "645": [138, 18, 136], "646": [136, 269, 138], "647": [220, 76, 218], "648": [180, 38, 94], "649": [94, 270, 180], "650": [139, 283, 184], "651": [104, 48, 192], "652": [141, 283, 139], "653": [112, 46, 189], "654": [189, 245, 112]}, "facedata": {"85": {"path": [5, 0, 0], "s": [1.021406691159843, 0.9797606240257378, 0.027024331921502658]}, "86": {"path": [5, 0, 1], "s": [1.0037657207884343, 0.9979195668402561, -0.04091657356786627]}, "87": {"path": [5, 0, 2], "s": [1.032647855364009, 0.9694784492707577, 0.03360851509882593]}, "88": {"path": [5, 0, 3], "s": [1.0158610118335083, 0.9857242586900128, -0.03685063224053466]}, "89": {"path": [5, 1, 0]}, "90": {"path": [5, 1, 1]}, "91": {"path": [5, 1, 2]}, "92": {"path": [5, 1, 3], "s": [1.02535329421885, 0.9766757195628735, 0.0379143508270847]}, "93": {"path": [5, 2, 0], "s": [1.0227125744533674, 0.9794121887842675, 0.04070421057085725]}, "94": {"path": [5, 2, 1], "s": [1.0290974933665435, 0.9726057654315479, -0.03006366541494393]}, "95": {"path": [5, 2, 2]}, "96": {"path": [5, 2, 3], "s": [1.020711747045579, 0.9808810786983196, -0.03458578755608513]}, "97": {"path": [5, 3, 0], "s": [1.0134405721402935, 0.9873281812799861, -0.024408422983805664]}, "98": {"path": [5, 3, 1], "s": [1.006621527646764, 0.9938620664946319, 0.020952800408920766]}, "99": {"path": [5, 3, 2], "s": [1.0035893586204676, 0.9971769304100011, -0.027433651563391115]}, "100": {"path": [5, 3, 3]}, "101": {"path": [6, 0, 0]}, "102": {"path": [6, 0, 1]}, "103": {"path": [6, 0, 2]}, "104": {"path": [6, 0, 3]}, "105": {"path": [6, 1, 0]}, "106": {"path": [6, 1, 1], "s": [1.028683907160375, 0.9721340079091967, -0.002366837275666688]}, "107": {"path": [6, 1, 2], "s": [0.9790639758167579, 1.0214107551168639, 0.004177167386616228]}, "108": {"path": [6, 1, 3]}, "109": {"path": [6, 2, 0]}, "110": {"path": [6, 2, 1], "s": [0.9896217824835183, 1.0104922898578275, 0.0013335758507049072]}, "111": {"path": [6, 2, 2], "s": [1.0098858348295028, 0.9902433209199074, -0.005411000005118159]}, "112": {"path": [6, 2, 3], "s": [0.9879472133629719, 1.0123319143927645, 0.011156205806762354]}, "113": {"path": [6, 3, 0], "s": [0.995065154627493, 1.0051189751674523, 0.012447010871213027]}, "114": {"path": [6, 3, 1], "s": [1.0067427645398799, 0.9935514963381658, -0.01572654478466763]}, "115": {"path": [6, 3, 2]}, "116": {"path": [6, 3, 3]}, "117": {"path": [7, 0, 0], "s": [0.9954339686921876, 1.004613980534648, 0.004977603405725862]}, "118": {"path": [7, 0, 1], "s": [1.0063485989771122, 0.9936933487451698, -8.780681633088252e-05]}, "119": {"path": [7, 0, 2], "s": [0.9968415258536792, 1.0031694835582101, -0.0002371984061794866]}, "120": {"path": [7, 0, 3], "s": [1.0022208422563463, 0.9977914402318492, -0.002493797908112361]}, "121": {"path": [7, 1, 0]}, "122": {"path": [7, 1, 1], "s": [0.9999854214051102, 1.0000163735727505, -0.0013239266935625503]}, "123": {"path": [7, 1, 2], "s": [0.9990034677230345, 1.0009985257260654, 0.0008004342763941913]}, "124": {"path": [7, 1, 3]}, "125": {"path": [7, 2, 0], "s": [1.0031201687584959, 0.9968907579151508, -0.0005192307140523806]}, "126": {"path": [7, 2, 1], "s": [0.9937094590783568, 1.006332171309415, -6.451002384530175e-06]}, "127": {"path": [7, 2, 2], "s": [1.0057934444249546, 0.9942544021761834, 0.00352238275479811]}, "128": {"path": [7, 2, 3], "s": [0.9979901153338725, 1.002022061362345, -0.0026275555069510473]}, "129": {"path": [7, 3, 0]}, "130": {"path": [7, 3, 1], "s": [1.0029978549078868, 0.9971556516822365, 0.01190002712827397]}, "131": {"path": [7, 3, 2]}, "132": {"path": [7, 3, 3]}, "133": {"path": [8, 0, 0], "s": [0.991294134369196, 1.0088349156004288, -0.006984534324195959]}, "134": {"path": [8, 0, 1]}, "135": {"path": [8, 0, 2], "s": [0.984545119806174, 1.0157039452746834, -0.001011874045962946]}, "136": {"path": [8, 0, 3], "s": [1.0156025406076106, 0.9846764365114749, 0.005826749041915664]}, "137": {"path": [8, 1, 0], "s": [1.0218026482479228, 0.9786717296068925, 0.0006686409011679571]}, "138": {"path": [8, 1, 1], "s": [0.9721686682396328, 1.0286491645006066, -0.0027536896385017165]}, "139": {"path": [8, 1, 2], "s": [1.0287468381201197, 0.9721356935661987, 0.00825589988367481]}, "140": {"path": [8, 1, 3]}, "141": {"path": [8, 2, 0]}, "142": {"path": [8, 2, 1], "s": [1.0293045008410253, 0.9720107936665527, 0.02207639641599561]}, "143": {"path": [8, 2, 2], "s": [0.9964612125666493, 1.004396302499245, -0.02892067595977898]}, "144": {"path": [8, 2, 3], "s": [1.0214246708621388, 0.9792194024145007, 0.013775825526521589]}, "145": {"path": [8, 3, 0], "s": [1.0149031423605608, 0.9856150434041729, 0.017286840642733104]}, "146": {"path": [8, 3, 1], "s": [1.0000215174753881, 1.0002736920881525, -0.017076086510104026]}, "147": {"path": [8, 3, 2], "s": [1.009171358438799, 0.991012425034182, 0.009871270432199321]}, "148": {"path": [8, 3, 3]}, "149": {"path": [9, 0, 0]}, "150": {"path": [9, 0, 1]}, "151": {"path": [9, 0, 2]}, "152": {"path": [9, 0, 3]}, "153": {"path": [9, 1, 0]}, "154": {"path": [9, 1, 1], "s": [1.0411743982111905, 0.96187614053269, 0.03831027184642322]}, "155": {"path": [9, 1, 2], "s": [1.033681620969265, 0.9689089371231319, -0.03925954194893425]}, "156": {"path": [9, 1, 3], "s": [1.0253884389857815, 0.9766612738553712, 0.03817290360069109]}, "157": {"path": [9, 2, 0], "s": [1.0226671789549142, 0.9794533014061975, 0.040674268829019075]}, "158": {"path": [9, 2, 1], "s": [1.0291280744383506, 0.9725729716858679, -0.02999769105318319]}, "159": {"path": [9, 2, 2]}, "160": {"path": [9, 2, 3]}, "161": {"path": [9, 3, 0]}, "162": {"path": [9, 3, 1]}, "163": {"path": [9, 3, 2]}, "164": {"path": [9, 3, 3]}, "165": {"path": [10, 0, 0]}, "166": {"path": [10, 0, 1]}, "167": {"path": [10, 0, 2]}, "168": {"path": [10, 0, 3]}, "169": {"path": [10, 1, 0], "s": [0.9796186304486957, 1.0212610734343535, 0.020805814116980008]}, "170": {"path": [10, 1, 1], "s": [1.028651256376264, 0.9721652161130541, -0.0024417866625544523]}, "171": {"path": [10, 1, 2], "s": [0.9790951710219161, 1.0213775669826288, 0.004097325633199234]}, "172": {"path": [10, 1, 3]}, "173": {"path": [10, 2, 0]}, "174": {"path": [10, 2, 1], "s": [0.9896354481337968, 1.01047835467481, 0.001294928415122985]}, "175": {"path": [10, 2, 2], "s": [1.0099117113206688, 0.9902182461510559, -0.005435978456966374]}, "176": {"path": [10, 2, 3], "s": [0.9878990643241528, 1.012380495870675, 0.01112393715347556]}, "177": {"path": [10, 3, 0], "s": [0.9951409092158152, 1.0050410399529783, 0.012391390223670072]}, "178": {"path": [10, 3, 1], "s": [1.0069290316849153, 0.9933660392552203, -0.01568764810723332]}, "179": {"path": [10, 3, 2]}, "180": {"path": [10, 3, 3], "s": [1.0144518285186148, 0.9859070321852527, -0.012262633786601494]}, "181": {"path": [11, 0, 0]}, "182": {"path": [11, 0, 1], "s": [1.0063570462339517, 0.9936850240173114, -0.00012853268497258234]}, "183": {"path": [11, 0, 2], "s": [0.9968459332873258, 1.0031649993749845, -0.0002497701636536223]}, "184": {"path": [11, 0, 3]}, "185": {"path": [11, 1, 0]}, "186": {"path": [11, 1, 1], "s": [0.9999873051856804, 1.0000144721336037, -0.0013150762223851]}, "187": {"path": [11, 1, 2], "s": [0.9989990105884592, 1.0010029651360062, 0.0008174680019420503]}, "188": {"path": [11, 1, 3], "s": [1.0000741883951185, 0.9999271019855291, 0.0008034713161188758]}, "189": {"path": [11, 2, 0], "s": [1.0031453982284837, 0.9968656328079536, -0.0004975999762919428]}, "190": {"path": [11, 2, 1], "s": [0.9936904556793007, 1.0063515223378572, 3.8112326126456566e-05]}, "191": {"path": [11, 2, 2], "s": [1.0057966805798264, 0.9942513140574216, 0.003539414137546536]}, "192": {"path": [11, 2, 3], "s": [0.9979873712828098, 1.002024678411133, -0.002600359289078083]}, "193": {"path": [11, 3, 0]}, "194": {"path": [11, 3, 1]}, "195": {"path": [11, 3, 2]}, "196": {"path": [11, 3, 3], "s": [1.0005955056566096, 0.9994343116378065, 0.0052569711646132545]}, "197": {"path": [12, 0, 0], "s": [0.991297065852675, 1.0088316388101255, -0.0069515145692923145]}, "198": {"path": [12, 0, 1], "s": [1.010557925588441, 0.9895557984993976, 2.4237122126320137e-05]}, "199": {"path": [12, 0, 2], "s": [0.9845400664180547, 1.015709294982404, -0.000967624473518019]}, "200": {"path": [12, 0, 3], "s": [1.0155827897298972, 0.9846961122545315, 0.00588324231577141]}, "201": {"path": [12, 1, 0], "s": [1.0218026808304705, 0.9786715002315682, 0.0006275483616818958]}, "202": {"path": [12, 1, 1], "s": [0.9721942590425867, 1.0286222913033656, -0.0027715577340817225]}, "203": {"path": [12, 1, 2], "s": [1.0287689059961054, 0.9721143539049468, 0.008260171432083444]}, "204": {"path": [12, 1, 3], "s": [0.9820217112918306, 1.0184983733037198, -0.01339714533905318]}, "205": {"path": [12, 2, 0], "s": [0.9821344411137718, 1.0189209736690135, -0.026599535518939524]}, "206": {"path": [12, 2, 1], "s": [1.0292248146485714, 0.9720903308598747, 0.022150871791901974]}, "207": {"path": [12, 2, 2]}, "208": {"path": [12, 2, 3]}, "209": {"path": [12, 3, 0], "s": [1.0150135188055915, 0.9855069260635433, 0.01722190407818174]}, "210": {"path": [12, 3, 1]}, "211": {"path": [12, 3, 2], "s": [1.0090908442855742, 0.9910914791780356, 0.0098637148704184]}, "212": {"path": [12, 3, 3]}, "213": {"path": [13, 0, 0]}, "214": {"path": [13, 0, 1], "s": [1.0064795232862747, 0.9935748719746046, -0.003306947966533347]}, "215": {"path": [13, 0, 2], "s": [0.9970247579918918, 1.0029944341213028, 0.003071781835577324]}, "216": {"path": [13, 0, 3]}, "217": {"path": [13, 1, 0]}, "218": {"path": [13, 1, 1], "s": [1.0001155989114867, 0.9998874756445792, 0.0017380092842111292]}, "219": {"path": [13, 1, 2]}, "220": {"path": [13, 1, 3], "s": [1.0004683261434644, 0.9995474359439058, 0.003867500037711857]}, "221": {"path": [13, 2, 0], "s": [1.0034442001110127, 0.9965749668468942, 0.0025458060101478204]}, "222": {"path": [13, 2, 1], "s": [0.9936285130091426, 1.0064257594208479, -0.0033915110610770256]}, "223": {"path": [13, 2, 2], "s": [1.006268098524043, 0.9938163832938457, 0.00661302860838789]}, "224": {"path": [13, 2, 3]}, "225": {"path": [13, 3, 0]}, "226": {"path": [13, 3, 1], "s": [1.0038885693427602, 0.9963516922072947, 0.014948780915609106]}, "227": {"path": [13, 3, 2], "s": [1.004642324032278, 0.9955011959930427, -0.010991977544983824]}, "228": {"path": [13, 3, 3], "s": [1.0011426264436352, 0.9989300504388937, 0.008357539544738345]}, "229": {"path": [14, 0, 0]}, "230": {"path": [14, 0, 1], "s": [1.0108533118275511, 0.9892766275733382, 0.0032160421017745143]}, "231": {"path": [14, 0, 2], "s": [0.9843512400073697, 1.0159180565619794, -0.003876138725523203]}, "232": {"path": [14, 0, 3], "s": [1.0159601344311786, 0.9843753463645587, 0.008994467291949616]}, "233": {"path": [14, 1, 0], "s": [1.0220215390048297, 0.978476713322704, 0.003984478764684133]}, "234": {"path": [14, 1, 1], "s": [0.9717948226031277, 1.0290475322475174, -0.0032505445691555506]}, "235": {"path": [14, 1, 2], "s": [1.0288428043232622, 0.9721088777222416, 0.011636534413404091]}, "236": {"path": [14, 1, 3]}, "237": {"path": [14, 2, 0]}, "238": {"path": [14, 2, 1], "s": [1.029466174067763, 0.9719728364780447, 0.024643006493669475]}, "239": {"path": [14, 2, 2], "s": [0.9971189008787631, 1.0038657928886188, -0.03113815895635476]}, "240": {"path": [14, 2, 3], "s": [1.0218505725845743, 0.9788981015042203, 0.016750542614503174]}, "241": {"path": [14, 3, 0], "s": [1.0157046073160798, 0.9849417306985717, 0.020156445460023684]}, "242": {"path": [14, 3, 1], "s": [1.0007870691927943, 0.9996157991062379, -0.01999347621267196]}, "243": {"path": [14, 3, 2], "s": [1.009729304303167, 0.9905309720496536, 0.012837905776605811]}, "244": {"path": [14, 3, 3], "s": [0.9905028674819056, 1.0099550313383308, -0.01894786192292538]}, "245": {"path": [15, 0, 0]}, "246": {"path": [15, 0, 1], "s": [1.0035522675444322, 0.9982649751848829, -0.04253834434645138]}, "247": {"path": [15, 0, 2], "s": [1.0331631939466488, 0.9690695689277171, 0.034738414244158244]}, "248": {"path": [15, 0, 3]}, "249": {"path": [15, 1, 0]}, "250": {"path": [15, 1, 1], "s": [1.0417826677931503, 0.9613433641282041, 0.03867162733954855]}, "251": {"path": [15, 1, 2]}, "252": {"path": [15, 1, 3], "s": [1.0259827888475064, 0.9761812425054659, 0.03930203825690689]}, "253": {"path": [15, 2, 0]}, "254": {"path": [15, 2, 1]}, "255": {"path": [15, 2, 2], "s": [1.0069088054346347, 0.9943954712478502, 0.03552574839225372]}, "256": {"path": [15, 2, 3]}, "257": {"path": [15, 3, 0]}, "258": {"path": [15, 3, 1], "s": [1.0074282528741483, 0.9931830427618348, 0.023612248740152837]}, "259": {"path": [15, 3, 2], "s": [1.0044050850088988, 0.9965086557919784, -0.029934078730994806]}, "260": {"path": [15, 3, 3], "s": [1.0174680136278857, 0.9838077652512602, 0.031480758553415936]}, "261": {"path": [16, 0, 0]}, "262": {"path": [16, 0, 1]}, "263": {"path": [16, 0, 2], "s": [1.0282468312779427, 0.9729120789857972, -0.019640043126304244]}, "264": {"path": [16, 0, 3], "s": [0.9890085833804072, 1.0117368912943723, 0.024673293043754364]}, "265": {"path": [16, 1, 0]}, "266": {"path": [16, 1, 1]}, "267": {"path": [16, 1, 2]}, "268": {"path": [16, 1, 3]}, "269": {"path": [16, 2, 0], "s": [1.0157738892228518, 0.9844956987823509, -0.004458350727921227]}, "270": {"path": [16, 2, 1]}, "271": {"path": [16, 2, 2]}, "272": {"path": [16, 2, 3]}, "273": {"path": [16, 3, 0]}, "274": {"path": [16, 3, 1]}, "275": {"path": [16, 3, 2]}, "276": {"path": [16, 3, 3]}, "277": {"path": [17, 0, 0], "s": [0.996057564515682, 1.0040258926720809, 0.008089033874452022]}, "278": {"path": [17, 0, 1]}, "279": {"path": [17, 0, 2]}, "280": {"path": [17, 0, 3]}, "281": {"path": [17, 1, 0], "s": [1.0011748066372541, 0.9988321531462236, -0.0022960016092311085]}, "282": {"path": [17, 1, 1], "s": [1.0001189302723463, 0.9998843297634663, 0.001787616746465117]}, "283": {"path": [17, 1, 2], "s": [0.998943665677089, 1.0010632250948917, -0.002345118080962056]}, "284": {"path": [17, 1, 3], "s": [1.0004655523883756, 0.9995505148469244, 0.003917386249449051]}, "285": {"path": [17, 2, 0], "s": [1.0034631080990093, 0.9965562765479512, 0.002562976711268595]}, "286": {"path": [17, 2, 1]}, "287": {"path": [17, 2, 2], "s": [1.0062786269626913, 0.9938056485842387, 0.006582495493096869]}, "288": {"path": [17, 2, 3], "s": [0.9983032945367651, 1.001734840593252, -0.005843019097725908]}, "289": {"path": [17, 3, 0], "s": [0.9979160614354553, 1.0022263803669897, -0.011658304475015717]}, "290": {"path": [17, 3, 1]}, "291": {"path": [17, 3, 2], "s": [1.0046951751803477, 0.9954479679103189, -0.010948012002592667]}, "292": {"path": [17, 3, 3]}, "293": {"path": [18, 0, 0]}, "294": {"path": [18, 0, 1]}, "295": {"path": [18, 0, 2]}, "296": {"path": [18, 0, 3]}, "297": {"path": [18, 1, 0]}, "298": {"path": [18, 1, 1]}, "299": {"path": [18, 1, 2]}, "300": {"path": [18, 1, 3]}, "301": {"path": [18, 2, 0], "s": [0.9817297303683583, 1.0194302787617864, -0.02823948612723136]}, "302": {"path": [18, 2, 1]}, "303": {"path": [18, 2, 2], "s": [0.9972730606419022, 1.0037136508261035, -0.03119498434504684]}, "304": {"path": [18, 2, 3]}, "305": {"path": [18, 3, 0], "s": [1.0156078056235105, 0.9850288225178656, 0.01996394537302684]}, "306": {"path": [18, 3, 1]}, "307": {"path": [18, 3, 2]}, "308": {"path": [18, 3, 3]}, "309": {"path": [19, 0, 0], "s": [1.0221427741094624, 0.9791678578085534, 0.02909927262828904]}, "310": {"path": [19, 0, 1], "s": [1.0037962557663838, 0.9980236825489147, -0.042552315753307146]}, "311": {"path": [19, 0, 2]}, "312": {"path": [19, 0, 3], "s": [1.0167107999451834, 0.9850270781021991, -0.03856367543706127]}, "313": {"path": [19, 1, 0]}, "314": {"path": [19, 1, 1], "s": [1.0417380448176397, 0.9613803686725727, 0.03862389295685715]}, "315": {"path": [19, 1, 2], "s": [1.0340330188081113, 0.9686518891907905, -0.04018443284252922]}, "316": {"path": [19, 1, 3], "s": [1.0258833160468466, 0.9762887993205395, 0.039471999388755015]}, "317": {"path": [19, 2, 0]}, "318": {"path": [19, 2, 1]}, "319": {"path": [19, 2, 2], "s": [1.0069320541749056, 0.9943823440673393, 0.035675248420799]}, "320": {"path": [19, 2, 3]}, "321": {"path": [19, 3, 0], "s": [1.0144647668964228, 0.9864509286802027, -0.026784076013872674]}, "322": {"path": [19, 3, 1]}, "323": {"path": [19, 3, 2]}, "324": {"path": [19, 3, 3], "s": [1.0174792087239144, 0.9837911480322521, 0.0313869267332918]}, "325": {"path": [20, 0, 0], "s": [1.0201483196848662, 0.9808320041389373, -0.024295628762639476]}, "326": {"path": [20, 0, 1]}, "327": {"path": [20, 0, 2], "s": [1.0281725366163588, 0.9729836320548041, -0.019667116770095947]}, "328": {"path": [20, 0, 3], "s": [0.9889629096676892, 1.011785093395903, 0.024726007749918722]}, "329": {"path": [20, 1, 0]}, "330": {"path": [20, 1, 1]}, "331": {"path": [20, 1, 2]}, "332": {"path": [20, 1, 3], "s": [1.0213166775896885, 0.9792661214386209, -0.011574967714357193]}, "333": {"path": [20, 2, 0]}, "334": {"path": [20, 2, 1]}, "335": {"path": [20, 2, 2]}, "336": {"path": [20, 2, 3], "s": [0.9887976683900771, 1.0115344232854844, 0.01405667890234338]}, "337": {"path": [20, 3, 0], "s": [0.9957971304240816, 1.00446342330381, 0.015447928806908555]}, "338": {"path": [20, 3, 1], "s": [1.0075636900032268, 0.9928380068883645, -0.01857341959694887]}, "339": {"path": [20, 3, 2], "s": [1.0011383290851739, 0.9995031419322286, 0.02524682478563345]}, "340": {"path": [20, 3, 3], "s": [1.0149626793296556, 0.9854930932146142, -0.01530778650270944]}, "341": {}, "342": {}, "343": {}, "344": {"s": [0.993143036297822, 1.007716955080503, -0.0284090918095973]}, "345": {}, "346": {}, "347": {"s": [1.0061987831327568, 0.9943293834047724, 0.02220395494107373]}, "348": {"s": [1.0087428058331858, 0.9919515136956486, 0.02497905474240926]}, "349": {}, "350": {"s": [1.0249164021541228, 0.9767978831194132, -0.033707150554643614]}, "351": {}, "352": {}, "353": {"s": [0.9990748947892512, 1.001547196261352, 0.024913043396577225]}, "354": {"s": [0.9969411502475414, 1.0034817464885588, 0.020303856695616847]}, "355": {}, "356": {"s": [1.0116823100958712, 0.9884558606037386, 0.0018189236907158197]}, "357": {}, "358": {}, "359": {}, "360": {"s": [1.0300889446140715, 0.9726118451489132, -0.043321000549258144]}, "361": {"s": [0.989998920155683, 1.0111460087814248, -0.03214742312129305]}, "362": {"s": [1.0063881068506686, 0.9940086851544865, -0.018934593889138943]}, "363": {"s": [1.0101791850905195, 0.9902227627114543, -0.017390327597264492]}, "364": {}, "365": {}, "366": {}, "367": {}, "368": {}, "369": {"s": [1.0227729584838785, 0.9779936733542808, 0.016293639098560388]}, "370": {"s": [1.0090384770407437, 0.9911287072225526, -0.009327448054306086]}, "371": {"s": [1.0117307639616975, 0.9884539991210207, -0.007022796572985993]}, "372": {}, "373": {"s": [1.025081070701287, 0.9766450905633016, -0.03376973689243289]}, "374": {}, "375": {"s": [0.9985378718465657, 1.002943587155049, 0.038433775510125466]}, "376": {"s": [0.993943426052953, 1.0071771688462328, 0.032819595447505324]}, "377": {"s": [1.00163243880127, 0.9984035996373428, -0.005782076851763503]}, "378": {}, "379": {"s": [1.0199725007865605, 0.980423904683308, 0.0023284953851808433]}, "380": {"s": [1.023707318301538, 0.9768895809586168, 0.007000942783470159]}, "381": {}, "382": {"s": [1.0026685637914379, 0.9974076371775323, -0.0083236460404997]}, "383": {}, "384": {"s": [1.0244874282852117, 0.9770964507921851, -0.031984841076562825]}, "385": {}, "386": {"s": [1.02938544907318, 0.9732554569473817, -0.04306977609301501]}, "387": {}, "388": {"s": [1.019434642384602, 0.9815999706712114, 0.026019513176502595]}, "389": {"s": [1.023305780165692, 0.9780033708869976, 0.02822237499211979]}, "390": {"s": [1.017285624082588, 0.9830131687927666, -0.0022726409203069823]}, "391": {}, "392": {}, "393": {}, "394": {"s": [1.0335646739672357, 0.9690837661333143, -0.04013411006261032]}, "395": {}, "396": {}, "397": {"s": [1.0233860526457055, 0.9771765107776686, -0.005367690645117639]}, "398": {}, "399": {"s": [0.9970966947605209, 1.0033302125464458, 0.02042642120961217]}, "400": {"s": [0.9808641220798984, 1.020309095105187, -0.02801044127617152]}, "401": {"s": [0.9780318149670504, 1.022998136869797, 0.022906866016081523]}, "402": {"s": [0.9772543499966737, 1.0234616308588893, 0.01350299268825983]}, "403": {"s": [1.0003186094379843, 0.9996981779377361, 0.004085488020103813]}, "404": {"s": [1.0008261273225392, 0.9992190761883715, 0.0066752054959330455]}, "405": {}, "406": {}, "407": {}, "408": {"s": [1.0232631769626492, 0.9776159380180944, 0.018931206662973283]}, "409": {"s": [1.0161031851007831, 0.9851340889824501, 0.031589326780196554]}, "410": {"s": [1.0123247713125556, 0.988673162265959, 0.029297318883265963]}, "411": {"s": [0.9987969598302487, 1.002797941628498, 0.03989405247120173]}, "412": {}, "413": {}, "414": {"s": [0.9997515486786792, 1.0003234818169542, -0.008657374090862842]}, "415": {}, "416": {}, "417": {}, "418": {}, "419": {"s": [1.023473022991822, 0.977141029953793, -0.008802489201952061]}, "420": {}, "421": {}, "422": {"s": [0.9954131082178482, 1.0047926364973327, 0.013555862577358704]}, "423": {}, "424": {"s": [1.0217386282829917, 0.9799951090302194, -0.036039678474959216]}, "425": {}, "426": {"s": [1.0036414053099991, 0.9963966580574861, -0.004994210548514528]}, "427": {}, "428": {}, "429": {"s": [0.9998675131079497, 1.0009819083334053, -0.0291426037164224]}, "430": {"s": [0.9897543321156355, 1.0107082242946637, -0.01878412895356078]}, "431": {}, "432": {"s": [1.0165296024710655, 0.983846118360955, -0.010426101388476132]}, "433": {"s": [1.0126296466473108, 0.9877084833530287, -0.01352377492891774]}, "434": {}, "435": {"s": [1.0299360876199903, 0.9726754877741562, -0.042350754444049524]}, "436": {"s": [1.005864015231661, 0.9942199534164677, -0.007076324393648963]}, "437": {}, "438": {"s": [1.0038454260990837, 0.9964461095638332, 0.016669416302947028]}, "439": {}, "440": {}, "441": {"s": [1.0213907487585874, 0.9802193601667115, -0.03445266649100775]}, "442": {}, "443": {"s": [0.9878410882511907, 1.0124181592195987, 0.010404622470589675]}, "444": {"s": [0.9907863420959481, 1.0093077882015236, 0.0028933581077443715]}, "445": {"s": [0.9890105281120883, 1.0111548538309323, 0.006541864446166092]}, "446": {"s": [0.9949320509841493, 1.0051334680382105, 0.00628513071213727]}, "447": {"s": [0.9954126888819199, 1.0046186795476062, 0.003190785089460368]}, "448": {"s": [1.0324263539767031, 0.9698112612713021, 0.035478225996768004]}, "449": {}, "450": {"s": [1.023138803037926, 0.9778367622750277, -0.021511264968655526]}, "451": {"s": [0.9887116311439069, 1.0116685523160562, -0.015762757924987793]}, "452": {"s": [0.9945517502396005, 1.0057893016395079, -0.017592905326811507]}, "453": {}, "454": {"s": [1.0140517281632047, 0.9861484581399206, -0.0023554622192065405]}, "455": {}, "456": {}, "457": {"s": [1.0141675115470086, 0.9860895245298693, 0.007743336169282717]}, "458": {"s": [1.0023474554280456, 0.9979440171829039, -0.016930631498154814]}, "459": {"s": [1.019035528535855, 0.9818155914556812, -0.022471541197355963]}, "460": {"s": [1.0226363425428433, 0.9782224771558721, -0.01912736866068498]}, "461": {"s": [1.0263346810230045, 0.9744332808452302, 0.009729875358375092]}, "462": {"s": [0.9985292926647423, 1.0014770875923065, -0.002051315064157159]}, "463": {}, "464": {"s": [1.0307786214073826, 0.9718412633146306, -0.041871202827994544]}, "465": {"s": [1.0002187646353593, 1.000523371508518, 0.027244277179887193]}, "466": {"s": [0.9978837978898791, 1.0026583745320679, 0.023163479102939727]}, "467": {"s": [1.0307631495847707, 0.9701607076341418, -0.0024303506656817107]}, "468": {"s": [1.0171108583430994, 0.9833036240015751, 0.01134870125267148]}, "469": {"s": [1.0079812556495307, 0.9933112933661176, 0.03520177180254981]}, "470": {"s": [1.0333445395861, 0.9692150648286156, -0.03915475609985392]}, "471": {}, "472": {}, "473": {"s": [1.000501689953577, 0.9994989636548578, 0.0006342267214381334]}, "474": {"s": [1.0040483242447737, 0.9969816067634379, 0.031901592024403604]}, "475": {}, "476": {}, "477": {"s": [1.014054184814467, 0.9861461366432059, -0.0023699581562777214]}, "478": {"s": [0.9996085584415779, 1.0003982321680656, -0.002575795998099137]}, "479": {"s": [1.0164468855045832, 0.9844654707338217, -0.02562931162159595]}, "480": {}, "481": {}, "482": {}, "483": {"s": [1.0023940289423672, 0.9977998189689953, 0.013732465703413884]}, "484": {"s": [1.0189403049274748, 0.9828072266866871, -0.037708026268412825]}, "485": {"s": [1.0146588314886695, 0.9870606903305019, -0.03911325426435134]}, "486": {"s": [0.9853710840865629, 1.0150934956853626, -0.01561340106140565]}, "487": {"s": [0.9791470548533301, 1.0214227199133576, -0.011092698654636354]}, "488": {"s": [0.9995042605915575, 1.0005319410234421, -0.005994823673100519]}, "489": {"s": [1.0016601046125844, 0.9983763815347055, -0.005812982950916216]}, "490": {}, "491": {"s": [1.0308689910195417, 0.9702360759090969, -0.013648612499797246]}, "492": {"s": [1.026312554933296, 0.9747161958040564, -0.0190648695385924]}, "493": {"s": [1.0291669181907672, 0.9733915626406999, -0.042218416784900195]}, "494": {}, "495": {"s": [1.0007418052343504, 0.9992648623225907, -0.002474313635207807]}, "496": {"s": [1.0052694262917583, 0.9951259421678552, 0.019227193532219737]}, "497": {"s": [1.007848902266896, 0.992725922610419, 0.02275371079191939]}, "498": {"s": [1.0307147818920288, 0.9710728896260874, -0.029986357434908434]}, "499": {"s": [1.0279600383718281, 0.9739026064652327, -0.03365948176107741]}, "500": {}, "501": {}, "502": {"s": [0.9893476523839501, 1.0114417852033104, 0.025837099564892538]}, "503": {"s": [1.0040702318423165, 0.9969526522329685, 0.031788058502667534]}, "504": {}, "505": {"s": [1.0194493927378614, 0.9810148075052564, -0.009744217674275052]}, "506": {"s": [1.0235101080591917, 0.9770571444511424, -0.005278588560762827]}, "507": {}, "508": {}, "509": {"s": [1.0199240985139535, 0.9806308372096866, -0.013000869819828972]}, "510": {"s": [1.03314135571894, 0.9694769702081187, -0.04008430290158729]}, "511": {"s": [0.9937951124049851, 1.0063710908552685, -0.011254837077431959]}, "512": {}, "513": {}, "514": {}, "515": {"s": [0.9976594306444978, 1.0026367830581184, -0.01703062327082749]}, "516": {"s": [1.0190262775932162, 0.9818257049337306, -0.02249874094152914]}, "517": {"s": [1.0226516432172443, 0.9782093935837857, -0.01916882257733947]}, "518": {"s": [0.9907411351804037, 1.0093541314452, 0.002942445759639826]}, "519": {"s": [0.9890261833848247, 1.011139192217599, 0.00656781164367647]}, "520": {"s": [1.0015101043502892, 0.9984935725091425, 0.0011840594258488526]}, "521": {"s": [0.997460479677966, 1.0025514859246851, 0.0023422323312514174]}, "522": {"s": [0.9965737845003219, 1.0034539129337767, 0.003982911506675707]}, "523": {"s": [1.0123434752476133, 0.9885763015355055, -0.02790642656962913]}, "524": {"s": [0.9953588980550311, 1.0047521408679365, 0.00943311998983417]}, "525": {"s": [0.9957964619582903, 1.0042643026164224, 0.006545182689875056]}, "526": {"s": [1.0381146549491427, 0.9647023983632057, 0.038362708525723634]}, "527": {"s": [1.038242882840905, 0.9651193424256123, 0.04503652257319606]}, "528": {"s": [1.0183370562661633, 0.9832803728108447, -0.036205529032079284]}, "529": {"s": [1.014238444049426, 0.9873667715099154, -0.03775364939076966]}, "530": {"s": [0.9943533220439016, 1.0069284211255916, 0.03525082419819386]}, "531": {"s": [0.9969130441087058, 1.0032295504738558, -0.011516297265130346]}, "532": {"s": [0.9987606701897552, 1.0016391873773407, -0.019945577788424297]}, "533": {}, "534": {"s": [1.0000133828547142, 0.9999866307404481, 0.00011582850802637421]}, "535": {}, "536": {"s": [1.0000833019746953, 0.9999196204655404, 0.0017075551122392291]}, "537": {"s": [1.0202946892686535, 0.9809222841604789, 0.02880619923232585]}, "538": {"s": [1.0236183741982579, 0.9778019049175717, 0.02993319561429626]}, "539": {"s": [1.0007716235027364, 0.9992828620798769, 0.007343856081069507]}, "540": {"s": [1.0013367950380063, 0.9987588610535348, 0.009695202068847419]}, "541": {"s": [1.0301286477772933, 0.9714628982161594, 0.02705109434428623]}, "542": {}, "543": {"s": [1.001502682989368, 0.9985010191893824, 0.0012040289797030253]}, "544": {"s": [1.0265645429083363, 0.974185988556163, -0.008049475129613633]}, "545": {"s": [1.0030827075510953, 0.9973187957110307, -0.019830226761666344]}, "546": {"s": [1.0307642975541085, 0.9701595171131661, -0.0024069010335065815]}, "547": {"s": [1.0266468436107261, 0.9741075765639324, -0.008029247577166002]}, "548": {}, "549": {"s": [1.0196252772558045, 0.9813684017937211, -0.025060502169927376]}, "550": {"s": [0.9875087007076723, 1.0130054665663166, 0.018753988873641242]}, "551": {"s": [0.9893618805641057, 1.01142512486398, 0.02579658088221089]}, "552": {"s": [0.9857041053671487, 1.0148450807377063, -0.018356535479551093]}, "553": {"s": [0.9794558115507873, 1.021158198153761, -0.013391478425898218]}, "554": {"s": [1.0289644306750136, 0.9735915618071298, -0.042321237043227926]}, "555": {"s": [1.0342556535852194, 0.9684522293693796, -0.040338485996474306]}, "556": {"s": [1.030308422681734, 0.9723979967621932, -0.043241719009903416]}, "557": {"s": [1.0040454258104357, 0.9976218440964184, -0.04071423895372894]}, "558": {"s": [1.0108919973337684, 0.9908357437916229, -0.04034754108000791]}, "559": {}, "560": {"s": [1.0136069035814046, 0.9868466622317422, -0.016570745739418614]}, "561": {"s": [0.9874706856278797, 1.0130371234216404, 0.018559709902443544]}, "562": {"s": [1.032194770069933, 0.9699543845201399, 0.034377942173573074]}, "563": {}, "564": {"s": [0.9984834467119277, 1.0029956920967877, 0.03840046460677664]}, "565": {"s": [0.9939026719200541, 1.0072135464964915, 0.0327450004876629]}, "566": {"s": [1.0299325178844383, 0.9723266819361019, 0.037826812351450446]}, "567": {"s": [1.0074852538387746, 0.9925749446433809, -0.0021494320280635894]}, "568": {"s": [1.0056277992868394, 0.9944196492796142, -0.004005430395131074]}, "569": {}, "570": {"s": [1.0016990343552103, 0.9983072948916163, -0.0018583010236547905]}, "571": {"s": [1.0219029432173456, 0.9798447699808555, -0.036142140771690145]}, "572": {"s": [0.9937987938955517, 1.0063667507720944, -0.011227784015215443]}, "573": {"s": [0.9900644329766836, 1.0101201680986076, -0.009167958707391835]}, "574": {"s": [0.9805642459236679, 1.0205362994764857, -0.026484088315270445]}, "575": {"s": [0.9899669454738136, 1.0110459268080885, -0.030034112205011815]}, "576": {"s": [0.9855052437546425, 1.015048916154694, -0.018331108474861524]}, "577": {"s": [0.9796631131824254, 1.0209475726916495, -0.01358960849850658]}, "578": {"s": [0.9831193024421304, 1.0171796768299166, -0.0029957208378515432]}, "579": {"s": [0.986774606215991, 1.013461580282836, -0.007625732661897768]}, "580": {"s": [0.9701582456054579, 1.0307655624482865, -0.0023894968827893204]}, "581": {}, "582": {"s": [1.017287011048649, 0.9830078562579044, 0.0010601556223542453]}, "583": {"s": [0.9898981662468941, 1.0102864125917022, -0.00898149256407245]}, "584": {"s": [1.019394583168963, 0.981120782832012, 0.012215214015579125]}, "585": {"s": [1.026529934833289, 0.9747460647925135, 0.02461735912854117]}, "586": {"s": [1.0011999670779945, 0.9988084087416974, -0.002635516915385847]}, "587": {"s": [1.0033359012946428, 0.9966788352648913, -0.0019124543902407916]}, "588": {"s": [0.980501323439787, 1.0198950842868089, 0.0029120290089102497]}, "589": {"s": [0.9780104059181133, 1.022586377948688, 0.01000592743976256]}, "590": {"s": [1.0093707578726516, 0.9907174048276515, -0.0010852412232157805]}, "591": {}, "592": {"s": [1.011678244194867, 0.9890943020618596, -0.02540052859864426]}, "593": {"s": [0.9993196647513497, 1.0013052948209673, 0.024981423783282528]}, "594": {}, "595": {"s": [0.9927503259895151, 1.0073099947878166, -0.0027066026861126617]}, "596": {"s": [0.9950995032621528, 1.0049468773970442, -0.004705157027030383]}, "597": {"s": [0.9754797176198166, 1.0252719769742729, -0.01148993395870195]}, "598": {"s": [0.9804947490188782, 1.019902302975962, 0.0029753285854249717]}, "599": {"s": [0.977968051347791, 1.0226316045780846, 0.01005174491788508]}, "600": {"s": [1.0036147278181078, 0.9964233052777952, -0.005010420939876211]}, "601": {}, "602": {"s": [0.9959738859881558, 1.004349376628696, 0.017485752218991565]}, "603": {"s": [0.9972536299339096, 1.002783939877285, -0.005470290856091166]}, "604": {"s": [1.0031568739604377, 0.9976101361715332, -0.027558404037246333]}, "605": {"s": [1.0081849188918384, 0.9925874921512957, -0.026678460742847323]}, "606": {"s": [1.0213143276301226, 0.9809275275862813, 0.042840848388675364]}, "607": {}, "608": {}, "609": {"s": [1.0194697570321296, 0.980993282956417, -0.009642812127760353]}, "610": {"s": [1.0211014644011167, 0.9811388228764518, 0.042921892082389466]}, "611": {"s": [1.01788799403691, 0.9843593928777501, 0.04435772568249434]}, "612": {"s": [0.9961635873708624, 1.0039195212737364, -0.008250560204232264]}, "613": {"s": [1.0143988194402913, 0.9858378717255274, -0.005724791516177207]}, "614": {"s": [0.995003624382307, 1.0054481258448076, -0.020604109880834668]}, "615": {"s": [1.0085296253439455, 0.9916765917295846, 0.01162847880842898]}, "616": {"s": [1.0094909004546835, 0.9906032886668981, 0.002237380101533703]}, "617": {"s": [1.0119515970806126, 0.9882137950922463, 0.0049525953490655115]}, "618": {"s": [1.00812934335363, 0.9931681459791538, 0.03524132298462564]}, "619": {"s": [0.9888805236026166, 1.0114955949715603, -0.015757334077074508]}, "620": {"s": [0.9945025130298257, 1.0058352158497141, -0.017482844632353136]}, "621": {"s": [1.0293952322219637, 0.9732499069457982, -0.04311396491246889]}, "622": {"s": [1.0089518621634865, 0.9912136563632599, -0.009320106736942283]}, "623": {"s": [1.011738384888408, 0.9884462771715554, -0.00700285759601697]}, "624": {"s": [1.0003897131580983, 0.9997488373399719, -0.011766588999254347]}, "625": {"s": [1.0106619168674258, 0.9896585565519843, 0.014498751983487105]}, "626": {"s": [1.0155860113748056, 0.9851850532358253, -0.023241314116174694]}, "627": {"s": [1.0158799453967735, 0.9853449691099996, 0.03149910183563496]}, "628": {"s": [1.0124676856109474, 0.9885558606447713, 0.029679358553547575]}, "629": {"s": [1.0292334534769887, 0.9728505748362057, 0.035921537491333824]}, "630": {"s": [1.030682859452928, 0.971101107475594, -0.029954403196392282]}, "631": {"s": [1.0030990467693293, 0.997102463665736, 0.013875548077423673]}, "632": {"s": [1.0017143141035811, 0.9983980553296911, 0.0104701096904652]}, "633": {"s": [1.0058011503488973, 0.9942831859427625, -0.007153474246650387]}, "634": {"s": [0.9771292318003323, 1.0236429756622116, 0.015214284295464129]}, "635": {"s": [0.9873789932323267, 1.0130334243955241, 0.015745560972856315]}, "636": {"s": [1.0197401647156608, 0.9808688263355306, 0.0152098169565307]}, "637": {"s": [0.9777282070771623, 1.0233841422165963, 0.0243216471611837]}, "638": {"s": [1.002672209729018, 0.9974042491597477, -0.008338015238374866]}, "639": {"s": [1.017312109950991, 0.9829836582919349, 0.0010860314506535972]}, "640": {"s": [1.0005118473724466, 0.9994887671910535, 0.0005940457308017236]}, "641": {"s": [1.0039227189648816, 0.9969825580841322, -0.029890474609562814]}, "642": {"s": [1.0092312395646856, 0.9916903675079857, -0.029067144070985883]}, "643": {"s": [0.9961796484697591, 1.0039039844473685, -0.008289651631423825]}, "644": {"s": [0.9997436598440939, 1.000332967881884, -0.008748849806586015]}, "645": {"s": [0.9988168982345469, 1.0027813686629352, 0.03993715382080132]}, "646": {"s": [0.9943306354876958, 1.0069479066986442, 0.03520159045650603]}, "647": {"s": [1.0168285633833714, 0.9836328086694591, -0.01363582546517649]}, "648": {"s": [0.9777084984795233, 1.0234059509202522, 0.02434534060654485]}, "649": {"s": [0.9771061164718602, 1.023665202590379, 0.015150269649922008]}, "650": {"s": [1.0179474712670713, 0.984285615973985, 0.04417073448868181]}, "651": {"s": [1.0303673056466702, 0.9707452865171624, 0.014973487833253427]}, "652": {"s": [1.0279107161518184, 0.9739492847229787, -0.0336586802347601]}, "653": {"s": [1.0308193793925309, 0.9702787822805059, -0.013497117771191804]}, "654": {"s": [1.0262598557788385, 0.974764523713523, -0.019018399632112076]}}, "edgedata": {"0-81": {"q_pre": 20, "f": 118.79220520999618}, "25-81": {"q_pre": 20, "f": 118.5527362133749}, "25-105": {"q_pre": 20, "f": 118.31757246681866}, "9-105": {"q_pre": 20, "f": 118.11234742913312}, "9-106": {"q_pre": 20, "f": 117.94360069690364}, "44-106": {"q_pre": 20, "f": 117.81456833773427}, "44-100": {"q_pre": 20, "f": 117.73427818166859}, "7-100": {"q_pre": 20, "f": 117.69876005238308}, "7-101": {"q_pre": 20, "f": 117.70951033129082}, "45-101": {"q_pre": 20, "f": 117.76691513752544}, "45-140": {"q_pre": 20, "f": 117.86602210743376}, "19-140": {"q_pre": 20, "f": 118.01120569378975}, "19-139": {"q_pre": 20, "f": 118.18915588917099}, "42-139": {"q_pre": 20, "f": 118.40488159214578}, "42-98": {"q_pre": 20, "f": 118.64268107511263}, "6-98": {"q_pre": 20, "f": 118.89321179761949}, "6-97": {"q_pre": 20, "f": 118.89169242606033}, "41-97": {"q_pre": 20, "f": 118.64383937436776}, "41-142": {"q_pre": 20, "f": 118.40398931099934}, "20-142": {"q_pre": 20, "f": 118.18998921082076}, "20-143": {"q_pre": 20, "f": 118.01069502941287}, "48-143": {"q_pre": 20, "f": 117.86627535357731}, "48-104": {"q_pre": 20, "f": 117.7667224825842}, "8-104": {"q_pre": 20, "f": 117.70944063692939}, "8-102": {"q_pre": 20, "f": 117.69877574489902}, "46-102": {"q_pre": 20, "f": 117.73452411093295}, "46-112": {"q_pre": 20, "f": 117.8152357863878}, "11-112": {"q_pre": 20, "f": 117.9456719567785}, "11-111": {"q_pre": 20, "f": 118.11215695286819}, "28-111": {"q_pre": 20, "f": 118.31604903120021}, "28-84": {"q_pre": 20, "f": 118.54844398253906}, "1-84": {"q_pre": 20, "f": 118.79604797718244}, "1-83": {"q_pre": 20, "f": 118.79552834807141}, "27-83": {"q_pre": 20, "f": 118.55009487780703}, "27-114": {"q_pre": 20, "f": 118.317158288494}, "12-114": {"q_pre": 20, "f": 118.11093802738505}, "12-115": {"q_pre": 20, "f": 117.94281856993416}, "37-115": {"q_pre": 20, "f": 117.8167330531443}, "37-93": {"q_pre": 20, "f": 117.73457190818587}, "4-93": {"q_pre": 20, "f": 117.69879179443132}, "4-94": {"q_pre": 20, "f": 117.70940344934223}, "38-94": {"q_pre": 20, "f": 117.76649373430891}, "38-136": {"q_pre": 20, "f": 117.8656345242128}, "18-136": {"q_pre": 20, "f": 118.0105478853845}, "18-137": {"q_pre": 20, "f": 118.18869176660898}, "40-137": {"q_pre": 20, "f": 118.40405329695918}, "40-96": {"q_pre": 20, "f": 118.64418463545697}, "5-96": {"q_pre": 20, "f": 118.89283479931534}, "5-95": {"q_pre": 20, "f": 118.89332113008123}, "39-95": {"q_pre": 20, "f": 118.64458066118547}, "39-122": {"q_pre": 20, "f": 118.40412862163609}, "14-122": {"q_pre": 20, "f": 118.19145180905429}, "14-121": {"q_pre": 20, "f": 118.0098394674441}, "31-121": {"q_pre": 20, "f": 117.86514916747807}, "31-87": {"q_pre": 20, "f": 117.7655344176216}, "2-87": {"q_pre": 20, "f": 117.70934115618006}, "2-85": {"q_pre": 20, "f": 117.6985419002637}, "29-85": {"q_pre": 20, "f": 117.73555265724973}, "29-109": {"q_pre": 20, "f": 117.81450332964957}, "10-109": {"q_pre": 20, "f": 117.94530345141035}, "10-108": {"q_pre": 20, "f": 118.11210603134249}, "26-108": {"q_pre": 20, "f": 118.31646324744553}, "26-82": {"q_pre": 20, "f": 118.55160775982566}, "0-82": {"q_pre": 20, "f": 118.79111963134861}, "2-86": {"f": 0.0}, "3-88": {"f": 0.0}, "3-89": {"f": 0.0}, "3-90": {"f": 0.0}, "3-91": {"f": 0.0}, "4-92": {"f": 0.0}, "7-99": {"f": 0.0}, "8-103": {"f": 0.0}, "9-107": {"f": 0.0}, "10-110": {"f": 0.0}, "11-113": {"f": 0.0}, "12-116": {"f": 0.0}, "13-117": {"f": 0.0}, "13-119": {"f": 0.0}, "13-118": {"f": 0.0}, "13-120": {"f": 0.0}, "14-123": {"f": 0.0}, "15-124": {"f": 0.0}, "15-126": {"f": 0.0}, "15-125": {"f": 0.0}, "15-127": {"f": 0.0}, "16-129": {"f": 0.0}, "16-130": {"f": 0.0}, "16-128": {"f": 0.0}, "16-131": {"f": 0.0}, "17-132": {"f": 0.0}, "17-134": {"f": 0.0}, "17-133": {"f": 0.0}, "17-135": {"f": 0.0}, "18-138": {"f": 0.0}, "19-141": {"f": 0.0}, "20-144": {"f": 0.0}, "21-146": {"f": 0.0}, "21-145": {"f": 0.0}, "21-147": {"f": 0.0}, "21-148": {"f": 0.0}, "22-149": {"f": 0.0}, "22-150": {"f": 0.0}, "22-151": {"f": 0.0}, "22-152": {"f": 0.0}, "23-153": {"f": 0.0}, "23-155": {"f": 0.0}, "23-154": {"f": 0.0}, "23-156": {"f": 0.0}, "24-158": {"f": 0.0}, "24-157": {"f": 0.0}, "24-160": {"f": 0.0}, "24-159": {"f": 0.0}, "25-161": {"f": 0.0}, "26-162": {"f": 0.0}, "27-163": {"f": 0.0}, "28-164": {"f": 0.0}, "29-165": {"f": 0.0}, "30-86": {"f": 0.0}, "30-166": {"f": 0.0}, "30-117": {"f": 0.0}, "30-167": {"f": 0.0}, "31-168": {"f": 0.0}, "32-118": {"f": 0.0}, "32-169": {"f": 0.0}, "32-88": {"f": 0.0}, "32-170": {"f": 0.0}, "33-89": {"f": 0.0}, "33-171": {"f": 0.0}, "33-124": {"f": 0.0}, "33-172": {"f": 0.0}, "34-128": {"f": 0.0}, "34-173": {"f": 0.0}, "34-90": {"f": 0.0}, "34-174": {"f": 0.0}, "35-91": {"f": 0.0}, "35-175": {"f": 0.0}, "35-132": {"f": 0.0}, "35-176": {"f": 0.0}, "36-133": {"f": 0.0}, "36-177": {"f": 0.0}, "36-92": {"f": 0.0}, "36-178": {"f": 0.0}, "37-179": {"f": 0.0}, "38-180": {"f": 0.0}, "39-181": {"f": 0.0}, "40-182": {"f": 0.0}, "41-183": {"f": 0.0}, "42-184": {"f": 0.0}, "43-125": {"f": 0.0}, "43-185": {"f": 0.0}, "43-99": {"f": 0.0}, "43-186": {"f": 0.0}, "44-187": {"f": 0.0}, "45-188": {"f": 0.0}, "46-189": {"f": 0.0}, "47-103": {"f": 0.0}, "47-190": {"f": 0.0}, "47-129": {"f": 0.0}, "47-191": {"f": 0.0}, "48-192": {"f": 0.0}, "49-193": {"f": 0.0}, "49-107": {"f": 0.0}, "49-145": {"f": 0.0}, "49-194": {"f": 0.0}, "50-110": {"f": 0.0}, "50-195": {"f": 0.0}, "50-146": {"f": 0.0}, "50-196": {"f": 0.0}, "51-113": {"f": 0.0}, "51-197": {"f": 0.0}, "51-149": {"f": 0.0}, "51-198": {"f": 0.0}, "52-199": {"f": 0.0}, "52-116": {"f": 0.0}, "52-150": {"f": 0.0}, "52-200": {"f": 0.0}, "53-119": {"f": 0.0}, "53-201": {"f": 0.0}, "53-147": {"f": 0.0}, "53-202": {"f": 0.0}, "54-120": {"f": 0.0}, "54-203": {"f": 0.0}, "54-153": {"f": 0.0}, "54-204": {"f": 0.0}, "55-123": {"f": 0.0}, "55-205": {"f": 0.0}, "55-154": {"f": 0.0}, "55-206": {"f": 0.0}, "56-126": {"f": 0.0}, "56-207": {"f": 0.0}, "56-148": {"f": 0.0}, "56-208": {"f": 0.0}, "57-209": {"f": 0.0}, "57-127": {"f": 0.0}, "57-157": {"f": 0.0}, "57-210": {"f": 0.0}, "58-130": {"f": 0.0}, "58-211": {"f": 0.0}, "58-151": {"f": 0.0}, "58-212": {"f": 0.0}, "59-131": {"f": 0.0}, "59-213": {"f": 0.0}, "59-158": {"f": 0.0}, "59-214": {"f": 0.0}, "60-134": {"f": 0.0}, "60-215": {"f": 0.0}, "60-152": {"f": 0.0}, "60-216": {"f": 0.0}, "61-217": {"f": 0.0}, "61-135": {"f": 0.0}, "61-155": {"f": 0.0}, "61-218": {"f": 0.0}, "62-138": {"f": 0.0}, "62-219": {"f": 0.0}, "62-156": {"f": 0.0}, "62-220": {"f": 0.0}, "63-141": {"f": 0.0}, "63-221": {"f": 0.0}, "63-159": {"f": 0.0}, "63-222": {"f": 0.0}, "64-144": {"f": 0.0}, "64-223": {"f": 0.0}, "64-160": {"f": 0.0}, "64-224": {"f": 0.0}, "65-161": {"f": 0.0}, "65-193": {"f": 0.0}, "65-162": {"f": 0.0}, "65-195": {"f": 0.0}, "66-165": {"f": 0.0}, "66-196": {"f": 0.0}, "66-166": {"f": 0.0}, "66-201": {"f": 0.0}, "67-169": {"f": 0.0}, "67-202": {"f": 0.0}, "67-171": {"f": 0.0}, "67-207": {"f": 0.0}, "68-185": {"f": 0.0}, "68-208": {"f": 0.0}, "68-187": {"f": 0.0}, "68-194": {"f": 0.0}, "69-163": {"f": 0.0}, "69-199": {"f": 0.0}, "69-164": {"f": 0.0}, "69-197": {"f": 0.0}, "70-189": {"f": 0.0}, "70-198": {"f": 0.0}, "70-190": {"f": 0.0}, "70-211": {"f": 0.0}, "71-173": {"f": 0.0}, "71-212": {"f": 0.0}, "71-175": {"f": 0.0}, "71-215": {"f": 0.0}, "72-177": {"f": 0.0}, "72-216": {"f": 0.0}, "72-179": {"f": 0.0}, "72-200": {"f": 0.0}, "73-176": {"f": 0.0}, "73-217": {"f": 0.0}, "73-170": {"f": 0.0}, "73-203": {"f": 0.0}, "74-167": {"f": 0.0}, "74-204": {"f": 0.0}, "74-168": {"f": 0.0}, "74-205": {"f": 0.0}, "75-181": {"f": 0.0}, "75-206": {"f": 0.0}, "75-182": {"f": 0.0}, "75-219": {"f": 0.0}, "76-180": {"f": 0.0}, "76-220": {"f": 0.0}, "76-178": {"f": 0.0}, "76-218": {"f": 0.0}, "77-172": {"f": 0.0}, "77-209": {"f": 0.0}, "77-174": {"f": 0.0}, "77-213": {"f": 0.0}, "78-191": {"f": 0.0}, "78-214": {"f": 0.0}, "78-192": {"f": 0.0}, "78-223": {"f": 0.0}, "79-183": {"f": 0.0}, "79-224": {"f": 0.0}, "79-184": {"f": 0.0}, "79-221": {"f": 0.0}, "80-188": {"f": 0.0}, "80-222": {"f": 0.0}, "80-186": {"f": 0.0}, "80-210": {"f": 0.0}, "81-226": {"f": 0.0}, "81-161": {"f": 0.0}, "81-82": {"f": 0.0}, "82-226": {"f": 0.0}, "82-162": {"f": 0.0}, "83-242": {"f": 0.0}, "83-163": {"f": 0.0}, "84-242": {"f": 0.0}, "85-230": {"f": 0.0}, "85-165": {"f": 0.0}, "86-230": {"f": 0.0}, "86-262": {"f": 0.0}, "87-262": {"f": 0.0}, "88-234": {"f": 0.0}, "88-258": {"f": 0.0}, "88-170": {"f": 0.0}, "88-169": {"f": 0.0}, "89-234": {"f": 0.0}, "89-274": {"f": 0.0}, "90-250": {"f": 0.0}, "90-274": {"f": 0.0}, "90-173": {"f": 0.0}, "91-250": {"f": 0.0}, "91-258": {"f": 0.0}, "91-176": {"f": 0.0}, "92-254": {"f": 0.0}, "92-270": {"f": 0.0}, "92-94": {"f": 0.0}, "92-178": {"f": 0.0}, "93-254": {"f": 0.0}, "94-270": {"f": 0.0}, "94-180": {"f": 0.0}, "95-266": {"f": 0.0}, "95-181": {"f": 0.0}, "96-266": {"f": 0.0}, "96-182": {"f": 0.0}, "97-282": {"f": 0.0}, "97-183": {"f": 0.0}, "98-282": {"f": 0.0}, "99-238": {"f": 0.0}, "99-286": {"f": 0.0}, "99-101": {"f": 0.0}, "99-186": {"f": 0.0}, "100-238": {"f": 0.0}, "101-286": {"f": 0.0}, "101-188": {"f": 0.0}, "102-246": {"f": 0.0}, "103-246": {"f": 0.0}, "103-278": {"f": 0.0}, "103-191": {"f": 0.0}, "103-104": {"f": 0.0}, "104-278": {"f": 0.0}, "104-192": {"f": 0.0}, "105-225": {"f": 0.0}, "106-239": {"f": 0.0}, "106-187": {"f": 0.0}, "107-225": {"f": 0.0}, "107-239": {"f": 0.0}, "108-227": {"f": 0.0}, "109-229": {"f": 0.0}, "109-110": {"f": 0.0}, "109-165": {"f": 0.0}, "110-227": {"f": 0.0}, "110-229": {"f": 0.0}, "110-195": {"f": 0.0}, "110-196": {"f": 0.0}, "111-243": {"f": 0.0}, "112-245": {"f": 0.0}, "112-113": {"f": 0.0}, "112-189": {"f": 0.0}, "113-243": {"f": 0.0}, "113-245": {"f": 0.0}, "113-198": {"f": 0.0}, "113-197": {"f": 0.0}, "114-241": {"f": 0.0}, "114-116": {"f": 0.0}, "114-163": {"f": 0.0}, "115-255": {"f": 0.0}, "116-241": {"f": 0.0}, "116-255": {"f": 0.0}, "116-200": {"f": 0.0}, "116-199": {"f": 0.0}}, "max_vertex": 288, "max_face": 654}} \ No newline at end of file diff --git a/src/nfd_solver/data/out_hypar_mesh_05.json b/src/nfd_solver/data/out_hypar_mesh_05.json new file mode 100644 index 00000000..807c5a9c --- /dev/null +++ b/src/nfd_solver/data/out_hypar_mesh_05.json @@ -0,0 +1 @@ +{"compas": "1.7.1", "datatype": "compas.datastructures/Mesh", "data": {"attributes": {"name": "Mesh"}, "dva": {"x": 0.0, "y": 0.0, "z": 0.0, "rx": 0.0, "ry": 0.0, "rz": 0.0, "px": 0.0, "py": 0.0, "pz": 0.0, "is_anchor": false}, "dea": {"q_pre": 0.0}, "dfa": {"s_pre": [1.0, 1.0, 0.0]}, "vertex": {"0": {"z": 20.0, "y": -46.98355913741212, "x": -44.487094537112114, "is_anchor": true, "r": [122.54546353827581, 122.54546353827537, -27.63820224615407]}, "1": {"z": 20.0, "y": 43.016440862587885, "x": 45.512905462887865, "is_anchor": true, "r": [-122.54546353827628, -122.54546353827673, -27.638202246154083]}, "2": {"z": 12.523382267687165, "y": -34.77828432480465, "x": 1.0722222108935546, "r": [0.0020480640535347483, -0.003368356124608063, -0.0015423504016967016]}, "4": {"z": 12.523382267687296, "y": -2.5428758854177262, "x": 33.30763065028067, "r": [0.0033683561236399484, -0.0020480640535706085, -0.0015423504018907686]}, "5": {"z": 0.0, "y": -46.98355913741212, "x": 45.512905462887865, "is_anchor": true, "r": [-118.82937403368399, 118.82937403368346, 53.820065012196125]}, "6": {"z": 0.0, "y": 43.016440862587885, "x": -44.487094537112114, "is_anchor": true, "r": [118.82937403368344, -118.82937403368332, 53.820065012195826]}, "7": {"z": 12.523382267687243, "y": -1.424242389406534, "x": -32.28181972450472, "r": [-0.0033683561245765326, 0.00204806405353522, -0.0015423504015827927]}, "8": {"z": 12.523382267687102, "y": 30.811166049980223, "x": -0.04641128511770929, "r": [-0.002048064053483678, 0.003368356124150651, -0.00154235040178885]}, "9": {"z": 16.455614626705767, "y": -24.993296961498952, "x": -35.31040723397753, "r": [0.00047692364924145636, -0.0038712351414087465, 0.0003976737264004271]}, "10": {"z": 16.45561462670572, "y": -37.80687183427752, "x": -22.496832361198948, "r": [-0.0038712351409913026, 0.00047692364994134095, 0.0003976737261357499]}, "11": {"z": 16.45561462670573, "y": 33.83975355945326, "x": 23.52264328697481, "r": [0.0038712351412257817, -0.0004769236494581719, 0.0003976737258657437]}, "12": {"z": 16.45561462670583, "y": 21.02617868667476, "x": 36.336218159753486, "r": [-0.0004769236494794882, 0.0038712351412240054, 0.00039767372634891274]}, "13": {"z": 17.91513496739511, "y": -20.960933104394627, "x": 1.008129297223008, "r": [-0.0003262559936798026, 0.0002235483807737637, -0.0005075519489980973]}, "14": {"z": 6.85825426657928, "y": -37.895191974645805, "x": 24.277354124924976, "r": [0.00438298118006486, 0.0011472817615185704, -0.0007138465076428346]}, "15": {"z": 17.915134967395108, "y": -1.4883353030770499, "x": -18.46446850409458, "r": [0.00022354838076843464, -0.0003262559936756948, -0.0005075519489607938]}, "16": {"z": 17.915134967395037, "y": 16.99381482957029, "x": 0.01768162855282477, "r": [0.00032625599367991365, -0.00022354838077531802, -0.0005075519489774472]}, "17": {"z": 17.91513496739512, "y": -2.478782971747254, "x": 19.490279429870473, "r": [-0.00022354838075955286, 0.00032625599367847036, -0.000507551948976781]}, "18": {"z": 6.858254266579325, "y": -25.748007799449105, "x": 36.42453830012156, "r": [-0.0011472817618773945, -0.004382981180105716, -0.0007138465075966494]}, "19": {"z": 6.8582542665792925, "y": 21.78088952462487, "x": -35.3987273743457, "r": [0.001147281760964347, 0.00438298118023539, -0.000713846507570004]}, "20": {"z": 6.858254266579222, "y": 33.92807369982136, "x": -23.25154319914915, "r": [-0.004382981180363288, -0.0011472817612734332, -0.0007138465075122724]}, "21": {"z": 17.219184418535853, "y": -21.210845511418732, "x": -18.714380911118713, "r": [0.0005101334300592342, 0.0005101334300627869, -0.000994595087946415]}, "22": {"z": 17.219184418535864, "y": 17.243727236594278, "x": 19.740191836894404, "r": [-0.0005101334300565696, -0.0005101334300614546, -0.0009945950879348686]}, "23": {"z": 12.601190593523382, "y": -21.622361447305668, "x": 20.151707772781457, "r": [-0.0002627518132172213, 0.0002627518132172213, -0.00040648878943372324]}, "24": {"z": 12.601190593523377, "y": 17.65524317248125, "x": -19.125896847005542, "r": [0.0002627518131799178, -0.0002627518131843587, -0.0004064887893857616]}, "25": {"x": -39.159564915374986, "y": -36.301745346618425, "z": 18.1943831463132, "r": [0.0021058153793518386, -0.004023075817904953, 0.00020010453664554007]}, "26": {"x": -33.805280746318445, "y": -41.656029515675016, "z": 18.194383146313182, "r": [-0.004023075816924404, 0.002105815379792375, 0.00020010453645369353]}, "27": {"x": 40.18537584115084, "y": 32.334627071794216, "z": 18.194383146313225, "r": [-0.002105815380403442, 0.004023075817237043, 0.0002001045364963261]}, "28": {"x": 34.83109167209425, "y": 37.68891124085078, "z": 18.1943831463132, "r": [0.0040230758176384995, -0.002105815380275544, 0.00020010453626895242]}, "29": {"x": -10.785428218070047, "y": -35.51002000656939, "z": 14.651843890030147, "r": [-0.0018393404737768737, -0.0017260611647325064, -9.56034074612866e-05]}, "30": {"x": 1.0691141532244024, "y": -28.155913798315098, "z": 14.87566240024134, "r": [-0.000214166207080424, 3.140573119875256e-05, -7.94449343750614e-05]}, "31": {"x": 12.828536333219606, "y": -35.577136883674406, "z": 9.90682296245067, "r": [0.004275584732230442, -0.0016502442155132968, -0.0014854498205316702]}, "32": {"x": 1.0146041821483962, "y": -14.772867750164817, "z": 21.494087522510473, "r": [0.00129818357681441, 0.009464291809496483, 0.007578233946713531]}, "33": {"x": -12.276403149864786, "y": -1.481860418151642, "z": 21.494087522510473, "r": [0.009464291809486103, 0.0012981835768184173, 0.007578233946760327]}, "34": {"x": 0.011206743627389918, "y": 10.805749475340512, "z": 21.494087522510437, "r": [-0.0012981835768156175, -0.009464291809518077, 0.007578233946704427]}, "35": {"x": 13.30221407564061, "y": -2.4852578566726393, "z": 21.494087522510476, "r": [-0.009464291809509917, -0.0012981835768165612, 0.007578233946726853]}, "36": {"x": 26.685260123791085, "y": -2.539767827748633, "z": 14.875662400241374, "r": [-3.1405731174327656e-05, 0.00021416620707681577, -7.944493435130262e-05]}, "37": {"x": 34.03936633204545, "y": 9.31477454354588, "z": 14.651843890030289, "r": [0.001726061163914494, 0.0018393404735683738, -9.560340773351328e-05]}, "38": {"x": 34.10648320915031, "y": -14.299190007743764, "z": 9.906822962450764, "r": [0.0016502442155559294, -0.004275584731968873, -0.0014854498204770472]}, "39": {"x": 35.233524848038755, "y": -41.71614245261979, "z": 3.520290952701456, "r": [0.0049166243364027196, 0.0030137733928299326, -0.0004357277891173794]}, "40": {"x": 40.24548877809547, "y": -36.704178522562906, "z": 3.5202909527014725, "r": [-0.003013773392268604, -0.00491662433607587, -0.0004357277891964273]}, "41": {"x": -34.20771392226297, "y": 37.74902417779545, "z": 3.520290952701421, "r": [-0.004916624335557174, -0.0030137733938744304, -0.0004357277892657052]}, "42": {"x": -39.21967785231969, "y": 32.73706024773868, "z": 3.520290952701458, "r": [0.0030137733928299326, 0.004916624336026132, -0.000435727789150242]}, "43": {"x": -25.65944919801517, "y": -1.42735044707567, "z": 14.875662400241344, "r": [3.140573117876855e-05, -0.00021416620707737088, -7.94449343437531e-05]}, "44": {"x": -33.01355540626949, "y": -13.281892818370107, "z": 14.651843890030232, "r": [-0.001726061163864756, -0.0018393404734737828, -9.560340778502763e-05]}, "45": {"x": -33.08067228337437, "y": 10.332071732919493, "z": 9.90682296245071, "r": [-0.0016502442151971053, 0.004275584732206017, -0.0014854498205569833]}, "46": {"x": 11.811239143845906, "y": 31.542901731745076, "z": 14.651843890030138, "r": [0.0018393404737344632, 0.0017260611643292734, -9.560340749281693e-05]}, "47": {"x": -0.04330322744856299, "y": 24.18879552349074, "z": 14.87566240024126, "r": [0.0002141662070804795, -3.1405731186318064e-05, -7.944493436440325e-05]}, "48": {"x": -11.802725407443765, "y": 31.61001860884997, "z": 9.906822962450606, "r": [-0.004275584732235771, 0.0016502442153392138, -0.0014854498204037725]}, "49": {"x": -27.433174901273667, "y": -22.717416361728777, "z": 16.452018763136664, "r": [0.00018946399437425043, 0.00019321174705488886, -0.0004898164765938517]}, "50": {"x": -20.220951761428736, "y": -29.929639501573575, "z": 16.45201876313662, "r": [0.00019321174708508693, 0.00018946399442221207, -0.0004898164766133917]}, "51": {"x": 21.246762687204466, "y": 25.96252122674921, "z": 16.452018763136618, "r": [-0.00019321174707620514, -0.0001894639944044485, -0.000489816476624938]}, "52": {"x": 28.458985827049354, "y": 18.750298086904365, "z": 16.452018763136664, "r": [-0.00018946399440267214, -0.00019321174707265243, -0.0004898164766489188]}, "53": {"x": -9.18689753947863, "y": -20.78202696685304, "z": 18.22779105489711, "r": [-0.0008289002259006528, 0.001069891780393517, -0.0010799223054874796]}, "54": {"x": 10.830422763523115, "y": -20.91527944760862, "z": 15.800494237007097, "r": [1.4083089117100656e-06, 0.0008350003598849298, -0.0008028327224818277]}, "55": {"x": 21.872889718152088, "y": -30.2080608238104, "z": 9.5216414522791, "r": [-7.527651830763205e-05, 9.245570631932765e-05, -0.00018162419447431688]}, "56": {"x": -18.28556236655303, "y": -11.683362139778666, "z": 18.227791054897093, "r": [0.0010698917803997343, -0.000828900225896545, -0.0010799223055018015]}, "57": {"x": -18.418814847308454, "y": 8.333958163222933, "z": 15.80049423700708, "r": [0.0008350003599035816, 1.4083089139305116e-06, -0.0008028327224693932]}, "58": {"x": 10.212708465254455, "y": 16.814908692028734, "z": 18.227791054897043, "r": [0.000828900225896323, -0.0010698917804236041, -0.001079922305538994]}, "59": {"x": -9.804611837747206, "y": 16.948161172784154, "z": 15.800494237007044, "r": [-1.4083089183714037e-06, -0.0008350003598813771, -0.0008028327224591791]}, "60": {"x": 19.311373292328867, "y": 7.716243864954348, "z": 18.227791054897118, "r": [-0.0010698917803937391, 0.0008289002258986544, -0.0010799223054771545]}, "61": {"x": 19.444625773084397, "y": -12.301076438047305, "z": 15.800494237007097, "r": [-0.0008350003599044697, -1.4083089028282814e-06, -0.0008028327224867127]}, "62": {"x": 28.737407149286152, "y": -23.343543392676242, "z": 9.521641452279152, "r": [-9.245570631577493e-05, 7.52765182969739e-05, -0.000181624194445007]}, "63": {"x": -27.711596223510224, "y": 19.376425117851863, "z": 9.521641452279137, "r": [9.245570636196021e-05, -7.527651835381732e-05, -0.00018162419449119227]}, "64": {"x": -20.847078792376198, "y": 26.240942548986, "z": 9.521641452279063, "r": [7.527651831651383e-05, -9.245570633709121e-05, -0.00018162419449119227]}, "65": {"x": -30.09542911472899, "y": -32.59189371502896, "z": 17.043869189796055, "r": [0.00018508608622624934, 0.0001850860862191439, -0.00030349150512698486]}, "66": {"x": -9.771372895279749, "y": -28.531196916420143, "z": 16.03452422212691, "r": [-0.00025460646929520436, 0.0001011594421056472, -0.0003811661964476798]}, "67": {"x": -9.20811927990968, "y": -11.704583880209682, "z": 22.32767017262411, "r": [0.02322803582270158, 0.02322803582269825, 0.026701493362958434]}, "68": {"x": -26.034732316120092, "y": -12.267837495579748, "z": 16.034524222126965, "r": [0.0001011594420932127, -0.00025460646929653663, -0.0003811661964308044]}, "69": {"x": 31.12124004050477, "y": 28.624775440204672, "z": 17.0438691897961, "r": [-0.00018508608626532919, -0.00018508608627598733, -0.00030349150513586665]}, "70": {"x": 10.797183821055583, "y": 24.564078641595785, "z": 16.03452422212685, "r": [0.0002546064692974248, -0.0001011594421100881, -0.0003811661964263635]}, "71": {"x": 10.23393020568548, "y": 7.737465605385438, "z": 22.327670172624103, "r": [-0.023228035822657034, -0.023228035822653273, 0.026701493363065237]}, "72": {"x": 27.06054324189598, "y": 8.300719220755457, "z": 16.03452422212699, "r": [-0.0001011594421056472, 0.0002546064692963146, -0.0003811661964476798]}, "73": {"x": 10.247391897711159, "y": -11.718045572235397, "z": 21.238273169083573, "r": [-0.028508801149303764, 0.028508801149302876, 0.04062822839122582]}, "74": {"x": 11.66824866591949, "y": -28.66180103438729, "z": 12.52889594865184, "r": [-3.7339332568109285e-06, 0.00010383912110256688, -0.00022391536954557978]}, "75": {"x": 31.502868971095168, "y": -32.973522645619354, "z": 6.429133740364726, "r": [-4.6681970154338615e-05, 4.668197017210218e-05, -8.479896665836151e-05]}, "76": {"x": 27.19114735986318, "y": -13.13890234044365, "z": 12.528895948651886, "r": [-0.00010383912112565952, 3.733933271021783e-06, -0.00022391536956423153]}, "77": {"x": -9.221580971935332, "y": 7.750927297411062, "z": 21.238273169083563, "r": [0.028508801149285556, -0.028508801149278895, 0.040628228391251575]}, "78": {"x": -10.642437740143592, "y": 24.694682759562863, "z": 12.528895948651783, "r": [3.7339332754626753e-06, -0.00010383912113187677, -0.000223915369561567]}, "79": {"x": -30.477058045319232, "y": 29.006404370794968, "z": 6.429133740364747, "r": [4.668197021828746e-05, -4.668197020762932e-05, -8.479896666457876e-05]}, "80": {"x": -26.165336434087234, "y": 9.171784065619333, "z": 12.528895948651867, "r": [0.00010383912113098859, -3.7339332608077314e-06, -0.00022391536954824431]}, "81": {"x": -41.64418689473406, "y": -41.73353233768902, "z": 19.087441174695645, "r": [0.0027653159151057594, -0.004562134148969221, 0.00019281772084767113]}, "82": {"x": -39.23706773738904, "y": -44.14065149503409, "z": 19.087441174695638, "r": [-0.004562134149317387, 0.002765315914665223, 0.00019281772106793937]}, "83": {"x": 42.66999782050986, "y": 37.766414062864804, "z": 19.087441174695655, "r": [-0.0027653159147789097, 0.004562134148926589, 0.00019281772093648897]}, "84": {"x": 40.26287866316481, "y": 40.17353322020985, "z": 19.087441174695645, "r": [0.004562134148891062, -0.0027653159153899765, 0.00019281772121715335]}, "85": {"x": -4.858508298515288, "y": -34.95068646967976, "z": 13.643686449088296, "r": [0.00023527377768084445, -0.00285237138690686, -0.0008694689142104695]}, "86": {"x": 1.0802112674967477, "y": -31.581371844596433, "z": 13.634774965025578, "r": [-0.00020548526264446698, -6.81884555575607e-06, 2.9624557215113256e-05]}, "87": {"x": 6.976814525952922, "y": -34.98776077647062, "z": 11.27690413923182, "r": [0.003426333491858724, -0.002918744065830481, -0.0017393094027178257]}, "92": {"x": 30.11071817007239, "y": -2.550864942020958, "z": 13.634774965025667, "r": [6.8188455673023896e-06, 0.0002054852626385273, 2.9624557235763405e-05]}, "93": {"x": 33.48003279515579, "y": 3.3878546239911165, "z": 13.643686449088431, "r": [0.0028523713876893453, -0.00023527377762588841, -0.0008694689138970535]}, "94": {"x": 33.5171071019466, "y": -8.447468200477093, "z": 11.276904139231934, "r": [0.002918744064705159, -0.0034263334917628008, -0.0017393094028368417]}, "95": {"x": 40.469312177108236, "y": -44.174120099389484, "z": 1.7782199928174711, "r": [0.005882499364943783, 0.0038069093996142556, -0.0004729064676953776]}, "96": {"x": 42.7034664248652, "y": -41.939965851632444, "z": 1.7782199928174791, "r": [-0.003806909399834524, -0.005882499365156946, -0.00047290646774644785]}, "97": {"x": -39.443501251332464, "y": 40.20700182456519, "z": 1.7782199928174522, "r": [-0.005882499365498006, -0.003806909399507674, -0.0004729064677189143]}, "98": {"x": -41.67765549908943, "y": 37.972847576808206, "z": 1.7782199928174718, "r": [0.0038069093989960834, 0.0058824993658177505, -0.0004729064676745054]}, "99": {"x": -29.08490724429645, "y": -1.4162533328033247, "z": 13.634774965025638, "r": [-6.818845569522836e-06, -0.00020548526264185796, 2.9624557231766602e-05]}, "100": {"x": -32.454221869379836, "y": -7.354972898815361, "z": 13.643686449088378, "r": [-0.0028523713876111856, 0.00023527377767984525, -0.0008694689140580358]}, "101": {"x": -32.49129617617065, "y": 4.480349925652819, "z": 11.276904139231878, "r": [-0.002918744065677714, 0.003426333491796274, -0.0017393094028665956]}, "102": {"x": 5.884319224291138, "y": 30.983568194855373, "z": 13.643686449088255, "r": [-0.00023527377776955127, 0.0028523713872028456, -0.0008694689143181611]}, "103": {"x": -0.05440034172091324, "y": 27.614253569771982, "z": 13.634774965025526, "r": [0.00020548526263503009, 6.8188455903950285e-06, 2.9624557258411954e-05]}, "104": {"x": -5.951003600177077, "y": 31.020642501646176, "z": 11.27690413923175, "r": [-0.003426333491709954, 0.002918744064769996, -0.001739309402942979]}, "105": {"x": -37.04476123136786, "y": -30.71279703874697, "z": 17.320500849187873, "r": [0.0013062493339219827, -0.0038960855327161426, 0.00029649834644729367]}, "106": {"x": -33.965183332296874, "y": -19.172414489945037, "z": 15.577063075081982, "r": [-0.0005058675092683984, -0.0033560304465591884, 0.0003415007189682129]}, "107": {"x": -31.48507424257277, "y": -23.777615117522203, "z": 16.344513028524855, "r": [0.00022891691346949017, 0.0003896197701269699, -0.0004253794620749929]}, "108": {"x": -28.216332438446983, "y": -39.54122583166788, "z": 17.32050084918784, "r": [-0.003896085532787197, 0.0013062493336235548, 0.000296498346269658]}, "109": {"x": -16.67594988964501, "y": -36.461647932596826, "z": 15.577063075081918, "r": [-0.003356030446667546, -0.0005058675090765519, 0.0003415007187204111]}, "110": {"x": -21.28115051722222, "y": -33.98153884287276, "z": 16.344513028524805, "r": [0.00038961977012164084, 0.00022891691343218667, -0.00042537946205101207]}, "111": {"x": 29.242143364222827, "y": 35.574107556843636, "z": 17.32050084918786, "r": [0.003896085532439031, -0.001306249334191989, 0.00029649834598366454]}, "112": {"x": 17.701760815420872, "y": 32.49452965777254, "z": 15.577063075081925, "r": [0.0033560304465307667, 0.0005058675090996445, 0.0003415007187568264]}, "113": {"x": 22.306961442998013, "y": 30.01442056804843, "z": 16.34451302852481, "r": [-0.00038961977014118077, -0.0002289169134641611, -0.00042537946206877564]}, "114": {"x": 38.070572157143765, "y": 26.745678763922772, "z": 17.320500849187912, "r": [-0.001306249334227516, 0.003896085532709037, 0.00029649834621281457]}, "115": {"x": 34.99099425807286, "y": 15.205296215120843, "z": 15.577063075082059, "r": [0.0005058675093287945, 0.003356030446543201, 0.0003415007189513375]}, "116": {"x": 32.5108851683486, "y": 19.81049684269793, "z": 16.344513028524876, "r": [-0.0002289169134765956, -0.0003896197701394044, -0.0004253794620625584]}, "117": {"x": 1.0416126046393095, "y": -24.57577159966007, "z": 16.288855965680103, "r": [-0.00026410305896934494, 0.00010266722995089239, -0.0002509571273101585]}, "118": {"x": 0.9897899298220074, "y": -17.53666596421789, "z": 19.738846576610978, "r": [-0.0002490746108129993, 0.00036633425214049886, -0.0007309261604391271]}, "119": {"x": -4.127139621728176, "y": -20.919863599247197, "z": 18.30216340438643, "r": [-0.0006495747861671591, 0.0002473753632012965, -0.0006615893789494454]}, "120": {"x": 5.975070465711876, "y": -20.95419368436266, "z": 17.06053381611008, "r": [-9.995695033809815e-05, 0.0003380476001053623, -0.0006404952266994002]}, "121": {"x": 18.603086789919967, "y": -36.54647195425732, "z": 8.427545718740785, "r": [0.004486298331780603, -0.00015283900501117387, -0.001067691161854789]}, "122": {"x": 29.828494718258657, "y": -39.620345525953866, "z": 5.217441524292162, "r": [0.004434300762056864, 0.0021781073204536483, -0.0005032963399171919]}, "123": {"x": 23.009003958516626, "y": -34.17555855561665, "z": 8.131030524343064, "r": [-7.697937991935078e-05, 7.448375864171908e-05, -0.0001251128770753951]}, "124": {"x": -15.040201363917857, "y": -1.506674670478041, "z": 19.738846576610975, "r": [0.00036633425213200566, -0.0002490746108135579, -0.0007309261604355743]}, "125": {"x": -22.07930699936008, "y": -1.4548519956607628, "z": 16.288855965680096, "r": [0.00010266722994556332, -0.00026410305897552055, -0.00025095712733969044]}, "126": {"x": -18.42339899894718, "y": -6.623604222028208, "z": 18.302163404386434, "r": [0.00024737536323093945, -0.0006495747861675755, -0.0006615893790186123]}, "127": {"x": -18.457729084062567, "y": 3.4786058654117604, "z": 17.06053381611007, "r": [0.00033804760011113544, -9.995695033993002e-05, -0.0006404952266874098]}, "128": {"x": 0.03602099595380707, "y": 13.569547689393563, "z": 19.738846576610925, "r": [0.00024907461081585813, -0.00036633425216736626, -0.000730926160468437]}, "129": {"x": -0.01580167886346867, "y": 20.608653324835732, "z": 16.288855965680025, "r": [0.00026410305896251707, -0.00010266722989449306, -0.000250957127252871]}, "130": {"x": 5.152950547503992, "y": 16.95274532442288, "z": 18.302163404386352, "r": [0.000649574786162968, -0.0002473753632082909, -0.0006615893789686522]}, "131": {"x": -4.949259539936007, "y": 16.987075409538267, "z": 17.060533816109995, "r": [9.995695034153984e-05, -0.00033804760011513224, -0.000640495226693405]}, "132": {"x": 16.066012289693685, "y": -2.4604436043462576, "z": 19.738846576610964, "r": [-0.0003663342521376123, 0.0002490746108133046, -0.0007309261604382389]}, "133": {"x": 23.105117925135975, "y": -2.512266279163552, "z": 16.288855965680128, "r": [-0.00010266722991225663, 0.00026410305896984454, -0.0002509571273030531]}, "134": {"x": 19.449209924723046, "y": 2.65648594720391, "z": 18.302163404386448, "r": [-0.00024737536319957565, 0.0006495747861638966, -0.0006615893789741478]}, "135": {"x": 19.483540009838492, "y": -7.445724140236098, "z": 17.060533816110073, "r": [-0.0003380476001324517, 9.995695034947794e-05, -0.0006404952267278219]}, "136": {"x": 35.075818279733156, "y": -20.073740464444107, "z": 8.427545718740854, "r": [0.000152839005046701, -0.004486298331785932, -0.0010676911618023865]}, "137": {"x": 38.14969185142957, "y": -31.29914839278279, "z": 5.217441524292192, "r": [-0.0021781073213062996, -0.004434300762280685, -0.0005032963399989043]}, "138": {"x": 32.70490488109245, "y": -24.479657633040773, "z": 8.131030524343096, "r": [-7.448375863816636e-05, 7.697937990869264e-05, -0.00012511287709848773]}, "139": {"x": -37.123880925653744, "y": 27.332030117958567, "z": 5.217441524292168, "r": [0.00217810732048207, 0.004434300762696353, -0.000503296339987358]}, "140": {"x": -34.05000735395724, "y": 16.106622189619856, "z": 8.427545718740808, "r": [-0.00015283900454221566, 0.004486298331690897, -0.0010676911618467955]}, "141": {"x": -31.679093955316592, "y": 20.5125393582165, "z": 8.131030524343076, "r": [7.448375862395551e-05, -7.69793799140217e-05, -0.00012511287707628327]}, "142": {"x": -28.802683792482846, "y": 35.65322725112946, "z": 5.217441524292113, "r": [-0.004434300762184762, -0.002178107320766287, -0.0005032963400211088]}, "143": {"x": -17.57727586414413, "y": 32.57935367943287, "z": 8.42754571874072, "r": [-0.004486298331793037, 0.00015283900520657312, -0.0010676911616593898]}, "144": {"x": -21.983193032740783, "y": 30.2084402807923, "z": 8.131030524343009, "r": [7.697937990158721e-05, -7.448375861685008e-05, -0.00012511287707983598]}, "145": {"x": -23.17315974678117, "y": -21.84950449665325, "z": 16.75485418751698, "r": [0.00031145821826150666, 0.00023006507634981688, -0.0006710979044584064]}, "146": {"x": -19.3530398963532, "y": -25.66962434708113, "z": 16.754854187516955, "r": [0.00023006507637912677, 0.00031145821830236287, -0.0006710979044770582]}, "147": {"x": -14.053308656521, "y": -20.84279796195845, "z": 17.770885382040383, "r": [0.0005087907445049389, 0.0011635313385103263, -0.0013110476655404657]}, "148": {"x": -18.34633336165845, "y": -16.549773256821023, "z": 17.77088538204039, "r": [0.0011635313384905643, 0.0005087907444878415, -0.0013110476655162628]}, "149": {"x": 20.378850822128825, "y": 21.702506072256647, "z": 16.754854187516962, "r": [-0.00023006507638800855, -0.00031145821828282294, -0.0006710979044504128]}, "150": {"x": 24.198970672556797, "y": 17.88238622182873, "z": 16.754854187516983, "r": [-0.00031145821826594755, -0.0002300650763737977, -0.000671097904451301]}, "151": {"x": 15.079119582296748, "y": 16.87567968713406, "z": 17.770885382040376, "r": [-0.0005087907444898399, -0.0011635313385056634, -0.001311047665557341]}, "152": {"x": 19.372144287434182, "y": 12.582654981996631, "z": 17.77088538204042, "r": [-0.0011635313384732449, -0.0005087907444836226, -0.0013110476655158187]}, "153": {"x": 15.568440856682253, "y": -21.117820750777323, "z": 14.237300315119688, "r": [-0.00035147142651270613, 0.0006171332522360018, -0.0006232009558333473]}, "154": {"x": 20.908102772257763, "y": -26.017271830705, "z": 11.016533175277177, "r": [-0.00012056507788749116, 0.00015309724489753762, -0.00026326065476300897]}, "155": {"x": 19.647167076253112, "y": -17.039094531206437, "z": 14.237300315119706, "r": [-0.0006171332522262318, 0.0003514714265060448, -0.0006232009558342355]}, "156": {"x": 24.546618156180752, "y": -22.378756446781924, "z": 11.016533175277218, "r": [-0.00015309724488865584, 0.00012056507786617487, -0.00026326065473458726]}, "157": {"x": -18.621356150477194, "y": 13.071976256382063, "z": 14.237300315119684, "r": [0.0006171332522235673, -0.0003514714265140384, -0.0006232009558360119]}, "158": {"x": -14.54262993090633, "y": 17.150702475952887, "z": 14.23730031511967, "r": [0.0003514714265051566, -0.0006171332522111328, -0.0006232009558200247]}, "159": {"x": -23.520807230404834, "y": 18.41163817195752, "z": 11.016533175277207, "r": [0.00015309724489931398, -0.00012056507787594484, -0.0002632606547248173]}, "160": {"x": -19.882291846481827, "y": 22.050153555880534, "z": 11.01653317527718, "r": [0.00012056507787860937, -0.00015309724490109033, -0.000263260654753239]}, "161": {"x": -34.7560787724221, "y": -34.34688015561772, "z": 17.553984549711643, "r": [0.00015029876511363227, 0.00011940861782022694, -0.00020029353690631524]}, "162": {"x": -31.85041555531779, "y": -37.2525433727222, "z": 17.55398454971165, "r": [0.00011940861783088508, 0.00015029876511363227, -0.0002002935369080916]}, "163": {"x": 35.78188969819809, "y": 30.37976188079365, "z": 17.553984549711714, "r": [-0.00015029876504968342, -0.00011940861781667422, -0.0002002935369489478]}, "164": {"x": 32.87622648109364, "y": 33.28542509789795, "z": 17.553984549711682, "r": [-0.00011940861783088508, -0.00015029876510652684, -0.0002002935369329606]}, "165": {"x": -10.236291313797855, "y": -32.13288544055106, "z": 15.255233433717635, "r": [-0.00011862587362254651, -4.3751816653170295e-05, -0.00027467703671257837]}, "166": {"x": -4.3774007793294665, "y": -28.247956336807775, "z": 15.60048359261045, "r": [-0.0003562668963306148, 4.301689611052595e-05, -0.00017283032715820212]}, "167": {"x": 6.405249269028483, "y": -28.30753392080836, "z": 13.829637861905079, "r": [-3.758550891408419e-05, 5.9511983137028324e-05, -0.00013567735394914848]}, "168": {"x": 12.216676428149166, "y": -32.23773863676375, "z": 11.152202663015744, "r": [-3.3393245804091976e-06, 4.6443699135423344e-05, -0.00016250947731766274]}, "169": {"x": -3.989924093286271, "y": -14.028597690004124, "z": 22.00200654232926, "r": [-0.0032655840767290556, 0.034032085835090875, 0.024411714115796457]}, "170": {"x": 5.770260825384588, "y": -13.863286353153178, "z": 21.453307947326877, "r": [0.013627868597595683, 0.08299489894837508, 0.06400786662395852]}, "171": {"x": -11.532133089704116, "y": -6.4863886935862665, "z": 22.00200654232926, "r": [0.034032085835093984, -0.003265584076727057, 0.024411714115816885]}, "172": {"x": -11.366821752853122, "y": 3.2737962250845216, "z": 21.45330794732685, "r": [0.08299489894840595, 0.013627868597590798, 0.06400786662391766]}, "173": {"x": 5.015735019062037, "y": 10.061479415179846, "z": 22.002006542329227, "r": [0.003265584076726835, -0.034032085835107306, 0.024411714115782246]}, "174": {"x": -4.744449899608785, "y": 9.896168078328854, "z": 21.453307947326834, "r": [-0.013627868597587689, -0.08299489894840839, 0.06400786662391766]}, "175": {"x": 12.557944015479915, "y": 2.5192704187620083, "z": 22.002006542329255, "r": [-0.03403208583510109, 0.003265584076730832, 0.024411714115806227]}, "176": {"x": 12.392632678628967, "y": -7.240914499908833, "z": 21.45330794732685, "r": [-0.08299489894840062, -0.01362786859758458, 0.06400786662391766]}, "177": {"x": 26.777302662283663, "y": 2.9067471048052065, "z": 15.60048359261052, "r": [-4.3016896106973235e-05, 0.00035626689632589637, -0.0001728303271510967]}, "178": {"x": 26.836880246284384, "y": -7.875902943552692, "z": 13.829637861905065, "r": [-5.951198314857464e-05, 3.7585508921633703e-05, -0.00013567735398645198]}, "179": {"x": 30.662231766026995, "y": 8.76563763927361, "z": 15.25523343371771, "r": [4.37518166407358e-05, 0.00011862587360145227, -0.0002746770366615081]}, "180": {"x": 30.767084962239643, "y": -13.687330102673311, "z": 11.15220266301581, "r": [-4.644369913364699e-05, 3.3393245861823573e-06, -0.0001625094773149982]}, "181": {"x": 33.28311666796063, "y": -37.48764401954753, "z": 4.939509982055803, "r": [-2.434395391048838e-05, 2.9046389187215027e-05, -4.8663030344897606e-05]}, "182": {"x": 36.01699034502322, "y": -34.75377034248475, "z": 4.939509982055838, "r": [-2.90463891801096e-05, 2.4343953946015517e-05, -4.866303035022668e-05]}, "183": {"x": -32.257305742184755, "y": 33.52052574472314, "z": 4.939509982055815, "r": [2.434395388206667e-05, -2.9046389144582463e-05, -4.8663030288942366e-05]}, "184": {"x": -34.991179419247345, "y": 30.786652067660427, "z": 4.939509982055856, "r": [2.9046389158793318e-05, -2.4343953924699235e-05, -4.866303033779218e-05]}, "185": {"x": -25.751491736507806, "y": -6.8738653796295015, "z": 15.600483592610482, "r": [4.301689613273041e-05, -0.00035626689632428654, -0.000172830327142659]}, "186": {"x": -25.811069320508395, "y": 3.9087846687283734, "z": 13.829637861905077, "r": [5.951198312725836e-05, -3.7585508918303034e-05, -0.00013567735397446157]}, "187": {"x": -29.636420840251052, "y": -12.73275591409786, "z": 15.255233433717672, "r": [-4.3751816619419515e-05, -0.00011862587359656729, -0.0002746770366943707]}, "188": {"x": -29.74127403646366, "y": 9.720211827849019, "z": 11.152202663015796, "r": [4.6443699122988846e-05, -3.3393245839619112e-06, -0.00016250947730167553]}, "189": {"x": 11.262102239573672, "y": 28.165767165726677, "z": 15.255233433717557, "r": [0.00011862587360034205, 4.3751816614090444e-05, -0.00027467703668548893]}, "190": {"x": 5.4032117051053, "y": 24.280838061983427, "z": 15.600483592610372, "r": [0.0003562668963290605, -4.30168961371713e-05, -0.00017283032716686186]}, "191": {"x": -5.3794383432526285, "y": 24.340415645984038, "z": 13.82963786190496, "r": [3.758550891519441e-05, -5.951198313347561e-05, -0.00013567735394559577]}, "192": {"x": -11.190865502373303, "y": 28.27062036193933, "z": 11.152202663015673, "r": [3.3393245866264465e-06, -4.644369911943613e-05, -0.00016250947730966914]}, "193": {"x": -28.610750736674973, "y": -27.735752723936713, "z": 16.68552878560958, "r": [0.00020294464096792808, 0.00021449562221675933, -0.000397498765694948]}, "194": {"x": -26.578194714406543, "y": -17.556417627874694, "z": 16.2729587065606, "r": [0.00016334764679815095, 2.9640357764204595e-05, -0.0005178217690229303]}, "195": {"x": -25.239288123636765, "y": -31.107215336975045, "z": 16.685528785609566, "r": [0.0002144956221812322, 0.00020294464094305908, -0.00039749876570205345]}, "196": {"x": -15.059953027574606, "y": -29.07465931470642, "z": 16.272958706560548, "r": [2.9640357764204595e-05, 0.00016334764678482827, -0.0005178217689927322]}, "197": {"x": 26.265099049412452, "y": 27.14009706215061, "z": 16.685528785609577, "r": [-0.00021449562217767948, -0.00020294464092707187, -0.0003974987656842899]}, "198": {"x": 16.085763953350398, "y": 25.107541039882086, "z": 16.272958706560505, "r": [-2.964035776198415e-05, -0.0001633476467759465, -0.0005178217689953968]}, "199": {"x": 29.636561662450816, "y": 23.768634449112405, "z": 16.68552878560961, "r": [-0.0002029446409181901, -0.00021449562215281048, -0.0003974987656629736]}, "200": {"x": 27.604005640182198, "y": 13.589299353050238, "z": 16.2729587065606, "r": [-0.0001633476468088091, -2.9640357773530468e-05, -0.0005178217690184894]}, "201": {"x": -9.413435493523702, "y": -24.738311221719332, "z": 17.01075069663134, "r": [-0.0003680640616559039, 0.0003745768288307971, -0.0006041550293951481]}, "202": {"x": -9.120936370837633, "y": -16.622869381247018, "z": 19.793594649806906, "r": [-0.0045952570535642, 0.005051477430556339, -0.002703345703037041]}, "203": {"x": 10.561558726056703, "y": -16.720184158233252, "z": 17.903627660600367, "r": [0.0010279646571329515, 0.004590770261823529, -0.0023008422324073408]}, "204": {"x": 11.200558145790634, "y": -24.87974468012063, "z": 14.05969272206146, "r": [-1.8504384453166267e-05, 0.00026694426888163036, -0.0003814462156945808]}, "205": {"x": 16.83005678642525, "y": -29.282346431417217, "z": 11.063315443458238, "r": [-5.4176605403633005e-05, 0.00011376705024090938, -0.00023013972536123362]}, "206": {"x": 26.773762385460632, "y": -31.444398830210503, "z": 7.964753197907484, "r": [-6.477728684828321e-05, 6.85733912177966e-05, -0.00012810526204365402]}, "207": {"x": -14.12640478094703, "y": -11.61740097113767, "z": 19.793594649806916, "r": [0.005051477430532775, -0.004595257053589291, -0.0027033457029479457]}, "208": {"x": -22.241846621419263, "y": -11.909900093823685, "z": 17.010750696631355, "r": [0.0003745768288432316, -0.000368064061656348, -0.0006041550293929276]}, "209": {"x": -14.223719557933146, "y": 8.06509412575656, "z": 17.903627660600332, "r": [0.004590770261831967, 0.0010279646571293988, -0.002300842232432654]}, "210": {"x": -22.38328007982048, "y": 8.70409354549044, "z": 14.05969272206149, "r": [0.0002669442688638668, -1.8504384450057643e-05, -0.00038144621565994186]}, "211": {"x": 10.439246419299524, "y": 20.77119294689498, "z": 17.010750696631263, "r": [0.00036806406166078887, -0.00037457682882591214, -0.0006041550293924836]}, "212": {"x": 10.146747296613446, "y": 12.655751106422755, "z": 19.793594649806888, "r": [0.004595257053587376, -0.005051477430521312, -0.002703345702937121]}, "213": {"x": -9.535747800280827, "y": 12.753065883408857, "z": 17.903627660600307, "r": [-0.0010279646571365042, -0.004590770261812205, -0.0023008422324064526]}, "214": {"x": -10.174747220014709, "y": 20.91262640529615, "z": 14.05969272206142, "r": [1.850438444117586e-05, -0.0002669442688585377, -0.0003814462156497278]}, "215": {"x": 15.15221570672284, "y": 7.6502826963133685, "z": 19.79359464980693, "r": [-0.0050514774305388255, 0.004595257053574331, -0.0027033457029855823]}, "216": {"x": 23.267657547195114, "y": 7.942781818999388, "z": 17.010750696631366, "r": [-0.000374576828835238, 0.0003680640616459119, -0.0006041550293951481]}, "217": {"x": 15.249530483709053, "y": -12.032212400580933, "z": 17.903627660600343, "r": [-0.004590770261834631, -0.0010279646571276224, -0.002300842232438427]}, "218": {"x": 23.409091005596387, "y": -12.671211820314793, "z": 14.059692722061513, "r": [-0.00026694426885764955, 1.8504384444284483e-05, -0.00038144621565194825]}, "219": {"x": 29.97374515568633, "y": -28.244416059984832, "z": 7.964753197907491, "r": [-6.857339125332373e-05, 6.477728685538864e-05, -0.00012810526207918116]}, "220": {"x": 27.81169275689296, "y": -18.30071046094937, "z": 11.063315443458313, "r": [-0.00011376705023558031, 5.417660538942215e-05, -0.00023013972534879912]}, "221": {"x": -28.947934229910473, "y": 24.277297785160513, "z": 7.964753197907487, "r": [6.857339120713846e-05, -6.477728682341422e-05, -0.00012810526204809491]}, "222": {"x": -26.785881831117003, "y": 14.33359218612504, "z": 11.063315443458304, "r": [0.00011376705026222567, -5.417660538853397e-05, -0.0002301397253372528]}, "223": {"x": -15.804245860649358, "y": 25.315228156592784, "z": 11.063315443458217, "r": [5.417660540540936e-05, -0.00011376705027288381, -0.00023013972537366811]}, "224": {"x": -25.74795145968472, "y": 27.477280555386145, "z": 7.964753197907487, "r": [6.477728684828321e-05, -6.85733912177966e-05, -0.0001281052620445422]}, "225": {"x": -32.94644937889765, "y": -29.13363341019158, "z": 16.905896353298612, "r": [0.00024429894732591606, 0.00026596259726474614, -0.0003255308871992213]}, "226": {"x": -36.88184841777876, "y": -39.37831301807876, "z": 18.295922144062665, "r": [3.7210067240778244e-05, 3.721006723367282e-05, -8.280964613049946e-05]}, "227": {"x": -26.63716880989157, "y": -35.44291397919762, "z": 16.905896353298594, "r": [0.00026596259724698257, 0.00024429894732591606, -0.0003255308872116558]}, "228": {"x": -24.072566681800698, "y": -26.569031282100685, "z": 16.648603835444128, "r": [0.00022695426130781016, 0.00022695426129715202, -0.0005112265763660417]}, "229": {"x": -15.807125121237382, "y": -32.88023032914635, "z": 15.821456447914176, "r": [0.00027195186138140315, 9.207994041737777e-05, -0.0004335148907852471]}, "230": {"x": -4.593653910454945, "y": -31.711735227958705, "z": 14.54990801786098, "r": [-0.0003526581091000125, -5.37362713188827e-05, -4.60761774547791e-05]}, "231": {"x": -4.220927260125255, "y": -24.62066825329083, "z": 16.83501105769736, "r": [-0.0004428468599393387, 0.00016178266966848653, -0.0003603072325084611]}, "232": {"x": -14.463687124553584, "y": -25.061130218006088, "z": 16.92315276581733, "r": [6.344156755488939e-05, 0.00044693752229640893, -0.0007662356243254287]}, "233": {"x": -4.076545792768209, "y": -17.292115430157914, "z": 20.044274690383727, "r": [-0.000553035289119097, 9.382792491718916e-05, -0.0010998762299223586]}, "235": {"x": -14.795650829857893, "y": -6.5730103930682215, "z": 20.04427469038372, "r": [9.382792493117798e-05, -0.0005530352891109924, -0.001099876229929464]}, "236": {"x": -13.884169665185118, "y": -16.380634265485135, "z": 18.795326939543845, "r": [0.003092116205850759, 0.003092116205854256, -0.0024046847218121004]}, "237": {"x": -22.124203652990786, "y": -6.717391860425289, "z": 16.835011057697397, "r": [0.0001617826696762581, -0.0004428468599443902, -0.00036030723250768393]}, "238": {"x": -29.21527062765879, "y": -7.090118510755008, "z": 14.549908017861043, "r": [-5.373627132954084e-05, -0.00035265810910334316, -4.607617745322479e-05]}, "239": {"x": -30.383765728846353, "y": -18.303589721537385, "z": 15.821456447914247, "r": [9.207994044579948e-05, 0.0002719518613965022, -0.00043351489076481897]}, "240": {"x": -22.564665617706133, "y": -16.960151724853628, "z": 16.923152765817356, "r": [0.00044693752229463257, 6.344156756199482e-05, -0.0007662356243307578]}, "241": {"x": 33.97226030467357, "y": 25.166515135367373, "z": 16.90589635329866, "r": [-0.0002442989473365742, -0.0002659625972576407, -0.0003255308871956686]}, "242": {"x": 37.90765934355462, "y": 35.4111947432546, "z": 18.295922144062693, "r": [-3.721006720525111e-05, -3.721006720525111e-05, -8.280964612694675e-05]}, "243": {"x": 27.662979735667346, "y": 31.475795704373336, "z": 16.90589635329862, "r": [-0.000265962597254088, -0.00024429894731881063, -0.00032553088715658873]}, "244": {"x": 25.098377607576364, "y": 22.601913007276252, "z": 16.64860383544413, "r": [-0.00022695426129892837, -0.00022695426128471752, -0.0005112265763536072]}, "245": {"x": 16.83293604701321, "y": 28.913112054322063, "z": 15.821456447914152, "r": [-0.00027195186138140315, -9.207994042625955e-05, -0.0004335148907763653]}, "246": {"x": 5.6194648362307795, "y": 27.74461695313436, "z": 14.549908017860925, "r": [0.000352658109102455, 5.373627134552805e-05, -4.607617742768966e-05]}, "247": {"x": 5.246738185901098, "y": 20.653549978466483, "z": 16.835011057697294, "r": [0.00044284685994205875, -0.00016178266966293542, -0.00036030723248781094]}, "248": {"x": 15.489498050329338, "y": 21.09401194318171, "z": 16.923152765817292, "r": [-6.344156756465935e-05, -0.00044693752229107986, -0.00076623562433209]}, "249": {"x": 5.102356718544002, "y": 13.324997155333623, "z": 20.044274690383656, "r": [0.0005530352891172097, -9.382792492851344e-05, -0.001099876229919694]}, "251": {"x": 15.821461755633738, "y": 2.605892118243943, "z": 20.044274690383723, "r": [-9.38279249422802e-05, 0.0005530352891164325, -0.001099876229944119]}, "252": {"x": 14.90998059096092, "y": 12.41351599066083, "z": 18.795326939543852, "r": [-0.003092116205831774, -0.0030921162058306917, -0.002404684721792172]}, "253": {"x": 23.150014578766665, "y": 2.750273585600987, "z": 16.83501105769741, "r": [-0.00016178266965405363, 0.0004428468599389501, -0.0003603072324964707]}, "254": {"x": 30.241081553434725, "y": 3.1230002359307343, "z": 14.549908017861078, "r": [5.373627132421177e-05, 0.00035265810911022655, -4.607617746499315e-05]}, "255": {"x": 31.409576654622253, "y": 14.336471446713098, "z": 15.821456447914272, "r": [-9.207994044757584e-05, -0.00027195186139383765, -0.00043351489081899786]}, "256": {"x": 23.59047654348182, "y": 12.993033450029204, "z": 16.923152765817356, "r": [-0.0004469375222937444, -6.344156756199482e-05, -0.0007662356243236523]}, "257": {"x": 15.799641941836082, "y": -7.311356582853395, "z": 19.08508154739103, "r": [-0.0008393414657286158, 0.0003783931960996134, -0.0015488555812604998]}, "259": {"x": 5.840702908329151, "y": -17.27029561636027, "z": 19.085081547391056, "r": [-0.00037839319610916133, 0.0008393414657321685, -0.0015488555812881999]}, "260": {"x": 15.221434278296293, "y": -16.692087952820504, "z": 16.0586083674783, "r": [-0.0015585125754244977, 0.0015585125754249418, -0.0012543187531965927]}, "261": {"x": 6.166162384007774, "y": -24.676728643859228, "z": 15.334135187192189, "r": [-6.310699673428566e-05, 0.0001520674219488427, -0.00029388120890061487]}, "262": {"x": 6.67929249942987, "y": -31.76352793846411, "z": 12.489899249291337, "r": [-7.510145160871673e-06, 2.042531408807946e-05, -6.6600826702512e-05]}, "263": {"x": 17.666041869451917, "y": -33.034873853666205, "z": 9.680634590026804, "r": [-6.759875893447287e-05, 7.235997941634764e-05, -0.00016661813888241284]}, "264": {"x": 16.121055587873634, "y": -25.30727565736745, "z": 12.57697369460993, "r": [-0.00010802127846520904, 0.00024565854522506925, -0.0003516891466617267]}, "265": {"x": 28.224149015369882, "y": -35.66377496069316, "z": 6.542412677878055, "r": [-5.032924791947835e-05, 5.5392688679489765e-05, -8.282950177740389e-05]}, "266": {"x": 38.14095586095383, "y": -39.61160953547804, "z": 3.3409562355219338, "r": [-8.158574161143406e-06, 8.158574161143406e-06, -2.014147184592474e-05]}, "267": {"x": 34.19312128616887, "y": -29.694802689893926, "z": 6.542412677878086, "r": [-5.5392688707911475e-05, 5.032924793013649e-05, -8.28295018511227e-05]}, "268": {"x": 25.534662957715256, "y": -27.005316632239488, "z": 9.464514965543412, "r": [-9.380840003458957e-05, 9.3808400041695e-05, -0.00018454415452140438]}, "269": {"x": 31.564220179141987, "y": -19.13669554397606, "z": 9.680634590026878, "r": [-7.235997942522943e-05, 6.759875892736744e-05, -0.00016661813891349908]}, "270": {"x": 30.292874263940107, "y": -8.14994617395405, "z": 12.4898992492914, "r": [-2.0425314087191282e-05, 7.51014515110171e-06, -6.660082668963341e-05]}, "271": {"x": 23.20607496933517, "y": -7.636816058531998, "z": 15.334135187192206, "r": [-0.00015206742195150724, 6.310699673406361e-05, -0.00029388120890150304]}, "272": {"x": 23.83662198284321, "y": -17.591709262397774, "z": 12.57697369460996, "r": [-0.00024565854523750374, 0.00010802127848030807, -0.0003516891466688321]}, "273": {"x": -14.773831016060202, "y": 3.3442383080290607, "z": 19.08508154739103, "r": [0.0008393414657389686, -0.00037839319609896116, -0.0015488555812732674]}, "275": {"x": -4.814891982553316, "y": 13.303177341535903, "z": 19.08508154739099, "r": [0.00037839319610127875, -0.0008393414657286991, -0.0015488555812701033]}, "276": {"x": -14.195623352520393, "y": 12.724969677996109, "z": 16.058608367478275, "r": [0.0015585125754031814, -0.001558512575411175, -0.0012543187531792732]}, "277": {"x": -5.140351458231909, "y": 20.709610369034877, "z": 15.334135187192091, "r": [6.310699674139109e-05, -0.00015206742196216538, -0.00029388120890594394]}, "278": {"x": -5.653481573654024, "y": 27.79640966363975, "z": 12.489899249291241, "r": [7.5101451588732715e-06, -2.0425314101402137e-05, -6.660082670073564e-05]}, "279": {"x": -16.640230943676055, "y": 29.067755578841794, "z": 9.680634590026747, "r": [6.75987589415783e-05, -7.235997942345307e-05, -0.00016661813892770994]}, "280": {"x": -15.095244662097704, "y": 21.340157382542998, "z": 12.576973694609904, "r": [0.00010802127845987997, -0.0002456585452392801, -0.0003516891466519567]}, "281": {"x": -27.19833808959404, "y": 31.696656685868863, "z": 6.542412677878005, "r": [5.032924790171478e-05, -5.539268866527891e-05, -8.282950179250292e-05]}, "282": {"x": -37.115144935177966, "y": 35.6444912606537, "z": 3.340956235521941, "r": [8.158574154037979e-06, -8.158574139827124e-06, -2.0141471832602065e-05]}, "283": {"x": -33.16731036039308, "y": 25.727684415069714, "z": 6.54241267787807, "r": [5.5392688668831624e-05, -5.032924791237292e-05, -8.282950178895021e-05]}, "284": {"x": -24.50885203193933, "y": 23.038198357415066, "z": 9.464514965543419, "r": [9.380840004880042e-05, -9.380840005235314e-05, -0.00018454415450275263]}, "285": {"x": -30.538409253366034, "y": 15.169577269151745, "z": 9.680634590026864, "r": [7.235997940924221e-05, -6.759875892292655e-05, -0.0001666181388841892]}, "286": {"x": -29.267063338164192, "y": 4.182827899129766, "z": 12.489899249291373, "r": [2.042531409429671e-05, -7.510145165756654e-06, -6.660082674381229e-05]}, "287": {"x": -22.180264043559188, "y": 3.6696977837076576, "z": 15.334135187192183, "r": [0.0001520674219612772, -6.31069967365061e-05, -0.0002938812089108289]}, "288": {"x": -22.8108110570673, "y": 13.62459098757345, "z": 12.576973694609938, "r": [0.00024565854522862196, -0.00010802127846609721, -0.00035168914665462125]}, "289": {"x": -43.02161374518169, "y": -44.382744195624205, "z": 19.541486043408263, "r": [0.0028818620650099547, -0.005159653443698176, 0.00025699770026221813]}, "290": {"x": -41.88627959532421, "y": -45.51807834548171, "z": 19.541486043408263, "r": [-0.005159653443655543, 0.0028818620641573034, 0.0002569977003830104]}, "291": {"x": 44.04742467095747, "y": 40.41562592079998, "z": 19.54148604340827, "r": [-0.0028818620649531113, 0.005159653443286061, 0.00025699770039722125]}, "292": {"x": 42.91209052109998, "y": 41.55096007065747, "z": 19.541486043408263, "r": [0.00515965344411029, -0.0028818620636741343, 0.0002569977004611701]}, "293": {"x": -1.8916690703210322, "y": -34.81649662717506, "z": 13.098841318761021, "r": [0.0013020091037039272, -0.0031980764678678497, -0.0012978301858659336]}, "294": {"x": 1.077869163744964, "y": -33.211683184178625, "z": 13.064862359632723, "r": [-4.389208139166101e-06, 8.061089115329878e-06, -2.270068071208442e-05]}, "295": {"x": 4.029526423292695, "y": -34.835485210095186, "z": 11.916103501816625, "r": [0.00276452183084519, -0.0032919241265148003, -0.0017227621830890882]}, "300": {"x": 31.741029509654624, "y": -2.548522838269151, "z": 13.06486235963283, "r": [-8.061089143751587e-06, 4.389208144495171e-06, -2.2700680733400702e-05]}, "301": {"x": 33.34584295265109, "y": 0.42101539579686026, "z": 13.098841318761155, "r": [0.0031980764678678497, -0.0013020091037571069, -0.0012978301858659336]}, "302": {"x": 33.36483153557119, "y": -5.500180097816867, "z": 11.916103501816751, "r": [0.003291924127822199, -0.0027645218309011454, -0.0017227621828403983]}, "303": {"x": 43.0165451040911, "y": -45.5356498904149, "z": 0.8931297439690602, "r": [0.0067296704823291975, 0.004035450024460374, -0.0006101701280614158]}, "304": {"x": 44.06499621589064, "y": -44.48719877861534, "z": 0.8931297439690647, "r": [-0.004035450023096132, -0.006729670483082373, -0.0006101701280551985]}, "305": {"x": -41.99073417831534, "y": 41.56853161559064, "z": 0.8931297439690509, "r": [-0.0067296704822013, -0.004035450024318266, -0.0006101701281018279]}, "306": {"x": -43.03918529011487, "y": 40.5200805037911, "z": 0.893129743969061, "r": [0.0040354500237356206, 0.006729670482982897, -0.0006101701280338823]}, "307": {"x": -30.715218583878652, "y": -1.4185954365551168, "z": 13.064862359632802, "r": [8.061089115329878e-06, -4.389208139832235e-06, -2.270068071830167e-05]}, "308": {"x": -32.32003202687513, "y": -4.388133670621112, "z": 13.0988413187611, "r": [-0.003198076467690214, 0.0013020091037354575, -0.0012978301859050134]}, "309": {"x": -32.33902060979525, "y": 1.5330618229925999, "z": 11.916103501816698, "r": [-0.0032919241268203336, 0.0027645218309624298, -0.0017227621829611905]}, "310": {"x": 2.9174799960968794, "y": 30.849378352350655, "z": 13.098841318760968, "r": [-0.0013020091037567738, 0.003198076467725741, -0.0012978301859263297]}, "311": {"x": -0.05205823796911551, "y": 29.24456490935419, "z": 13.064862359632667, "r": [4.389208143384948e-06, -8.061089125988019e-06, -2.270068073517706e-05]}, "312": {"x": -3.0037154975168505, "y": 30.86836693527075, "z": 11.916103501816556, "r": [-0.0027645218308576247, 0.003291924126628487, -0.0017227621830393502]}, "313": {"x": -36.12940650097869, "y": -27.867553887950265, "z": 16.888445314413442, "r": [0.0007546119230497084, -0.003895433795811698, 0.000522832447760635]}, "314": {"x": -34.58877299143416, "y": -22.093540456802025, "z": 16.02030011293234, "r": [-5.9948933248676894e-05, -0.0035282128334443996, 0.0005671084004461591]}, "315": {"x": -33.432425567836056, "y": -24.374922155840792, "z": 16.389765092354047, "r": [1.0360772684236963e-06, -6.762278431438062e-06, -1.6965516085321042e-05]}, "316": {"x": -25.37108928765027, "y": -38.625871101278705, "z": 16.888445314413406, "r": [-0.0038954337961172314, 0.0007546119232131332, 0.0005228324480093249]}, "317": {"x": -19.59707585650201, "y": -37.085237591734135, "z": 16.020300112932286, "r": [-0.003528212833330713, -5.994893346894514e-05, 0.0005671084004212901]}, "318": {"x": -21.878457555540795, "y": -35.928890168136036, "z": 16.389765092353997, "r": [-6.762278431438062e-06, 1.036077250660128e-06, -1.696551612617725e-05]}, "319": {"x": 26.39690021342612, "y": 34.658752826454446, "z": 16.888445314413417, "r": [0.003895433796046177, -0.0007546119231776061, 0.0005228324480128776]}, "320": {"x": 20.62288678227787, "y": 33.118119316909855, "z": 16.020300112932294, "r": [0.003528212833437294, 5.99489328863001e-05, 0.0005671084005918203]}, "321": {"x": 22.90426848131665, "y": 31.96177189331178, "z": 16.38976509235401, "r": [6.7622784527543445e-06, -1.0360772577655553e-06, -1.6965516115519108e-05]}, "322": {"x": 37.155217426754625, "y": 23.900435613126074, "z": 16.888445314413495, "r": [-0.0007546119231136572, 0.003895433796309078, 0.0005228324477890567]}, "323": {"x": 35.61458391721013, "y": 18.12642218197783, "z": 16.02030011293241, "r": [5.994893291472181e-05, 0.0035282128336291407, 0.000567108400620242]}, "324": {"x": 34.45823649361195, "y": 20.40780388101656, "z": 16.38976509235409, "r": [-1.0360772648709826e-06, 6.762278427885349e-06, -1.6965516110190038e-05]}, "325": {"x": 1.0239155982449337, "y": -22.762035206566853, "z": 17.073167163066014, "r": [-6.64350092685062e-05, 0.00016183621636045586, -0.00039170000652966053]}, "326": {"x": 0.9941367899258204, "y": -19.20398449418844, "z": 18.808491938756692, "r": [-9.355498683438768e-05, 0.00026935392908811195, -0.0005981332784834592]}, "327": {"x": -1.5592673844486793, "y": -20.96733511314916, "z": 18.160660433347797, "r": [-3.3873075001800146e-05, 0.00021419484220430718, -0.00046602422233732455]}, "328": {"x": 3.5024429283453955, "y": -20.97860130658212, "z": 17.537127808418518, "r": [-9.634090982579835e-05, 0.00026646451005163385, -0.0005434399256891709]}, "329": {"x": 21.45421127008996, "y": -37.17356510230656, "z": 7.6530760741558455, "r": [0.004548430514091706, 0.00026297174676415125, -0.0008847431372824843]}, "330": {"x": 27.069772938734815, "y": -38.711040160838515, "z": 6.045874279011165, "r": [0.004517546104118253, 0.0014185989533928023, -0.0006287080250597654]}, "331": {"x": 23.63421830766361, "y": -36.07043845395383, "z": 7.484044636206338, "r": [-4.3549485440053104e-07, 1.465711875425768e-06, -5.024233539430156e-06]}, "332": {"x": -16.7075198938884, "y": -1.5023278103742312, "z": 18.808491938756696, "r": [0.00026935392907567746, -9.355498683305541e-05, -0.0005981332784834592]}, "333": {"x": -20.26557060626682, "y": -1.4725490020551297, "z": 17.073167163066017, "r": [0.00016183621635157408, -6.6435009267507e-05, -0.0003917000065225551]}, "334": {"x": -18.470870512849153, "y": -4.055731984748721, "z": 18.160660433347793, "r": [0.0002141948421829909, -3.38730750035765e-05, -0.0004660242223266664]}, "335": {"x": -18.482136706282063, "y": 1.0059783280453107, "z": 17.537127808418507, "r": [0.00026646451003031757, -9.634090982313381e-05, -0.0005434399256571965]}, "336": {"x": 0.031674135850001894, "y": 15.2368662193641, "z": 18.80849193875664, "r": [9.355498683327745e-05, -0.00026935392906679567, -0.0005981332784656956]}, "337": {"x": 0.0018953275309028879, "y": 18.794916931742506, "z": 17.073167163065943, "r": [6.643500926717394e-05, -0.00016183621634446865, -0.00039170000651189696]}, "338": {"x": 2.585078310224498, "y": 17.000216838324835, "z": 18.16066043334772, "r": [3.387307500579695e-05, -0.00021419484221851803, -0.00046602422236929897]}, "339": {"x": -2.4766320025695463, "y": 17.01148303175776, "z": 17.53712780841844, "r": [9.634090982668653e-05, -0.0002664645100409757, -0.0005434399256785127]}, "340": {"x": 17.73333081966426, "y": -2.4647904644500724, "z": 18.808491938756696, "r": [-0.0002693539290614666, 9.355498683172314e-05, -0.0005981332784799065]}, "341": {"x": 21.291381532042713, "y": -2.49456927276918, "z": 17.07316716306604, "r": [-0.000161836216346245, 6.643500926717394e-05, -0.0003917000065190024]}, "342": {"x": 19.496681438625014, "y": 0.08861370992442225, "z": 18.1606604333478, "r": [-0.0002141948422078599, 3.387307500227199e-05, -0.00046602422234442997]}, "343": {"x": 19.507947632057977, "y": -4.973096602869629, "z": 17.53712780841852, "r": [-0.00026646451002321214, 9.63409098275747e-05, -0.00054343992567496]}, "344": {"x": 35.702911427782354, "y": -22.924864944614097, "z": 7.653076074155902, "r": [-0.00026297174598255424, -0.004548430514191182, -0.0008847431371847847]}, "345": {"x": 37.24038648631423, "y": -28.540426613258933, "z": 6.0458742790112, "r": [-0.0014185989519290843, -0.004517546104587211, -0.0006287080250011456]}, "346": {"x": 34.599784779429626, "y": -25.104871982187763, "z": 7.484044636206352, "r": [-1.4657118825311954e-06, 4.3549483663696265e-07, -5.024233556305546e-06]}, "347": {"x": -36.21457556053839, "y": 24.57330833843471, "z": 6.045874279011173, "r": [0.0014185989539896582, 0.004517546103691927, -0.0006287080250828581]}, "348": {"x": -34.67710050200646, "y": 18.957746669789852, "z": 7.653076074155863, "r": [0.00026297174658651556, 0.0045484305137861725, -0.0008847431372380754]}, "349": {"x": -33.573973853653776, "y": 21.137753707363494, "z": 7.484044636206338, "r": [1.4657118967420502e-06, -4.354948615059584e-07, -5.024233540318335e-06]}, "350": {"x": -26.043962012958985, "y": 34.74392188601407, "z": 6.045874279011109, "r": [-0.00451754610407562, -0.0014185989528812115, -0.00062870802505266]}, "351": {"x": -20.428400344314134, "y": 33.20644682748211, "z": 7.653076074155786, "r": [-0.004548430514681456, -0.00026297174593281625, -0.0008847431371279413]}, "352": {"x": -22.60840738188779, "y": 32.10332017912947, "z": 7.484044636206265, "r": [4.3549487216409943e-07, -1.4657119145056186e-06, -5.0242335696282225e-06]}, "353": {"x": -20.973260473978343, "y": -21.503540536017024, "z": 16.98333607548905, "r": [2.462411394787978e-07, 1.1917309450382163e-07, -2.9039211746351157e-06]}, "354": {"x": -19.007075935717005, "y": -23.469725074278347, "z": 16.983336075489035, "r": [1.191731158201037e-07, 2.4624117500593456e-07, -2.903921192398684e-06]}, "355": {"x": -16.413277546747743, "y": -20.99426003446643, "z": 17.501628972804028, "r": [8.579623234084011e-07, 1.3379150516357186e-06, -9.138576114509078e-06]}, "356": {"x": -18.497795434166406, "y": -18.909742147047748, "z": 17.50162897280403, "r": [1.3379150622938596e-06, 8.579623411719695e-07, -9.13857612516722e-06]}, "357": {"x": 20.032886861492646, "y": 19.50260679945387, "z": 16.983336075489042, "r": [-1.1917310871467635e-07, -2.462411536896525e-07, -2.9039211746351157e-06]}, "358": {"x": 21.999071399753998, "y": 17.53642226119254, "z": 16.983336075489053, "r": [-2.4624114658422513e-07, -1.1917309805653531e-07, -2.903921192398684e-06]}, "359": {"x": 17.439088472523448, "y": 17.02714175964201, "z": 17.501628972804028, "r": [-8.579623447246831e-07, -1.3379150640702164e-06, -9.138576132272647e-06]}, "360": {"x": 19.523606359942136, "y": 14.942623872223345, "z": 17.50162897280405, "r": [-1.3379150729520006e-06, -8.579623340665421e-07, -9.13857613582536e-06]}, "361": {"x": 17.886071079318704, "y": -21.339220080682157, "z": 13.424727323574057, "r": [-1.2420357293763118e-06, 1.3563464413834936e-06, -4.125402721655291e-06]}, "362": {"x": 20.505319945378453, "y": -23.848238163850848, "z": 11.805806732275816, "r": [-3.213984243188861e-07, 3.462087541095116e-07, -1.168207511170749e-06]}, "363": {"x": 19.86856640615795, "y": -19.3567247538429, "z": 13.424727323574068, "r": [-1.3563464342780662e-06, 1.2420357116127434e-06, -4.125402714549864e-06]}, "364": {"x": 22.377584489326626, "y": -21.975973619902636, "z": 11.805806732275828, "r": [-3.4620877187307997e-07, 3.2139843497702714e-07, -1.1682075324870311e-06]}, "365": {"x": -18.842755480382035, "y": 15.38960647901851, "z": 13.424727323574045, "r": [1.35634643783078e-06, -1.2420357258235981e-06, -4.1254027198789345e-06]}, "366": {"x": -16.860260153542786, "y": 17.37210180585774, "z": 13.424727323574036, "r": [1.242035715165457e-06, -1.35634643783078e-06, -4.125402707444437e-06]}, "367": {"x": -21.351773563550697, "y": 18.008855345078253, "z": 11.805806732275808, "r": [3.462087683203663e-07, -3.2139841721345874e-07, -1.1682075271579606e-06]}, "368": {"x": -19.47950901960254, "y": 19.881119889026415, "z": 11.805806732275805, "r": [3.2139839944989035e-07, -3.4620874345137054e-07, -1.1682074880781101e-06]}, "369": {"x": -40.35633717830402, "y": -39.03884814426323, "z": 18.638424311423275, "r": [0.0022245019665660948, -0.004373451125701422, 0.00026220235697138605]}, "370": {"x": -38.05522192599889, "y": -33.52527415969313, "z": 17.755671375709507, "r": [0.0014865157596233303, -0.00403549531618097, 0.00037418742598305244]}, "371": {"x": -36.99628520451509, "y": -35.30834179428092, "z": 17.87206382979612, "r": [-1.2488411016420287e-07, -1.107123082988437e-06, -5.314276236845217e-07]}, "372": {"x": -36.54238354396325, "y": -42.85280177860404, "z": 18.638424311423265, "r": [-0.004373451125815109, 0.0022245019671771615, 0.0002622023568079612]}, "373": {"x": -31.028809559393153, "y": -40.55168652629892, "z": 17.755671375709483, "r": [-0.00403549531667835, 0.001486515759353324, 0.0003741874262814804]}, "374": {"x": -32.811877193981, "y": -39.49274980481516, "z": 17.87206382979612, "r": [-1.1071231114101465e-06, -1.2488409595334815e-07, -5.314276485535174e-07]}, "375": {"x": 41.38214810407984, "y": 35.07172986943902, "z": 18.638424311423293, "r": [-0.0022245019666087273, 0.004373451125587735, 0.0002622023570140186]}, "376": {"x": 39.08103285177477, "y": 29.558155884868935, "z": 17.75567137570954, "r": [-0.0014865157592822698, 0.004035495316443871, 0.00037418742630279667]}, "377": {"x": 38.02209613029105, "y": 31.341223519456836, "z": 17.87206382979618, "r": [1.248840888479208e-07, 1.1071231256210012e-06, -5.31427620131808e-07]}, "378": {"x": 37.56819446973903, "y": 38.885683503779795, "z": 18.638424311423275, "r": [0.004373451126028272, -0.0022245019666087273, 0.0002622023565947984]}, "379": {"x": 32.05462048516898, "y": 36.58456825147468, "z": 17.7556713757095, "r": [0.00403549531625913, -0.0014865157590406852, 0.00037418742650885406]}, "380": {"x": 33.83768811975676, "y": 35.52563152999088, "z": 17.87206382979613, "r": [1.1071230971992918e-06, 1.2488411016420287e-07, -5.314276130263806e-07]}, "381": {"x": -7.824417701592067, "y": -35.18163629097247, "z": 14.160345380275318, "r": [-0.0005424375234266421, -0.002330310587858264, -0.0004741618272667836]}, "382": {"x": -13.737284970775326, "y": -35.9366281824858, "z": 15.122844933380438, "r": [-0.0024067232199591615, -0.0011337896150678262, 0.00026898330679614446]}, "383": {"x": -10.5052457922249, "y": -33.85416236863081, "z": 14.940447316856073, "r": [-6.193038536217443e-06, 6.898838257995976e-06, -3.0503781584201306e-05]}, "384": {"x": 1.0764872585707776, "y": -29.892994514149592, "z": 14.236024121261446, "r": [-1.7287780955221876e-05, 3.373658335803498e-05, -9.153825933339022e-05]}, "385": {"x": 1.0564399004708445, "y": -26.378921435525328, "z": 15.557280170258693, "r": [-3.765032466240825e-05, 7.99372809758836e-05, -0.00020743855186999838]}, "386": {"x": -1.6568635733677541, "y": -28.181222061173404, "z": 15.277323691356305, "r": [-2.0700909722393135e-05, 5.21931144206178e-05, -0.00014189481816373473]}, "387": {"x": 3.743527008107988, "y": -28.21011148296465, "z": 14.388391133686195, "r": [-2.3590273755758062e-05, 5.193791779589674e-05, -0.00013125087951948444]}, "388": {"x": 9.910854671784117, "y": -35.234989760859975, "z": 10.606655502908595, "r": [0.0038739869000714577, -0.002475271467261564, -0.0016287058583941416]}, "389": {"x": 15.72693879394214, "y": -36.01433626728101, "z": 9.17977819668819, "r": [0.004462201258398579, -0.0011155701365908044, -0.0012579489605286653]}, "390": {"x": 12.518840744400539, "y": -33.940299235082584, "z": 10.516307507010843, "r": [-3.3207588483463724e-06, 6.042675092743366e-06, -1.7556386318950956e-05]}, "391": {"x": 0.5129054628878831, "y": -10.421059137412119, "z": 25.0, "is_anchor": true, "r": [0.0, -2.191449647969117, -1.762868313407452]}, "392": {"x": 0.9939657947543064, "y": -16.02751407506573, "z": 20.66105963636197, "r": [-7.067571439822729e-05, 0.0002095583948698021, -0.0005222051481830192]}, "393": {"x": -1.4125936472826677, "y": -14.595316627782653, "z": 21.711635052473177, "r": [0.0002954439314053481, 0.005374247863312753, 0.005706685678948276]}, "394": {"x": 3.3715235951891622, "y": -14.513545225007118, "z": 21.42704674160993, "r": [-0.0005947032959081611, 0.005087020675109244, 0.006559577921201765]}, "395": {"x": -7.924594537112116, "y": -1.9835591374121182, "z": 25.0, "is_anchor": true, "r": [-2.1914496479690975, 1.1102230246251565e-16, -1.762868313407477]}, "396": {"x": -13.531049474765704, "y": -1.5024988055457356, "z": 20.66105963636196, "r": [0.00020955839487868388, -7.067571439822729e-05, -0.0005222051482025591]}, "397": {"x": -12.098852027482634, "y": -3.909058247582689, "z": 21.71163505247317, "r": [0.005374247863297654, 0.000295443931404904, 0.005706685678958934]}, "398": {"x": -12.017080624707074, "y": 0.8750589948891179, "z": 21.42704674160992, "r": [0.005087020675095477, -0.0005947032959031096, 0.0065595779212213046]}, "399": {"x": 0.5129054628878853, "y": 6.453940862587881, "z": 25.0, "is_anchor": true, "r": [2.220446049250313e-15, 2.1914496479691072, -1.7628683134074592]}, "400": {"x": 0.03184513102149149, "y": 12.060395800241421, "z": 20.661059636361916, "r": [7.067571439711706e-05, -0.00020955839486447303, -0.0005222051481954537]}, "401": {"x": 2.438404573058443, "y": 10.62819835295836, "z": 21.711635052473138, "r": [-0.0002954439314035717, -0.005374247863308312, 0.005706685678948276]}, "402": {"x": -2.3457126694133708, "y": 10.546426950182806, "z": 21.427046741609896, "r": [0.0005947032959063847, -0.0050870206751021385, 0.00655957792120887]}, "403": {"x": 8.95040546288788, "y": -1.9835591374121189, "z": 25.0, "is_anchor": true, "r": [2.1914496479691152, -1.7763568394002505e-15, -1.7628683134074556]}, "404": {"x": 14.55686040054152, "y": -2.464619469278556, "z": 20.66105963636196, "r": [-0.00020955839488756567, 7.067571439955955e-05, -0.0005222051482149936]}, "405": {"x": 13.124662953258444, "y": -0.05806002724158357, "z": 21.711635052473174, "r": [-0.005374247863326076, -0.0002954439314050497, 0.005706685678944723]}, "406": {"x": 13.042891550482912, "y": -4.842177269713418, "z": 21.427046741609928, "r": [-0.005087020675088372, 0.000594703295897947, 0.0065595779212408445]}, "407": {"x": 28.42234083962554, "y": -2.547140933095002, "z": 14.236024121261508, "r": [-3.373658337224583e-05, 1.728778095921868e-05, -9.153825932628479e-05]}, "408": {"x": 24.908267761001287, "y": -2.527093574995082, "z": 15.557280170258718, "r": [-7.993728093680375e-05, 3.765032465885554e-05, -0.00020743855184690574]}, "409": {"x": 26.710568386649328, "y": 0.1862098988435088, "z": 15.277323691356367, "r": [-5.219311439930152e-05, 2.0700909719839622e-05, -0.00014189481811754945]}, "410": {"x": 26.739457808440676, "y": -5.214180682632214, "z": 14.38839113368621, "r": [-5.193791782431845e-05, 2.3590273760198954e-05, -0.0001312508795585643]}, "411": {"x": 33.71098261644852, "y": 6.353764027067897, "z": 14.160345380275457, "r": [0.0023303105878298425, 0.0005424375233857859, -0.00047416182718507116]}, "412": {"x": 34.46597450796185, "y": 12.266631296251159, "z": 15.122844933380582, "r": [0.0011337896149186122, 0.0024067232199485034, 0.0002689833066540359]}, "413": {"x": 32.38350869410684, "y": 9.034592117700706, "z": 14.94044731685617, "r": [-6.89883832905025e-06, 6.193038526447481e-06, -3.0503781669466434e-05]}, "414": {"x": 33.76433608633593, "y": -11.381508346308282, "z": 10.606655502908698, "r": [0.0024752714671691933, -0.0038739869003947547, -0.0016287058581632152]}, "415": {"x": 34.54368259275689, "y": -17.19759246846629, "z": 9.179778196688272, "r": [0.0011155701361573733, -0.004462201258423448, -0.0012579489607595917]}, "416": {"x": 32.46964556055848, "y": -13.989494418924682, "z": 10.51630750701092, "r": [-6.0426750856379385e-06, 3.320758851899086e-06, -1.7556386325168205e-05]}, "417": {"x": 37.874022973425895, "y": -42.900485726611635, "z": 2.654305273169461, "r": [0.005459366782289976, 0.0031738555715037364, -0.0005113549983182253]}, "418": {"x": 32.55073463650706, "y": -40.62240063237784, "z": 4.375191702003617, "r": [0.0047502261511525035, 0.002359038366350319, -0.0005082731038079658]}, "419": {"x": 34.24408473848062, "y": -39.64133374914393, "z": 4.222903386465584, "r": [1.3793302144904374e-07, -4.682205201334e-08, 1.9182652533089595e-07]}, "420": {"x": 41.42983205208733, "y": -39.34467664795007, "z": 2.6543052731694727, "r": [-0.0031738555716174233, -0.005459366782417874, -0.0005113549983635224]}, "421": {"x": 39.15174695785353, "y": -34.0213883110312, "z": 4.37519170200364, "r": [-0.002359038366250843, -0.004750226151259085, -0.0005082731038559274]}, "422": {"x": 38.17068007461959, "y": -35.71473841300474, "z": 4.22290338646561, "r": [4.6822030697057926e-08, -1.3793296460562487e-07, 1.9182655730531906e-07]}, "423": {"x": -36.848212047650115, "y": 38.93336745178732, "z": 2.654305273169434, "r": [-0.005459366782076813, -0.0031738555710916216, -0.0005113549983546406]}, "424": {"x": -31.524923710731265, "y": 36.65528235755347, "z": 4.375191702003575, "r": [-0.004750226150285641, -0.002359038366833488, -0.0005082731039962596]}, "425": {"x": -33.218273812704766, "y": 35.67421547431946, "z": 4.22290338646559, "r": [-1.3793300723818902e-07, 4.682205201334e-08, 1.918265501998917e-07]}, "426": {"x": -40.404021126311555, "y": 35.37755837312584, "z": 2.654305273169462, "r": [0.0031738555712053085, 0.005459366782261554, -0.0005113549983626342]}, "427": {"x": -38.12593603207773, "y": 30.054270036206987, "z": 4.3751917020036215, "r": [0.002359038366236632, 0.004750226151379877, -0.0005082731039074417]}, "428": {"x": -37.1448691488437, "y": 31.747620138180437, "z": 4.222903386465635, "r": [-4.6822059118767356e-08, 1.3793300013276166e-07, 1.9182655996985432e-07]}, "429": {"x": -27.39652991384961, "y": -1.419977341729293, "z": 14.236024121261481, "r": [3.373658336869312e-05, -1.7287780954555743e-05, -9.153825931917936e-05]}, "430": {"x": -23.882456835225376, "y": -1.4400246998292279, "z": 15.557280170258691, "r": [7.993728095456731e-05, -3.765032465552487e-05, -0.0002074385518486821]}, "431": {"x": -25.68475746087346, "y": -4.153328173667811, "z": 15.277323691356331, "r": [5.219311437087981e-05, -2.0700909717952243e-05, -0.00014189481812110216]}, "432": {"x": -25.713646882664786, "y": 1.2470624078078933, "z": 14.388391133686175, "r": [5.1937917803002165e-05, -2.3590273760421e-05, -0.00013125087954790615]}, "433": {"x": -32.68517169067257, "y": -10.320882301892134, "z": 14.160345380275404, "r": [-0.0023303105878937913, -0.0005424375233680223, -0.00047416182715664945]}, "434": {"x": -33.44016358218588, "y": -16.23374957107537, "z": 15.122844933380517, "r": [-0.0011337896152383564, -0.0024067232200195576, 0.00026898330687075145]}, "435": {"x": -31.357697768330873, "y": -13.00171039252494, "z": 14.940447316856131, "r": [6.898838297075827e-06, -6.193038531776551e-06, -3.0503781641044725e-05]}, "436": {"x": -32.73852516055999, "y": 7.414390071484011, "z": 10.606655502908644, "r": [-0.0024752714674249887, 0.0038739869002686333, -0.0016287058580957137]}, "437": {"x": -33.51787166698095, "y": 13.230474193642028, "z": 9.17977819668822, "r": [-0.0011155701358660508, 0.004462201258480292, -0.0012579489606032723]}, "438": {"x": -31.44383463478249, "y": 10.022376144100395, "z": 10.516307507010909, "r": [6.0426750749797975e-06, -3.320758853675443e-06, -1.7556386301187388e-05]}, "439": {"x": 8.85022862736792, "y": 31.214518016148123, "z": 14.160345380275293, "r": [0.0005424375233999967, 0.002330310587758788, -0.00047416182718507116]}, "440": {"x": 14.763095896551185, "y": 31.969509907661504, "z": 15.12284493338044, "r": [0.0024067232200302158, 0.0011337896154586247, 0.0002689833068352243]}, "441": {"x": 11.531056718000734, "y": 29.887044093806498, "z": 14.940447316856027, "r": [6.193038528223838e-06, -6.898838282864972e-06, -3.050378159308309e-05]}, "442": {"x": -0.050676332794943275, "y": 25.925876239325166, "z": 14.236024121261387, "r": [1.728778095966277e-05, -3.3736583336718695e-05, -9.153825932628479e-05]}, "443": {"x": -0.030628974694998874, "y": 22.41180316070103, "z": 15.557280170258602, "r": [3.765032466196416e-05, -7.993728096877817e-05, -0.00020743855187177473]}, "444": {"x": 2.682674499143586, "y": 24.214103786349032, "z": 15.277323691356234, "r": [2.0700909716175886e-05, -5.219311439930152e-05, -0.00014189481811754945]}, "445": {"x": -2.7177160823321427, "y": 24.242993208140305, "z": 14.388391133686094, "r": [2.359027375664624e-05, -5.193791781721302e-05, -0.0001312508795336953]}, "446": {"x": -8.885043746008275, "y": 31.267871486035542, "z": 10.606655502908527, "r": [-0.0038739869002633043, 0.0024752714676878895, -0.0016287058582840075]}, "447": {"x": -14.701127868166301, "y": 32.04721799245657, "z": 9.179778196688128, "r": [-0.004462201258267129, 0.001115570136001054, -0.0012579489608128824]}, "448": {"x": -11.493029818624683, "y": 29.97318096025818, "z": 10.516307507010772, "r": [3.320758853675443e-06, -6.0426750856379385e-06, -1.755638629497014e-05]}, "449": {"x": -29.491502953651214, "y": -23.231549121489582, "z": 16.39040826105349, "r": [5.478616351695109e-07, -1.7994466467996517e-06, -1.1433932041171602e-05]}, "450": {"x": -25.333455845835843, "y": -22.262102225176484, "z": 16.596677363398914, "r": [6.09861064759798e-07, -4.6942576048536466e-07, -9.174568338821132e-06]}, "451": {"x": -27.98759942656142, "y": -25.251142492779096, "z": 16.5753721726226, "r": [3.119308189525327e-08, -5.092045611831963e-07, -4.457567833071607e-06]}, "452": {"x": -26.970148081508853, "y": -20.15854040211613, "z": 16.376488035437767, "r": [2.226126575521903e-06, -1.8988770307259983e-06, -2.1137328900522334e-05]}, "453": {"x": -20.73508452118958, "y": -31.987967553951197, "z": 16.39040826105345, "r": [-1.7994466698922906e-06, 5.478616103005152e-07, -1.1433932002091751e-05]}, "454": {"x": -19.765637624876433, "y": -27.829920446135777, "z": 16.59667736339889, "r": [-4.6942574272179627e-07, 6.098610789706527e-07, -9.174568321057563e-06]}, "455": {"x": -22.754677892479076, "y": -30.484064026861383, "z": 16.57537217262256, "r": [-5.092045327614869e-07, 3.1193103211535345e-08, -4.457567847282462e-06]}, "456": {"x": -17.66207580181604, "y": -29.466612681808748, "z": 16.376488035437724, "r": [-1.898877023620571e-06, 2.226126575521903e-06, -2.113732889696962e-05]}, "457": {"x": 21.76089544696533, "y": 28.02084927912684, "z": 16.390408261053437, "r": [1.7994466183779423e-06, -5.478616422749383e-07, -1.1433932039395245e-05]}, "458": {"x": 20.79144855065212, "y": 23.862802171311376, "z": 16.596677363398886, "r": [4.6942577824893306e-07, -6.098610327853748e-07, -9.174568319281207e-06]}, "459": {"x": 23.78048881825478, "y": 26.516945752036992, "z": 16.575372172622572, "r": [5.092045398669143e-07, -3.119309255339431e-08, -4.457567833071607e-06]}, "460": {"x": 18.687886727591806, "y": 25.499494406984386, "z": 16.376488035437696, "r": [1.89887701296243e-06, -2.226126586180044e-06, -2.1137328900522334e-05]}, "461": {"x": 30.517313879426958, "y": 19.264430846665228, "z": 16.390408261053498, "r": [-5.478616316167972e-07, 1.7994466467996517e-06, -1.143393201985532e-05]}, "462": {"x": 26.359266771611516, "y": 18.294983950352016, "z": 16.596677363398914, "r": [-6.098610434435159e-07, 4.6942578180164674e-07, -9.174568306846709e-06]}, "463": {"x": 29.013410352337136, "y": 21.28402421795469, "z": 16.575372172622604, "r": [-3.119308900068063e-08, 5.092045327614869e-07, -4.457567815308039e-06]}, "464": {"x": 27.99595900728451, "y": 16.191422127291684, "z": 16.376488035437763, "r": [-2.2261265897327576e-06, 1.8988770165151436e-06, -2.1137328889864193e-05]}, "465": {"x": -6.6768404020643555, "y": -20.847014728462625, "z": 18.324955457683625, "r": [1.0929847501728318e-05, 0.00019547938200759063, -0.00048689550169456197]}, "466": {"x": -11.646675726757211, "y": -20.777565659156043, "z": 18.033481133559455, "r": [1.644646953913309e-05, 5.715456233446048e-05, -0.0002077270821843058]}, "467": {"x": -9.282735487396696, "y": -22.782661275309838, "z": 17.58801217691162, "r": [2.4787915577917374e-06, 8.41555798842819e-05, -0.00026899628864107683]}, "468": {"x": -9.129742506865105, "y": -18.740943777282435, "z": 18.95262178439693, "r": [7.395575031843293e-05, 0.00024612708870819233, -0.0006338823254239401]}, "469": {"x": 8.418620489511238, "y": -20.922781948396743, "z": 16.48215804814633, "r": [-0.00012123376591333113, 0.00022798031588422418, -0.00047687014373920533]}, "470": {"x": 13.217954189926468, "y": -20.98055102288785, "z": 15.047595819991034, "r": [-3.404699190312499e-05, 4.708499831806989e-05, -0.00011650717160449631]}, "471": {"x": 10.686503799225857, "y": -18.862151112580943, "z": 16.792765076653573, "r": [-0.00014945381882114361, 0.00023843102462350885, -0.0004899815031311761]}, "472": {"x": 11.004193738819163, "y": -22.92283822256875, "z": 14.901986531179562, "r": [-4.776409903683998e-05, 7.818458016473073e-05, -0.00018735149751591962]}, "473": {"x": 22.42657243665454, "y": -32.22437901390711, "z": 8.818402375089473, "r": [-7.267140063049737e-07, 1.0568433310709224e-06, -3.7582356231524727e-06]}, "474": {"x": 21.37097755633891, "y": -28.142848175284506, "z": 10.263114439671904, "r": [-7.744625420968987e-07, 9.498559450094035e-07, -3.295286244764384e-06]}, "475": {"x": 19.371815334382784, "y": -29.70930946647323, "z": 10.303078656709108, "r": [-1.7847424693684388e-06, 2.4751144920287516e-06, -8.107070122775895e-06]}, "476": {"x": 24.347148017625994, "y": -30.79153488305691, "z": 8.74869040236471, "r": [-2.894243493756221e-07, 3.64667691599152e-07, -1.3861363576950225e-06]}, "477": {"x": -18.350550128162585, "y": -9.173305002364373, "z": 18.32495545768362, "r": [0.00019547938202180148, 1.0929847496399248e-05, -0.0004868955017016674]}, "478": {"x": -18.281101058856056, "y": -14.143140327057232, "z": 18.033481133559437, "r": [5.715456233446048e-05, 1.6446469540909447e-05, -0.0002077270821594368]}, "479": {"x": -16.244479176982455, "y": -11.626207107165119, "z": 18.952621784396907, "r": [0.00024612708873128497, 7.395575032731472e-05, -0.0006338823254345982]}, "480": {"x": -20.286196675009798, "y": -11.779200087696715, "z": 17.588012176911626, "r": [8.415557989138733e-05, 2.4787915702262353e-06, -0.0002689962886783803]}, "481": {"x": -18.426317348096607, "y": 5.922155889211094, "z": 16.48215804814632, "r": [0.00022798031590198775, -0.00012123376591155477, -0.00047687014377117976]}, "482": {"x": -18.48408642258771, "y": 10.721489589626286, "z": 15.047595819991034, "r": [4.708499830741175e-05, -3.4046991899572276e-05, -0.00011650717162048352]}, "483": {"x": -16.365686512280796, "y": 8.190039198925692, "z": 16.792765076653545, "r": [0.00023843102461107435, -0.00014945381881581454, -0.000489981503100978]}, "484": {"x": -20.426373622268617, "y": 8.507729138518982, "z": 14.901986531179572, "r": [7.81845801824943e-05, -4.776409904216905e-05, -0.0001873514975248014]}, "485": {"x": 7.702651327840174, "y": 16.879896453638317, "z": 18.324955457683544, "r": [-1.0929847503504675e-05, -0.00019547938201824877, -0.0004868955016981147]}, "486": {"x": 12.672486652532998, "y": 16.810447384331724, "z": 18.033481133559413, "r": [-1.644646952847495e-05, -5.715456231669691e-05, -0.00020772708214877866]}, "487": {"x": 10.308546413172495, "y": 18.815543000485498, "z": 17.588012176911555, "r": [-2.4787915542390238e-06, -8.415557987007105e-05, -0.0002689962886250896]}, "488": {"x": 10.155553432640914, "y": 14.773825502458171, "z": 18.95262178439687, "r": [-7.3955750323762e-05, -0.0002461270887099687, -0.0006338823254026238]}, "489": {"x": -7.3928095637353515, "y": 16.95566367357231, "z": 16.482158048146236, "r": [0.00012123376591688384, -0.00022798031589843504, -0.0004768701437605216]}, "490": {"x": -12.192143264150555, "y": 17.013432748063412, "z": 15.047595819990999, "r": [3.4046991912006774e-05, -4.708499832517532e-05, -0.00011650717163824709]}, "491": {"x": -9.660692873449968, "y": 14.89503283775651, "z": 16.792765076653506, "r": [0.00014945381882114361, -0.0002384310246217325, -0.0004899815031311761]}, "492": {"x": -9.978382813043247, "y": 18.9557199477443, "z": 14.901986531179514, "r": [4.776409903861634e-05, -7.818458017183616e-05, -0.00018735149751769598]}, "493": {"x": 19.376361053938467, "y": 5.206186727540084, "z": 18.32495545768364, "r": [-0.0001954793819969325, -1.0929847493734712e-05, -0.0004868955016981147]}, "494": {"x": 19.306911984631824, "y": 10.176022052232879, "z": 18.03348113355947, "r": [-5.71545623131442e-05, -1.6446469532027663e-05, -0.00020772708214167324]}, "495": {"x": 17.27029010275827, "y": 7.659088832340814, "z": 18.952621784396932, "r": [-0.00024612708871529776, -7.395575032553836e-05, -0.0006338823254132819]}, "496": {"x": 21.312007600785638, "y": 7.81208181287239, "z": 17.588012176911636, "r": [-8.415557987362376e-05, -2.47879155068631e-06, -0.00026899628862331326]}, "497": {"x": 19.45212827387252, "y": -9.889274164035443, "z": 16.482158048146317, "r": [-0.00022798031589843504, 0.00012123376592043655, -0.0004768701437605216]}, "498": {"x": 19.509897348363644, "y": -14.688607864450654, "z": 15.047595819991043, "r": [-4.708499831451718e-05, 3.404699190312499e-05, -0.00011650717163824709]}, "499": {"x": 17.391497438056724, "y": -12.157157473750075, "z": 16.79276507665356, "r": [-0.00023843102461995613, 0.00014945381881936726, -0.0004899815031400578]}, "500": {"x": 21.452184548044524, "y": -12.474847413343344, "z": 14.901986531179592, "r": [-7.818458016828345e-05, 4.776409903861634e-05, -0.0001873514975372359]}, "501": {"x": 30.75372533938287, "y": -23.897226111178654, "z": 8.818402375089534, "r": [-1.0568432848856446e-06, 7.267139743305506e-07, -3.7582355698617675e-06]}, "502": {"x": 26.67219450076024, "y": -22.841631230863058, "z": 10.263114439671963, "r": [-9.498559272458351e-07, 7.744625349914713e-07, -3.295286264304309e-06]}, "503": {"x": 29.32088120853273, "y": -25.817801692150216, "z": 8.748690402364733, "r": [-3.646676987045794e-07, 2.8942435648104947e-07, -1.386136407433014e-06]}, "504": {"x": 28.238655791948986, "y": -20.842469008906917, "z": 10.303078656709175, "r": [-2.4751145062396063e-06, 1.7847424693684388e-06, -8.107070126328608e-06]}, "505": {"x": -29.727914413607, "y": 19.930107836354352, "z": 8.818402375089507, "r": [1.0568433097546404e-06, -7.267139956468327e-07, -3.7582356053889043e-06]}, "506": {"x": -25.646383574984338, "y": 18.87451295603867, "z": 10.263114439671948, "r": [9.498559307985488e-07, -7.744625243333303e-07, -3.2952862376589565e-06]}, "507": {"x": -28.29507028275684, "y": 21.850683417325868, "z": 8.748690402364726, "r": [3.64667691599152e-07, -2.894243351647674e-07, -1.3861363701295204e-06]}, "508": {"x": -27.212844866173036, "y": 16.87535073408256, "z": 10.303078656709166, "r": [2.475114499134179e-06, -1.7847424835792935e-06, -8.107070119223181e-06]}, "509": {"x": -21.40076151087867, "y": 28.257260739082735, "z": 8.81840237508943, "r": [7.26713992094119e-07, -1.0568433204127814e-06, -3.758235604500726e-06]}, "510": {"x": -20.345166630562982, "y": 24.17572990046009, "z": 10.263114439671885, "r": [7.74462527886044e-07, -9.498559307985488e-07, -3.29528624121167e-06]}, "511": {"x": -18.346004408606877, "y": 25.74219119164883, "z": 10.303078656709067, "r": [1.7847424622630115e-06, -2.4751145062396063e-06, -8.10707010323597e-06]}, "512": {"x": -23.32133709185009, "y": 26.824416608232518, "z": 8.748690402364701, "r": [2.894243529283358e-07, -3.6466770581000674e-07, -1.3861363648004499e-06]}, "513": {"x": -32.45713484683386, "y": -33.44338228283285, "z": 17.29771243540295, "r": [-4.377623952223075e-08, -6.459958257210019e-08, -1.8121606970566972e-07]}, "514": {"x": -30.94691768253285, "y": -34.95359944713386, "z": 17.29771243540294, "r": [-6.459956125581812e-08, -4.377625373308547e-08, -1.812161052328065e-07]}, "515": {"x": -29.32172399592561, "y": -30.19124582167897, "z": 16.8664484187831, "r": [-3.510083956825838e-08, -5.2347033374644525e-08, -3.0102841463985897e-07]}, "516": {"x": -27.694781221379003, "y": -31.818188596225646, "z": 16.866448418783104, "r": [-5.234706890178131e-08, -3.510086798996781e-08, -3.010283613491538e-07]}, "517": {"x": -9.994557901658599, "y": -30.360742171272182, "z": 15.62875206091298, "r": [-8.525649549007142e-06, 1.5507105864287496e-05, -6.414290461975725e-05]}, "518": {"x": -7.086707932974678, "y": -28.363157699915533, "z": 15.85287330232395, "r": [-1.3276013056895408e-05, 3.514548208016777e-05, -0.00011733503580657612]}, "519": {"x": -12.433722652616936, "y": -28.76970133615702, "z": 16.178553955809733, "r": [-5.908650773989166e-06, 1.3156951908399606e-05, -6.420237615856195e-05]}, "520": {"x": -9.579299208513032, "y": -26.65901766262036, "z": 16.501004108968967, "r": [-8.97637739960544e-06, 3.584657937238944e-05, -0.00013306940315693794]}, "521": {"x": -6.643404597690128, "y": -13.280451011235447, "z": 22.227403816869725, "r": [-0.0019697172346786473, 0.04072302556065299, 0.0348072553167178]}, "522": {"x": -10.783986410935457, "y": -9.139869197990121, "z": 22.227403816869728, "r": [0.04072302556061658, -0.0019697172346990754, 0.03480725531675688]}, "523": {"x": -9.128736174536332, "y": -14.368666275922672, "z": 20.813775279693026, "r": [0.0007825236617478026, 0.0009411812774633432, -0.0020742562237359152]}, "524": {"x": -11.87220167562269, "y": -11.625200774836339, "z": 20.813775279693026, "r": [0.0009411812774366979, 0.0007825236617318154, -0.0020742562237110462]}, "525": {"x": -25.866693099615535, "y": -9.583172533274697, "z": 15.85287330232399, "r": [3.514548210148405e-05, -1.3276013051566338e-05, -0.00011733503584210325]}, "526": {"x": -27.86427757097218, "y": -12.491022501958604, "z": 15.628752060913031, "r": [1.550710587849835e-05, -8.525649557000747e-06, -6.414290465173167e-05]}, "527": {"x": -26.273236735857044, "y": -14.930187252916973, "z": 16.178553955809775, "r": [1.3156951901294178e-05, -5.9086507775418795e-06, -6.420237615856195e-05]}, "528": {"x": -24.162553062320285, "y": -12.07576380881301, "z": 16.501004108969003, "r": [3.5846579393705724e-05, -8.976377387170942e-06, -0.000133069403162267]}, "529": {"x": 33.482945772609696, "y": 29.47626400800865, "z": 17.297712435402993, "r": [4.377623952223075e-08, 6.45995470449634e-08, -1.812160910219518e-07]}, "530": {"x": 31.972728608308714, "y": 30.98648117230962, "z": 17.297712435402985, "r": [6.459958257210019e-08, 4.377623952223075e-08, -1.8121608391652444e-07]}, "531": {"x": 28.720592147154733, "y": 27.85107032140127, "z": 16.86644841878313, "r": [5.234707600720867e-08, 3.510087509539517e-08, -3.0102836845458114e-07]}, "532": {"x": 30.347534921701445, "y": 26.22412754685467, "z": 16.866448418783143, "r": [3.510086088454045e-08, 5.2347061796353955e-08, -3.0102840042900425e-07]}, "533": {"x": 11.020368827434433, "y": 26.393623896447835, "z": 15.628752060912905, "r": [8.525649554336212e-06, -1.550710587849835e-05, -6.414290464462624e-05]}, "534": {"x": 8.112518858750507, "y": 24.396039425091164, "z": 15.852873302323875, "r": [1.3276013055119051e-05, -3.514548210148405e-05, -0.00011733503582433968]}, "535": {"x": 13.45953357839277, "y": 24.802583061332722, "z": 16.17855395580967, "r": [5.908650781094593e-06, -1.3156951901294178e-05, -6.420237616211466e-05]}, "536": {"x": 10.605110134288866, "y": 22.69189938779602, "z": 16.501004108968903, "r": [8.976377403158153e-06, -3.5846579393705724e-05, -0.00013306940319779414]}, "537": {"x": 7.669215523465891, "y": 9.313332736411208, "z": 22.227403816869703, "r": [0.001969717234691082, -0.040723025560651216, 0.03480725531673201]}, "538": {"x": 11.809797336711252, "y": 5.172750923165868, "z": 22.227403816869717, "r": [-0.040723025560602366, 0.001969717234702628, 0.03480725531677109]}, "539": {"x": 10.154547100312133, "y": 10.401548001098433, "z": 20.813775279692997, "r": [-0.0007825236617353681, -0.0009411812774438033, -0.00207425622372881]}, "540": {"x": 12.898012601398497, "y": 7.658082500012075, "z": 20.813775279693026, "r": [-0.000941181277447356, -0.0007825236617424736, -0.002074256223725257]}, "541": {"x": 26.89250402539143, "y": 5.616054258450415, "z": 15.852873302324015, "r": [-3.514548208016777e-05, 1.3276013060448122e-05, -0.00011733503583144511]}, "542": {"x": 28.89008849674807, "y": 8.523904227134327, "z": 15.628752060913067, "r": [-1.5507105871392923e-05, 8.52564956144164e-06, -6.414290464107353e-05]}, "543": {"x": 27.299047661632883, "y": 10.963068978092636, "z": 16.17855395580979, "r": [-1.3156951908399606e-05, 5.908650770436452e-06, -6.420237617987823e-05]}, "544": {"x": 25.188363988096174, "y": 8.108645533988724, "z": 16.501004108969017, "r": [-3.5846579375942156e-05, 8.976377397829083e-06, -0.0001330694031587143]}, "545": {"x": 8.103753902565398, "y": -13.128960756480106, "z": 21.36004007369182, "r": [-0.008231308487104627, 0.04076962951177876, 0.04540162315300833]}, "546": {"x": 11.65830708195588, "y": -9.574407577089632, "z": 21.360040073691792, "r": [-0.040769629511771655, 0.008231308487106404, 0.04540162315301011]}, "547": {"x": 10.439208930885268, "y": -14.439855376567518, "z": 19.268064490152884, "r": [-0.0006297142388493882, 0.0010256645482122906, -0.002014725573936005]}, "548": {"x": 12.969201702043305, "y": -11.9098626054095, "z": 19.268064490152863, "r": [-0.0010256645482087379, 0.0006297142388511645, -0.002014725573932452]}, "549": {"x": 9.04969518063108, "y": -28.4562820741438, "z": 13.207318814583232, "r": [-1.737735254359052e-05, 3.250071956273359e-05, -8.464831260823757e-05]}, "550": {"x": 11.93606130773775, "y": -30.47921972877978, "z": 11.825815228901465, "r": [-7.70314374065606e-06, 1.3478262786748019e-05, -3.762424770847872e-05]}, "551": {"x": 11.425217875815282, "y": -26.79657593652129, "z": 13.275484429998938, "r": [-1.881843924600446e-05, 3.187765914347551e-05, -8.391957683606677e-05]}, "552": {"x": 14.265873096945967, "y": -28.937876112249505, "z": 11.814492122969034, "r": [-7.162926642934053e-06, 1.1393851551133594e-05, -3.2750985234031305e-05]}, "553": {"x": 32.367308326227516, "y": -35.26226089725823, "z": 5.682384909651845, "r": [3.991473818132363e-10, 1.9107062598777702e-09, -2.2306224423118692e-08]}, "554": {"x": 33.79160722273398, "y": -33.83796200075168, "z": 5.682384909651862, "r": [-1.9106494164589094e-09, -3.992255415141699e-10, -2.230617113241351e-08]}, "555": {"x": 29.16554011615995, "y": -32.17734820853116, "z": 7.198710631072514, "r": [-1.3271360899125284e-08, 1.5419303167618637e-08, -7.482256769719697e-08]}, "556": {"x": 30.706694534006974, "y": -30.636193790684125, "z": 7.198710631072512, "r": [-1.5419345800182782e-08, 1.3271396426262072e-08, -7.482258368440853e-08]}, "557": {"x": 26.98562839961979, "y": -10.520348855155275, "z": 13.207318814583246, "r": [-3.250071954852274e-05, 1.7377352547143232e-05, -8.464831260823757e-05]}, "558": {"x": 29.008566054255674, "y": -13.40671498226191, "z": 11.825815228901527, "r": [-1.3478262776089878e-05, 7.703143724668848e-06, -3.762424769071515e-05]}, "559": {"x": 25.325922261997132, "y": -12.89587155033945, "z": 13.275484429998992, "r": [-3.18776591150538e-05, 1.8818439230017248e-05, -8.391957681297413e-05]}, "560": {"x": 27.46722243772534, "y": -15.736526771470132, "z": 11.81449212296909, "r": [-1.139385150850103e-05, 7.1629266393813396e-06, -3.275098521982045e-05]}, "561": {"x": -10.632496156180054, "y": 5.607289302265314, "z": 21.360040073691803, "r": [0.04076962951177787, -0.008231308487105071, 0.045401623153015436]}, "562": {"x": -7.077942976789579, "y": 9.161842481655766, "z": 21.360040073691803, "r": [0.008231308487111733, -0.040769629511785865, 0.04540162315299412]}, "563": {"x": -11.943390776267426, "y": 7.942744330585143, "z": 19.268064490152856, "r": [0.0010256645481980797, -0.0006297142388405064, -0.0020147255739182413]}, "564": {"x": -9.41339800510942, "y": 10.47273710174316, "z": 19.268064490152838, "r": [0.0006297142388707044, -0.001025664548238936, -0.0020147255739750847]}, "565": {"x": -8.023884254855213, "y": 24.489163799319456, "z": 13.207318814583138, "r": [1.7377352538261448e-05, -3.2500719555628166e-05, -8.464831260823757e-05]}, "566": {"x": -10.910250381961873, "y": 26.512101453955342, "z": 11.825815228901414, "r": [7.703143726445205e-06, -1.347826276898445e-05, -3.762424771558415e-05]}, "567": {"x": -10.39940695003938, "y": 22.82945766169684, "z": 13.275484429998894, "r": [1.8818439237122675e-05, -3.1877659125711943e-05, -8.391957681652684e-05]}, "568": {"x": -13.240062171170088, "y": 24.970757837425058, "z": 11.814492122969003, "r": [7.162926635828626e-06, -1.1393851522711884e-05, -3.275098523047859e-05]}, "569": {"x": -31.34149740045161, "y": 31.295142622433843, "z": 5.682384909651862, "r": [-3.991473818132363e-10, -1.9107062598777702e-09, -2.230623152854605e-08]}, "570": {"x": -32.76579629695803, "y": 29.870843725927287, "z": 5.682384909651901, "r": [1.9106991544504126e-09, 3.991900143773819e-10, -2.230617290877035e-08]}, "571": {"x": -29.680883608231056, "y": 26.66907551585976, "z": 7.198710631072538, "r": [1.5419310273045994e-08, -1.3271368004552642e-08, -7.482255881541278e-08]}, "572": {"x": -28.139729190384028, "y": 28.210229933706795, "z": 7.198710631072515, "r": [1.3271396426262072e-08, -1.5419317378473352e-08, -7.482259434254956e-08]}, "573": {"x": -25.959817473843827, "y": 6.553230580330959, "z": 13.207318814583235, "r": [3.2500719555628166e-05, -1.7377352545366875e-05, -8.464831260468486e-05]}, "574": {"x": -27.982755128479695, "y": 9.439596707437602, "z": 11.825815228901511, "r": [1.3478262772537164e-05, -7.703143734438811e-06, -3.762424770314965e-05]}, "575": {"x": -24.300111336221196, "y": 8.928753275515115, "z": 13.275484429998963, "r": [3.18776591150538e-05, -1.881843923356996e-05, -8.391957679876327e-05]}, "576": {"x": -26.441411511949347, "y": 11.76940849664579, "z": 11.814492122969089, "r": [1.1393851529817312e-05, -7.162926635828626e-06, -3.275098523758402e-05]}, "577": {"x": -39.302584219579444, "y": -40.53458528257517, "z": 18.693030909400722, "r": [-2.517097641430155e-10, -1.6703253891137138e-08, 7.00959930099998e-08]}, "578": {"x": -38.03812068227515, "y": -41.79904881987944, "z": 18.69303090940071, "r": [-1.6703204153145634e-08, -2.516884478609427e-10, 7.009596103557669e-08]}, "579": {"x": 40.3283951453553, "y": 36.56746700775103, "z": 18.693030909400747, "r": [2.517523967071611e-10, 1.6703253891137138e-08, 7.009600722085452e-08]}, "580": {"x": 39.06393160805102, "y": 37.83193054505527, "z": 18.693030909400736, "r": [1.6703204153145634e-08, 2.516955532883003e-10, 7.009596458829037e-08]}, "581": {"x": -4.722609275338699, "y": -33.36310703290175, "z": 14.083064236086102, "r": [-5.0810096363651525e-06, 8.275715870809108e-06, -2.7059243003613176e-05]}, "582": {"x": -1.7584042839066119, "y": -31.611851294823282, "z": 14.12131579202294, "r": [-9.40602818300107e-06, 1.8463242589916717e-05, -5.358590490445181e-05]}, "583": {"x": 3.885239865262395, "y": -31.637597796739115, "z": 13.089019797147355, "r": [-9.093884040467515e-06, 1.8108314833398254e-05, -4.847847471722844e-05]}, "584": {"x": 6.826873423775264, "y": -33.40772598031191, "z": 11.869519950345095, "r": [-3.930371975435776e-06, 7.393858680870835e-06, -2.027270845417206e-05]}, "593": {"x": 30.141197620299277, "y": 0.2877506093824032, "z": 14.121315792023028, "r": [-1.8463242575705863e-05, 9.406028179448356e-06, -5.35859048760301e-05]}, "594": {"x": 30.166944122215096, "y": -5.355893539786596, "z": 13.089019797147424, "r": [-1.81083148191874e-05, 9.093884042243872e-06, -4.8478474734992005e-05]}, "595": {"x": 31.89245335837784, "y": 3.2519556008145187, "z": 14.083064236086209, "r": [-8.275715863703681e-06, 5.08100964635716e-06, -2.7059243027593993e-05]}, "596": {"x": 31.93707230578793, "y": -8.297527098299438, "z": 11.86951995034516, "r": [-7.393858737714254e-06, 3.93037200696611e-06, -2.0272708613156e-05]}, "597": {"x": 39.28476810945822, "y": -41.933142041658584, "z": 2.554925439156996, "r": [7.08070047039655e-09, -6.119208251220698e-09, 2.523722875125145e-08]}, "598": {"x": 40.462488367134355, "y": -40.75542178398245, "z": 2.5549254391569907, "r": [6.119165618656552e-09, -7.080622310695617e-09, 2.5237191891847033e-08]}, "599": {"x": -38.258957183682455, "y": 37.966023766834304, "z": 2.5549254391569742, "r": [-7.080629416122974e-09, 6.119108775237692e-09, 2.5237185230508885e-08]}, "600": {"x": -39.43667744135855, "y": 36.78830350915814, "z": 2.5549254391569893, "r": [-6.119122986092407e-09, 7.080579678131471e-09, 2.5237183010062836e-08]}, "601": {"x": -29.11538669452333, "y": -4.254868884206676, "z": 14.121315792022994, "r": [1.8463242575705863e-05, -9.406028179448356e-06, -5.358590487958281e-05]}, "602": {"x": -29.141133196439178, "y": 1.3887752649623055, "z": 13.0890197971474, "r": [1.810831481208197e-05, -9.093884041355693e-06, -4.847847470301758e-05]}, "603": {"x": -30.86664243260186, "y": -7.2190738756387764, "z": 14.083064236086173, "r": [8.27571585304554e-06, -5.081009645024892e-06, -2.705924301160678e-05]}, "604": {"x": -30.911261380011908, "y": 4.330408823475158, "z": 11.869519950345156, "r": [7.393858680870835e-06, -3.9303719918670765e-06, -2.027270853410812e-05]}, "605": {"x": 5.748420201114548, "y": 29.395988758077433, "z": 14.083064236086045, "r": [5.081009639917866e-06, -8.275715845940113e-06, -2.7059242991178678e-05]}, "606": {"x": 2.7842152096824524, "y": 27.6447330199989, "z": 14.121315792022871, "r": [9.406028180336534e-06, -1.8463242575705863e-05, -5.358590487958281e-05]}, "607": {"x": -2.85942893948655, "y": 27.670479521914732, "z": 13.089019797147277, "r": [9.093884036026623e-06, -1.8108314797871117e-05, -4.8478474685254014e-05]}, "608": {"x": -5.801062497999414, "y": 29.440607705487523, "z": 11.869519950345001, "r": [3.930372002081128e-06, -7.393858737714254e-06, -2.0272708569635256e-05]}, "609": {"x": -35.03181612219266, "y": -29.910031232374624, "z": 17.106274438443055, "r": [-1.448410387183685e-07, -4.28144068820302e-06, -6.401541821077217e-06]}, "610": {"x": -32.20813724028269, "y": -18.730053509920204, "z": 15.68717466296792, "r": [3.7722638026593813e-06, -7.067195300081153e-06, -2.6887242988493654e-05]}, "611": {"x": -32.17618858584229, "y": -26.477902796406354, "z": 16.634911139779632, "r": [-1.0566701291736535e-08, -1.6458330165391999e-06, -6.624034490698705e-06]}, "612": {"x": -30.894227751747895, "y": -21.05971769860001, "z": 16.09789421264652, "r": [1.3814837700465432e-06, -2.794313978426999e-06, -1.5691764517100637e-05]}, "613": {"x": -27.413566632074616, "y": -37.528280722492624, "z": 17.106274438443034, "r": [-4.281440730835584e-06, -1.4484104582379587e-07, -6.401541849498926e-06]}, "614": {"x": -16.23358890962021, "y": -34.704601840582676, "z": 15.687174662967854, "r": [-7.067195289423012e-06, 3.7722638204229497e-06, -2.6887243004480865e-05]}, "615": {"x": -23.98143819610636, "y": -34.67265318614226, "z": 16.634911139779597, "r": [-1.645832981012063e-06, -1.0566672870027105e-08, -6.6240344942514184e-06]}, "616": {"x": -18.563253098300027, "y": -33.39069235204792, "z": 16.097894212646466, "r": [-2.7943139926378535e-06, 1.3814837487302611e-06, -1.569176450999521e-05]}, "617": {"x": 28.439377557850428, "y": 33.56116244766838, "z": 17.106274438443048, "r": [4.281440741493725e-06, 1.4484108135093265e-07, -6.401541828182644e-06]}, "618": {"x": 17.259399835396056, "y": 30.737483565758403, "z": 15.687174662967845, "r": [7.067195298304796e-06, -3.7722638133175224e-06, -2.688724300803358e-05]}, "619": {"x": 25.00724912188217, "y": 30.705534911317955, "z": 16.634911139779618, "r": [1.6458329952229178e-06, 1.056668708088182e-08, -6.624034512014987e-06]}, "620": {"x": 19.589064024075817, "y": 29.423574077223552, "z": 16.097894212646448, "r": [2.794313974874285e-06, -1.381483784257398e-06, -1.5691764502889782e-05]}, "621": {"x": 36.05762704796863, "y": 25.94291295755046, "z": 17.106274438443112, "r": [1.4484104582379587e-07, 4.281440695308447e-06, -6.401541821077217e-06]}, "622": {"x": 33.233948166058674, "y": 14.762935235096004, "z": 15.687174662967971, "r": [-3.7722638346338044e-06, 7.0671952911993685e-06, -2.6887243015139006e-05]}, "623": {"x": 33.20199951161815, "y": 22.51078452158212, "z": 16.634911139779664, "r": [1.0566651553745032e-08, 1.645832981012063e-06, -6.624034497804132e-06]}, "624": {"x": 31.920038677523742, "y": 17.092599423775717, "z": 16.097894212646544, "r": [-1.3814837913628253e-06, 2.794313978426999e-06, -1.5691764513547923e-05]}, "625": {"x": -1.5923053000982175, "y": -24.59558608176367, "z": 16.60975319689428, "r": [-3.145471200216576e-05, 0.00011423836284052413, -0.00028191803713184527]}, "626": {"x": 3.6119797497300787, "y": -24.621102618920457, "z": 15.855421084041181, "r": [-4.918677629017765e-05, 0.00012121511055340761, -0.00028046178673690747]}, "627": {"x": -1.5306863621629092, "y": -17.501211098359768, "z": 19.92723895431033, "r": [-1.4413465926121916e-05, 0.00027449570806936663, -0.0005541711786527515]}, "628": {"x": 3.427100913231788, "y": -17.478506665189673, "z": 19.448761801290267, "r": [-0.0001587157881779433, 0.00048651498112661784, -0.0008657936277352007]}, "629": {"x": -4.166811463020899, "y": -22.772809221975656, "z": 17.536128070930083, "r": [-1.8994767091662368e-05, 0.00014582726715062222, -0.00036125522823660106]}, "630": {"x": -4.099765625202906, "y": -19.084731686927658, "z": 19.135631417739628, "r": [7.352574811658741e-06, 0.00028833939136241327, -0.0006073032797608846]}, "631": {"x": 5.900268248473827, "y": -19.097424815683038, "z": 18.030465634787774, "r": [-0.00020522477546336404, 0.0004719947406286451, -0.0008769848796852386]}, "632": {"x": 6.063956167156413, "y": -22.821285005331955, "z": 16.16577852411247, "r": [-7.825503901637276e-05, 0.00017048556966159367, -0.00037339054596330357]}, "633": {"x": 18.128198878184953, "y": -34.82450323682613, "z": 9.041997719655425, "r": [-1.921194947129834e-06, 3.68285180840644e-06, -1.1706318453263975e-05]}, "634": {"x": 29.01489266186834, "y": -37.67899884186164, "z": 5.871094538423654, "r": [2.3055017805972966e-07, 2.418453703967316e-07, -8.392982682181582e-07]}, "635": {"x": 20.356534876480033, "y": -33.5644198186608, "z": 8.917627664436, "r": [-1.1069912382311031e-06, 1.7342591718261247e-06, -5.834579118513261e-06]}, "636": {"x": 25.63848719017672, "y": -34.879132160952715, "z": 7.345134561671341, "r": [-2.6221164262096863e-07, 4.7341004005829745e-07, -1.7980496984648653e-06]}, "637": {"x": -15.004746498059738, "y": -4.02715096246294, "z": 19.927238954310322, "r": [0.0002744957080658139, -1.4413465927454183e-05, -0.0005541711786420933]}, "638": {"x": -14.982042064889615, "y": 0.9306363129317232, "z": 19.448761801290257, "r": [0.0004865149811408287, -0.00015871578818060783, -0.0008657936277600697]}, "639": {"x": -22.09912148146367, "y": -4.088769900398265, "z": 16.60975319689428, "r": [0.00011423836287605127, -3.145471200305394e-05, -0.00028191803715671426]}, "640": {"x": -22.12463801862048, "y": 1.1155151494299875, "z": 15.85542108404116, "r": [0.00012121511054274947, -4.918677628551471e-05, -0.0002804617867191439]}, "641": {"x": -16.58826708662763, "y": -6.596230225502931, "z": 19.135631417739617, "r": [0.0002883393913766241, 7.352574814767365e-06, -0.0006073032797822009]}, "642": {"x": -20.276344621675623, "y": -6.663276063320928, "z": 17.536128070930108, "r": [0.000145827267159504, -1.8994767091662368e-05, -0.00036125522822949563]}, "643": {"x": -16.600960215382962, "y": 3.4038036481737275, "z": 18.030465634787753, "r": [0.0004719947406091052, -0.0002052247754591452, -0.0008769848796550406]}, "644": {"x": -20.324820405031893, "y": 3.5674915668562983, "z": 16.16577852411247, "r": [0.00017048556965093553, -7.825503901681685e-05, -0.00037339054594731635]}, "645": {"x": 2.55649728793871, "y": 13.534092823535453, "z": 19.92723895431027, "r": [1.4413465927010094e-05, -0.00027449570807647206, -0.0005541711786563042]}, "646": {"x": -2.401289987455967, "y": 13.511388390365326, "z": 19.448761801290207, "r": [0.00015871578818105192, -0.0004865149811443814, -0.0008657936277529643]}, "647": {"x": 2.6181162258740525, "y": 20.628467806939348, "z": 16.609753196894196, "r": [3.145471200260985e-05, -0.00011423836286184041, -0.0002819180371389507]}, "648": {"x": -2.5861688239542286, "y": 20.653984344096123, "z": 15.855421084041087, "r": [4.9186776285292666e-05, -0.0001212151105249859, -0.0002804617867120385]}, "649": {"x": 5.192622388796721, "y": 18.80569094715134, "z": 17.536128070930012, "r": [1.899476708988601e-05, -0.00014582726715417493, -0.0003612552282135084]}, "650": {"x": 5.125576550978717, "y": 15.117613412103369, "z": 19.135631417739543, "r": [-7.3525748129910085e-06, -0.0002883393913855059, -0.0006073032797893063]}, "651": {"x": -4.874457322697975, "y": 15.130306540858669, "z": 18.03046563478769, "r": [0.00020522477546425222, -0.0004719947406286451, -0.0008769848796941204]}, "652": {"x": -5.038145241380543, "y": 18.85416673050758, "z": 16.16577852411239, "r": [7.825503901726094e-05, -0.0001704855696438301, -0.00037339054595619814]}, "653": {"x": 16.030557423835585, "y": 0.06003268763865199, "z": 19.927238954310326, "r": [-0.0002744957080551558, 1.4413465924789648e-05, -0.0005541711786420933]}, "654": {"x": 16.007852990665473, "y": -4.897754587756038, "z": 19.448761801290264, "r": [-0.0004865149811408287, 0.0001587157881823842, -0.0008657936277529643]}, "655": {"x": 23.124932407239566, "y": 0.12165162557396145, "z": 16.6097531968943, "r": [-0.00011423836286184041, 3.1454712001471874e-05, -0.0002819180371425034]}, "656": {"x": 23.150448944396402, "y": -5.082633424254311, "z": 15.855421084041188, "r": [-0.00012121511051432776, 4.918677628129586e-05, -0.00028046178670848576]}, "657": {"x": 17.614078012403514, "y": 2.629111950678643, "z": 19.13563141773962, "r": [-0.00028833939138372955, -7.352574808550116e-06, -0.0006073032797786482]}, "658": {"x": 21.302155547451513, "y": 2.6961577884966257, "z": 17.53612807093012, "r": [-0.00014582726716483307, 1.899476708988601e-05, -0.00036125522825258827]}, "659": {"x": 17.626771141158862, "y": -7.370921922998062, "z": 18.030465634787756, "r": [-0.0004719947406286451, 0.00020522477546425222, -0.0008769848796692514]}, "660": {"x": 21.350631330807836, "y": -7.534609841680636, "z": 16.165778524112476, "r": [-0.00017048556966159367, 7.825503901592867e-05, -0.0003733905459650799]}, "661": {"x": 33.353849562301946, "y": -19.598852552709097, "z": 9.041997719655495, "r": [-3.6828517799847305e-06, 1.9211949435771203e-06, -1.1706318434612228e-05]}, "662": {"x": 36.208345167337356, "y": -30.485546336392435, "z": 5.871094538423687, "r": [-2.418453846075863e-07, -2.305502029287254e-07, -8.392982229210588e-07]}, "663": {"x": 33.40847848642844, "y": -27.109140864700823, "z": 7.3451345616713875, "r": [-4.7341000453116067e-07, 2.6221164262096863e-07, -1.7980496949121516e-06]}, "664": {"x": 32.09376614413655, "y": -21.82718855100415, "z": 8.917627664436065, "r": [-1.7342592073532614e-06, 1.1069912702055262e-06, -5.834579154040398e-06]}, "665": {"x": -35.1825342415615, "y": 26.518428061568223, "z": 5.87109453842368, "r": [2.4184536329130424e-07, 2.3055019582329805e-07, -8.392982309146646e-07]}, "666": {"x": -32.328038636526, "y": 15.631734277884803, "z": 9.041997719655466, "r": [3.6828518226172946e-06, -1.9211949435771203e-06, -1.1706318432835872e-05]}, "667": {"x": -32.3826675606526, "y": 23.14202258987658, "z": 7.345134561671372, "r": [4.734100187420154e-07, -2.6221164262096863e-07, -1.7980497108993632e-06]}, "668": {"x": -31.06795521836064, "y": 17.860070276179844, "z": 8.91762766443605, "r": [1.734259200247834e-06, -1.1069912631000989e-06, -5.834579127395045e-06]}, "669": {"x": -27.989081736092533, "y": 33.7118805670373, "z": 5.871094538423607, "r": [-2.3055014963802023e-07, -2.418454343455778e-07, -8.392982842053698e-07]}, "670": {"x": -17.102387952409106, "y": 30.85738496200173, "z": 9.04199771965536, "r": [1.9211949311426224e-06, -3.6828517693265894e-06, -1.170631841684866e-05]}, "671": {"x": -19.33072395070413, "y": 29.597301543836394, "z": 8.91762766443595, "r": [1.1069912595473852e-06, -1.7342591931424067e-06, -5.834579058117129e-06]}, "672": {"x": -24.61267626440087, "y": 30.91201388612834, "z": 7.345134561671307, "r": [2.622116355155413e-07, -4.7341000453116067e-07, -1.798049689583081e-06]}, "673": {"x": -23.59287636016644, "y": -24.236223067636406, "z": 16.704404608144362, "r": [3.047685481760709e-08, -1.293775042654488e-08, -1.1066416654159639e-06]}, "674": {"x": -22.83642297568032, "y": -19.429526807297467, "z": 16.850990709893328, "r": [2.896285046460889e-06, -8.481974944629656e-08, -2.2840091368436788e-05]}, "675": {"x": -21.739758467336355, "y": -26.089340960466426, "z": 16.704404608144348, "r": [-1.2937743321117523e-08, 3.0476872581175485e-08, -1.1066416689686775e-06]}, "676": {"x": -16.933062206997395, "y": -25.332887575980255, "z": 16.85099070989331, "r": [-8.481973523544184e-08, 2.8962850535663165e-06, -2.2840091375542215e-05]}, "677": {"x": -14.235546596522106, "y": -22.98272935038792, "z": 17.331217192013106, "r": [2.543454803216605e-06, 1.2664137095441674e-05, -6.535375638705432e-05]}, "678": {"x": -13.935885558436507, "y": -18.650945988015437, "z": 18.27078899291326, "r": [5.474495859303374e-06, 7.909041222831092e-06, -3.592752185710424e-05]}, "679": {"x": -16.154481387715425, "y": -16.432350158736504, "z": 18.270788992913264, "r": [7.90904122993652e-06, 5.474495861079731e-06, -3.5927521871315093e-05]}, "680": {"x": -20.486264750087926, "y": -16.732011196822146, "z": 17.33121719201313, "r": [1.2664137074125392e-05, 2.543454781900323e-06, -6.535375637461982e-05]}, "681": {"x": 22.76556939311201, "y": 22.12222268564193, "z": 16.704404608144355, "r": [1.2937746873831202e-08, -3.047685837032077e-08, -1.106641676074105e-06]}, "682": {"x": 17.958873132773093, "y": 21.365769301155837, "z": 16.8509907098933, "r": [8.481975655172391e-08, -2.896285050013603e-06, -2.284009136133136e-05]}, "683": {"x": 24.618687285942077, "y": 20.269104792811884, "z": 16.704404608144365, "r": [-3.0476872581175485e-08, 1.2937739768403844e-08, -1.1066416831795323e-06]}, "684": {"x": 23.862233901456, "y": 15.462408532473006, "z": 16.850990709893342, "r": [-2.896285035802748e-06, 8.481975655172391e-08, -2.2840091336462365e-05]}, "685": {"x": 15.261357522297844, "y": 19.01561107556352, "z": 17.331217192013085, "r": [-2.5434547978875344e-06, -1.2664137084783533e-05, -6.535375641192331e-05]}, "686": {"x": 14.961696484212274, "y": 14.68382771319109, "z": 18.27078899291326, "r": [-5.474495855750661e-06, -7.909041233489233e-06, -3.592752186065695e-05]}, "687": {"x": 17.180292313491176, "y": 12.465231883912162, "z": 18.270788992913282, "r": [-7.909041233489233e-06, -5.474495853974304e-06, -3.5927521853551525e-05]}, "688": {"x": 21.51207567586365, "y": 12.764892921997728, "z": 17.33121719201314, "r": [-1.2664137074125392e-05, -2.5434547978875344e-06, -6.535375637284346e-05]}, "689": {"x": 15.36781973531454, "y": -18.941537485347613, "z": 15.136713971772254, "r": [-5.682862489919671e-06, 6.377632484344531e-06, -1.706221293318322e-05]}, "690": {"x": 15.826295838599016, "y": -23.243382249707754, "z": 13.393603529293047, "r": [-8.58777841372671e-06, 1.1085946830746707e-05, -3.143750188883132e-05]}, "691": {"x": 18.53670594921453, "y": -25.629967000963237, "z": 11.806033093795627, "r": [-2.4340784641196933e-06, 3.0273620126308742e-06, -9.566283736717196e-06]}, "692": {"x": 23.247206673126033, "y": -26.481860989436882, "z": 10.242723437535359, "r": [-9.743683904162026e-08, 1.0443231701628974e-07, -3.86546370023666e-07]}, "693": {"x": 17.47088381082339, "y": -16.83847340983873, "z": 15.136713971772263, "r": [-6.377632484344531e-06, 5.682862482814244e-06, -1.7062212918972364e-05]}, "694": {"x": 21.772728575183518, "y": -17.296949513123177, "z": 13.39360352929307, "r": [-1.1085946837852134e-05, 8.587778410173996e-06, -3.143750190126582e-05]}, "695": {"x": 25.011207314912657, "y": -24.717860347650205, "z": 10.242723437535387, "r": [-1.0443228859458031e-07, 9.743682838347922e-08, -3.865463487073839e-07]}, "696": {"x": 24.159313326438998, "y": -20.007359623738672, "z": 11.806033093795666, "r": [-3.027361991314592e-06, 2.4340784641196933e-06, -9.566283727835412e-06]}, "697": {"x": -16.445072885047477, "y": 12.871355135014346, "z": 15.136713971772242, "r": [6.3776324772391035e-06, -5.682862489919671e-06, -1.706221292607779e-05]}, "698": {"x": -20.746917649407617, "y": 13.329831238298823, "z": 13.393603529293053, "r": [1.1085946837852134e-05, -8.587778410173996e-06, -3.143750189593675e-05]}, "699": {"x": -14.342008809538623, "y": 14.974419210523179, "z": 15.136713971772227, "r": [5.682862493472385e-06, -6.377632486120888e-06, -1.7062212934959575e-05]}, "700": {"x": -14.800484912823073, "y": 19.276263974883296, "z": 13.393603529293035, "r": [8.587778397739498e-06, -1.1085946812983138e-05, -3.143750186040961e-05]}, "701": {"x": -23.985396389136746, "y": 20.75074207282583, "z": 10.242723437535368, "r": [1.0443230280543503e-07, -9.743684614704762e-08, -3.86546370023666e-07]}, "702": {"x": -23.133502400663083, "y": 16.04024134891432, "z": 11.806033093795646, "r": [3.027361994867306e-06, -2.4340784605669796e-06, -9.566283713624557e-06]}, "703": {"x": -17.510895023438604, "y": 21.662848726138805, "z": 11.806033093795605, "r": [2.434078467672407e-06, -3.027362001972733e-06, -9.566283726059055e-06]}, "704": {"x": -22.221395747350122, "y": 22.514742714612463, "z": 10.242723437535354, "r": [9.743683548890658e-08, -1.0443230280543503e-07, -3.8654634160195656e-07]}, "705": {"x": -33.81295521814838, "y": -31.765002174075256, "z": 17.234702756657708, "r": [-2.027184251573999e-07, -6.963460918996134e-07, -1.697230718633591e-06]}, "706": {"x": -35.784113981377885, "y": -36.89083464470921, "z": 17.925788729218244, "r": [-3.645161683607512e-08, -6.002775165825369e-08, -6.6167437751119e-08]}, "707": {"x": -34.394370044409214, "y": -38.2805785816779, "z": 17.92578872921824, "r": [-6.002775165825369e-08, -3.6451623941502476e-08, -6.616745196197371e-08]}, "708": {"x": -29.268537573775294, "y": -36.30941981844844, "z": 17.234702756657708, "r": [-6.963461061104681e-07, -2.027184606845367e-07, -1.697230686659168e-06]}, "709": {"x": 34.83876614392436, "y": 27.797883899251115, "z": 17.234702756657775, "r": [2.0271845357910934e-07, 6.963460705833313e-07, -1.6972306831064543e-06]}, "710": {"x": 36.80992490715379, "y": 32.923716369885085, "z": 17.92578872921829, "r": [3.64516026252204e-08, 6.002775165825369e-08, -6.616744130383267e-08]}, "711": {"x": 35.42018097018509, "y": 34.31346030685371, "z": 17.925788729218272, "r": [6.002773744739898e-08, 3.645158841436569e-08, -6.616746617282843e-08]}, "712": {"x": 30.294348499551113, "y": 32.342301543624174, "z": 17.23470275665774, "r": [6.96346084794186e-07, 2.0271843936825462e-07, -1.6972306831064543e-06]}, "713": {"x": -13.03656748090589, "y": -32.46707120574319, "z": 15.559325852739715, "r": [-4.782846733775159e-06, 5.4766946604445366e-06, -2.997980621444185e-05]}, "714": {"x": -7.424085188333462, "y": -31.88540819548559, "z": 14.929291476283524, "r": [-7.489732761101209e-06, 1.2597182937668094e-05, -4.571624243965289e-05]}, "715": {"x": -4.479923459718242, "y": -30.005239984289716, "z": 15.056589860155185, "r": [-1.3174075633060056e-05, 2.8549790194176694e-05, -8.779554557669655e-05]}, "716": {"x": -4.2920231332276, "y": -26.450585379804416, "z": 16.192736816422297, "r": [-2.0315382984748e-05, 6.848429597283712e-05, -0.0001928957943100329]}, "717": {"x": 6.281071678031124, "y": -26.51012042473015, "z": 14.55852705090815, "r": [-3.3231076484341315e-05, 6.906866595457473e-05, -0.00016874059130067565]}, "718": {"x": 6.539593976224838, "y": -30.06176147548558, "z": 13.142121526416371, "r": [-1.3689775188119313e-05, 2.7195950142555603e-05, -7.115302409665958e-05]}, "719": {"x": 9.459433687437361, "y": -31.962975628537958, "z": 11.842765669686239, "r": [-6.238645193334946e-06, 1.1539980185659715e-05, -3.169556701010379e-05]}, "720": {"x": 14.956892830427819, "y": -32.596313504682286, "z": 10.432628039785726, "r": [-2.984158559371508e-06, 4.964348811142827e-06, -1.4912584724413591e-05]}, "721": {"x": -4.05292670326706, "y": -15.58809261289735, "z": 21.009503465093527, "r": [6.76360412805721e-05, 0.0004516660314610732, -0.0008770714480981212]}, "722": {"x": -5.112094537112117, "y": -10.421059137412119, "z": 25.0, "is_anchor": true, "r": [8.881784197001252e-16, -2.1651175841891614, -1.7951106084681534]}, "723": {"x": 6.137905462887881, "y": -10.421059137412119, "z": 25.0, "is_anchor": true, "r": [-1.7763568394002505e-15, -1.9629092830504131, -2.0142351889773273]}, "724": {"x": 5.797972476863135, "y": -15.510366898488684, "z": 20.230515863124655, "r": [-0.0005966597093491899, 0.0015500560791128493, -0.002334971036827227]}, "725": {"x": -7.924594537112117, "y": -7.608559137412119, "z": 25.0, "is_anchor": true, "r": [-2.1651175841891304, -1.7763568394002505e-15, -1.795110608468189]}, "726": {"x": -13.091628012597345, "y": -6.549391303567065, "z": 21.009503465093527, "r": [0.00045166603143442785, 6.763604127435485e-05, -0.0008770714480590414]}, "727": {"x": -13.013902298188624, "y": 3.3015078765630506, "z": 20.23051586312463, "r": [0.0015500560790933093, -0.0005966597093420845, -0.0023349710368094634]}, "728": {"x": -7.924594537112116, "y": 3.6414408625878814, "z": 25.0, "is_anchor": true, "r": [-1.962909283050382, -1.7763568394002505e-15, -2.014235188977345]}, "729": {"x": 5.078737629042841, "y": 11.620974338073074, "z": 21.00950346509347, "r": [-6.763604127879574e-05, -0.00045166603145574413, -0.0008770714480803576]}, "730": {"x": 6.137905462887883, "y": 6.453940862587881, "z": 25.0, "is_anchor": true, "r": [1.7763568394002505e-15, 2.1651175841891437, -1.7951106084681676]}, "731": {"x": -5.112094537112116, "y": 6.453940862587881, "z": 25.0, "is_anchor": true, "r": [-8.881784197001252e-16, 1.9629092830503962, -2.0142351889773416]}, "732": {"x": -4.7721615510873105, "y": 11.543248623664347, "z": 20.230515863124598, "r": [0.0005966597093411963, -0.0015500560791004148, -0.0023349710368094634]}, "733": {"x": 8.95040546288788, "y": 3.6414408625878814, "z": 25.0, "is_anchor": true, "r": [2.1651175841891455, 1.7763568394002505e-15, -1.795110608468164]}, "734": {"x": 14.117438938373164, "y": 2.5822730287427973, "z": 21.00950346509352, "r": [-0.0004516660314539678, -6.763604128234846e-05, -0.0008770714480856867]}, "735": {"x": 14.039713223964489, "y": -7.268626151387377, "z": 20.23051586312463, "r": [-0.0015500560790879803, 0.0005966597093376436, -0.0023349710368059107]}, "736": {"x": 8.950405462887879, "y": -7.608559137412119, "z": 25.0, "is_anchor": true, "r": [1.9629092830504105, 1.7763568394002505e-15, -2.014235188977331]}, "737": {"x": 24.979931705280286, "y": 2.821369458703333, "z": 16.19273681642235, "r": [-6.84842959692844e-05, 2.0315382987412534e-05, -0.0001928957943384546]}, "738": {"x": 28.53458630976569, "y": 3.0092697851940096, "z": 15.056589860155263, "r": [-2.85497901693077e-05, 1.3174075630395521e-05, -8.779554554827484e-05]}, "739": {"x": 28.591107800961563, "y": -8.010247650749033, "z": 13.142121526416403, "r": [-2.719595011058118e-05, 1.3689775179237529e-05, -7.11530240504743e-05]}, "740": {"x": 25.03946675020617, "y": -7.751725352555349, "z": 14.558527050908141, "r": [-6.906866594036387e-05, 3.3231076489670386e-05, -0.00016874059129357022]}, "741": {"x": 30.41475452096158, "y": 5.953431513809241, "z": 14.92929147628361, "r": [-1.259718292345724e-05, 7.489732759324852e-06, -4.5716242457416456e-05]}, "742": {"x": 30.996417531219116, "y": 11.56591380638162, "z": 15.559325852739818, "r": [-5.476694632022827e-06, 4.782846730222445e-06, -2.9979806221547278e-05]}, "743": {"x": 31.125659830158128, "y": -16.427546504951973, "z": 10.432628039785795, "r": [-4.964348860880818e-06, 2.984158573582363e-06, -1.4912584695991882e-05]}, "744": {"x": 30.492321954013956, "y": -10.930087361961528, "z": 11.842765669686283, "r": [-1.1539980157238006e-05, 6.238645188005876e-06, -3.169556698523479e-05]}, "745": {"x": 30.778021949601555, "y": -36.53634348812283, "z": 5.746395024962871, "r": [1.1759993867599405e-08, 4.475362658240556e-08, -2.2900984397722368e-07]}, "746": {"x": 35.740191652062904, "y": -38.51422583125425, "z": 4.142319784404512, "r": [7.494001863506128e-09, -5.296215022099204e-09, 1.161550144956891e-08]}, "747": {"x": 37.04357215673005, "y": -37.210845326587105, "z": 4.142319784404505, "r": [5.296207916671847e-09, -7.494001863506128e-09, 1.1615481909643677e-08]}, "748": {"x": 35.06568981359854, "y": -32.24867562412565, "z": 5.746395024962902, "r": [-4.475365500411499e-08, -1.175997965674469e-08, -2.2900982799001213e-07]}, "749": {"x": -29.752211023825684, "y": 32.569225213298466, "z": 5.746395024962856, "r": [-1.1759958340462617e-08, -4.4753669214969705e-08, -2.2900979601558902e-07]}, "750": {"x": -34.71438072628703, "y": 34.54710755642988, "z": 4.142319784404526, "r": [-7.49399475807877e-09, 5.296186600389774e-09, 1.161550144956891e-08]}, "751": {"x": -36.01776123095414, "y": 33.24372705176275, "z": 4.142319784404537, "r": [-5.296215022099204e-09, 7.49396633636934e-09, 1.1615492567784713e-08]}, "752": {"x": -34.03987888782268, "y": 28.28155734930135, "z": 5.746395024962909, "r": [4.475367632039706e-08, 1.175995123503526e-08, -2.2900984397722368e-07]}, "753": {"x": -23.95412077950442, "y": -6.788487733527631, "z": 16.192736816422325, "r": [6.84842959692844e-05, -2.0315382985636177e-05, -0.00019289579430292747]}, "754": {"x": -27.508775383989775, "y": -6.976388060018288, "z": 15.056589860155231, "r": [2.8549790176413126e-05, -1.3174075632171878e-05, -8.779554556603841e-05]}, "755": {"x": -27.565296875185606, "y": 4.0431293759247255, "z": 13.142121526416384, "r": [2.7195950156766457e-05, -1.3689775192560205e-05, -7.115302411264679e-05]}, "756": {"x": -24.013655824430177, "y": 3.7846070777310126, "z": 14.558527050908133, "r": [6.906866596168015e-05, -3.3231076485229494e-05, -0.00016874059130778107]}, "757": {"x": -29.388943595185633, "y": -9.920549788633506, "z": 14.929291476283566, "r": [1.2597182944773522e-05, -7.489732752219425e-06, -4.571624247162731e-05]}, "758": {"x": -29.97060660544319, "y": -15.533032081205882, "z": 15.559325852739786, "r": [5.4766946249174e-06, -4.782846726669732e-06, -2.9979806196678283e-05]}, "759": {"x": -30.099848904382167, "y": 12.460428230127665, "z": 10.432628039785781, "r": [4.964348846669964e-06, -2.984158548713367e-06, -1.491258471375545e-05]}, "760": {"x": -29.466511028238003, "y": 6.962969087137246, "z": 11.842765669686258, "r": [1.1539980185659715e-05, -6.238645186229519e-06, -3.1695566999445646e-05]}, "761": {"x": 14.062378406681724, "y": 28.49995293091888, "z": 15.55932585273967, "r": [4.782846716011591e-06, -5.476694646233682e-06, -2.997980618602014e-05]}, "762": {"x": 8.449896114109292, "y": 27.91828992066123, "z": 14.929291476283453, "r": [7.489732752219425e-06, -1.2597182951878949e-05, -4.571624246096917e-05]}, "763": {"x": 5.50573438549408, "y": 26.038121709465365, "z": 15.056589860155121, "r": [1.3174075633948235e-05, -2.8549790194176694e-05, -8.779554556603841e-05]}, "764": {"x": 5.317834059003442, "y": 22.483467104980086, "z": 16.19273681642222, "r": [2.0315382988300712e-05, -6.84842959692844e-05, -0.00019289579433667825]}, "765": {"x": -5.255260752255266, "y": 22.543002149905824, "z": 14.558527050908033, "r": [3.3231076489670386e-05, -6.906866596878558e-05, -0.0001687405913113338]}, "766": {"x": -5.513783050448984, "y": 26.094643200661213, "z": 13.14212152641628, "r": [1.3689775183678421e-05, -2.7195950117686607e-05, -7.115302409310686e-05]}, "767": {"x": -8.433622761661507, "y": 27.995857353713614, "z": 11.842765669686145, "r": [6.2386451915585894e-06, -1.1539980164343433e-05, -3.169556699589293e-05]}, "768": {"x": -13.931081904651961, "y": 28.62919522985787, "z": 10.43262803978567, "r": [2.984158573582363e-06, -4.964348860880818e-06, -1.4912584724413591e-05]}, "769": {"x": -30.810912370584226, "y": -28.41444931014334, "z": 16.7913712963523, "r": [-1.612917515103618e-07, -6.303307742427933e-07, -2.7218075366874928e-06]}, "770": {"x": -26.37090554093466, "y": -27.12658195723203, "z": 16.66516322925029, "r": [-1.7955130715563428e-08, -3.929208958197705e-08, -5.241459817284522e-07]}, "771": {"x": -28.512370073039442, "y": -17.917548698046755, "z": 16.035249370401875, "r": [4.635948460673944e-06, -4.1934374248597805e-06, -3.2092673530215166e-05]}, "772": {"x": -24.600879646664957, "y": -17.240930211157277, "z": 16.58420359030168, "r": [8.134854624586296e-06, -2.3745713448874994e-06, -4.8784779506760856e-05]}, "773": {"x": -25.917984709843363, "y": -33.30737697088425, "z": 16.79137129635229, "r": [-6.30330799111789e-07, -1.6129177993207122e-07, -2.7218075260293517e-06]}, "774": {"x": -24.630117356932068, "y": -28.867370141234705, "z": 16.665163229250282, "r": [-3.929206826569498e-08, -1.795509874114032e-08, -5.241460065974479e-07]}, "775": {"x": -15.421084097746718, "y": -31.00883467333938, "z": 16.0352493704018, "r": [-4.193437423083424e-06, 4.635948439357662e-06, -3.2092673524886095e-05]}, "776": {"x": -14.744465610857224, "y": -27.09734424696491, "z": 16.58420359030164, "r": [-2.374571359098354e-06, 8.134854621033583e-06, -4.8784779517419e-05]}, "777": {"x": 26.943795635619065, "y": 29.340258696059855, "z": 16.791371296352303, "r": [6.303307920063617e-07, 1.6129179059021226e-07, -2.7218074940549286e-06]}, "778": {"x": 25.655928282707755, "y": 24.900251866410226, "z": 16.66516322925029, "r": [3.929208958197705e-08, 1.795512005742239e-08, -5.241460314664437e-07]}, "779": {"x": 16.446895023522522, "y": 27.041716398515057, "z": 16.03524937040176, "r": [4.19343741953071e-06, -4.635948471332085e-06, -3.2092673514227954e-05]}, "780": {"x": 15.770276536633004, "y": 23.130225972140554, "z": 16.584203590301602, "r": [2.374571362651068e-06, -8.134854613928155e-06, -4.8784779535182565e-05]}, "781": {"x": 31.836723296360102, "y": 24.447331035319085, "z": 16.791371296352338, "r": [1.6129175861578915e-07, 6.303307849009343e-07, -2.7218075402402064e-06]}, "782": {"x": 27.396716466710394, "y": 23.159463682407633, "z": 16.665163229250304, "r": [1.7955112951995034e-08, 3.92920647129813e-08, -5.241459817284522e-07]}, "783": {"x": 29.538180998815225, "y": 13.950430423222386, "z": 16.035249370401875, "r": [-4.635948496201081e-06, 4.1934374248597805e-06, -3.209267352310974e-05]}, "784": {"x": 25.626690572440616, "y": 13.27381193633283, "z": 16.584203590301676, "r": [-8.134854638797151e-06, 2.3745713413347858e-06, -4.878477952807714e-05]}, "785": {"x": -6.832840913980142, "y": -24.663988987556813, "z": 16.967449174478155, "r": [-1.2745912879807975e-05, 8.12115747947928e-05, -0.00024084459930406865]}, "786": {"x": -11.960250171014728, "y": -24.870197293108752, "z": 16.995505109640877, "r": [-1.8626137396893228e-06, 2.775792694365009e-05, -0.00011833295736352056]}, "787": {"x": -6.624127633477361, "y": -16.978047558996433, "z": 20.019059050408963, "r": [0.00016983501712086735, 0.0006401618754559024, -0.0012260204941085817]}, "788": {"x": -11.53796393365922, "y": -16.431566836961252, "z": 19.332657964643644, "r": [5.598544876050937e-05, 8.008272480886092e-05, -0.0002506157270119047]}, "789": {"x": 8.218824959450735, "y": -16.99507043669748, "z": 18.587517162615526, "r": [-0.0005032018183026565, 0.000952103548691241, -0.0015873215835391363]}, "790": {"x": 12.91395750312553, "y": -16.64075783457984, "z": 17.016620673387244, "r": [-4.143562340175322e-05, 4.838686784580659e-05, -0.00010822421313250175]}, "791": {"x": 8.69788983371615, "y": -24.75884846370364, "z": 14.733118889356579, "r": [-4.334988476983881e-05, 8.106418479769673e-05, -0.0001944015918482478]}, "792": {"x": 13.678548500390487, "y": -25.062638197537197, "z": 13.340229073000664, "r": [-1.5962506996203274e-05, 2.38619816812502e-05, -6.453077132562157e-05]}, "793": {"x": 17.237915072107313, "y": -31.190329962164114, "z": 10.360788487817768, "r": [-2.7920176002282915e-06, 4.332565264775212e-06, -1.351896074552883e-05]}, "794": {"x": 16.461438500453543, "y": -27.32473104655221, "z": 11.808277203134299, "r": [-5.20174559426323e-06, 7.379413794694756e-06, -2.2102323711692407e-05]}, "795": {"x": 27.479686910605835, "y": -33.58668702388182, "z": 7.248550362929829, "r": [-1.0440865594318893e-07, 1.6262486468576753e-07, -6.906192560052204e-07]}, "796": {"x": 26.129084068692617, "y": -29.25388876220064, "z": 8.71284659099292, "r": [-3.559623706905768e-08, 3.853318020219376e-08, -1.5796787700139703e-07]}, "797": {"x": -14.481582958696436, "y": -9.120592233777373, "z": 20.01905905040895, "r": [0.0006401618754665606, 0.00016983501711997917, -0.0012260204941156871]}, "798": {"x": -13.93510223666127, "y": -14.034428533959257, "z": 19.332657964643644, "r": [8.008272481596634e-05, 5.5985448758733014e-05, -0.0002506157270403264]}, "799": {"x": -22.167524387256748, "y": -9.329305514280149, "z": 16.96744917447819, "r": [8.121157477347651e-05, -1.2745912885137045e-05, -0.00024084459930051594]}, "800": {"x": -22.373732692808723, "y": -14.45671477131472, "z": 16.995505109640906, "r": [2.7757926911675668e-05, -1.8626137503474638e-06, -0.000118332957320888]}, "801": {"x": -14.498605836397385, "y": 5.722360359150619, "z": 18.587517162615498, "r": [0.0009521035486841356, -0.0005032018183044329, -0.001587321583532031]}, "802": {"x": -14.144293234279733, "y": 10.417492902825368, "z": 17.01662067338722, "r": [4.838686782981938e-05, -4.1435623398200505e-05, -0.00010822421314315989]}, "803": {"x": -22.26238386340355, "y": 6.201425233416007, "z": 14.733118889356586, "r": [8.106418478348587e-05, -4.334988476983881e-05, -0.00019440159183403694]}, "804": {"x": -22.566173597237047, "y": 11.182083900090298, "z": 13.340229073000682, "r": [2.386198169190834e-05, -1.5962506999755988e-05, -6.453077131496343e-05]}, "805": {"x": 7.858651839755974, "y": 20.696870712732476, "z": 16.967449174478077, "r": [1.2745912876255261e-05, -8.12115747947928e-05, -0.00024084459931117408]}, "806": {"x": 12.986061096790516, "y": 20.9030790182844, "z": 16.995505109640817, "r": [1.8626137432420364e-06, -2.7757926954308232e-05, -0.0001183329573990477]}, "807": {"x": 7.64993855925316, "y": 13.010929284172164, "z": 20.019059050408906, "r": [-0.0001698350171182028, -0.0006401618754647842, -0.0012260204941121344]}, "808": {"x": 12.563774859435044, "y": 12.46444856213699, "z": 19.332657964643623, "r": [-5.598544876228573e-05, -8.008272481063727e-05, -0.000250615727033221]}, "809": {"x": -7.193014033674875, "y": 13.027952161873078, "z": 18.587517162615455, "r": [0.000503201818309762, -0.0009521035486965701, -0.0015873215835497945]}, "810": {"x": -11.888146577349648, "y": 12.67363955975545, "z": 17.0166206733872, "r": [4.143562339997686e-05, -4.838686783514845e-05, -0.00010822421314315989]}, "811": {"x": -7.6720789079402625, "y": 20.791730188879228, "z": 14.7331188893565, "r": [4.334988476983881e-05, -8.106418477993316e-05, -0.00019440159183758965]}, "812": {"x": -12.652737574614562, "y": 21.095519922712725, "z": 13.340229073000627, "r": [1.596250701041413e-05, -2.386198170256648e-05, -6.453077135404328e-05]}, "813": {"x": 15.507393884472252, "y": 5.153473958953092, "z": 20.01905905040896, "r": [-0.000640161875448797, -0.00016983501711642646, -0.0012260204940837127]}, "814": {"x": 14.960913162437059, "y": 10.067310259134942, "z": 19.33265796464366, "r": [-8.00827248053082e-05, -5.598544876228573e-05, -0.0002506157270047993]}, "815": {"x": 23.193335313032655, "y": 5.362187239455859, "z": 16.967449174478187, "r": [-8.12115747947928e-05, 1.2745912880696153e-05, -0.00024084459930406865]}, "816": {"x": 23.399543618584527, "y": 10.489596496490385, "z": 16.995505109640902, "r": [-2.7757926936544663e-05, 1.8626137396893228e-06, -0.00011833295737062599]}, "817": {"x": 15.524416762173288, "y": -9.689478633974975, "z": 18.58751716261549, "r": [-0.0009521035487054519, 0.000503201818309762, -0.0015873215835711108]}, "818": {"x": 15.170104160055637, "y": -14.384611177649752, "z": 17.016620673387237, "r": [-4.838686782449031e-05, 4.143562339464779e-05, -0.00010822421313605446]}, "819": {"x": 23.288194789179517, "y": -10.16854350824036, "z": 14.7331188893566, "r": [-8.10641847905913e-05, 4.334988476450974e-05, -0.00019440159181982608]}, "820": {"x": 23.591984523013007, "y": -15.149202174914638, "z": 13.340229073000685, "r": [-2.3861981695461054e-05, 1.59625070033087e-05, -6.453077133095064e-05]}, "821": {"x": 32.11603334935757, "y": -28.95034058512994, "z": 7.248550362929862, "r": [-1.6262490021290432e-07, 1.0440870568118044e-07, -6.906192595579341e-07]}, "822": {"x": 27.783235087676456, "y": -27.599737743216792, "z": 8.71284659099293, "r": [-3.853318020219376e-08, 3.559626549076711e-08, -1.5796784325061708e-07]}, "823": {"x": 29.71967628763988, "y": -18.708568746631457, "z": 10.360788487817846, "r": [-4.332565232800789e-06, 2.792017596675578e-06, -1.3518960741976116e-05]}, "824": {"x": 25.854077372027966, "y": -17.932092174977676, "z": 11.808277203134349, "r": [-7.379413805352897e-06, 5.2017456173558685e-06, -2.210232369925791e-05]}, "825": {"x": -31.090222423581764, "y": 24.983222310305695, "z": 7.248550362929844, "r": [1.6262485758034018e-07, -1.0440865594318893e-07, -6.906192355771168e-07]}, "826": {"x": -26.757424161900516, "y": 23.6326194683924, "z": 8.712846590992939, "r": [3.853320862390319e-08, -3.5596276148908146e-08, -1.5796785390875812e-07]}, "827": {"x": -28.693865361863914, "y": 14.741450471807129, "z": 10.360788487817839, "r": [4.3325652399062164e-06, -2.7920176020046483e-06, -1.351896074552883e-05]}, "828": {"x": -24.828266446252037, "y": 13.964973900153353, "z": 11.80827720313433, "r": [7.379413791142042e-06, -5.201745596039586e-06, -2.2102323685047054e-05]}, "829": {"x": -16.21210414633145, "y": 27.22321168733969, "z": 10.360788487817747, "r": [2.792017582464723e-06, -4.332565207931793e-06, -1.3518960704672622e-05]}, "830": {"x": -15.435627574677634, "y": 23.357612771727787, "z": 11.808277203134269, "r": [5.2017455995923e-06, -7.379413794694756e-06, -2.2102323693928838e-05]}, "831": {"x": -26.453875984829963, "y": 29.619568749057503, "z": 7.2485503629298105, "r": [1.0440867015404365e-07, -1.6262485047491282e-07, -6.906192586697557e-07]}, "832": {"x": -25.103273142916663, "y": 25.286770487376234, "z": 8.712846590992928, "r": [3.559626549076711e-08, -3.85331908603348e-08, -1.5796788765953806e-07]}, "833": {"x": -30.103751606366657, "y": -25.83469312007958, "z": 16.56092536719526, "r": [0.00017572623229966666, 0.00018726449523853717, -0.0003980937795660111]}, "834": {"x": -34.18056606071581, "y": -27.150513589366263, "z": 16.720539305156564, "r": [-6.794467216764133e-05, -0.00017217623101828394, -0.0002729666117460283]}, "835": {"x": -35.967288496353156, "y": -32.623330755574216, "z": 17.465642718253342, "r": [5.568258359289757e-05, -4.4454907794033716e-05, -0.0001722270833397488]}, "836": {"x": -31.59013998546975, "y": -30.944680841404296, "z": 17.009977037997427, "r": [0.00019170226590858874, 0.00017581582090997472, -0.0003050232565300348]}, "837": {"x": -38.112132837533075, "y": -37.94705988941166, "z": 18.270198104941002, "r": [4.077170359551019e-05, 2.9723958050453803e-06, -7.558720298561639e-05]}, "838": {"x": -40.577737220454395, "y": -43.074201820754396, "z": 19.11840353642076, "r": [1.2446740811355994e-06, 1.2446740811355994e-06, -1.2029536662794271e-05]}, "839": {"x": -35.45059528911166, "y": -40.60859743783305, "z": 18.27019810494098, "r": [2.9723958334670897e-06, 4.07717036239319e-05, -7.558720297140553e-05]}, "840": {"x": -33.390080441322446, "y": -35.88654504162245, "z": 17.582642798487253, "r": [0.00012189206873358671, 0.00012189206873358671, -0.00019721914262049722]}, "841": {"x": -30.12686615527427, "y": -38.463753096653214, "z": 17.465642718253335, "r": [-4.4454907794033716e-05, 5.568258359289757e-05, -0.0001722270833397488]}, "842": {"x": -24.654048989066272, "y": -36.677030661015785, "z": 16.72053930515654, "r": [-0.00017217623101828394, -6.794467211079791e-05, -0.00027296661177445003]}, "843": {"x": -23.338228519779584, "y": -32.600216206666644, "z": 16.56092536719522, "r": [0.00018726449525274802, 0.00017572623227124495, -0.0003980937795660111]}, "844": {"x": -28.44821624110428, "y": -34.08660458576975, "z": 17.009977037997423, "r": [0.00017581582090997472, 0.00019170226590858874, -0.00030502325651582396]}, "845": {"x": -22.212899169815913, "y": -28.305830933878635, "z": 16.600117320252696, "r": [0.0002098319998253828, 0.00022128621903050316, -0.000505548804682121]}, "846": {"x": -21.318451539386338, "y": -23.814916139686343, "z": 16.813671412685405, "r": [0.0002987586892544414, 0.0002987586892402305, -0.0006935172763888886]}, "847": {"x": -25.809366333578662, "y": -24.709363770115953, "z": 16.60011732025272, "r": [0.00022128621905892487, 0.00020983199983959366, -0.0005055488046963319]}, "848": {"x": -26.993285072783532, "y": -29.48974967308354, "z": 16.726073896882294, "r": [0.0002082627551232008, 0.00020826275510898995, -0.0003961517355577371]}, "849": {"x": -18.088235606032402, "y": -31.45083578780834, "z": 16.196128781757242, "r": [8.510394810912203e-05, 0.00010065760554311964, -0.000457481256702863]}, "850": {"x": -19.06109363933348, "y": -35.26370941775669, "z": 16.016836568130348, "r": [-0.0003480692905242222, -0.00024215896638679624, -0.00034698100076013816]}, "851": {"x": -13.373068266330218, "y": -34.228467411118125, "z": 15.306957422667615, "r": [-0.000533063977897541, -0.00032160322555796483, -0.00028973357345307704]}, "852": {"x": -12.717317944846574, "y": -30.641527897204927, "z": 15.835282533679676, "r": [-0.00016073389947734995, 1.9459634216900668e-05, -0.000399506299515906]}, "853": {"x": -7.615803175288339, "y": -33.562791639541196, "z": 14.52224978633852, "r": [-0.0005935231547056219, -0.00022943359959981535, -7.508712057813227e-05]}, "854": {"x": -1.8207635669812106, "y": -33.24589075904046, "z": 13.595321469832923, "r": [-0.00037585229837766576, -6.825030700952084e-05, 7.69851243731523e-05]}, "855": {"x": -1.7021751379391996, "y": -29.921039453347333, "z": 14.679872436996767, "r": [-0.00030166008673937483, -6.089639441597683e-07, -3.800472255477416e-05]}, "856": {"x": -7.244229928259042, "y": -30.148167277250664, "z": 15.365819126755307, "r": [-0.00036455856332295866, -1.8355349425291934e-05, -0.00020166426136825066]}, "857": {"x": -1.619252536904159, "y": -26.40218149423133, "z": 15.918709863853467, "r": [-0.00031858571770282396, 7.625274038502994e-05, -0.00018594700870266934]}, "858": {"x": -1.572097603447497, "y": -22.777106231152647, "z": 17.356500435002154, "r": [-0.00038686017231981396, 0.00017887724661136417, -0.0004057639096117782]}, "859": {"x": -6.741811646745528, "y": -22.764671223422297, "z": 17.610666701422872, "r": [-0.0006635822923612977, 0.0003793990967864147, -0.0006251250601678748]}, "860": {"x": -6.947240974527956, "y": -26.530708921495396, "z": 16.38093667084059, "r": [-0.0003957678082571192, 0.00014867935142603983, -0.00035789967853361304]}, "861": {"x": -11.77946749242402, "y": -22.845452792177866, "z": 17.47904550255721, "r": [-0.00010783584220064313, 0.0007689031766346943, -0.0009354101511291901]}, "862": {"x": -16.640609420046406, "y": -23.185281346667665, "z": 17.14512569153524, "r": [0.0003115961344377638, 0.0005577526168991653, -0.000929063638380967]}, "863": {"x": -17.269539105605173, "y": -27.420429973459065, "z": 16.57646418609574, "r": [0.00012304160821940968, 0.00025976667507165985, -0.0006086757556715838]}, "864": {"x": -12.176425638828121, "y": -26.840471905687156, "z": 16.553225789656306, "r": [-0.00014493012597682764, 0.00026247556138514483, -0.0005704992903190487]}, "865": {"x": -6.639973317099224, "y": -18.912826763769765, "z": 19.123349218909947, "r": [-0.002006566109283625, 0.0007725082565883667, -0.0012443541145756853]}, "866": {"x": -1.546471839653061, "y": -19.194762507418986, "z": 19.023060594636874, "r": [-0.0003936152390950909, 0.000247483871504528, -0.0006632650370335114]}, "867": {"x": -1.4901325042223292, "y": -15.943093425788735, "z": 20.845249259197757, "r": [-6.75411558272998e-05, 0.0001618883172511687, -0.0005247108285999502]}, "868": {"x": -6.637844150184098, "y": -15.060713584529204, "z": 21.063768422708964, "r": [-0.011821718463767894, 0.003374581545344313, -0.004705228489598312]}, "869": {"x": -2.299594537112117, "y": -10.421059137412119, "z": 25.0, "is_anchor": true, "r": [0.00044477269856901813, -2.194161678414165, -1.7622830943829442]}, "871": {"x": -7.9245945371121165, "y": -4.796059137412119, "z": 25.0, "is_anchor": true, "r": [-2.1941616784141367, 0.0004447726985699063, -1.7622830943829797]}, "872": {"x": -7.924594537112117, "y": -10.421059137412119, "z": 25.0, "is_anchor": true, "r": [0.4110306271348563, 0.41103062713482075, -3.8342588645156326]}, "873": {"x": -13.446628825488704, "y": -3.986597104522349, "z": 20.84524925919775, "r": [0.0001618883172795904, -6.754115582907616e-05, -0.0005247108286425828]}, "874": {"x": -16.698297907118974, "y": -4.042936439953099, "z": 19.02306059463686, "r": [0.000247483871504528, -0.00039361523909065, -0.0006632650370619331]}, "875": {"x": -16.416362163469756, "y": -9.136437917399233, "z": 19.12334921890993, "r": [0.0007725082565883667, -0.0020065661092800724, -0.0012443541145898962]}, "876": {"x": -12.56424898422922, "y": -9.134308750484097, "z": 21.06376842270895, "r": [0.0033745815453372074, -0.011821718463771447, -0.00470522848956989]}, "877": {"x": -16.145453799504697, "y": -14.057889723320237, "z": 18.64505207761367, "r": [0.002687344093686761, 0.0007444081946061942, -0.0016758692312350831]}, "878": {"x": -16.243156396696946, "y": -18.739620996996962, "z": 17.87052366361017, "r": [0.0010839657404204672, 0.0010839657404062564, -0.0015033012711000993]}, "879": {"x": -11.561425123020214, "y": -18.641918399804666, "z": 18.64505207761369, "r": [0.0007444081946061942, 0.00268734409367255, -0.0016758692312066614]}, "880": {"x": -11.585263215837397, "y": -14.081727816137397, "z": 20.09432221808781, "r": [0.022446705639616482, 0.022446705639616482, 0.007699665818137191]}, "881": {"x": -20.26820662312224, "y": -9.238276247045533, "z": 17.610666701422893, "r": [0.0003793990967864147, -0.0006635822923684032, -0.0006251250601394531]}, "882": {"x": -20.280641630852653, "y": -4.068562203747543, "z": 17.356500435002165, "r": [0.00017887724661136417, -0.0003868601723269194, -0.00040576390959756736]}, "883": {"x": -23.90571689393137, "y": -4.115717137204214, "z": 15.918709863853472, "r": [7.625274038502994e-05, -0.0003185857177001594, -0.00018594700868845848]}, "884": {"x": -24.034244321195334, "y": -9.443705574827948, "z": 16.38093667084063, "r": [0.00014867935141182897, -0.0003957678082571192, -0.00035789967850519133]}, "885": {"x": -27.42457485304736, "y": -4.198639738239256, "z": 14.679872436996813, "r": [-6.089639441597683e-07, -0.00030166008673049305, -3.800472252635245e-05]}, "886": {"x": -30.74942615874054, "y": -4.317228167281287, "z": 13.595321469832987, "r": [-6.825030703794255e-05, -0.00037585229838299483, 7.698512438025773e-05]}, "887": {"x": -31.066327039241255, "y": -10.112267775588398, "z": 14.522249786338579, "r": [-0.00022943359957139364, -0.0005935231547056219, -7.508712059234313e-05]}, "888": {"x": -27.651702676950684, "y": -9.740694528559075, "z": 15.365819126755355, "r": [-1.8355349425291934e-05, -0.00036455856331940595, -0.00020166426138246152]}, "889": {"x": -31.732002810818226, "y": -15.869532866630252, "z": 15.306957422667681, "r": [-0.00032160322555796483, -0.0005330639778691193, -0.0002897335734388662]}, "890": {"x": -32.76724481745669, "y": -21.55755823963345, "z": 16.016836568130408, "r": [-0.00024215896647206137, -0.00034806929053843305, -0.0003469810007459273]}, "891": {"x": -28.954371187508407, "y": -20.58470020633246, "z": 16.196128781757295, "r": [0.00010065760554311964, 8.510394810912203e-05, -0.000457481256702863]}, "892": {"x": -28.14506329690496, "y": -15.213782545146593, "z": 15.835282533679738, "r": [1.9459634216900668e-05, -0.0001607338994915608, -0.0003995062995443277]}, "893": {"x": -24.923965373159167, "y": -19.76600370590526, "z": 16.57646418609577, "r": [0.0002597666750858707, 0.00012304160820519883, -0.0006086757556715838]}, "894": {"x": -20.68881674636769, "y": -19.13707402034645, "z": 17.145125691535252, "r": [0.0005577526168991653, 0.00031159613445197465, -0.0009290636383525452]}, "895": {"x": -20.348988191877876, "y": -14.275932092724053, "z": 17.47904550255722, "r": [0.0007689031766062726, -0.00010783584220774856, -0.0009354101511007684]}, "896": {"x": -24.344007305387073, "y": -14.672890239128106, "z": 16.55322578965635, "r": [0.00026247556138514483, -0.00014493012598393307, -0.0005704992903048378]}, "897": {"x": 31.12956253214245, "y": 21.86757484525527, "z": 16.560925367195274, "r": [-0.00017572623227124495, -0.00018726449525274802, -0.00039809377955180025]}, "898": {"x": 35.20637698649177, "y": 23.18339531454207, "z": 16.72053930515662, "r": [6.794467219606304e-05, 0.0001721762310324948, -0.00027296661180287174]}, "899": {"x": 36.993099422129156, "y": 28.656212480750163, "z": 17.465642718253417, "r": [-5.568258362131928e-05, 4.4454907822455425e-05, -0.00017222708332553793]}, "900": {"x": 32.615950911245626, "y": 26.977562566580033, "z": 17.009977037997476, "r": [-0.00019170226593701045, -0.00017581582090997472, -0.0003050232565300348]}, "901": {"x": 39.13794376330891, "y": 33.97994161458747, "z": 18.270198104941024, "r": [-4.077170365235361e-05, -2.972395861888799e-06, -7.558720298561639e-05]}, "902": {"x": 41.60354814623021, "y": 39.107083545930195, "z": 19.118403536420775, "r": [-1.2446740242921805e-06, -1.2446740811355994e-06, -1.2029536634372562e-05]}, "903": {"x": 36.47640621488746, "y": 36.64147916300883, "z": 18.270198104941, "r": [-2.972395861888799e-06, -4.077170368077532e-05, -7.558720298561639e-05]}, "904": {"x": 34.41589136709836, "y": 31.9194267667983, "z": 17.582642798487303, "r": [-0.00012189206876200842, -0.00012189206876200842, -0.00019721914260628637]}, "905": {"x": 31.152677081050125, "y": 34.49663482182899, "z": 17.46564271825336, "r": [4.4454907822455425e-05, -5.568258359289757e-05, -0.00017222708331132708]}, "906": {"x": 25.679859914842126, "y": 32.70991238619153, "z": 16.72053930515656, "r": [0.00017217623104670565, 6.794467216764133e-05, -0.00027296661177445003]}, "907": {"x": 24.36403944555533, "y": 28.633097931842315, "z": 16.56092536719523, "r": [-0.00018726449523853717, -0.00017572623229966666, -0.00039809377958022196]}, "908": {"x": 29.474027166880056, "y": 30.119486310945433, "z": 17.009977037997455, "r": [-0.000175815820881553, -0.00019170226590858874, -0.0003050232565300348]}, "909": {"x": 23.238710095591582, "y": 24.33871265905419, "z": 16.600117320252703, "r": [-0.00020983199983959366, -0.00022128621904471402, -0.0005055488046679102]}, "910": {"x": 22.344262465161933, "y": 19.847797864861807, "z": 16.813671412685412, "r": [-0.0002987586892828631, -0.0002987586892544414, -0.0006935172763604669]}, "911": {"x": 26.83517725935431, "y": 20.74224549529148, "z": 16.600117320252718, "r": [-0.00022128621904471402, -0.00020983199985380452, -0.0005055488046536993]}, "912": {"x": 28.019095998559273, "y": 25.52263139825913, "z": 16.726073896882312, "r": [-0.00020826275516583337, -0.00020826275515162251, -0.0003961517355577371]}, "913": {"x": 19.114046531808203, "y": 27.48371751298401, "z": 16.19612878175722, "r": [-8.510394812333288e-05, -0.00010065760557154135, -0.00045748125671707385]}, "914": {"x": 20.086904565109293, "y": 31.296591142932392, "z": 16.016836568130348, "r": [0.0003480692905242222, 0.00024215896644363966, -0.000346981000774349]}, "915": {"x": 14.398879192106076, "y": 30.261349136293884, "z": 15.306957422667594, "r": [0.0005330639778833302, 0.00032160322558638654, -0.0002897335734104445]}, "916": {"x": 13.743128870622414, "y": 26.674409622380658, "z": 15.83528253367961, "r": [0.0001607338994631391, -1.9459634245322377e-05, -0.0003995062995443277]}, "917": {"x": 8.64161410106419, "y": 29.595673364716884, "z": 14.522249786338456, "r": [0.0005935231547056219, 0.00022943359957139364, -7.508712060655398e-05]}, "918": {"x": 2.8465744927570547, "y": 29.278772484216084, "z": 13.595321469832855, "r": [0.00037585229838299483, 6.825030706636426e-05, 7.698512438025773e-05]}, "919": {"x": 2.7279860637150337, "y": 25.95392117852292, "z": 14.679872436996703, "r": [0.0003016600867287167, 6.08963958370623e-07, -3.80047225121416e-05]}, "920": {"x": 8.270040854034862, "y": 26.18104900242627, "z": 15.365819126755238, "r": [0.0003645585633123005, 1.8355349396870224e-05, -0.00020166426138246152]}, "921": {"x": 2.645063462679996, "y": 22.435063219406985, "z": 15.918709863853385, "r": [0.00031858571769838306, -7.625274039924079e-05, -0.00018594700870266934]}, "922": {"x": 2.59790852922333, "y": 18.809987956328353, "z": 17.35650043500207, "r": [0.0003868601723144849, -0.00017887724659715332, -0.0004057639095549348]}, "923": {"x": 7.767622572521346, "y": 18.79755294859797, "z": 17.610666701422794, "r": [0.0006635822923612977, -0.0003793990967864147, -0.000625125060153664]}, "924": {"x": 7.973051900303781, "y": 22.563590646671045, "z": 16.380936670840516, "r": [0.0003957678082571192, -0.00014867935142603983, -0.0003578996785194022]}, "925": {"x": 12.805278418199784, "y": 18.878334517353487, "z": 17.479045502557163, "r": [0.00010783584220064313, -0.0007689031766204835, -0.0009354101510723467]}, "926": {"x": 17.666420345822107, "y": 19.218163071843236, "z": 17.14512569153524, "r": [-0.00031159613445197465, -0.0005577526168991653, -0.0009290636383525452]}, "927": {"x": 18.295350031380906, "y": 23.453311698634682, "z": 16.576464186095723, "r": [-0.00012304160820519883, -0.0002597666750858707, -0.0006086757556715838]}, "928": {"x": 13.20223656460393, "y": 22.873353630862805, "z": 16.553225789656246, "r": [0.0001449301259697222, -0.0002624755613993557, -0.0005704992903616812]}, "929": {"x": 7.665784242875031, "y": 14.945708488945485, "z": 19.123349218909865, "r": [0.0020065661092800724, -0.0007725082565812613, -0.0012443541145898962]}, "930": {"x": 2.572282765428874, "y": 15.227644232594676, "z": 19.023060594636807, "r": [0.0003936152390942027, -0.0002474838714761063, -0.0006632650370193005]}, "931": {"x": 2.5159434299981176, "y": 11.975975150964436, "z": 20.8452492591977, "r": [6.75411558272998e-05, -0.00016188831726537956, -0.0005247108286283719]}, "932": {"x": 7.663655075959875, "y": 11.093595309704943, "z": 21.06376842270891, "r": [0.011821718463778552, -0.0033745815453087857, -0.004705228489527258]}, "933": {"x": 3.3254054628878844, "y": 6.453940862587881, "z": 25.0, "is_anchor": true, "r": [-0.00044477269857257085, 2.194161678414149, -1.7622830943829797]}, "935": {"x": 8.95040546288788, "y": 0.8289408625878811, "z": 25.0, "is_anchor": true, "r": [2.1941616784141544, -0.0004447726985674638, -1.7622830943829655]}, "936": {"x": 8.95040546288788, "y": 6.453940862587881, "z": 25.0, "is_anchor": true, "r": [-0.41103062713488825, -0.4110306271348847, -3.834258864515661]}, "937": {"x": 14.47243975126453, "y": 0.01947882969807374, "z": 20.845249259197754, "r": [-0.00016188831723695785, 6.754115582778553e-05, -0.0005247108285999502]}, "938": {"x": 17.724108832894824, "y": 0.0758181651288038, "z": 19.023060594636878, "r": [-0.00024748387149031714, 0.000393615239095757, -0.0006632650370619331]}, "939": {"x": 17.4421730892456, "y": 5.169319642574948, "z": 19.123349218909937, "r": [-0.0007725082565883667, 0.002006566109283625, -0.001244354114604107]}, "940": {"x": 13.590059910005023, "y": 5.167190475659833, "z": 21.06376842270894, "r": [-0.003374581545344313, 0.011821718463757236, -0.004705228489612523]}, "941": {"x": 17.171264725280473, "y": 10.090771448495909, "z": 18.645052077613705, "r": [-0.0026873440936583393, -0.0007444081945990888, -0.0016758692312208723]}, "942": {"x": 17.268967322472676, "y": 14.772502722172565, "z": 17.870523663610186, "r": [-0.0010839657404204672, -0.0010839657404204672, -0.0015033012710858884]}, "943": {"x": 12.587236048796028, "y": 14.6748001249804, "z": 18.645052077613663, "r": [-0.0007444081945919834, -0.0026873440936583393, -0.0016758692312350831]}, "944": {"x": 12.611074141613202, "y": 10.114609541313131, "z": 20.094322218087804, "r": [-0.022446705639623588, -0.022446705639623588, 0.00769966581810877]}, "945": {"x": 21.294017548898157, "y": 5.271157972221248, "z": 17.610666701422893, "r": [-0.0003793990967864147, 0.0006635822923648504, -0.0006251250601820857]}, "946": {"x": 21.306452556628546, "y": 0.10144392892324017, "z": 17.35650043500216, "r": [-0.00017887724661136417, 0.0003868601723185372, -0.0004057639096117782]}, "947": {"x": 24.931527819707238, "y": 0.14859886237990677, "z": 15.918709863853506, "r": [-7.625274037081908e-05, 0.0003185857177020468, -0.00018594700870266934]}, "948": {"x": 25.060055246971242, "y": 5.476587300003672, "z": 16.380936670840637, "r": [-0.00014867935144025068, 0.0003957678082500138, -0.00035789967853361304]}, "949": {"x": 28.450385778823257, "y": 0.2315214634149701, "z": 14.67987243699685, "r": [6.089639299489136e-07, 0.00030166008672960487, -3.800472254056331e-05]}, "950": {"x": 31.77523708451649, "y": 0.3501098924570228, "z": 13.595321469833038, "r": [6.825030706636426e-05, 0.00037585229837611145, 7.698512440157401e-05]}, "951": {"x": 32.09213796501721, "y": 6.145149500764151, "z": 14.522249786338618, "r": [0.00022943359954297193, 0.0005935231547020692, -7.508712059234313e-05]}, "952": {"x": 28.67751360272661, "y": 5.773576253734799, "z": 15.36581912675538, "r": [1.835534941108108e-05, 0.00036455856331940595, -0.00020166426138246152]}, "953": {"x": 32.757813736594144, "y": 11.90241459180601, "z": 15.30695742266773, "r": [0.0003216032255295431, 0.0005330639778904356, -0.00028973357342465533]}, "954": {"x": 33.79305574323261, "y": 17.590439964809214, "z": 16.01683656813045, "r": [0.00024215896647206137, 0.00034806929053843305, -0.0003469810007459273]}, "955": {"x": 29.98018211328415, "y": 16.617581931508074, "z": 16.196128781757302, "r": [-0.00010065760557154135, -8.510394813754374e-05, -0.00045748125668865214]}, "956": {"x": 29.17087422268085, "y": 11.246664270322292, "z": 15.83528253367976, "r": [-1.9459634216900668e-05, 0.00016073389948445538, -0.00039950629950169514]}, "957": {"x": 25.94977629893482, "y": 15.7988854310808, "z": 16.57646418609577, "r": [-0.00025976667510008156, -0.00012304160821940968, -0.0006086757556857947]}, "958": {"x": 21.714627672143358, "y": 15.169955745521989, "z": 17.145125691535274, "r": [-0.0005577526169133762, -0.00031159613445197465, -0.000929063638380967]}, "959": {"x": 21.374799117653623, "y": 10.30881381789966, "z": 17.47904550255723, "r": [-0.0007689031766062726, 0.00010783584220774856, -0.0009354101510723467]}, "960": {"x": 25.369818231162945, "y": 10.705771964303787, "z": 16.55322578965635, "r": [-0.0002624755613993557, 0.0001449301259697222, -0.0005704992903616812]}, "961": {"x": 17.49489872674152, "y": -9.779632713478893, "z": 17.474363249840138, "r": [-0.000983378149840064, -0.0002601679370215493, -0.0012605757490007363]}, "962": {"x": 17.721181416390028, "y": -4.931037503971948, "z": 18.46795762335091, "r": [-0.0003847259792166824, 0.0002639770387666829, -0.0007179405145620876]}, "963": {"x": 14.422368353687581, "y": -4.870083960533327, "z": 20.454357792309715, "r": [-0.0012255909702219014, 0.00032839398498296646, -0.0010662151625808747]}, "964": {"x": 13.547168527593652, "y": -9.62436722804776, "z": 19.870094676010748, "r": [-0.005036995306689107, -0.004452661520609524, -0.005306373509839091]}, "965": {"x": 8.95040546288788, "y": -4.796059137412119, "z": 25.0, "is_anchor": true, "r": [2.1045764751284466, -0.002839853146152649, -1.8988523632479897]}, "967": {"x": 3.3254054628878817, "y": -10.421059137412119, "z": 25.0, "is_anchor": true, "r": [0.0028398531461508725, -2.1045764751284395, -1.8988523632479968]}, "968": {"x": 8.950405462887879, "y": -10.421059137412119, "z": 25.0, "is_anchor": true, "r": [-1.0598363031455484, 1.0598363031455413, -4.145923376759015]}, "969": {"x": 3.399430286009077, "y": -15.893022028211785, "z": 20.45435779230972, "r": [-0.00032839398498296646, 0.0012255909702219014, -0.0010662151625950855]}, "970": {"x": 3.4603838294476916, "y": -19.191835090914203, "z": 18.467957623350916, "r": [-0.00026397703876845924, 0.00038472597923089324, -0.0007179405145762985]}, "971": {"x": 8.308979038954666, "y": -18.96555240126573, "z": 17.474363249840174, "r": [0.0002601679370286547, 0.0009833781498116423, -0.0012605757489581038]}, "972": {"x": 8.15371355352352, "y": -15.017822202117852, "z": 19.87009467601078, "r": [0.0044526615205953135, 0.005036995306703318, -0.005306373509853302]}, "973": {"x": 13.039839625313896, "y": -18.845973222657737, "z": 15.984864595126563, "r": [-0.0007836713292590503, 0.0017144808919056231, -0.0009663015510597006]}, "974": {"x": 17.640404804456864, "y": -19.11105847898107, "z": 14.265478100357505, "r": [-0.0005750578100816028, 0.0005750578100958137, -0.0006655023254040771]}, "975": {"x": 17.375319548133533, "y": -14.510493299838089, "z": 15.984864595126549, "r": [-0.0017144808918914123, 0.0007836713292661557, -0.0009663015510597006]}, "976": {"x": 12.833547699564633, "y": -14.304201374088853, "z": 18.119355931384327, "r": [-0.015446702097477782, 0.015446702097470677, 0.006735725320410779]}, "977": {"x": 8.547666282979835, "y": -22.852967708370954, "z": 15.571989213771218, "r": [3.5423764970232696e-06, 0.00034302046087475446, -0.0005040598036458732]}, "978": {"x": 3.5536788107440858, "y": -22.796949157938585, "z": 16.66729371994252, "r": [-0.0001759628868498453, 0.00018034306150127577, -0.0003723127601631404]}, "979": {"x": 3.6755952814807538, "y": -26.43029586850763, "z": 15.098492709156892, "r": [-0.00012554479244641925, 7.305249255296076e-05, -0.0001605817477070559]}, "980": {"x": 8.864336171849283, "y": -26.626975084843707, "z": 13.945564831909614, "r": [-7.816805641880364e-06, 0.0001319214642165889, -0.00024962850182674856]}, "981": {"x": 3.813352661833008, "y": -29.949063359705523, "z": 13.721158925939177, "r": [-9.573961821729426e-05, 2.257504718272685e-05, -4.272003598515539e-05]}, "982": {"x": 3.956949041936606, "y": -33.26867256545006, "z": 12.48930879651685, "r": [-6.971911844644296e-05, 2.732276300321246e-06, 1.666197653804602e-05]}, "983": {"x": 9.678746280004072, "y": -33.62962277837067, "z": 11.208404427929084, "r": [5.8152500713504196e-05, 2.079356875128724e-06, -0.000127750457764364]}, "984": {"x": 9.246616550571634, "y": -30.235487615509815, "z": 12.506157652930126, "r": [1.0941864232449916e-05, 4.903672754608124e-05, -0.00014896647713413813]}, "985": {"x": 15.329630325763825, "y": -34.334652448038725, "z": 9.78649435271975, "r": [3.8551121562591106e-05, 4.281049172050189e-06, -0.0001897518203932691]}, "986": {"x": 20.888883218022468, "y": -35.39867539813994, "z": 8.264864126895649, "r": [5.6331303568413205e-06, 1.532610940557788e-05, -0.00015968190014348238]}, "987": {"x": 19.843082254198016, "y": -31.663031034312972, "z": 9.590046573817204, "r": [-5.517307593549958e-05, 7.781437432186067e-05, -0.00018060393578167577]}, "988": {"x": 14.596490724961242, "y": -30.79330070238591, "z": 11.103118862052025, "r": [-1.4050105079377317e-05, 7.384983763358832e-05, -0.00020516915690649284]}, "989": {"x": 18.9295610495278, "y": -27.693170573339952, "z": 11.034081843976814, "r": [-8.667229951697664e-05, 0.00014119470817774982, -0.0002508639818969982]}, "990": {"x": 18.182159911886696, "y": -23.507009844083186, "z": 12.59455237688518, "r": [-0.00019262957192722752, 0.0002830458010265602, -0.00039184066949360385]}, "991": {"x": 13.428240919189312, "y": -23.04494119458483, "z": 14.162244952033678, "r": [-0.00012729376400955061, 0.000465014249499518, -0.0005137339847465228]}, "992": {"x": 13.955011197963033, "y": -27.02349689893815, "z": 12.553549694324637, "r": [-4.0176521871160276e-05, 0.00017481640897187845, -0.0002937631074715341]}, "993": {"x": 24.967171689935615, "y": -32.861925910008935, "z": 8.028574900149923, "r": [-5.943106260986042e-05, 6.692468372193616e-05, -0.0001297523845522619]}, "994": {"x": 26.336345144514752, "y": -36.82781848019479, "z": 6.676972421031404, "r": [-7.777287834187518e-06, 2.3112256940294174e-05, -0.00010121851836686346]}, "995": {"x": 31.648721001339467, "y": -38.618494826638525, "z": 5.045549607611859, "r": [-9.972438988370413e-06, 2.0763734909223786e-05, -5.176811918872204e-05]}, "996": {"x": 29.943445741428143, "y": -34.38503970423591, "z": 6.457851706664154, "r": [-4.427946919349779e-05, 4.882341298184656e-05, -8.487712025129213e-05]}, "997": {"x": 36.795822562619115, "y": -40.75544912881532, "z": 3.3858843553335536, "r": [-5.37236010700326e-06, 8.366567669781944e-06, -1.931568949942175e-05]}, "998": {"x": 41.727301954047135, "y": -43.19795562857137, "z": 1.7143955694810342, "r": [-7.533424764005758e-07, 7.533425332439947e-07, -2.7459756282155467e-06]}, "999": {"x": 39.284795454291064, "y": -38.266476237143316, "z": 3.385884355333551, "r": [-8.366567612938525e-06, 5.37236010700326e-06, -1.9315689481658183e-05]}, "1000": {"x": 34.73584739936237, "y": -36.206501073886585, "z": 4.903002948120237, "r": [-2.6003152896691972e-05, 2.6003152896691972e-05, -4.941572132111105e-05]}, "1001": {"x": 37.1478411521142, "y": -33.11937467586358, "z": 5.045549607611887, "r": [-2.0763734937645495e-05, 9.972438988370413e-06, -5.176811919227475e-05]}, "1002": {"x": 35.35716480567056, "y": -27.806998819038878, "z": 6.676972421031414, "r": [-2.3112256968715883e-05, 7.777287862609228e-06, -0.00010121851842370688]}, "1003": {"x": 31.391272235484703, "y": -26.43782536445974, "z": 8.028574900149987, "r": [-6.692468372193616e-05, 5.9431062595649564e-05, -0.00012975238453805105]}, "1004": {"x": 32.914386029711714, "y": -31.414099415952286, "z": 6.457851706664151, "r": [-4.882341301026827e-05, 4.42794692219195e-05, -8.487712030103012e-05]}, "1005": {"x": 27.18827391463874, "y": -25.237041207398484, "z": 9.478985882021837, "r": [-9.649596472627309e-05, 8.553553404055947e-05, -0.00018388994480744714]}, "1006": {"x": 22.777419462974493, "y": -24.248073137498693, "z": 11.010722617108675, "r": [-0.00014514608346871682, 0.00014514608346871682, -0.00026754179155830116]}, "1007": {"x": 23.76638753287431, "y": -28.65892758916294, "z": 9.478985882021798, "r": [-8.553553404055947e-05, 9.649596472627309e-05, -0.00018388994481455256]}, "1008": {"x": 28.438821437940202, "y": -29.909475112464378, "z": 7.9430424429386175, "r": [-6.703182597789237e-05, 6.703182597789237e-05, -0.00012794142522665197]}, "1009": {"x": 30.19237735978874, "y": -21.31373592872216, "z": 9.590046573817267, "r": [-7.781437429343896e-05, 5.517307592128873e-05, -0.00018060393575325406]}, "1010": {"x": 33.92802172361573, "y": -22.35953689254659, "z": 8.264864126895702, "r": [-1.53261094624213e-05, -5.633130328419611e-06, -0.00015968190015769324]}, "1011": {"x": 32.86399877351458, "y": -16.800284000287967, "z": 9.786494352719826, "r": [-4.281049172050189e-06, -3.8551121562591106e-05, -0.00018975182037905824]}, "1012": {"x": 29.322647027861734, "y": -16.0671443994854, "z": 11.103118862052103, "r": [-7.38498375767449e-05, 1.4050105065166463e-05, -0.00020516915688517656]}, "1013": {"x": 32.15896910384661, "y": -11.149399954528235, "z": 11.208404427929164, "r": [-2.0793569035504333e-06, -5.815250069929334e-05, -0.00012775045780699656]}, "1014": {"x": 31.79801889092601, "y": -5.427602716460788, "z": 12.489308796516967, "r": [-2.732276300321246e-06, 6.971911843933754e-05, 1.6661976573573156e-05]}, "1015": {"x": 28.478409685181525, "y": -5.284006336357221, "z": 13.721158925939228, "r": [-2.2575047211148558e-05, 9.573961821729426e-05, -4.272003600647167e-05]}, "1016": {"x": 28.764833940985795, "y": -10.71727022509581, "z": 12.50615765293016, "r": [-4.903672757450295e-05, -1.0941864225344489e-05, -0.00014896647716966527]}, "1017": {"x": 24.959642193983626, "y": -5.146248956004978, "z": 15.098492709156892, "r": [-7.305249255296076e-05, 0.00012554479244997196, -0.00016058174769284506]}, "1018": {"x": 21.326295483414455, "y": -5.024332485268321, "z": 16.667293719942535, "r": [-0.00018034306150127577, 0.00017596288684629258, -0.00037231276014892956]}, "1019": {"x": 21.382314033846782, "y": -10.018319957504044, "z": 15.571989213771236, "r": [-0.0003430204608605436, -3.5423764899178423e-06, -0.0005040598036742949]}, "1020": {"x": 25.156321410319624, "y": -10.334989846373485, "z": 13.94556483190963, "r": [-0.0001319214642450106, 7.816805648985792e-06, -0.00024962850184806484]}, "1021": {"x": 21.574287520060636, "y": -14.898894593713504, "z": 14.162244952033696, "r": [-0.000465014249499518, 0.00012729376400955061, -0.0005137339847465228]}, "1022": {"x": 22.03635616955897, "y": -19.65281358641087, "z": 12.594552376885195, "r": [-0.00028304580104077104, 0.00019262957194143837, -0.0003918406695078147]}, "1023": {"x": 26.22251689881571, "y": -20.400214724051946, "z": 11.03408184397687, "r": [-0.0001411947081493281, 8.667229954539835e-05, -0.0002508639818969982]}, "1024": {"x": 25.552843224413966, "y": -15.425664872487184, "z": 12.553549694324674, "r": [-0.00017481640894345674, 4.0176521849843994e-05, -0.0002937631074431124]}, "1025": {"x": -16.469087800965614, "y": 5.812514438654533, "z": 17.47436324984015, "r": [0.0009833781498258531, 0.00026016793701799656, -0.0012605757490007363]}, "1026": {"x": -16.695370490614135, "y": 0.9639192291476262, "z": 18.467957623350905, "r": [0.0003847259792166824, -0.00026397703876401835, -0.0007179405145620876]}, "1027": {"x": -13.396557427911743, "y": 0.9029656857090196, "z": 20.454357792309708, "r": [0.001225590970214796, -0.00032839398498385464, -0.0010662151625808747]}, "1028": {"x": -12.521357601817776, "y": 5.6572489532234185, "z": 19.870094676010762, "r": [0.0050369953066962125, 0.0044526615205953135, -0.0053063735098675124]}, "1029": {"x": -7.924594537112116, "y": 0.8289408625878817, "z": 25.0, "is_anchor": true, "r": [-2.1045764751284146, 0.0028398531461497623, -1.8988523632480252]}, "1031": {"x": -2.299594537112115, "y": 6.453940862587881, "z": 25.0, "is_anchor": true, "r": [-0.002839853146149096, 2.1045764751284306, -1.898852363248018]}, "1032": {"x": -7.924594537112116, "y": 6.453940862587881, "z": 25.0, "is_anchor": true, "r": [1.0598363031456088, -1.0598363031455946, -4.145923376759015]}, "1033": {"x": -2.3736193602332687, "y": 11.92590375338747, "z": 20.45435779230967, "r": [0.0003283939849776374, -0.0012255909702005852, -0.001066215162552453]}, "1034": {"x": -2.4345729036718624, "y": 15.224716816089835, "z": 18.467957623350845, "r": [0.00026397703876313017, -0.00038472597920957696, -0.0007179405145762985]}, "1035": {"x": -7.283168113178784, "y": 14.998434126441312, "z": 17.474363249840078, "r": [-0.00026016793701444385, -0.000983378149840064, -0.0012605757490007363]}, "1036": {"x": -7.127902627747681, "y": 11.050703927293496, "z": 19.870094676010734, "r": [-0.004452661520598866, -0.005036995306703318, -0.0053063735098675124]}, "1037": {"x": -12.01402869953798, "y": 14.878854947833313, "z": 15.984864595126522, "r": [0.0007836713292661557, -0.0017144808918985177, -0.0009663015510597006]}, "1038": {"x": -16.614593878680935, "y": 15.143940204156651, "z": 14.265478100357484, "r": [0.0005750578100958137, -0.0005750578100958137, -0.0006655023253969716]}, "1039": {"x": -16.34950862235761, "y": 10.543375025013708, "z": 15.984864595126545, "r": [0.0017144808918914123, -0.0007836713292519448, -0.0009663015510454898]}, "1040": {"x": -11.807736773788758, "y": 10.337083099264483, "z": 18.11935593138429, "r": [0.015446702097491993, -0.015446702097484888, 0.0067357253203823575]}, "1041": {"x": -7.521855357203942, "y": 18.885849433546525, "z": 15.571989213771145, "r": [-3.542376482812415e-06, -0.0003430204608889653, -0.0005040598036742949]}, "1042": {"x": -2.527867884968237, "y": 18.8298308831142, "z": 16.66729371994246, "r": [0.00017596288684273986, -0.00018034306148706492, -0.0003723127601347187]}, "1043": {"x": -2.6497843557049032, "y": 22.463177593683284, "z": 15.098492709156792, "r": [0.0001255447924446429, -7.305249255296076e-05, -0.00016058174769284506]}, "1044": {"x": -7.838525246073407, "y": 22.659856810019306, "z": 13.94556483190953, "r": [7.816805641880364e-06, -0.0001319214642450106, -0.0002496285018409594]}, "1045": {"x": -2.78754173605716, "y": 25.981945084881115, "z": 13.721158925939102, "r": [9.573961821374155e-05, -2.2575047211148558e-05, -4.2720035978049964e-05]}, "1046": {"x": -2.931138116160758, "y": 29.30155429062563, "z": 12.489308796516777, "r": [6.971911843400846e-05, -2.7322762718995364e-06, 1.666197658778401e-05]}, "1047": {"x": -8.652935354228225, "y": 29.662504503546245, "z": 11.20840442792902, "r": [-5.815250072771505e-05, -2.0793568467070145e-06, -0.00012775045775725857]}, "1048": {"x": -8.22080562479577, "y": 26.26836934068546, "z": 12.506157652930042, "r": [-1.0941864232449916e-05, -4.903672754608124e-05, -0.00014896647716255984]}, "1049": {"x": -14.303819399987962, "y": 30.36753417321429, "z": 9.786494352719693, "r": [-3.855112157680196e-05, -4.281049143628479e-06, -0.0001897518203435311]}, "1050": {"x": -19.863072292246574, "y": 31.43155712331548, "z": 8.264864126895617, "r": [-5.63313038526303e-06, -1.5326109377156172e-05, -0.00015968190010084982]}, "1051": {"x": -18.81727132842216, "y": 27.695912759488586, "z": 9.590046573817146, "r": [5.517307593549958e-05, -7.781437429343896e-05, -0.00018060393582430834]}, "1052": {"x": -13.570679799185367, "y": 26.826182427561463, "z": 11.103118862051996, "r": [1.4050105079377317e-05, -7.384983760516661e-05, -0.00020516915687807113]}, "1053": {"x": -17.903750123751895, "y": 23.72605229851556, "z": 11.034081843976773, "r": [8.667229954539835e-05, -0.00014119470817774982, -0.0002508639819183145]}, "1054": {"x": -17.15634898611078, "y": 19.539891569258746, "z": 12.59455237688516, "r": [0.00019262957194143837, -0.0002830458010549819, -0.000391840669529131]}, "1055": {"x": -12.402429993413396, "y": 19.077822919760404, "z": 14.16224495203364, "r": [0.00012729376398823433, -0.0004650142494853071, -0.0005137339847181011]}, "1056": {"x": -12.929200272187137, "y": 23.056378624113727, "z": 12.553549694324595, "r": [4.0176521842738566e-05, -0.00017481640892924588, -0.000293763107436007]}, "1057": {"x": -23.941360764159732, "y": 28.894807635184566, "z": 8.02857490014991, "r": [5.9431062624071274e-05, -6.692468372193616e-05, -0.00012975238456647276]}, "1058": {"x": -25.31053421873896, "y": 32.860700205370456, "z": 6.676972421031329, "r": [7.777287834187518e-06, -2.3112256940294174e-05, -0.00010121851841660146]}, "1059": {"x": -30.622910075563617, "y": 34.651376551814074, "z": 5.0455496076118544, "r": [9.972438959948704e-06, -2.0763734880802076e-05, -5.176811917095847e-05]}, "1060": {"x": -28.917634815652267, "y": 30.417921429411585, "z": 6.4578517066641385, "r": [4.427946919349779e-05, -4.882341295342485e-05, -8.487712025129213e-05]}, "1061": {"x": -35.770011636843286, "y": 36.788330853990956, "z": 3.3858843553335487, "r": [5.3723601354249695e-06, -8.366567641360234e-06, -1.9315689463894614e-05]}, "1062": {"x": -40.70149102827139, "y": 39.230837353747134, "z": 1.714395569481009, "r": [7.53342419557157e-07, -7.533424764005758e-07, -2.745975603346551e-06]}, "1063": {"x": -38.2589845285152, "y": 34.29935796231899, "z": 3.385884355333568, "r": [8.366567612938525e-06, -5.37236010700326e-06, -1.9315689474552755e-05]}, "1064": {"x": -33.710036473586456, "y": 32.23938279906217, "z": 4.903002948120281, "r": [2.6003152868270263e-05, -2.6003152839848553e-05, -4.9415721267820345e-05]}, "1065": {"x": -36.122030226338296, "y": 29.15225640103928, "z": 5.04554960761191, "r": [2.0763734909223786e-05, -9.972438988370413e-06, -5.176811916740576e-05]}, "1066": {"x": -34.33135387989466, "y": 23.839880544214626, "z": 6.676972421031423, "r": [2.3112256968715883e-05, -7.777287834187518e-06, -0.00010121851838817975]}, "1067": {"x": -30.365461309708873, "y": 22.47070708963549, "z": 8.028574900149954, "r": [6.692468375035787e-05, -5.943106260986042e-05, -0.00012975238456647276]}, "1068": {"x": -31.888575103935814, "y": 27.44698114112795, "z": 6.457851706664174, "r": [4.882341298184656e-05, -4.427946919349779e-05, -8.487712027260841e-05]}, "1069": {"x": -26.16246298886281, "y": 21.269922932574115, "z": 9.478985882021819, "r": [9.649596468364052e-05, -8.553553401213776e-05, -0.00018388994480744714]}, "1070": {"x": -21.751608537198614, "y": 20.28095486267433, "z": 11.010722617108634, "r": [0.00014514608345450597, -0.00014514608344029511, -0.00026754179155830116]}, "1071": {"x": -22.740576607098404, "y": 24.69180931433854, "z": 9.478985882021785, "r": [8.553553404055947e-05, -9.649596471206223e-05, -0.00018388994481455256]}, "1072": {"x": -27.413010512164263, "y": 25.942356837639988, "z": 7.943042442938637, "r": [6.703182597789237e-05, -6.703182597789237e-05, -0.0001279414252053357]}, "1073": {"x": -29.16656643401282, "y": 17.346617653897827, "z": 9.590046573817252, "r": [7.781437429343896e-05, -5.517307590707787e-05, -0.0001806039357887812]}, "1074": {"x": -32.90221079783979, "y": 18.392418617722303, "z": 8.264864126895691, "r": [1.532610943399959e-05, 5.63313038526303e-06, -0.00015968190012927153]}, "1075": {"x": -31.838187847738617, "y": 12.833165725463674, "z": 9.786494352719803, "r": [4.281049143628479e-06, 3.8551121569696534e-05, -0.00018975182035774196]}, "1076": {"x": -28.29683610208574, "y": 12.100026124661067, "z": 11.103118862052096, "r": [7.384983763358832e-05, -1.4050105079377317e-05, -0.00020516915689938742]}, "1077": {"x": -31.133158178070666, "y": 7.1822816797039595, "z": 11.208404427929128, "r": [2.079356875128724e-06, 5.8152500713504196e-05, -0.00012775045777146943]}, "1078": {"x": -30.77220796515005, "y": 1.46048444163652, "z": 12.489308796516934, "r": [2.7322762718995364e-06, -6.971911844022571e-05, 1.666197656646773e-05]}, "1079": {"x": -27.4525987594056, "y": 1.3168880615329146, "z": 13.721158925939193, "r": [2.2575047196937703e-05, -9.573961820397159e-05, -4.27200359354174e-05]}, "1080": {"x": -27.739023015209863, "y": 6.750151950271513, "z": 12.506157652930138, "r": [4.903672756029209e-05, 1.0941864225344489e-05, -0.0001489664771554544]}, "1081": {"x": -23.933831268207708, "y": 1.17913068118066, "z": 15.098492709156876, "r": [7.305249255296076e-05, -0.00012554479244286654, -0.00016058174769284506]}, "1082": {"x": -20.300484557638544, "y": 1.0572142104439988, "z": 16.667293719942514, "r": [0.00018034306151548662, -0.0001759628868498453, -0.00037231276014892956]}, "1083": {"x": -20.356503108070857, "y": 6.051201682679696, "z": 15.571989213771223, "r": [0.0003430204608605436, 3.542376504128697e-06, -0.0005040598036316624]}, "1084": {"x": -24.130510484543656, "y": 6.367871571549145, "z": 13.945564831909621, "r": [0.0001319214642165889, -7.81680563832765e-06, -0.0002496285018125377]}, "1085": {"x": -20.548476594284697, "y": 10.931776318889137, "z": 14.162244952033692, "r": [0.000465014249499518, -0.00012729376399533976, -0.0005137339847109956]}, "1086": {"x": -21.010545243783042, "y": 15.685695311586501, "z": 12.594552376885177, "r": [0.0002830458010265602, -0.00019262957194143837, -0.00039184066949360385]}, "1087": {"x": -25.196705973039784, "y": 16.433096449227577, "z": 11.034081843976862, "r": [0.0001411947081209064, -8.667229953118749e-05, -0.00025086398188278736]}, "1088": {"x": -24.527032298638026, "y": 11.458546597662853, "z": 12.55354969432466, "r": [0.00017481640897187845, -4.017652186405485e-05, -0.000293763107436007]}}, "face": {"1365": [193, 451, 833], "1366": [833, 769, 193], "1367": [49, 449, 833], "1368": [833, 451, 49], "1369": [107, 611, 833], "1370": [833, 449, 107], "1371": [225, 769, 833], "1372": [833, 611, 225], "1373": [107, 315, 834], "1374": [834, 611, 107], "1375": [9, 313, 834], "1376": [834, 315, 9], "1377": [105, 609, 834], "1378": [834, 313, 105], "1379": [225, 611, 834], "1380": [834, 609, 225], "1381": [105, 370, 835], "1382": [835, 609, 105], "1383": [25, 371, 835], "1384": [835, 370, 25], "1385": [161, 705, 835], "1386": [835, 371, 161], "1387": [225, 609, 835], "1388": [835, 705, 225], "1389": [161, 513, 836], "1390": [836, 705, 161], "1391": [65, 515, 836], "1392": [836, 513, 65], "1393": [193, 769, 836], "1394": [836, 515, 193], "1395": [225, 705, 836], "1396": [836, 769, 225], "1397": [161, 371, 837], "1398": [837, 706, 161], "1399": [25, 369, 837], "1400": [837, 371, 25], "1401": [81, 577, 837], "1402": [837, 369, 81], "1403": [226, 706, 837], "1404": [837, 577, 226], "1405": [81, 289, 838], "1406": [838, 577, 81], "1407": [0, 290, 838], "1408": [838, 289, 0], "1409": [82, 578, 838], "1410": [838, 290, 82], "1411": [226, 577, 838], "1412": [838, 578, 226], "1413": [82, 372, 839], "1414": [839, 578, 82], "1415": [26, 374, 839], "1416": [839, 372, 26], "1417": [162, 707, 839], "1418": [839, 374, 162], "1419": [226, 578, 839], "1420": [839, 707, 226], "1421": [162, 514, 840], "1422": [840, 707, 162], "1423": [65, 513, 840], "1424": [840, 514, 65], "1425": [161, 706, 840], "1426": [840, 513, 161], "1427": [226, 707, 840], "1428": [840, 706, 226], "1429": [162, 374, 841], "1430": [841, 708, 162], "1431": [26, 373, 841], "1432": [841, 374, 26], "1433": [108, 613, 841], "1434": [841, 373, 108], "1435": [227, 708, 841], "1436": [841, 613, 227], "1437": [108, 316, 842], "1438": [842, 613, 108], "1439": [10, 318, 842], "1440": [842, 316, 10], "1441": [110, 615, 842], "1442": [842, 318, 110], "1443": [227, 613, 842], "1444": [842, 615, 227], "1445": [110, 453, 843], "1446": [843, 615, 110], "1447": [50, 455, 843], "1448": [843, 453, 50], "1449": [195, 773, 843], "1450": [843, 455, 195], "1451": [227, 615, 843], "1452": [843, 773, 227], "1453": [195, 516, 844], "1454": [844, 773, 195], "1455": [65, 514, 844], "1456": [844, 516, 65], "1457": [162, 708, 844], "1458": [844, 514, 162], "1459": [227, 773, 844], "1460": [844, 708, 227], "1461": [195, 455, 845], "1462": [845, 774, 195], "1463": [50, 454, 845], "1464": [845, 455, 50], "1465": [146, 675, 845], "1466": [845, 454, 146], "1467": [228, 774, 845], "1468": [845, 675, 228], "1469": [146, 354, 846], "1470": [846, 675, 146], "1471": [21, 353, 846], "1472": [846, 354, 21], "1473": [145, 673, 846], "1474": [846, 353, 145], "1475": [228, 675, 846], "1476": [846, 673, 228], "1477": [145, 450, 847], "1478": [847, 673, 145], "1479": [49, 451, 847], "1480": [847, 450, 49], "1481": [193, 770, 847], "1482": [847, 451, 193], "1483": [228, 673, 847], "1484": [847, 770, 228], "1485": [193, 515, 848], "1486": [848, 770, 193], "1487": [65, 516, 848], "1488": [848, 515, 65], "1489": [195, 774, 848], "1490": [848, 516, 195], "1491": [228, 770, 848], "1492": [848, 774, 228], "1493": [196, 456, 849], "1494": [849, 775, 196], "1495": [50, 453, 849], "1496": [849, 456, 50], "1497": [110, 616, 849], "1498": [849, 453, 110], "1499": [229, 775, 849], "1500": [849, 616, 229], "1501": [110, 318, 850], "1502": [850, 616, 110], "1503": [10, 317, 850], "1504": [850, 318, 10], "1505": [109, 614, 850], "1506": [850, 317, 109], "1507": [229, 616, 850], "1508": [850, 614, 229], "1509": [109, 382, 851], "1510": [851, 614, 109], "1511": [29, 383, 851], "1512": [851, 382, 29], "1513": [165, 713, 851], "1514": [851, 383, 165], "1515": [229, 614, 851], "1516": [851, 713, 229], "1517": [165, 517, 852], "1518": [852, 713, 165], "1519": [66, 519, 852], "1520": [852, 517, 66], "1521": [196, 775, 852], "1522": [852, 519, 196], "1523": [229, 713, 852], "1524": [852, 775, 229], "1525": [165, 383, 853], "1526": [853, 714, 165], "1527": [29, 381, 853], "1528": [853, 383, 29], "1529": [85, 581, 853], "1530": [853, 381, 85], "1531": [230, 714, 853], "1532": [853, 581, 230], "1533": [85, 293, 854], "1534": [854, 581, 85], "1535": [2, 294, 854], "1536": [854, 293, 2], "1537": [86, 582, 854], "1538": [854, 294, 86], "1539": [230, 581, 854], "1540": [854, 582, 230], "1541": [86, 384, 855], "1542": [855, 582, 86], "1543": [30, 386, 855], "1544": [855, 384, 30], "1545": [166, 715, 855], "1546": [855, 386, 166], "1547": [230, 582, 855], "1548": [855, 715, 230], "1549": [166, 518, 856], "1550": [856, 715, 166], "1551": [66, 517, 856], "1552": [856, 518, 66], "1553": [165, 714, 856], "1554": [856, 517, 165], "1555": [230, 715, 856], "1556": [856, 714, 230], "1557": [166, 386, 857], "1558": [857, 716, 166], "1559": [30, 385, 857], "1560": [857, 386, 30], "1561": [117, 625, 857], "1562": [857, 385, 117], "1563": [231, 716, 857], "1564": [857, 625, 231], "1565": [117, 325, 858], "1566": [858, 625, 117], "1567": [13, 327, 858], "1568": [858, 325, 13], "1569": [119, 629, 858], "1570": [858, 327, 119], "1571": [231, 625, 858], "1572": [858, 629, 231], "1573": [119, 465, 859], "1574": [859, 629, 119], "1575": [53, 467, 859], "1576": [859, 465, 53], "1577": [201, 785, 859], "1578": [859, 467, 201], "1579": [231, 629, 859], "1580": [859, 785, 231], "1581": [201, 520, 860], "1582": [860, 785, 201], "1583": [66, 518, 860], "1584": [860, 520, 66], "1585": [166, 716, 860], "1586": [860, 518, 166], "1587": [231, 785, 860], "1588": [860, 716, 231], "1589": [201, 467, 861], "1590": [861, 786, 201], "1591": [53, 466, 861], "1592": [861, 467, 53], "1593": [147, 677, 861], "1594": [861, 466, 147], "1595": [232, 786, 861], "1596": [861, 677, 232], "1597": [147, 355, 862], "1598": [862, 677, 147], "1599": [21, 354, 862], "1600": [862, 355, 21], "1601": [146, 676, 862], "1602": [862, 354, 146], "1603": [232, 677, 862], "1604": [862, 676, 232], "1605": [146, 454, 863], "1606": [863, 676, 146], "1607": [50, 456, 863], "1608": [863, 454, 50], "1609": [196, 776, 863], "1610": [863, 456, 196], "1611": [232, 676, 863], "1612": [863, 776, 232], "1613": [196, 519, 864], "1614": [864, 776, 196], "1615": [66, 520, 864], "1616": [864, 519, 66], "1617": [201, 786, 864], "1618": [864, 520, 201], "1619": [232, 776, 864], "1620": [864, 786, 232], "1621": [202, 468, 865], "1622": [865, 787, 202], "1623": [53, 465, 865], "1624": [865, 468, 53], "1625": [119, 630, 865], "1626": [865, 465, 119], "1627": [233, 787, 865], "1628": [865, 630, 233], "1629": [119, 327, 866], "1630": [866, 630, 119], "1631": [13, 326, 866], "1632": [866, 327, 13], "1633": [118, 627, 866], "1634": [866, 326, 118], "1635": [233, 630, 866], "1636": [866, 627, 233], "1637": [118, 392, 867], "1638": [867, 627, 118], "1639": [32, 393, 867], "1640": [867, 392, 32], "1641": [169, 721, 867], "1642": [867, 393, 169], "1643": [233, 627, 867], "1644": [867, 721, 233], "1645": [169, 521, 868], "1646": [868, 721, 169], "1647": [67, 523, 868], "1648": [868, 521, 67], "1649": [202, 787, 868], "1650": [868, 523, 202], "1651": [233, 721, 868], "1652": [868, 787, 233], "1653": [169, 393, 869], "1654": [869, 722, 169], "1655": [32, 391, 869], "1656": [869, 393, 32], "1671": [33, 397, 871], "1672": [871, 395, 33], "1673": [171, 725, 871], "1674": [871, 397, 171], "1677": [171, 522, 872], "1678": [872, 725, 171], "1679": [67, 521, 872], "1680": [872, 522, 67], "1681": [169, 722, 872], "1682": [872, 521, 169], "1685": [171, 397, 873], "1686": [873, 726, 171], "1687": [33, 396, 873], "1688": [873, 397, 33], "1689": [124, 637, 873], "1690": [873, 396, 124], "1691": [235, 726, 873], "1692": [873, 637, 235], "1693": [124, 332, 874], "1694": [874, 637, 124], "1695": [15, 334, 874], "1696": [874, 332, 15], "1697": [126, 641, 874], "1698": [874, 334, 126], "1699": [235, 637, 874], "1700": [874, 641, 235], "1701": [126, 477, 875], "1702": [875, 641, 126], "1703": [56, 479, 875], "1704": [875, 477, 56], "1705": [207, 797, 875], "1706": [875, 479, 207], "1707": [235, 641, 875], "1708": [875, 797, 235], "1709": [207, 524, 876], "1710": [876, 797, 207], "1711": [67, 522, 876], "1712": [876, 524, 67], "1713": [171, 726, 876], "1714": [876, 522, 171], "1715": [235, 797, 876], "1716": [876, 726, 235], "1717": [207, 479, 877], "1718": [877, 798, 207], "1719": [56, 478, 877], "1720": [877, 479, 56], "1721": [148, 679, 877], "1722": [877, 478, 148], "1723": [236, 798, 877], "1724": [877, 679, 236], "1725": [148, 356, 878], "1726": [878, 679, 148], "1727": [21, 355, 878], "1728": [878, 356, 21], "1729": [147, 678, 878], "1730": [878, 355, 147], "1731": [236, 679, 878], "1732": [878, 678, 236], "1733": [147, 466, 879], "1734": [879, 678, 147], "1735": [53, 468, 879], "1736": [879, 466, 53], "1737": [202, 788, 879], "1738": [879, 468, 202], "1739": [236, 678, 879], "1740": [879, 788, 236], "1741": [202, 523, 880], "1742": [880, 788, 202], "1743": [67, 524, 880], "1744": [880, 523, 67], "1745": [207, 798, 880], "1746": [880, 524, 207], "1747": [236, 788, 880], "1748": [880, 798, 236], "1749": [208, 480, 881], "1750": [881, 799, 208], "1751": [56, 477, 881], "1752": [881, 480, 56], "1753": [126, 642, 881], "1754": [881, 477, 126], "1755": [237, 799, 881], "1756": [881, 642, 237], "1757": [126, 334, 882], "1758": [882, 642, 126], "1759": [15, 333, 882], "1760": [882, 334, 15], "1761": [125, 639, 882], "1762": [882, 333, 125], "1763": [237, 642, 882], "1764": [882, 639, 237], "1765": [125, 430, 883], "1766": [883, 639, 125], "1767": [43, 431, 883], "1768": [883, 430, 43], "1769": [185, 753, 883], "1770": [883, 431, 185], "1771": [237, 639, 883], "1772": [883, 753, 237], "1773": [185, 525, 884], "1774": [884, 753, 185], "1775": [68, 528, 884], "1776": [884, 525, 68], "1777": [208, 799, 884], "1778": [884, 528, 208], "1779": [237, 753, 884], "1780": [884, 799, 237], "1781": [185, 431, 885], "1782": [885, 754, 185], "1783": [43, 429, 885], "1784": [885, 431, 43], "1785": [99, 601, 885], "1786": [885, 429, 99], "1787": [238, 754, 885], "1788": [885, 601, 238], "1789": [99, 307, 886], "1790": [886, 601, 99], "1791": [7, 308, 886], "1792": [886, 307, 7], "1793": [100, 603, 886], "1794": [886, 308, 100], "1795": [238, 601, 886], "1796": [886, 603, 238], "1797": [100, 433, 887], "1798": [887, 603, 100], "1799": [44, 435, 887], "1800": [887, 433, 44], "1801": [187, 757, 887], "1802": [887, 435, 187], "1803": [238, 603, 887], "1804": [887, 757, 238], "1805": [187, 526, 888], "1806": [888, 757, 187], "1807": [68, 525, 888], "1808": [888, 526, 68], "1809": [185, 754, 888], "1810": [888, 525, 185], "1811": [238, 757, 888], "1812": [888, 754, 238], "1813": [187, 435, 889], "1814": [889, 758, 187], "1815": [44, 434, 889], "1816": [889, 435, 44], "1817": [106, 610, 889], "1818": [889, 434, 106], "1819": [239, 758, 889], "1820": [889, 610, 239], "1821": [106, 314, 890], "1822": [890, 610, 106], "1823": [9, 315, 890], "1824": [890, 314, 9], "1825": [107, 612, 890], "1826": [890, 315, 107], "1827": [239, 610, 890], "1828": [890, 612, 239], "1829": [107, 449, 891], "1830": [891, 612, 107], "1831": [49, 452, 891], "1832": [891, 449, 49], "1833": [194, 771, 891], "1834": [891, 452, 194], "1835": [239, 612, 891], "1836": [891, 771, 239], "1837": [194, 527, 892], "1838": [892, 771, 194], "1839": [68, 526, 892], "1840": [892, 527, 68], "1841": [187, 758, 892], "1842": [892, 526, 187], "1843": [239, 771, 892], "1844": [892, 758, 239], "1845": [194, 452, 893], "1846": [893, 772, 194], "1847": [49, 450, 893], "1848": [893, 452, 49], "1849": [145, 674, 893], "1850": [893, 450, 145], "1851": [240, 772, 893], "1852": [893, 674, 240], "1853": [145, 353, 894], "1854": [894, 674, 145], "1855": [21, 356, 894], "1856": [894, 353, 21], "1857": [148, 680, 894], "1858": [894, 356, 148], "1859": [240, 674, 894], "1860": [894, 680, 240], "1861": [148, 478, 895], "1862": [895, 680, 148], "1863": [56, 480, 895], "1864": [895, 478, 56], "1865": [208, 800, 895], "1866": [895, 480, 208], "1867": [240, 680, 895], "1868": [895, 800, 240], "1869": [208, 528, 896], "1870": [896, 800, 208], "1871": [68, 527, 896], "1872": [896, 528, 68], "1873": [194, 772, 896], "1874": [896, 527, 194], "1875": [240, 800, 896], "1876": [896, 772, 240], "1877": [199, 463, 897], "1878": [897, 781, 199], "1879": [52, 461, 897], "1880": [897, 463, 52], "1881": [116, 623, 897], "1882": [897, 461, 116], "1883": [241, 781, 897], "1884": [897, 623, 241], "1885": [116, 324, 898], "1886": [898, 623, 116], "1887": [12, 322, 898], "1888": [898, 324, 12], "1889": [114, 621, 898], "1890": [898, 322, 114], "1891": [241, 623, 898], "1892": [898, 621, 241], "1893": [114, 376, 899], "1894": [899, 621, 114], "1895": [27, 377, 899], "1896": [899, 376, 27], "1897": [163, 709, 899], "1898": [899, 377, 163], "1899": [241, 621, 899], "1900": [899, 709, 241], "1901": [163, 529, 900], "1902": [900, 709, 163], "1903": [69, 532, 900], "1904": [900, 529, 69], "1905": [199, 781, 900], "1906": [900, 532, 199], "1907": [241, 709, 900], "1908": [900, 781, 241], "1909": [163, 377, 901], "1910": [901, 710, 163], "1911": [27, 375, 901], "1912": [901, 377, 27], "1913": [83, 579, 901], "1914": [901, 375, 83], "1915": [242, 710, 901], "1916": [901, 579, 242], "1917": [83, 291, 902], "1918": [902, 579, 83], "1919": [1, 292, 902], "1920": [902, 291, 1], "1921": [84, 580, 902], "1922": [902, 292, 84], "1923": [242, 579, 902], "1924": [902, 580, 242], "1925": [84, 378, 903], "1926": [903, 580, 84], "1927": [28, 380, 903], "1928": [903, 378, 28], "1929": [164, 711, 903], "1930": [903, 380, 164], "1931": [242, 580, 903], "1932": [903, 711, 242], "1933": [164, 530, 904], "1934": [904, 711, 164], "1935": [69, 529, 904], "1936": [904, 530, 69], "1937": [163, 710, 904], "1938": [904, 529, 163], "1939": [242, 711, 904], "1940": [904, 710, 242], "1941": [164, 380, 905], "1942": [905, 712, 164], "1943": [28, 379, 905], "1944": [905, 380, 28], "1945": [111, 617, 905], "1946": [905, 379, 111], "1947": [243, 712, 905], "1948": [905, 617, 243], "1949": [111, 319, 906], "1950": [906, 617, 111], "1951": [11, 321, 906], "1952": [906, 319, 11], "1953": [113, 619, 906], "1954": [906, 321, 113], "1955": [243, 617, 906], "1956": [906, 619, 243], "1957": [113, 457, 907], "1958": [907, 619, 113], "1959": [51, 459, 907], "1960": [907, 457, 51], "1961": [197, 777, 907], "1962": [907, 459, 197], "1963": [243, 619, 907], "1964": [907, 777, 243], "1965": [197, 531, 908], "1966": [908, 777, 197], "1967": [69, 530, 908], "1968": [908, 531, 69], "1969": [164, 712, 908], "1970": [908, 530, 164], "1971": [243, 777, 908], "1972": [908, 712, 243], "1973": [197, 459, 909], "1974": [909, 778, 197], "1975": [51, 458, 909], "1976": [909, 459, 51], "1977": [149, 681, 909], "1978": [909, 458, 149], "1979": [244, 778, 909], "1980": [909, 681, 244], "1981": [149, 357, 910], "1982": [910, 681, 149], "1983": [22, 358, 910], "1984": [910, 357, 22], "1985": [150, 683, 910], "1986": [910, 358, 150], "1987": [244, 681, 910], "1988": [910, 683, 244], "1989": [150, 462, 911], "1990": [911, 683, 150], "1991": [52, 463, 911], "1992": [911, 462, 52], "1993": [199, 782, 911], "1994": [911, 463, 199], "1995": [244, 683, 911], "1996": [911, 782, 244], "1997": [199, 532, 912], "1998": [912, 782, 199], "1999": [69, 531, 912], "2000": [912, 532, 69], "2001": [197, 778, 912], "2002": [912, 531, 197], "2003": [244, 782, 912], "2004": [912, 778, 244], "2005": [198, 460, 913], "2006": [913, 779, 198], "2007": [51, 457, 913], "2008": [913, 460, 51], "2009": [113, 620, 913], "2010": [913, 457, 113], "2011": [245, 779, 913], "2012": [913, 620, 245], "2013": [113, 321, 914], "2014": [914, 620, 113], "2015": [11, 320, 914], "2016": [914, 321, 11], "2017": [112, 618, 914], "2018": [914, 320, 112], "2019": [245, 620, 914], "2020": [914, 618, 245], "2021": [112, 440, 915], "2022": [915, 618, 112], "2023": [46, 441, 915], "2024": [915, 440, 46], "2025": [189, 761, 915], "2026": [915, 441, 189], "2027": [245, 618, 915], "2028": [915, 761, 245], "2029": [189, 533, 916], "2030": [916, 761, 189], "2031": [70, 535, 916], "2032": [916, 533, 70], "2033": [198, 779, 916], "2034": [916, 535, 198], "2035": [245, 761, 916], "2036": [916, 779, 245], "2037": [189, 441, 917], "2038": [917, 762, 189], "2039": [46, 439, 917], "2040": [917, 441, 46], "2041": [102, 605, 917], "2042": [917, 439, 102], "2043": [246, 762, 917], "2044": [917, 605, 246], "2045": [102, 310, 918], "2046": [918, 605, 102], "2047": [8, 311, 918], "2048": [918, 310, 8], "2049": [103, 606, 918], "2050": [918, 311, 103], "2051": [246, 605, 918], "2052": [918, 606, 246], "2053": [103, 442, 919], "2054": [919, 606, 103], "2055": [47, 444, 919], "2056": [919, 442, 47], "2057": [190, 763, 919], "2058": [919, 444, 190], "2059": [246, 606, 919], "2060": [919, 763, 246], "2061": [190, 534, 920], "2062": [920, 763, 190], "2063": [70, 533, 920], "2064": [920, 534, 70], "2065": [189, 762, 920], "2066": [920, 533, 189], "2067": [246, 763, 920], "2068": [920, 762, 246], "2069": [190, 444, 921], "2070": [921, 764, 190], "2071": [47, 443, 921], "2072": [921, 444, 47], "2073": [129, 647, 921], "2074": [921, 443, 129], "2075": [247, 764, 921], "2076": [921, 647, 247], "2077": [129, 337, 922], "2078": [922, 647, 129], "2079": [16, 338, 922], "2080": [922, 337, 16], "2081": [130, 649, 922], "2082": [922, 338, 130], "2083": [247, 647, 922], "2084": [922, 649, 247], "2085": [130, 485, 923], "2086": [923, 649, 130], "2087": [58, 487, 923], "2088": [923, 485, 58], "2089": [211, 805, 923], "2090": [923, 487, 211], "2091": [247, 649, 923], "2092": [923, 805, 247], "2093": [211, 536, 924], "2094": [924, 805, 211], "2095": [70, 534, 924], "2096": [924, 536, 70], "2097": [190, 764, 924], "2098": [924, 534, 190], "2099": [247, 805, 924], "2100": [924, 764, 247], "2101": [211, 487, 925], "2102": [925, 806, 211], "2103": [58, 486, 925], "2104": [925, 487, 58], "2105": [151, 685, 925], "2106": [925, 486, 151], "2107": [248, 806, 925], "2108": [925, 685, 248], "2109": [151, 359, 926], "2110": [926, 685, 151], "2111": [22, 357, 926], "2112": [926, 359, 22], "2113": [149, 682, 926], "2114": [926, 357, 149], "2115": [248, 685, 926], "2116": [926, 682, 248], "2117": [149, 458, 927], "2118": [927, 682, 149], "2119": [51, 460, 927], "2120": [927, 458, 51], "2121": [198, 780, 927], "2122": [927, 460, 198], "2123": [248, 682, 927], "2124": [927, 780, 248], "2125": [198, 535, 928], "2126": [928, 780, 198], "2127": [70, 536, 928], "2128": [928, 535, 70], "2129": [211, 806, 928], "2130": [928, 536, 211], "2131": [248, 780, 928], "2132": [928, 806, 248], "2133": [212, 488, 929], "2134": [929, 807, 212], "2135": [58, 485, 929], "2136": [929, 488, 58], "2137": [130, 650, 929], "2138": [929, 485, 130], "2139": [249, 807, 929], "2140": [929, 650, 249], "2141": [130, 338, 930], "2142": [930, 650, 130], "2143": [16, 336, 930], "2144": [930, 338, 16], "2145": [128, 645, 930], "2146": [930, 336, 128], "2147": [249, 650, 930], "2148": [930, 645, 249], "2149": [128, 400, 931], "2150": [931, 645, 128], "2151": [34, 401, 931], "2152": [931, 400, 34], "2153": [173, 729, 931], "2154": [931, 401, 173], "2155": [249, 645, 931], "2156": [931, 729, 249], "2157": [173, 537, 932], "2158": [932, 729, 173], "2159": [71, 539, 932], "2160": [932, 537, 71], "2161": [212, 807, 932], "2162": [932, 539, 212], "2163": [249, 729, 932], "2164": [932, 807, 249], "2165": [173, 401, 933], "2166": [933, 730, 173], "2167": [34, 399, 933], "2168": [933, 401, 34], "2183": [35, 405, 935], "2184": [935, 403, 35], "2185": [175, 733, 935], "2186": [935, 405, 175], "2189": [175, 538, 936], "2190": [936, 733, 175], "2191": [71, 537, 936], "2192": [936, 538, 71], "2193": [173, 730, 936], "2194": [936, 537, 173], "2197": [175, 405, 937], "2198": [937, 734, 175], "2199": [35, 404, 937], "2200": [937, 405, 35], "2201": [132, 653, 937], "2202": [937, 404, 132], "2203": [251, 734, 937], "2204": [937, 653, 251], "2205": [132, 340, 938], "2206": [938, 653, 132], "2207": [17, 342, 938], "2208": [938, 340, 17], "2209": [134, 657, 938], "2210": [938, 342, 134], "2211": [251, 653, 938], "2212": [938, 657, 251], "2213": [134, 493, 939], "2214": [939, 657, 134], "2215": [60, 495, 939], "2216": [939, 493, 60], "2217": [215, 813, 939], "2218": [939, 495, 215], "2219": [251, 657, 939], "2220": [939, 813, 251], "2221": [215, 540, 940], "2222": [940, 813, 215], "2223": [71, 538, 940], "2224": [940, 540, 71], "2225": [175, 734, 940], "2226": [940, 538, 175], "2227": [251, 813, 940], "2228": [940, 734, 251], "2229": [215, 495, 941], "2230": [941, 814, 215], "2231": [60, 494, 941], "2232": [941, 495, 60], "2233": [152, 687, 941], "2234": [941, 494, 152], "2235": [252, 814, 941], "2236": [941, 687, 252], "2237": [152, 360, 942], "2238": [942, 687, 152], "2239": [22, 359, 942], "2240": [942, 360, 22], "2241": [151, 686, 942], "2242": [942, 359, 151], "2243": [252, 687, 942], "2244": [942, 686, 252], "2245": [151, 486, 943], "2246": [943, 686, 151], "2247": [58, 488, 943], "2248": [943, 486, 58], "2249": [212, 808, 943], "2250": [943, 488, 212], "2251": [252, 686, 943], "2252": [943, 808, 252], "2253": [212, 539, 944], "2254": [944, 808, 212], "2255": [71, 540, 944], "2256": [944, 539, 71], "2257": [215, 814, 944], "2258": [944, 540, 215], "2259": [252, 808, 944], "2260": [944, 814, 252], "2261": [216, 496, 945], "2262": [945, 815, 216], "2263": [60, 493, 945], "2264": [945, 496, 60], "2265": [134, 658, 945], "2266": [945, 493, 134], "2267": [253, 815, 945], "2268": [945, 658, 253], "2269": [134, 342, 946], "2270": [946, 658, 134], "2271": [17, 341, 946], "2272": [946, 342, 17], "2273": [133, 655, 946], "2274": [946, 341, 133], "2275": [253, 658, 946], "2276": [946, 655, 253], "2277": [133, 408, 947], "2278": [947, 655, 133], "2279": [36, 409, 947], "2280": [947, 408, 36], "2281": [177, 737, 947], "2282": [947, 409, 177], "2283": [253, 655, 947], "2284": [947, 737, 253], "2285": [177, 541, 948], "2286": [948, 737, 177], "2287": [72, 544, 948], "2288": [948, 541, 72], "2289": [216, 815, 948], "2290": [948, 544, 216], "2291": [253, 737, 948], "2292": [948, 815, 253], "2293": [177, 409, 949], "2294": [949, 738, 177], "2295": [36, 407, 949], "2296": [949, 409, 36], "2297": [92, 593, 949], "2298": [949, 407, 92], "2299": [254, 738, 949], "2300": [949, 593, 254], "2301": [92, 300, 950], "2302": [950, 593, 92], "2303": [4, 301, 950], "2304": [950, 300, 4], "2305": [93, 595, 950], "2306": [950, 301, 93], "2307": [254, 593, 950], "2308": [950, 595, 254], "2309": [93, 411, 951], "2310": [951, 595, 93], "2311": [37, 413, 951], "2312": [951, 411, 37], "2313": [179, 741, 951], "2314": [951, 413, 179], "2315": [254, 595, 951], "2316": [951, 741, 254], "2317": [179, 542, 952], "2318": [952, 741, 179], "2319": [72, 541, 952], "2320": [952, 542, 72], "2321": [177, 738, 952], "2322": [952, 541, 177], "2323": [254, 741, 952], "2324": [952, 738, 254], "2325": [179, 413, 953], "2326": [953, 742, 179], "2327": [37, 412, 953], "2328": [953, 413, 37], "2329": [115, 622, 953], "2330": [953, 412, 115], "2331": [255, 742, 953], "2332": [953, 622, 255], "2333": [115, 323, 954], "2334": [954, 622, 115], "2335": [12, 324, 954], "2336": [954, 323, 12], "2337": [116, 624, 954], "2338": [954, 324, 116], "2339": [255, 622, 954], "2340": [954, 624, 255], "2341": [116, 461, 955], "2342": [955, 624, 116], "2343": [52, 464, 955], "2344": [955, 461, 52], "2345": [200, 783, 955], "2346": [955, 464, 200], "2347": [255, 624, 955], "2348": [955, 783, 255], "2349": [200, 543, 956], "2350": [956, 783, 200], "2351": [72, 542, 956], "2352": [956, 543, 72], "2353": [179, 742, 956], "2354": [956, 542, 179], "2355": [255, 783, 956], "2356": [956, 742, 255], "2357": [200, 464, 957], "2358": [957, 784, 200], "2359": [52, 462, 957], "2360": [957, 464, 52], "2361": [150, 684, 957], "2362": [957, 462, 150], "2363": [256, 784, 957], "2364": [957, 684, 256], "2365": [150, 358, 958], "2366": [958, 684, 150], "2367": [22, 360, 958], "2368": [958, 358, 22], "2369": [152, 688, 958], "2370": [958, 360, 152], "2371": [256, 684, 958], "2372": [958, 688, 256], "2373": [152, 494, 959], "2374": [959, 688, 152], "2375": [60, 496, 959], "2376": [959, 494, 60], "2377": [216, 816, 959], "2378": [959, 496, 216], "2379": [256, 688, 959], "2380": [959, 816, 256], "2381": [216, 544, 960], "2382": [960, 816, 216], "2383": [72, 543, 960], "2384": [960, 544, 72], "2385": [200, 784, 960], "2386": [960, 543, 200], "2387": [256, 816, 960], "2388": [960, 784, 256], "2389": [217, 499, 961], "2390": [961, 817, 217], "2391": [61, 497, 961], "2392": [961, 499, 61], "2393": [135, 659, 961], "2394": [961, 497, 135], "2395": [257, 817, 961], "2396": [961, 659, 257], "2397": [135, 343, 962], "2398": [962, 659, 135], "2399": [17, 340, 962], "2400": [962, 343, 17], "2401": [132, 654, 962], "2402": [962, 340, 132], "2403": [257, 659, 962], "2404": [962, 654, 257], "2405": [132, 404, 963], "2406": [963, 654, 132], "2407": [35, 406, 963], "2408": [963, 404, 35], "2409": [176, 735, 963], "2410": [963, 406, 176], "2411": [257, 654, 963], "2412": [963, 735, 257], "2413": [176, 546, 964], "2414": [964, 735, 176], "2415": [73, 548, 964], "2416": [964, 546, 73], "2417": [217, 817, 964], "2418": [964, 548, 217], "2419": [257, 735, 964], "2420": [964, 817, 257], "2421": [176, 406, 965], "2422": [965, 736, 176], "2423": [35, 403, 965], "2424": [965, 406, 35], "2439": [32, 394, 967], "2440": [967, 391, 32], "2441": [170, 723, 967], "2442": [967, 394, 170], "2445": [170, 545, 968], "2446": [968, 723, 170], "2447": [73, 546, 968], "2448": [968, 545, 73], "2449": [176, 736, 968], "2450": [968, 546, 176], "2453": [170, 394, 969], "2454": [969, 724, 170], "2455": [32, 392, 969], "2456": [969, 394, 32], "2457": [118, 628, 969], "2458": [969, 392, 118], "2459": [259, 724, 969], "2460": [969, 628, 259], "2461": [118, 326, 970], "2462": [970, 628, 118], "2463": [13, 328, 970], "2464": [970, 326, 13], "2465": [120, 631, 970], "2466": [970, 328, 120], "2467": [259, 628, 970], "2468": [970, 631, 259], "2469": [120, 469, 971], "2470": [971, 631, 120], "2471": [54, 471, 971], "2472": [971, 469, 54], "2473": [203, 789, 971], "2474": [971, 471, 203], "2475": [259, 631, 971], "2476": [971, 789, 259], "2477": [203, 547, 972], "2478": [972, 789, 203], "2479": [73, 545, 972], "2480": [972, 547, 73], "2481": [170, 724, 972], "2482": [972, 545, 170], "2483": [259, 789, 972], "2484": [972, 724, 259], "2485": [203, 471, 973], "2486": [973, 790, 203], "2487": [54, 470, 973], "2488": [973, 471, 54], "2489": [153, 689, 973], "2490": [973, 470, 153], "2491": [260, 790, 973], "2492": [973, 689, 260], "2493": [153, 361, 974], "2494": [974, 689, 153], "2495": [23, 363, 974], "2496": [974, 361, 23], "2497": [155, 693, 974], "2498": [974, 363, 155], "2499": [260, 689, 974], "2500": [974, 693, 260], "2501": [155, 498, 975], "2502": [975, 693, 155], "2503": [61, 499, 975], "2504": [975, 498, 61], "2505": [217, 818, 975], "2506": [975, 499, 217], "2507": [260, 693, 975], "2508": [975, 818, 260], "2509": [217, 548, 976], "2510": [976, 818, 217], "2511": [73, 547, 976], "2512": [976, 548, 73], "2513": [203, 790, 976], "2514": [976, 547, 203], "2515": [260, 818, 976], "2516": [976, 790, 260], "2517": [204, 472, 977], "2518": [977, 791, 204], "2519": [54, 469, 977], "2520": [977, 472, 54], "2521": [120, 632, 977], "2522": [977, 469, 120], "2523": [261, 791, 977], "2524": [977, 632, 261], "2525": [120, 328, 978], "2526": [978, 632, 120], "2527": [13, 325, 978], "2528": [978, 328, 13], "2529": [117, 626, 978], "2530": [978, 325, 117], "2531": [261, 632, 978], "2532": [978, 626, 261], "2533": [117, 385, 979], "2534": [979, 626, 117], "2535": [30, 387, 979], "2536": [979, 385, 30], "2537": [167, 717, 979], "2538": [979, 387, 167], "2539": [261, 626, 979], "2540": [979, 717, 261], "2541": [167, 549, 980], "2542": [980, 717, 167], "2543": [74, 551, 980], "2544": [980, 549, 74], "2545": [204, 791, 980], "2546": [980, 551, 204], "2547": [261, 717, 980], "2548": [980, 791, 261], "2549": [167, 387, 981], "2550": [981, 718, 167], "2551": [30, 384, 981], "2552": [981, 387, 30], "2553": [86, 583, 981], "2554": [981, 384, 86], "2555": [262, 718, 981], "2556": [981, 583, 262], "2557": [86, 294, 982], "2558": [982, 583, 86], "2559": [2, 295, 982], "2560": [982, 294, 2], "2561": [87, 584, 982], "2562": [982, 295, 87], "2563": [262, 583, 982], "2564": [982, 584, 262], "2565": [87, 388, 983], "2566": [983, 584, 87], "2567": [31, 390, 983], "2568": [983, 388, 31], "2569": [168, 719, 983], "2570": [983, 390, 168], "2571": [262, 584, 983], "2572": [983, 719, 262], "2573": [168, 550, 984], "2574": [984, 719, 168], "2575": [74, 549, 984], "2576": [984, 550, 74], "2577": [167, 718, 984], "2578": [984, 549, 167], "2579": [262, 719, 984], "2580": [984, 718, 262], "2581": [168, 390, 985], "2582": [985, 720, 168], "2583": [31, 389, 985], "2584": [985, 390, 31], "2585": [121, 633, 985], "2586": [985, 389, 121], "2587": [263, 720, 985], "2588": [985, 633, 263], "2589": [121, 329, 986], "2590": [986, 633, 121], "2591": [14, 331, 986], "2592": [986, 329, 14], "2593": [123, 635, 986], "2594": [986, 331, 123], "2595": [263, 633, 986], "2596": [986, 635, 263], "2597": [123, 473, 987], "2598": [987, 635, 123], "2599": [55, 475, 987], "2600": [987, 473, 55], "2601": [205, 793, 987], "2602": [987, 475, 205], "2603": [263, 635, 987], "2604": [987, 793, 263], "2605": [205, 552, 988], "2606": [988, 793, 205], "2607": [74, 550, 988], "2608": [988, 552, 74], "2609": [168, 720, 988], "2610": [988, 550, 168], "2611": [263, 793, 988], "2612": [988, 720, 263], "2613": [205, 475, 989], "2614": [989, 794, 205], "2615": [55, 474, 989], "2616": [989, 475, 55], "2617": [154, 691, 989], "2618": [989, 474, 154], "2619": [264, 794, 989], "2620": [989, 691, 264], "2621": [154, 362, 990], "2622": [990, 691, 154], "2623": [23, 361, 990], "2624": [990, 362, 23], "2625": [153, 690, 990], "2626": [990, 361, 153], "2627": [264, 691, 990], "2628": [990, 690, 264], "2629": [153, 470, 991], "2630": [991, 690, 153], "2631": [54, 472, 991], "2632": [991, 470, 54], "2633": [204, 792, 991], "2634": [991, 472, 204], "2635": [264, 690, 991], "2636": [991, 792, 264], "2637": [204, 551, 992], "2638": [992, 792, 204], "2639": [74, 552, 992], "2640": [992, 551, 74], "2641": [205, 794, 992], "2642": [992, 552, 205], "2643": [264, 792, 992], "2644": [992, 794, 264], "2645": [206, 476, 993], "2646": [993, 795, 206], "2647": [55, 473, 993], "2648": [993, 476, 55], "2649": [123, 636, 993], "2650": [993, 473, 123], "2651": [265, 795, 993], "2652": [993, 636, 265], "2653": [123, 331, 994], "2654": [994, 636, 123], "2655": [14, 330, 994], "2656": [994, 331, 14], "2657": [122, 634, 994], "2658": [994, 330, 122], "2659": [265, 636, 994], "2660": [994, 634, 265], "2661": [122, 418, 995], "2662": [995, 634, 122], "2663": [39, 419, 995], "2664": [995, 418, 39], "2665": [181, 745, 995], "2666": [995, 419, 181], "2667": [265, 634, 995], "2668": [995, 745, 265], "2669": [181, 553, 996], "2670": [996, 745, 181], "2671": [75, 555, 996], "2672": [996, 553, 75], "2673": [206, 795, 996], "2674": [996, 555, 206], "2675": [265, 745, 996], "2676": [996, 795, 265], "2677": [181, 419, 997], "2678": [997, 746, 181], "2679": [39, 417, 997], "2680": [997, 419, 39], "2681": [95, 597, 997], "2682": [997, 417, 95], "2683": [266, 746, 997], "2684": [997, 597, 266], "2685": [95, 303, 998], "2686": [998, 597, 95], "2687": [5, 304, 998], "2688": [998, 303, 5], "2689": [96, 598, 998], "2690": [998, 304, 96], "2691": [266, 597, 998], "2692": [998, 598, 266], "2693": [96, 420, 999], "2694": [999, 598, 96], "2695": [40, 422, 999], "2696": [999, 420, 40], "2697": [182, 747, 999], "2698": [999, 422, 182], "2699": [266, 598, 999], "2700": [999, 747, 266], "2701": [182, 554, 1000], "2702": [1000, 747, 182], "2703": [75, 553, 1000], "2704": [1000, 554, 75], "2705": [181, 746, 1000], "2706": [1000, 553, 181], "2707": [266, 747, 1000], "2708": [1000, 746, 266], "2709": [182, 422, 1001], "2710": [1001, 748, 182], "2711": [40, 421, 1001], "2712": [1001, 422, 40], "2713": [137, 662, 1001], "2714": [1001, 421, 137], "2715": [267, 748, 1001], "2716": [1001, 662, 267], "2717": [137, 345, 1002], "2718": [1002, 662, 137], "2719": [18, 346, 1002], "2720": [1002, 345, 18], "2721": [138, 663, 1002], "2722": [1002, 346, 138], "2723": [267, 662, 1002], "2724": [1002, 663, 267], "2725": [138, 501, 1003], "2726": [1003, 663, 138], "2727": [62, 503, 1003], "2728": [1003, 501, 62], "2729": [219, 821, 1003], "2730": [1003, 503, 219], "2731": [267, 663, 1003], "2732": [1003, 821, 267], "2733": [219, 556, 1004], "2734": [1004, 821, 219], "2735": [75, 554, 1004], "2736": [1004, 556, 75], "2737": [182, 748, 1004], "2738": [1004, 554, 182], "2739": [267, 821, 1004], "2740": [1004, 748, 267], "2741": [219, 503, 1005], "2742": [1005, 822, 219], "2743": [62, 502, 1005], "2744": [1005, 503, 62], "2745": [156, 695, 1005], "2746": [1005, 502, 156], "2747": [268, 822, 1005], "2748": [1005, 695, 268], "2749": [156, 364, 1006], "2750": [1006, 695, 156], "2751": [23, 362, 1006], "2752": [1006, 364, 23], "2753": [154, 692, 1006], "2754": [1006, 362, 154], "2755": [268, 695, 1006], "2756": [1006, 692, 268], "2757": [154, 474, 1007], "2758": [1007, 692, 154], "2759": [55, 476, 1007], "2760": [1007, 474, 55], "2761": [206, 796, 1007], "2762": [1007, 476, 206], "2763": [268, 692, 1007], "2764": [1007, 796, 268], "2765": [206, 555, 1008], "2766": [1008, 796, 206], "2767": [75, 556, 1008], "2768": [1008, 555, 75], "2769": [219, 822, 1008], "2770": [1008, 556, 219], "2771": [268, 796, 1008], "2772": [1008, 822, 268], "2773": [220, 504, 1009], "2774": [1009, 823, 220], "2775": [62, 501, 1009], "2776": [1009, 504, 62], "2777": [138, 664, 1009], "2778": [1009, 501, 138], "2779": [269, 823, 1009], "2780": [1009, 664, 269], "2781": [138, 346, 1010], "2782": [1010, 664, 138], "2783": [18, 344, 1010], "2784": [1010, 346, 18], "2785": [136, 661, 1010], "2786": [1010, 344, 136], "2787": [269, 664, 1010], "2788": [1010, 661, 269], "2789": [136, 415, 1011], "2790": [1011, 661, 136], "2791": [38, 416, 1011], "2792": [1011, 415, 38], "2793": [180, 743, 1011], "2794": [1011, 416, 180], "2795": [269, 661, 1011], "2796": [1011, 743, 269], "2797": [180, 558, 1012], "2798": [1012, 743, 180], "2799": [76, 560, 1012], "2800": [1012, 558, 76], "2801": [220, 823, 1012], "2802": [1012, 560, 220], "2803": [269, 743, 1012], "2804": [1012, 823, 269], "2805": [180, 416, 1013], "2806": [1013, 744, 180], "2807": [38, 414, 1013], "2808": [1013, 416, 38], "2809": [94, 596, 1013], "2810": [1013, 414, 94], "2811": [270, 744, 1013], "2812": [1013, 596, 270], "2813": [94, 302, 1014], "2814": [1014, 596, 94], "2815": [4, 300, 1014], "2816": [1014, 302, 4], "2817": [92, 594, 1014], "2818": [1014, 300, 92], "2819": [270, 596, 1014], "2820": [1014, 594, 270], "2821": [92, 407, 1015], "2822": [1015, 594, 92], "2823": [36, 410, 1015], "2824": [1015, 407, 36], "2825": [178, 739, 1015], "2826": [1015, 410, 178], "2827": [270, 594, 1015], "2828": [1015, 739, 270], "2829": [178, 557, 1016], "2830": [1016, 739, 178], "2831": [76, 558, 1016], "2832": [1016, 557, 76], "2833": [180, 744, 1016], "2834": [1016, 558, 180], "2835": [270, 739, 1016], "2836": [1016, 744, 270], "2837": [178, 410, 1017], "2838": [1017, 740, 178], "2839": [36, 408, 1017], "2840": [1017, 410, 36], "2841": [133, 656, 1017], "2842": [1017, 408, 133], "2843": [271, 740, 1017], "2844": [1017, 656, 271], "2845": [133, 341, 1018], "2846": [1018, 656, 133], "2847": [17, 343, 1018], "2848": [1018, 341, 17], "2849": [135, 660, 1018], "2850": [1018, 343, 135], "2851": [271, 656, 1018], "2852": [1018, 660, 271], "2853": [135, 497, 1019], "2854": [1019, 660, 135], "2855": [61, 500, 1019], "2856": [1019, 497, 61], "2857": [218, 819, 1019], "2858": [1019, 500, 218], "2859": [271, 660, 1019], "2860": [1019, 819, 271], "2861": [218, 559, 1020], "2862": [1020, 819, 218], "2863": [76, 557, 1020], "2864": [1020, 559, 76], "2865": [178, 740, 1020], "2866": [1020, 557, 178], "2867": [271, 819, 1020], "2868": [1020, 740, 271], "2869": [218, 500, 1021], "2870": [1021, 820, 218], "2871": [61, 498, 1021], "2872": [1021, 500, 61], "2873": [155, 694, 1021], "2874": [1021, 498, 155], "2875": [272, 820, 1021], "2876": [1021, 694, 272], "2877": [155, 363, 1022], "2878": [1022, 694, 155], "2879": [23, 364, 1022], "2880": [1022, 363, 23], "2881": [156, 696, 1022], "2882": [1022, 364, 156], "2883": [272, 694, 1022], "2884": [1022, 696, 272], "2885": [156, 502, 1023], "2886": [1023, 696, 156], "2887": [62, 504, 1023], "2888": [1023, 502, 62], "2889": [220, 824, 1023], "2890": [1023, 504, 220], "2891": [272, 696, 1023], "2892": [1023, 824, 272], "2893": [220, 560, 1024], "2894": [1024, 824, 220], "2895": [76, 559, 1024], "2896": [1024, 560, 76], "2897": [218, 820, 1024], "2898": [1024, 559, 218], "2899": [272, 824, 1024], "2900": [1024, 820, 272], "2901": [209, 483, 1025], "2902": [1025, 801, 209], "2903": [57, 481, 1025], "2904": [1025, 483, 57], "2905": [127, 643, 1025], "2906": [1025, 481, 127], "2907": [273, 801, 1025], "2908": [1025, 643, 273], "2909": [127, 335, 1026], "2910": [1026, 643, 127], "2911": [15, 332, 1026], "2912": [1026, 335, 15], "2913": [124, 638, 1026], "2914": [1026, 332, 124], "2915": [273, 643, 1026], "2916": [1026, 638, 273], "2917": [124, 396, 1027], "2918": [1027, 638, 124], "2919": [33, 398, 1027], "2920": [1027, 396, 33], "2921": [172, 727, 1027], "2922": [1027, 398, 172], "2923": [273, 638, 1027], "2924": [1027, 727, 273], "2925": [172, 561, 1028], "2926": [1028, 727, 172], "2927": [77, 563, 1028], "2928": [1028, 561, 77], "2929": [209, 801, 1028], "2930": [1028, 563, 209], "2931": [273, 727, 1028], "2932": [1028, 801, 273], "2933": [172, 398, 1029], "2934": [1029, 728, 172], "2935": [33, 395, 1029], "2936": [1029, 398, 33], "2951": [34, 402, 1031], "2952": [1031, 399, 34], "2953": [174, 731, 1031], "2954": [1031, 402, 174], "2957": [174, 562, 1032], "2958": [1032, 731, 174], "2959": [77, 561, 1032], "2960": [1032, 562, 77], "2961": [172, 728, 1032], "2962": [1032, 561, 172], "2965": [174, 402, 1033], "2966": [1033, 732, 174], "2967": [34, 400, 1033], "2968": [1033, 402, 34], "2969": [128, 646, 1033], "2970": [1033, 400, 128], "2971": [275, 732, 1033], "2972": [1033, 646, 275], "2973": [128, 336, 1034], "2974": [1034, 646, 128], "2975": [16, 339, 1034], "2976": [1034, 336, 16], "2977": [131, 651, 1034], "2978": [1034, 339, 131], "2979": [275, 646, 1034], "2980": [1034, 651, 275], "2981": [131, 489, 1035], "2982": [1035, 651, 131], "2983": [59, 491, 1035], "2984": [1035, 489, 59], "2985": [213, 809, 1035], "2986": [1035, 491, 213], "2987": [275, 651, 1035], "2988": [1035, 809, 275], "2989": [213, 564, 1036], "2990": [1036, 809, 213], "2991": [77, 562, 1036], "2992": [1036, 564, 77], "2993": [174, 732, 1036], "2994": [1036, 562, 174], "2995": [275, 809, 1036], "2996": [1036, 732, 275], "2997": [213, 491, 1037], "2998": [1037, 810, 213], "2999": [59, 490, 1037], "3000": [1037, 491, 59], "3001": [158, 699, 1037], "3002": [1037, 490, 158], "3003": [276, 810, 1037], "3004": [1037, 699, 276], "3005": [158, 366, 1038], "3006": [1038, 699, 158], "3007": [24, 365, 1038], "3008": [1038, 366, 24], "3009": [157, 697, 1038], "3010": [1038, 365, 157], "3011": [276, 699, 1038], "3012": [1038, 697, 276], "3013": [157, 482, 1039], "3014": [1039, 697, 157], "3015": [57, 483, 1039], "3016": [1039, 482, 57], "3017": [209, 802, 1039], "3018": [1039, 483, 209], "3019": [276, 697, 1039], "3020": [1039, 802, 276], "3021": [209, 563, 1040], "3022": [1040, 802, 209], "3023": [77, 564, 1040], "3024": [1040, 563, 77], "3025": [213, 810, 1040], "3026": [1040, 564, 213], "3027": [276, 802, 1040], "3028": [1040, 810, 276], "3029": [214, 492, 1041], "3030": [1041, 811, 214], "3031": [59, 489, 1041], "3032": [1041, 492, 59], "3033": [131, 652, 1041], "3034": [1041, 489, 131], "3035": [277, 811, 1041], "3036": [1041, 652, 277], "3037": [131, 339, 1042], "3038": [1042, 652, 131], "3039": [16, 337, 1042], "3040": [1042, 339, 16], "3041": [129, 648, 1042], "3042": [1042, 337, 129], "3043": [277, 652, 1042], "3044": [1042, 648, 277], "3045": [129, 443, 1043], "3046": [1043, 648, 129], "3047": [47, 445, 1043], "3048": [1043, 443, 47], "3049": [191, 765, 1043], "3050": [1043, 445, 191], "3051": [277, 648, 1043], "3052": [1043, 765, 277], "3053": [191, 565, 1044], "3054": [1044, 765, 191], "3055": [78, 567, 1044], "3056": [1044, 565, 78], "3057": [214, 811, 1044], "3058": [1044, 567, 214], "3059": [277, 765, 1044], "3060": [1044, 811, 277], "3061": [191, 445, 1045], "3062": [1045, 766, 191], "3063": [47, 442, 1045], "3064": [1045, 445, 47], "3065": [103, 607, 1045], "3066": [1045, 442, 103], "3067": [278, 766, 1045], "3068": [1045, 607, 278], "3069": [103, 311, 1046], "3070": [1046, 607, 103], "3071": [8, 312, 1046], "3072": [1046, 311, 8], "3073": [104, 608, 1046], "3074": [1046, 312, 104], "3075": [278, 607, 1046], "3076": [1046, 608, 278], "3077": [104, 446, 1047], "3078": [1047, 608, 104], "3079": [48, 448, 1047], "3080": [1047, 446, 48], "3081": [192, 767, 1047], "3082": [1047, 448, 192], "3083": [278, 608, 1047], "3084": [1047, 767, 278], "3085": [192, 566, 1048], "3086": [1048, 767, 192], "3087": [78, 565, 1048], "3088": [1048, 566, 78], "3089": [191, 766, 1048], "3090": [1048, 565, 191], "3091": [278, 767, 1048], "3092": [1048, 766, 278], "3093": [192, 448, 1049], "3094": [1049, 768, 192], "3095": [48, 447, 1049], "3096": [1049, 448, 48], "3097": [143, 670, 1049], "3098": [1049, 447, 143], "3099": [279, 768, 1049], "3100": [1049, 670, 279], "3101": [143, 351, 1050], "3102": [1050, 670, 143], "3103": [20, 352, 1050], "3104": [1050, 351, 20], "3105": [144, 671, 1050], "3106": [1050, 352, 144], "3107": [279, 670, 1050], "3108": [1050, 671, 279], "3109": [144, 509, 1051], "3110": [1051, 671, 144], "3111": [64, 511, 1051], "3112": [1051, 509, 64], "3113": [223, 829, 1051], "3114": [1051, 511, 223], "3115": [279, 671, 1051], "3116": [1051, 829, 279], "3117": [223, 568, 1052], "3118": [1052, 829, 223], "3119": [78, 566, 1052], "3120": [1052, 568, 78], "3121": [192, 768, 1052], "3122": [1052, 566, 192], "3123": [279, 829, 1052], "3124": [1052, 768, 279], "3125": [223, 511, 1053], "3126": [1053, 830, 223], "3127": [64, 510, 1053], "3128": [1053, 511, 64], "3129": [160, 703, 1053], "3130": [1053, 510, 160], "3131": [280, 830, 1053], "3132": [1053, 703, 280], "3133": [160, 368, 1054], "3134": [1054, 703, 160], "3135": [24, 366, 1054], "3136": [1054, 368, 24], "3137": [158, 700, 1054], "3138": [1054, 366, 158], "3139": [280, 703, 1054], "3140": [1054, 700, 280], "3141": [158, 490, 1055], "3142": [1055, 700, 158], "3143": [59, 492, 1055], "3144": [1055, 490, 59], "3145": [214, 812, 1055], "3146": [1055, 492, 214], "3147": [280, 700, 1055], "3148": [1055, 812, 280], "3149": [214, 567, 1056], "3150": [1056, 812, 214], "3151": [78, 568, 1056], "3152": [1056, 567, 78], "3153": [223, 830, 1056], "3154": [1056, 568, 223], "3155": [280, 812, 1056], "3156": [1056, 830, 280], "3157": [224, 512, 1057], "3158": [1057, 831, 224], "3159": [64, 509, 1057], "3160": [1057, 512, 64], "3161": [144, 672, 1057], "3162": [1057, 509, 144], "3163": [281, 831, 1057], "3164": [1057, 672, 281], "3165": [144, 352, 1058], "3166": [1058, 672, 144], "3167": [20, 350, 1058], "3168": [1058, 352, 20], "3169": [142, 669, 1058], "3170": [1058, 350, 142], "3171": [281, 672, 1058], "3172": [1058, 669, 281], "3173": [142, 424, 1059], "3174": [1059, 669, 142], "3175": [41, 425, 1059], "3176": [1059, 424, 41], "3177": [183, 749, 1059], "3178": [1059, 425, 183], "3179": [281, 669, 1059], "3180": [1059, 749, 281], "3181": [183, 569, 1060], "3182": [1060, 749, 183], "3183": [79, 572, 1060], "3184": [1060, 569, 79], "3185": [224, 831, 1060], "3186": [1060, 572, 224], "3187": [281, 749, 1060], "3188": [1060, 831, 281], "3189": [183, 425, 1061], "3190": [1061, 750, 183], "3191": [41, 423, 1061], "3192": [1061, 425, 41], "3193": [97, 599, 1061], "3194": [1061, 423, 97], "3195": [282, 750, 1061], "3196": [1061, 599, 282], "3197": [97, 305, 1062], "3198": [1062, 599, 97], "3199": [6, 306, 1062], "3200": [1062, 305, 6], "3201": [98, 600, 1062], "3202": [1062, 306, 98], "3203": [282, 599, 1062], "3204": [1062, 600, 282], "3205": [98, 426, 1063], "3206": [1063, 600, 98], "3207": [42, 428, 1063], "3208": [1063, 426, 42], "3209": [184, 751, 1063], "3210": [1063, 428, 184], "3211": [282, 600, 1063], "3212": [1063, 751, 282], "3213": [184, 570, 1064], "3214": [1064, 751, 184], "3215": [79, 569, 1064], "3216": [1064, 570, 79], "3217": [183, 750, 1064], "3218": [1064, 569, 183], "3219": [282, 751, 1064], "3220": [1064, 750, 282], "3221": [184, 428, 1065], "3222": [1065, 752, 184], "3223": [42, 427, 1065], "3224": [1065, 428, 42], "3225": [139, 665, 1065], "3226": [1065, 427, 139], "3227": [283, 752, 1065], "3228": [1065, 665, 283], "3229": [139, 347, 1066], "3230": [1066, 665, 139], "3231": [19, 349, 1066], "3232": [1066, 347, 19], "3233": [141, 667, 1066], "3234": [1066, 349, 141], "3235": [283, 665, 1066], "3236": [1066, 667, 283], "3237": [141, 505, 1067], "3238": [1067, 667, 141], "3239": [63, 507, 1067], "3240": [1067, 505, 63], "3241": [221, 825, 1067], "3242": [1067, 507, 221], "3243": [283, 667, 1067], "3244": [1067, 825, 283], "3245": [221, 571, 1068], "3246": [1068, 825, 221], "3247": [79, 570, 1068], "3248": [1068, 571, 79], "3249": [184, 752, 1068], "3250": [1068, 570, 184], "3251": [283, 825, 1068], "3252": [1068, 752, 283], "3253": [221, 507, 1069], "3254": [1069, 826, 221], "3255": [63, 506, 1069], "3256": [1069, 507, 63], "3257": [159, 701, 1069], "3258": [1069, 506, 159], "3259": [284, 826, 1069], "3260": [1069, 701, 284], "3261": [159, 367, 1070], "3262": [1070, 701, 159], "3263": [24, 368, 1070], "3264": [1070, 367, 24], "3265": [160, 704, 1070], "3266": [1070, 368, 160], "3267": [284, 701, 1070], "3268": [1070, 704, 284], "3269": [160, 510, 1071], "3270": [1071, 704, 160], "3271": [64, 512, 1071], "3272": [1071, 510, 64], "3273": [224, 832, 1071], "3274": [1071, 512, 224], "3275": [284, 704, 1071], "3276": [1071, 832, 284], "3277": [224, 572, 1072], "3278": [1072, 832, 224], "3279": [79, 571, 1072], "3280": [1072, 572, 79], "3281": [221, 826, 1072], "3282": [1072, 571, 221], "3283": [284, 832, 1072], "3284": [1072, 826, 284], "3285": [222, 508, 1073], "3286": [1073, 827, 222], "3287": [63, 505, 1073], "3288": [1073, 508, 63], "3289": [141, 668, 1073], "3290": [1073, 505, 141], "3291": [285, 827, 1073], "3292": [1073, 668, 285], "3293": [141, 349, 1074], "3294": [1074, 668, 141], "3295": [19, 348, 1074], "3296": [1074, 349, 19], "3297": [140, 666, 1074], "3298": [1074, 348, 140], "3299": [285, 668, 1074], "3300": [1074, 666, 285], "3301": [140, 437, 1075], "3302": [1075, 666, 140], "3303": [45, 438, 1075], "3304": [1075, 437, 45], "3305": [188, 759, 1075], "3306": [1075, 438, 188], "3307": [285, 666, 1075], "3308": [1075, 759, 285], "3309": [188, 574, 1076], "3310": [1076, 759, 188], "3311": [80, 576, 1076], "3312": [1076, 574, 80], "3313": [222, 827, 1076], "3314": [1076, 576, 222], "3315": [285, 759, 1076], "3316": [1076, 827, 285], "3317": [188, 438, 1077], "3318": [1077, 760, 188], "3319": [45, 436, 1077], "3320": [1077, 438, 45], "3321": [101, 604, 1077], "3322": [1077, 436, 101], "3323": [286, 760, 1077], "3324": [1077, 604, 286], "3325": [101, 309, 1078], "3326": [1078, 604, 101], "3327": [7, 307, 1078], "3328": [1078, 309, 7], "3329": [99, 602, 1078], "3330": [1078, 307, 99], "3331": [286, 604, 1078], "3332": [1078, 602, 286], "3333": [99, 429, 1079], "3334": [1079, 602, 99], "3335": [43, 432, 1079], "3336": [1079, 429, 43], "3337": [186, 755, 1079], "3338": [1079, 432, 186], "3339": [286, 602, 1079], "3340": [1079, 755, 286], "3341": [186, 573, 1080], "3342": [1080, 755, 186], "3343": [80, 574, 1080], "3344": [1080, 573, 80], "3345": [188, 760, 1080], "3346": [1080, 574, 188], "3347": [286, 755, 1080], "3348": [1080, 760, 286], "3349": [186, 432, 1081], "3350": [1081, 756, 186], "3351": [43, 430, 1081], "3352": [1081, 432, 43], "3353": [125, 640, 1081], "3354": [1081, 430, 125], "3355": [287, 756, 1081], "3356": [1081, 640, 287], "3357": [125, 333, 1082], "3358": [1082, 640, 125], "3359": [15, 335, 1082], "3360": [1082, 333, 15], "3361": [127, 644, 1082], "3362": [1082, 335, 127], "3363": [287, 640, 1082], "3364": [1082, 644, 287], "3365": [127, 481, 1083], "3366": [1083, 644, 127], "3367": [57, 484, 1083], "3368": [1083, 481, 57], "3369": [210, 803, 1083], "3370": [1083, 484, 210], "3371": [287, 644, 1083], "3372": [1083, 803, 287], "3373": [210, 575, 1084], "3374": [1084, 803, 210], "3375": [80, 573, 1084], "3376": [1084, 575, 80], "3377": [186, 756, 1084], "3378": [1084, 573, 186], "3379": [287, 803, 1084], "3380": [1084, 756, 287], "3381": [210, 484, 1085], "3382": [1085, 804, 210], "3383": [57, 482, 1085], "3384": [1085, 484, 57], "3385": [157, 698, 1085], "3386": [1085, 482, 157], "3387": [288, 804, 1085], "3388": [1085, 698, 288], "3389": [157, 365, 1086], "3390": [1086, 698, 157], "3391": [24, 367, 1086], "3392": [1086, 365, 24], "3393": [159, 702, 1086], "3394": [1086, 367, 159], "3395": [288, 698, 1086], "3396": [1086, 702, 288], "3397": [159, 506, 1087], "3398": [1087, 702, 159], "3399": [63, 508, 1087], "3400": [1087, 506, 63], "3401": [222, 828, 1087], "3402": [1087, 508, 222], "3403": [288, 702, 1087], "3404": [1087, 828, 288], "3405": [222, 576, 1088], "3406": [1088, 828, 222], "3407": [80, 575, 1088], "3408": [1088, 576, 80], "3409": [210, 804, 1088], "3410": [1088, 575, 210], "3411": [288, 828, 1088], "3412": [1088, 804, 288]}, "facedata": {"1365": {"path": [5, 0, 0, 0], "s": [1.0002457807119705, 0.9997555429697597, 0.001124099153759934]}, "1366": {"path": [5, 0, 0, 0], "s": [1.0002962194046583, 0.9997047257517694, 0.0009261157945167867]}, "1367": {"path": [5, 0, 0, 1], "s": [1.0009509159522614, 0.999050472503767, -0.0006968035473812123]}, "1368": {"path": [5, 0, 0, 1], "s": [1.0008720737344434, 0.99912930388423, -0.0007863252891031016]}, "1369": {"path": [5, 0, 0, 2], "s": [1.000143434318013, 0.9998575190250271, 0.0009658707879410662]}, "1370": {"path": [5, 0, 0, 2], "s": [1.000014157589554, 0.9999871322413374, 0.001135627014126508]}, "1371": {"path": [5, 0, 0, 3], "s": [1.0007379475325202, 0.9992630043930619, -0.0006387969079176883]}, "1372": {"path": [5, 0, 0, 3], "s": [1.0008418849007865, 0.999159136038562, -0.0005594896548194037]}, "1373": {"path": [5, 0, 1, 0], "s": [1.0009066348258007, 0.9990944351522165, -0.0004989603074744136]}, "1374": {"path": [5, 0, 1, 0], "s": [1.0008441750913628, 0.9991568395321915, -0.0005503167180333564]}, "1375": {"path": [5, 0, 1, 1], "s": [1.0001460327501954, 0.9998546060354635, 0.0007858456453324423]}, "1376": {"path": [5, 0, 1, 1], "s": [1.0001065942494787, 0.9998943926878461, 0.0009877652518724782]}, "1377": {"path": [5, 0, 1, 2], "s": [1.0007121191219572, 0.9992885671195973, -0.0004238119804572235]}, "1378": {"path": [5, 0, 1, 2], "s": [1.000761362862937, 0.9992393482966516, -0.0003633560623361939]}, "1379": {"path": [5, 0, 1, 3], "s": [1.0002019359902155, 0.9997991520204431, 0.0010234511335573803]}, "1380": {"path": [5, 0, 1, 3], "s": [1.0002166108118697, 0.9997841023132725, 0.0008163083787024085]}, "1381": {"path": [5, 0, 2, 0], "s": [1.0003793481289607, 0.9996211832180181, 0.0006226102636626296]}, "1382": {"path": [5, 0, 2, 0], "s": [1.0004104174285824, 0.9995903741697681, 0.0007896079854026479]}, "1383": {"path": [5, 0, 2, 1], "s": [1.0006209257072478, 0.9993796875455633, -0.0004775823065796631]}, "1384": {"path": [5, 0, 2, 1], "s": [1.0006687336083795, 0.9993318775117682, -0.0004053691945638706]}, "1385": {"path": [5, 0, 2, 2], "s": [1.0004953539454078, 0.9995055187702233, 0.0007923208961000526]}, "1386": {"path": [5, 0, 2, 2], "s": [1.000434088795319, 0.9995664804370793, 0.0006172895697241447]}, "1387": {"path": [5, 0, 2, 3], "s": [1.0007498804701118, 0.999250928307303, -0.0004970545062439988]}, "1388": {"path": [5, 0, 2, 3], "s": [1.0006882781850917, 0.9993124976636163, -0.0005501416636596745]}, "1389": {"path": [5, 0, 3, 0], "s": [1.000623710029089, 0.9993770762162827, -0.0006306516921616247]}, "1390": {"path": [5, 0, 3, 0], "s": [1.0006962519652671, 0.9993045515338436, -0.0005650590659772318]}, "1391": {"path": [5, 0, 3, 1], "s": [1.0005355261697122, 0.9994654862509532, 0.0008521587673727846]}, "1392": {"path": [5, 0, 3, 1], "s": [1.000492077331223, 0.999508642121797, 0.0006911345356085312]}, "1393": {"path": [5, 0, 3, 2], "s": [1.0007268826762235, 0.9992741095722816, -0.0006816240361312867]}, "1394": {"path": [5, 0, 3, 2], "s": [1.0006392106206035, 0.9993617620066785, -0.000751437807171398]}, "1395": {"path": [5, 0, 3, 3], "s": [1.000389939812037, 0.999610775742541, 0.0007508532111053685]}, "1396": {"path": [5, 0, 3, 3], "s": [1.0003947277310141, 0.9996062737605446, 0.0009198243820110516]}, "1397": {"path": [5, 1, 0, 0], "s": [1.0006559088678204, 0.9993447820070065, -0.000510990738486405]}, "1398": {"path": [5, 1, 0, 0], "s": [1.0006275573208185, 0.9993731344923689, -0.0005462775386900181]}, "1399": {"path": [5, 1, 0, 1], "s": [1.000579337923961, 0.9994212433555829, 0.0004959676105430718]}, "1400": {"path": [5, 1, 0, 1], "s": [1.0006179192338776, 0.9993828320559078, 0.0006082185803526509]}, "1401": {"path": [5, 1, 0, 2], "s": [1.0006624185536157, 0.9993382906344761, -0.0005204416701060246]}, "1402": {"path": [5, 1, 0, 2], "s": [1.0006737610474337, 0.9993269273139799, -0.0004846351790797805]}, "1403": {"path": [5, 1, 0, 3], "s": [1.0006600978479532, 0.9993407112144754, 0.0006114469065074803]}, "1404": {"path": [5, 1, 0, 3], "s": [1.0005898174722423, 0.9994107752513884, 0.0004951652036001452]}, "1405": {"path": [5, 1, 1, 0], "s": [1.0007518584900188, 0.9992489310286977, 0.00047415307027367983]}, "1406": {"path": [5, 1, 1, 0], "s": [1.0007709395342776, 0.9992299367994784, 0.0005316592806959792]}, "1407": {"path": [5, 1, 1, 1], "s": [1.0008338259822818, 0.9991671464960084, -0.0005272792342608868]}, "1408": {"path": [5, 1, 1, 1], "s": [1.0008388062156433, 0.9991621662626474, -0.000519324691665712]}, "1409": {"path": [5, 1, 1, 2], "s": [1.0007478922893938, 0.9992529840443617, 0.0005636011734192092]}, "1410": {"path": [5, 1, 1, 2], "s": [1.0007222814333785, 0.9992785080853379, 0.000518071908559846]}, "1411": {"path": [5, 1, 1, 3], "s": [1.0006791730775029, 0.9993215601888331, -0.0005220041040619546]}, "1412": {"path": [5, 1, 1, 3], "s": [1.000682452542125, 0.9993182807242134, -0.000517711586054217]}, "1413": {"path": [5, 1, 2, 0], "s": [1.000632053192276, 0.9993686351691399, -0.0005378710421083536]}, "1414": {"path": [5, 1, 2, 0], "s": [1.0006700400748003, 0.9993306691132906, -0.0005105972732274178]}, "1415": {"path": [5, 1, 2, 1], "s": [1.0006697986457858, 0.9993309526439987, 0.0005506021900176369]}, "1416": {"path": [5, 1, 2, 1], "s": [1.0005895180933144, 0.9994110631862293, 0.00048382913930802716]}, "1417": {"path": [5, 1, 2, 2], "s": [1.0005853468121408, 0.9994153450010475, -0.0005912590362174303]}, "1418": {"path": [5, 1, 2, 2], "s": [1.0005462743377198, 0.9994544165371059, -0.0006267667683362105]}, "1419": {"path": [5, 1, 2, 3], "s": [1.000601966682663, 0.9993986260409679, 0.00048032961963791903]}, "1420": {"path": [5, 1, 2, 3], "s": [1.0006899387153871, 0.9993108703470406, 0.000577585665049295]}, "1421": {"path": [5, 1, 3, 0], "s": [1.0006693482817104, 0.9993315289699416, 0.0006556002717370364]}, "1422": {"path": [5, 1, 3, 0], "s": [1.0005776546833707, 0.9994229520371671, 0.0005228633468265615]}, "1423": {"path": [5, 1, 3, 1], "s": [1.0006219498385038, 0.9993788513368864, -0.0006440901174468738]}, "1424": {"path": [5, 1, 3, 1], "s": [1.0005520032290594, 0.9994487979463308, -0.000704918489339377]}, "1425": {"path": [5, 1, 3, 2], "s": [1.000526849160772, 0.9994737575597658, 0.000573994903923806]}, "1426": {"path": [5, 1, 3, 2], "s": [1.0005987142098207, 0.9994021630418303, 0.0007206373357281301]}, "1427": {"path": [5, 1, 3, 3], "s": [1.000596312863188, 0.9994043960495994, -0.0005947659104581771]}, "1428": {"path": [5, 1, 3, 3], "s": [1.0006347476891928, 0.9993659612235953, -0.0005535866120791771]}, "1429": {"path": [5, 2, 0, 0], "s": [1.0006119768232575, 0.9993885924091405, 0.0004416617739048189]}, "1430": {"path": [5, 2, 0, 0], "s": [1.000738221186369, 0.9992626515292617, 0.0005730526744143826]}, "1431": {"path": [5, 2, 0, 1], "s": [1.0004168251611296, 0.99958378595902, -0.0006615373470997323]}, "1432": {"path": [5, 2, 0, 1], "s": [1.0005007996256408, 0.9994998136271719, -0.0006022953268917022]}, "1433": {"path": [5, 2, 0, 2], "s": [1.0007265110722816, 0.9992742805260688, 0.0005141547601138866]}, "1434": {"path": [5, 2, 0, 2], "s": [1.0006032067675577, 0.9993973245794198, 0.0004096450726481327]}, "1435": {"path": [5, 2, 0, 3], "s": [1.0004295700912302, 0.9995712057574793, -0.0007691888770272714]}, "1436": {"path": [5, 2, 0, 3], "s": [1.0003516025420365, 0.9996492062353789, -0.0008279114903635032]}, "1437": {"path": [5, 2, 1, 0], "s": [1.0001765270287446, 0.9998241841308407, -0.0008246959037156102]}, "1438": {"path": [5, 2, 1, 0], "s": [1.00027282826887, 0.9997278579726829, -0.0007823001436061275]}, "1439": {"path": [5, 2, 1, 1], "s": [1.0008649498703308, 0.9991360370669944, 0.0004895433567097078]}, "1440": {"path": [5, 2, 1, 1], "s": [1.0007073905708315, 0.9992932482148278, 0.0003726071792650559]}, "1441": {"path": [5, 2, 1, 2], "s": [1.0001588050657408, 0.9998422095578171, -0.0009947691358065793]}, "1442": {"path": [5, 2, 1, 2], "s": [1.000054113756979, 0.9999469562210377, -0.001033009011716393]}, "1443": {"path": [5, 2, 1, 3], "s": [1.0007380930210088, 0.9992626201041336, 0.00041093817948700785]}, "1444": {"path": [5, 2, 1, 3], "s": [1.0008891846769314, 0.9991119033337266, 0.0005461947556631935]}, "1445": {"path": [5, 2, 2, 0], "s": [1.0009432917079943, 0.9990579981228975, 0.000633441656389407]}, "1446": {"path": [5, 2, 2, 0], "s": [1.0007986545162975, 0.9992022988267427, 0.0005623658914004466]}, "1447": {"path": [5, 2, 2, 1], "s": [1.0001533184506872, 0.9998480591679844, -0.0011637539862625612]}, "1448": {"path": [5, 2, 2, 1], "s": [1.0000087118622185, 0.9999926765938091, -0.0011783005670919998]}, "1449": {"path": [5, 2, 2, 2], "s": [1.0007163913968704, 0.9992845537595564, 0.0006577361897572603]}, "1450": {"path": [5, 2, 2, 2], "s": [1.0008364995314292, 0.999164824150301, 0.000790605795248109]}, "1451": {"path": [5, 2, 2, 3], "s": [1.000184783488587, 0.9998162374507578, -0.000993470211770701]}, "1452": {"path": [5, 2, 2, 3], "s": [1.000318120458217, 0.9996828314673615, -0.00092251166944221]}, "1453": {"path": [5, 2, 3, 0], "s": [1.000477546975303, 0.9995234256519796, -0.0008631573688776822]}, "1454": {"path": [5, 2, 3, 0], "s": [1.000371680608489, 0.9996293116400135, -0.0009243759128054412]}, "1455": {"path": [5, 2, 3, 1], "s": [1.0005797767297868, 0.999420942723233, 0.0006194587035570281]}, "1456": {"path": [5, 2, 3, 1], "s": [1.000655202655129, 0.9993458097655368, 0.0007640637976699126]}, "1457": {"path": [5, 2, 3, 2], "s": [1.0004523981159086, 0.9995484053832003, -0.0007740791662150146]}, "1458": {"path": [5, 2, 3, 2], "s": [1.0005353236615167, 0.9994654625838479, -0.0007071738408895135]}, "1459": {"path": [5, 2, 3, 3], "s": [1.0007495859006992, 0.9992514155908598, 0.0006635987042666468]}, "1460": {"path": [5, 2, 3, 3], "s": [1.0006496343803268, 0.9993510811742518, 0.000542212688149238]}, "1461": {"path": [5, 3, 0, 0], "s": [1.0002577095066962, 0.9997436853142141, -0.0011527212063825037]}, "1462": {"path": [5, 3, 0, 0], "s": [1.0003994796607496, 0.9996018996088284, -0.0011046431861422745]}, "1463": {"path": [5, 3, 0, 1], "s": [1.0009930112171883, 0.9990089906000413, 0.001008827923324713]}, "1464": {"path": [5, 3, 0, 1], "s": [1.0008463604198528, 0.9991550854001905, 0.0008548203131076191]}, "1465": {"path": [5, 3, 0, 2], "s": [1.0002821287777073, 0.9997201428164127, -0.001480756007772058]}, "1466": {"path": [5, 3, 0, 2], "s": [1.0000918343963197, 0.9999104249712706, -0.0015003804591746436]}, "1467": {"path": [5, 3, 0, 3], "s": [1.000655503425926, 0.9993459466724753, 0.001010625649935871]}, "1468": {"path": [5, 3, 0, 3], "s": [1.000727716531562, 0.9992742875107811, 0.0012148783343613905]}, "1469": {"path": [5, 3, 1, 0], "s": [1.0008278098910872, 0.999175644784042, 0.001665012230536609]}, "1470": {"path": [5, 3, 1, 0], "s": [1.0007528252422564, 0.999249708859637, 0.0014033045942789652]}, "1471": {"path": [5, 3, 1, 1], "s": [1.0007018291862357, 0.9993022962631645, -0.0019067722868743788]}, "1472": {"path": [5, 3, 1, 1], "s": [1.0004323951929064, 0.9995717302564936, -0.0019850107358594066]}, "1473": {"path": [5, 3, 1, 2], "s": [1.0003546945525246, 0.9996478395493694, 0.0015521573697283896]}, "1474": {"path": [5, 3, 1, 2], "s": [1.0002950858680368, 0.9997083688070926, 0.0018353797660673689]}, "1475": {"path": [5, 3, 1, 3], "s": [1.0004813505957406, 0.9995209234613668, -0.0014294940819115295]}, "1476": {"path": [5, 3, 1, 3], "s": [1.0006558331236297, 0.9993464409334779, -0.001358466570603844]}, "1477": {"path": [5, 3, 2, 0], "s": [1.0009682220896028, 0.9990340372779871, -0.001150695939766182]}, "1478": {"path": [5, 3, 2, 0], "s": [1.000829961944449, 0.9991723096496712, -0.0012588258923052842]}, "1479": {"path": [5, 3, 2, 1], "s": [1.0001638169829588, 0.999837628837085, 0.0011913105762717798]}, "1480": {"path": [5, 3, 2, 1], "s": [1.0000463843176262, 0.9999556174996032, 0.001414128204026288]}, "1481": {"path": [5, 3, 2, 2], "s": [1.0007032478481321, 0.999298131421446, -0.0009411068007206816]}, "1482": {"path": [5, 3, 2, 2], "s": [1.0008122157356483, 0.9991891790852635, -0.0008580555956056931]}, "1483": {"path": [5, 3, 2, 3], "s": [1.0004035315094686, 0.9995984725328744, 0.0013572079273192757]}, "1484": {"path": [5, 3, 2, 3], "s": [1.0004222820638666, 0.9995791680345346, 0.0011280020435832918]}, "1485": {"path": [5, 3, 3, 0], "s": [1.0004600478411476, 0.9995408992451185, 0.0008578332912085609]}, "1486": {"path": [5, 3, 3, 0], "s": [1.000472138253634, 0.9995291751304844, 0.0010445523859415981]}, "1487": {"path": [5, 3, 3, 1], "s": [1.00051684967261, 0.999484134497196, -0.0008470802146314388]}, "1488": {"path": [5, 3, 3, 1], "s": [1.00061304962523, 0.9993879345445774, -0.0007803481967673443]}, "1489": {"path": [5, 3, 3, 2], "s": [1.0006686281090966, 0.9993326852750217, 0.000931235059419954]}, "1490": {"path": [5, 3, 3, 2], "s": [1.000598235199729, 0.9994027118865386, 0.000767963210585021]}, "1491": {"path": [5, 3, 3, 3], "s": [1.000622731233588, 0.9993786562884833, -0.0010002959232062857]}, "1492": {"path": [5, 3, 3, 3], "s": [1.0004967884356273, 0.999504599086442, -0.001068369142697544]}, "1493": {"path": [6, 0, 0, 0], "s": [0.9995196077046006, 1.000482626557655, -0.0014150661382494457]}, "1494": {"path": [6, 0, 0, 0], "s": [0.9993691715507693, 1.0006329229474433, -0.0013020109108696069]}, "1495": {"path": [6, 0, 0, 1], "s": [1.0009941462229117, 0.9990072854349116, 0.0006668990840120538]}, "1496": {"path": [6, 0, 0, 1], "s": [1.001199103433492, 0.9988029291466585, 0.0007727667047085485]}, "1497": {"path": [6, 0, 0, 2], "s": [0.9997162661305067, 1.0002851537420272, -0.0011571364489458822]}, "1498": {"path": [6, 0, 0, 2], "s": [0.9998912401581544, 1.0001100954354436, -0.0011504866959029364]}, "1499": {"path": [6, 0, 0, 3], "s": [1.0012766040433918, 0.9987252979801196, 0.0005241505111855496]}, "1500": {"path": [6, 0, 0, 3], "s": [1.0010475893674453, 0.9989537737342621, 0.0005168038272148769]}, "1501": {"path": [6, 0, 1, 0], "s": [1.00091816818492, 0.999082837450484, 0.0004043833956306488]}, "1502": {"path": [6, 0, 1, 0], "s": [1.0011203894885734, 0.9988810898783353, 0.00047513342321106784]}, "1503": {"path": [6, 0, 1, 1], "s": [0.9998517246752773, 1.000149105026487, -0.0008986618759815834]}, "1504": {"path": [6, 0, 1, 1], "s": [0.9999515400864671, 1.000049378228213, -0.000957038043174699]}, "1505": {"path": [6, 0, 1, 2], "s": [1.0010271749429271, 0.9989740259516248, 0.00038345758245236994]}, "1506": {"path": [6, 0, 1, 2], "s": [1.000810812862808, 0.99918995453187, 0.00033256487004537904]}, "1507": {"path": [6, 0, 1, 3], "s": [0.9996767447223812, 1.0003246740650036, -0.0011462263207227578]}, "1508": {"path": [6, 0, 1, 3], "s": [0.9995731645910818, 1.0004281591164377, -0.0010681545064643305]}, "1509": {"path": [6, 0, 2, 0], "s": [0.9993800168508743, 1.0006208561722545, -0.0006986435164729253]}, "1510": {"path": [6, 0, 2, 0], "s": [0.9994733956188024, 1.0005277873847678, -0.0009513508394562187]}, "1511": {"path": [6, 0, 2, 1], "s": [1.0012116746833275, 0.9987897996041711, 8.898493021656219e-05]}, "1512": {"path": [6, 0, 2, 1], "s": [1.000903114177887, 0.999097717243028, 0.00012867231703430504]}, "1513": {"path": [6, 0, 2, 2], "s": [0.9990191456288052, 1.0009827972469982, -0.0009893911395947575]}, "1514": {"path": [6, 0, 2, 2], "s": [0.9989704965715731, 1.0010310848159683, -0.0007210285628733053]}, "1515": {"path": [6, 0, 2, 3], "s": [1.0010979011469643, 0.9989034047055716, 0.00031921670464621723]}, "1516": {"path": [6, 0, 2, 3], "s": [1.0013854961858475, 0.998616510427829, 0.00029965672253088325]}, "1517": {"path": [6, 0, 3, 0], "s": [1.0016387469865256, 0.9983640288192132, 0.0003079982069622116]}, "1518": {"path": [6, 0, 3, 0], "s": [1.0013497674337337, 0.9986521597527355, 0.0003285050948785223]}, "1519": {"path": [6, 0, 3, 1], "s": [0.9986786512214589, 1.0013247438087167, -0.0012824123995245477]}, "1520": {"path": [6, 0, 3, 1], "s": [0.9986128682723283, 1.001390070438095, -0.0010052360984730757]}, "1521": {"path": [6, 0, 3, 2], "s": [1.0013910895541163, 0.9986111710928647, 0.0005732901500950888]}, "1522": {"path": [6, 0, 3, 2], "s": [1.001668044832579, 0.9983351285570262, 0.000629531093914748]}, "1523": {"path": [6, 0, 3, 3], "s": [0.999059838551934, 1.0009421506530054, -0.0010504433425986834]}, "1524": {"path": [6, 0, 3, 3], "s": [0.9992096170156439, 1.000792456501492, -0.001202985037250102]}, "1525": {"path": [6, 1, 0, 0], "s": [1.0012762539245113, 0.9987253764705458, 6.0429921657250296e-05]}, "1526": {"path": [6, 1, 0, 0], "s": [1.0016031224365536, 0.9983994446140451, 3.412255162939704e-05]}, "1527": {"path": [6, 1, 0, 1], "s": [0.9988588632341565, 1.00114247420167, -0.0001836205628441239]}, "1528": {"path": [6, 1, 0, 1], "s": [0.9989107016133102, 1.0010908240870515, -0.0005809194810174785]}, "1529": {"path": [6, 1, 0, 2], "s": [1.001454358812472, 0.99854781910472, -0.0002567588566779667]}, "1530": {"path": [6, 1, 0, 2], "s": [1.0011245129893138, 0.998876804932331, -0.00023425243151842714]}, "1531": {"path": [6, 1, 0, 3], "s": [0.9984869621366798, 1.0015155245801624, -0.0004400804119692761]}, "1532": {"path": [6, 1, 0, 3], "s": [0.9985134843243753, 1.0014887343563146, -7.51912961599663e-05]}, "1533": {"path": [6, 1, 1, 0], "s": [0.9985130358458487, 1.0014893417848612, 0.0004037732801993836]}, "1534": {"path": [6, 1, 1, 0], "s": [0.998494064595735, 1.0015082099512824, 5.7273501568115544e-05]}, "1535": {"path": [6, 1, 1, 1], "s": [1.0016839655809187, 0.9983190672244138, -0.00044963584659336484]}, "1536": {"path": [6, 1, 1, 1], "s": [1.001478332514041, 0.9985240573995994, -0.000456047920377574]}, "1537": {"path": [6, 1, 1, 2], "s": [0.9982548645881536, 1.0017482684724857, 0.0002865229810051428]}, "1538": {"path": [6, 1, 1, 2], "s": [0.9983596659165611, 1.0016433642462514, 0.0005783566623808049]}, "1539": {"path": [6, 1, 1, 3], "s": [1.00150242882446, 0.9984998843182632, -0.00024356864139588253]}, "1540": {"path": [6, 1, 1, 3], "s": [1.001755392851186, 0.9982477348123259, -0.00022748566542037528]}, "1541": {"path": [6, 1, 2, 0], "s": [1.001975304787583, 0.9980286486635114, -0.00024378548206341]}, "1542": {"path": [6, 1, 2, 0], "s": [1.0017775335438823, 0.9982256814946835, -0.00024724058250575904]}, "1543": {"path": [6, 1, 2, 1], "s": [0.9979001032357224, 1.00210433013861, 0.00012040881765642217]}, "1544": {"path": [6, 1, 2, 1], "s": [0.9980049309402473, 1.0019992388932768, 0.00042569221916220605]}, "1545": {"path": [6, 1, 2, 2], "s": [1.0018879271183618, 0.9981156305149514, 9.003401754909748e-06]}, "1546": {"path": [6, 1, 2, 2], "s": [1.0021169440067221, 0.9978875288301152, 2.921737103018634e-05]}, "1547": {"path": [6, 1, 2, 3], "s": [0.9982159055430021, 1.0017873048294197, 0.00014714544541904735]}, "1548": {"path": [6, 1, 2, 3], "s": [0.9981606007447763, 1.0018428200202658, -0.0001763044765282812]}, "1549": {"path": [6, 1, 3, 0], "s": [0.9981081601862054, 1.0018958736755763, -0.0006687095644037433]}, "1550": {"path": [6, 1, 3, 0], "s": [0.9981401871411572, 1.001863390752873, -0.00033516555174903525]}, "1551": {"path": [6, 1, 3, 1], "s": [1.0017164680369168, 0.9982865771274048, 0.00032268983102097]}, "1552": {"path": [6, 1, 3, 1], "s": [1.0019914596003012, 0.9980126158023596, 0.0003429392382328716]}, "1553": {"path": [6, 1, 3, 2], "s": [0.9984843484782611, 1.001518250160782, -0.0005454364073760431]}, "1554": {"path": [6, 1, 3, 2], "s": [0.9985284869851857, 1.0014744003696134, -0.0008472045004570338]}, "1555": {"path": [6, 1, 3, 3], "s": [1.0018558865601748, 0.9981475526673761, 3.599225987367908e-05]}, "1556": {"path": [6, 1, 3, 3], "s": [1.001588096276123, 0.9984144229014288, 3.359264621683893e-05]}, "1557": {"path": [6, 2, 0, 0], "s": [0.9978282789529299, 1.0021764517076164, -6.336060019168216e-05]}, "1558": {"path": [6, 2, 0, 0], "s": [0.9977650791920064, 1.0022400810897163, -0.0003922727171012026]}, "1559": {"path": [6, 2, 0, 1], "s": [1.0023883825185504, 0.997617308598033, -1.8387242575711368e-05]}, "1560": {"path": [6, 2, 0, 1], "s": [1.0021674811294117, 0.9978372080812451, -3.741638648842201e-05]}, "1561": {"path": [6, 2, 0, 2], "s": [0.9974513051673812, 1.0025552191633162, -0.00010888902119035112]}, "1562": {"path": [6, 2, 0, 2], "s": [0.9975269184906819, 1.0024792738365236, 0.00024674059877310284]}, "1563": {"path": [6, 2, 0, 3], "s": [1.0023158089521127, 0.9976896274661262, 0.0002933203738738178]}, "1564": {"path": [6, 2, 0, 3], "s": [1.0025456457336235, 0.9974609279596157, 0.0003318363035252331]}, "1565": {"path": [6, 2, 1, 0], "s": [1.0028983212243472, 0.997110161080028, 0.00032653161892724373]}, "1566": {"path": [6, 2, 1, 0], "s": [1.0026245203212258, 0.9973824157014807, 0.0002571371665872476]}, "1567": {"path": [6, 2, 1, 1], "s": [0.9969838891311518, 1.0030254878752387, -0.0005017963005296524]}, "1568": {"path": [6, 2, 1, 1], "s": [0.9969612942785597, 1.0030479740162055, -7.999177377218382e-05]}, "1569": {"path": [6, 2, 1, 2], "s": [1.002755370061047, 0.9972526112352373, 0.0006412671331236401]}, "1570": {"path": [6, 2, 1, 2], "s": [1.0029478355837893, 0.997061332213208, 0.0007106951009621866]}, "1571": {"path": [6, 2, 1, 3], "s": [0.9973762202935138, 1.0026307706179298, -0.0002972354012997075]}, "1572": {"path": [6, 2, 1, 3], "s": [0.9973168279494028, 1.002690776044632, -0.0006198217136507345]}, "1573": {"path": [6, 2, 2, 0], "s": [0.9971030015939467, 1.0029065375218322, -0.0010577718140822063]}, "1574": {"path": [6, 2, 2, 0], "s": [0.9972363426105343, 1.0027719156181065, -0.0007730482267884375]}, "1575": {"path": [6, 2, 2, 1], "s": [1.002756813942881, 0.9972525272270449, 0.0013292474103452758]}, "1576": {"path": [6, 2, 2, 1], "s": [1.0030795661667766, 0.9969313632565068, 0.0012162867216994949]}, "1577": {"path": [6, 2, 2, 2], "s": [0.9976259247145042, 1.0023809838737037, -0.0011206931948467913]}, "1578": {"path": [6, 2, 2, 2], "s": [0.9975356113540421, 1.0024728679186194, -0.0015443979536918925]}, "1579": {"path": [6, 2, 2, 3], "s": [1.0027180220470318, 0.997289848435003, 0.0007100917753873934]}, "1580": {"path": [6, 2, 2, 3], "s": [1.0024982679627477, 0.9975084272219948, 0.000685979806037315]}, "1581": {"path": [6, 2, 3, 0], "s": [1.0021779819352046, 0.99782729773766, 0.0007399774230761922]}, "1582": {"path": [6, 2, 3, 0], "s": [1.002450153041749, 0.997556376806058, 0.0007366118417103954]}, "1583": {"path": [6, 2, 3, 1], "s": [0.9981168273423803, 1.0018874314353683, -0.0008392964175346362]}, "1584": {"path": [6, 2, 3, 1], "s": [0.9981198465878937, 1.0018850698375283, -0.0011714115139107152]}, "1585": {"path": [6, 2, 3, 2], "s": [1.002272494727894, 0.9977327769231068, 0.0003455408967687537]}, "1586": {"path": [6, 2, 3, 2], "s": [1.0020290024602196, 0.9979752114840533, 0.0003250282957679691]}, "1587": {"path": [6, 2, 3, 3], "s": [0.9976596208201314, 1.0023467026293595, -0.0009117431196137897]}, "1588": {"path": [6, 2, 3, 3], "s": [0.9977173064496573, 1.0022882453424593, -0.0005730874552823228]}, "1589": {"path": [6, 3, 0, 0], "s": [1.0025834475798283, 0.9974249606510832, 0.0013250478246534005]}, "1590": {"path": [6, 3, 0, 0], "s": [1.0022428139500048, 0.9977640441651563, 0.0013576753010868445]}, "1591": {"path": [6, 3, 0, 1], "s": [0.9975612744143268, 1.0024510839936813, -0.002526041717942921]}, "1592": {"path": [6, 3, 0, 1], "s": [0.9976212590453549, 1.0023880346401028, -0.0019008339376641419]}, "1593": {"path": [6, 3, 0, 2], "s": [1.0019580890629811, 0.9980504116404635, 0.0021640785106163173]}, "1594": {"path": [6, 3, 0, 2], "s": [1.0023302278807045, 0.997680485955811, 0.002304092059793191]}, "1595": {"path": [6, 3, 0, 3], "s": [0.9985461773130598, 1.0014601098385778, -0.0020406888122581324]}, "1596": {"path": [6, 3, 0, 3], "s": [0.9987498807859377, 1.00125726813516, -0.0023616066662104536]}, "1597": {"path": [6, 3, 1, 0], "s": [0.9996629920102026, 1.0003448512317614, -0.0027797525686118017]}, "1598": {"path": [6, 3, 1, 0], "s": [0.9992477159063395, 1.0007597201317273, -0.00262002150678921]}, "1599": {"path": [6, 3, 1, 1], "s": [1.0008855136138652, 0.999119253919088, 0.0019969026786187515]}, "1600": {"path": [6, 3, 1, 1], "s": [1.0009785301687115, 0.9990278681824165, 0.002333900344248335]}, "1601": {"path": [6, 3, 1, 2], "s": [0.9998001021952626, 1.0002039153793612, -0.0019941946713016127]}, "1602": {"path": [6, 3, 1, 2], "s": [1.0000730239904834, 0.9999310880030073, -0.0020265639052947245]}, "1603": {"path": [6, 3, 1, 3], "s": [1.0016544011956245, 0.9983516483240561, 0.0018227684157463306]}, "1604": {"path": [6, 3, 1, 3], "s": [1.001416035445576, 0.998588553179388, 0.001609337203891077]}, "1605": {"path": [6, 3, 2, 0], "s": [1.0010755598485783, 0.9989269441522155, 0.0011618369113597414]}, "1606": {"path": [6, 3, 2, 0], "s": [1.0012553082752906, 0.998748105498998, 0.0013572990685447592]}, "1607": {"path": [6, 3, 2, 1], "s": [0.9996978375620144, 1.0003043872239854, -0.0014604148767929474]}, "1608": {"path": [6, 3, 2, 1], "s": [0.999886237105618, 1.0001160163949419, -0.0014967639088914614]}, "1609": {"path": [6, 3, 2, 2], "s": [1.001528693601444, 0.9984746079848535, 0.0009847483355327608]}, "1610": {"path": [6, 3, 2, 2], "s": [1.0012862625183703, 0.998716157544388, 0.0008767578502702723]}, "1611": {"path": [6, 3, 2, 3], "s": [0.9994616184094969, 1.0005423804808453, -0.00192532664116583]}, "1612": {"path": [6, 3, 2, 3], "s": [0.9992446285728691, 1.0007591345326312, -0.0017859666751768252]}, "1613": {"path": [6, 3, 3, 0], "s": [0.9988328420944447, 1.0011705755859976, -0.00143228275648061]}, "1614": {"path": [6, 3, 3, 0], "s": [0.9989788565004141, 1.001024895369503, -0.0016447810416758812]}, "1615": {"path": [6, 3, 3, 1], "s": [1.0020613166854933, 0.9979434348392597, 0.0007157462345012936]}, "1616": {"path": [6, 3, 3, 1], "s": [1.0017767985366093, 0.9982268324072854, 0.0006930961770590889]}, "1617": {"path": [6, 3, 3, 2], "s": [0.9982711570656423, 1.001734911026417, -0.0017517715006743404]}, "1618": {"path": [6, 3, 3, 2], "s": [0.9982207665443757, 1.0017843590179392, -0.0013967000584992318]}, "1619": {"path": [6, 3, 3, 3], "s": [1.0017099762782344, 0.9982942248238568, 0.0011332550481414562]}, "1620": {"path": [6, 3, 3, 3], "s": [1.0019974391996176, 0.9980080345988798, 0.0012226891350169862]}, "1621": {"path": [7, 0, 0, 0], "s": [1.0036798697972638, 0.9963382625445878, 0.002158153095651641]}, "1622": {"path": [7, 0, 0, 0], "s": [1.0043098882316228, 0.9957120512333515, 0.0018598077985864131]}, "1623": {"path": [7, 0, 0, 1], "s": [0.9968459504429747, 1.0031655115364824, -0.0012156476460293839]}, "1624": {"path": [7, 0, 0, 1], "s": [0.9964192944969331, 1.0035971897558293, -0.001898361295679125]}, "1625": {"path": [7, 0, 0, 2], "s": [1.0030938154634983, 0.9969168711030484, 0.001071417140407364]}, "1626": {"path": [7, 0, 0, 2], "s": [1.0030196753637142, 0.9969903946577994, 0.0009909542909674993]}, "1627": {"path": [7, 0, 0, 3], "s": [0.996449694448986, 1.003563383491066, -0.0006533298272667773]}, "1628": {"path": [7, 0, 0, 3], "s": [0.996724300727229, 1.003287055778833, -0.0007675283949589205]}, "1629": {"path": [7, 0, 1, 0], "s": [0.9969948718125264, 1.0030144961776188, -0.0005559161003808539]}, "1630": {"path": [7, 0, 1, 0], "s": [0.9968742051456119, 1.0031360431535183, -0.0006675863812514769]}, "1631": {"path": [7, 0, 1, 1], "s": [1.0033460864102863, 0.9966659272055709, 0.0009260238593886903]}, "1632": {"path": [7, 0, 1, 1], "s": [1.0030112080901392, 0.9969983557351219, 0.0007247411725247289]}, "1633": {"path": [7, 0, 1, 2], "s": [0.9968115855023997, 1.0031997835504562, -0.0010801928509442888]}, "1634": {"path": [7, 0, 1, 2], "s": [0.9965783717343225, 1.0034339007800686, -0.0007231752347847983]}, "1635": {"path": [7, 0, 1, 3], "s": [1.0031723448114387, 0.9968385419524372, 0.0009260285319285577]}, "1636": {"path": [7, 0, 1, 3], "s": [1.0030314581327915, 0.9969784120807998, 0.0008428501166507237]}, "1637": {"path": [7, 0, 2, 0], "s": [1.0030837427635482, 0.9969290043904933, 0.0018102468213283816]}, "1638": {"path": [7, 0, 2, 0], "s": [1.0027882656725522, 0.9972211448091733, 0.0012893002707135177]}, "1639": {"path": [7, 0, 2, 1], "s": [0.997828302920047, 1.0021789444740032, -0.001585997068078038]}, "1640": {"path": [7, 0, 2, 1], "s": [0.99727673068012, 1.0027335458317073, -0.0016829528598088948]}, "1641": {"path": [7, 0, 2, 2], "s": [1.0042466976072988, 0.9957713002174486, 0.0001995382124299251]}, "1642": {"path": [7, 0, 2, 2], "s": [1.001875779687655, 0.9981302893265053, -0.0016005776632753534]}, "1643": {"path": [7, 0, 2, 3], "s": [0.9972144158269947, 1.0027935314990275, -0.00040707357057485097]}, "1644": {"path": [7, 0, 2, 3], "s": [0.9965589110383344, 1.0034536004035228, 0.0007920199680014654]}, "1645": {"path": [7, 0, 3, 0], "s": [0.9950204165125655, 1.0050048143737582, -0.0005558734658937093]}, "1646": {"path": [7, 0, 3, 0], "s": [0.9957861214533892, 1.0042317143727806, 6.241601257748534e-05]}, "1647": {"path": [7, 0, 3, 1], "s": [1.0039444896957697, 0.9960985205153994, 0.005255555683497188]}, "1648": {"path": [7, 0, 3, 1], "s": [1.0081450699460957, 0.9919809273467576, 0.007789825748390472]}, "1649": {"path": [7, 0, 3, 2], "s": [0.995101766022967, 1.0049224512878028, -0.00032556508123038455]}, "1650": {"path": [7, 0, 3, 2], "s": [0.9930189582946638, 1.00703764555713, -0.0027338168650847144]}, "1651": {"path": [7, 0, 3, 3], "s": [1.003346532515672, 0.9966658314242176, 0.0010981968575280302]}, "1652": {"path": [7, 0, 3, 3], "s": [1.003863518904741, 0.996151759374402, 0.0006407251639786946]}, "1653": {"path": [7, 1, 0, 0], "s": [1.0085552093830947, 0.9915173845435703, 0.00015288989240257753]}, "1654": {"path": [7, 1, 0, 0], "s": [1.010070959171161, 0.9900296154930561, 0.00040413973642405615]}, "1655": {"path": [7, 1, 0, 1], "s": [0.9917985155225504, 1.0082701431946548, -0.0009117379935390014]}, "1656": {"path": [7, 1, 0, 1], "s": [0.9932997529035454, 1.0067475395151377, -0.0014429957163578303]}, "1671": {"path": [7, 1, 2, 1], "s": [1.0064974735384054, 0.9935498188802764, 0.0023200296417304855]}, "1672": {"path": [7, 1, 2, 1], "s": [1.0083008434740748, 0.9917678152431313, 0.0005697719628146586]}, "1673": {"path": [7, 1, 2, 2], "s": [0.9912974557929705, 1.0088031188712454, 0.004895419602027105]}, "1674": {"path": [7, 1, 2, 2], "s": [0.9942456604683338, 1.0058269334583314, 0.006250101848564473]}, "1677": {"path": [7, 1, 3, 0], "s": [1.010598566453429, 0.9895126704007202, 0.0002935889488542594]}, "1678": {"path": [7, 1, 3, 0], "s": [1.0100709591711559, 0.9900296154930613, -0.00040413973642550426]}, "1679": {"path": [7, 1, 3, 1], "s": [1.005158467821596, 0.9948686889675176, 0.0008289066711311021]}, "1680": {"path": [7, 1, 3, 1], "s": [0.999904177573444, 1.0001229792156687, 0.005210086846320401]}, "1681": {"path": [7, 1, 3, 2], "s": [0.9912974557929658, 1.0088031188712507, -0.0048954196020283775]}, "1682": {"path": [7, 1, 3, 2], "s": [0.9952291233466553, 1.0048821135074932, -0.00937789383582899]}, "1685": {"path": [7, 2, 0, 0], "s": [0.9988693381516717, 1.0011367308624872, -0.002187179906023689]}, "1686": {"path": [7, 2, 0, 0], "s": [0.9958390217719797, 1.0041789760527677, -0.000780510330402661]}, "1687": {"path": [7, 2, 0, 1], "s": [1.0025304850674028, 0.9974797914444233, -0.0019746295120231534]}, "1688": {"path": [7, 2, 0, 1], "s": [1.0019691622932079, 0.9980380851008439, -0.001839582890132613]}, "1689": {"path": [7, 2, 0, 2], "s": [0.9971543554111107, 1.002855055070615, 0.001134023682744544]}, "1690": {"path": [7, 2, 0, 2], "s": [0.99671993861092, 1.0032928085431223, 0.001395184531870864]}, "1691": {"path": [7, 2, 0, 3], "s": [1.0035386411606992, 0.9964738702811573, -0.00018366843840971432]}, "1692": {"path": [7, 2, 0, 3], "s": [1.0027072025391484, 0.997300744786874, -0.0007999346570900911]}, "1693": {"path": [7, 2, 1, 0], "s": [1.003352033452862, 0.9966602390615288, -0.0010380385352168012]}, "1694": {"path": [7, 2, 1, 0], "s": [1.003105147092437, 0.9969062219604198, -0.0013275605344080785]}, "1695": {"path": [7, 2, 1, 1], "s": [0.9969571453712716, 1.0030524184539884, 0.0005251282127507229]}, "1696": {"path": [7, 2, 1, 1], "s": [0.996591994264019, 1.0034200193518377, 0.0005984732979464027]}, "1697": {"path": [7, 2, 1, 2], "s": [1.0030656069094488, 0.9969446413896802, -0.000939026443882006]}, "1698": {"path": [7, 2, 1, 2], "s": [1.0029694800052409, 0.9970398879849044, -0.0007602609440488784]}, "1699": {"path": [7, 2, 1, 3], "s": [0.9968790616743043, 1.0031308085392865, 0.00031488605897152716]}, "1700": {"path": [7, 2, 1, 3], "s": [0.9967659265843101, 1.0032449601795663, 0.0006263580637843747]}, "1701": {"path": [7, 2, 2, 0], "s": [0.9969671243967043, 1.003042945624809, 0.000917140101394552]}, "1702": {"path": [7, 2, 2, 0], "s": [0.9968315921223181, 1.0031790944442278, 0.0007835168570251907]}, "1703": {"path": [7, 2, 2, 1], "s": [1.0035360562745375, 0.9964804279782256, -0.0020096885410483514]}, "1704": {"path": [7, 2, 2, 1], "s": [1.0031855946087085, 0.9968258673707502, -0.0011621014016565674]}, "1705": {"path": [7, 2, 2, 2], "s": [0.9954646228405536, 1.0045573166244206, 0.0011270826270473237]}, "1706": {"path": [7, 2, 2, 2], "s": [0.9961969238799983, 1.003821208461853, 0.001897365331502558]}, "1707": {"path": [7, 2, 2, 3], "s": [1.0032015360504825, 0.9968098204555785, -0.0010691263921729628]}, "1708": {"path": [7, 2, 2, 3], "s": [1.003363528451334, 0.9966495494887173, -0.001344843646112413]}, "1709": {"path": [7, 2, 3, 0], "s": [1.0053396660345035, 0.9947169378172896, -0.005328608082645365]}, "1710": {"path": [7, 2, 3, 0], "s": [1.0047922367518605, 0.9952319805589092, -0.0011695438303855456]}, "1711": {"path": [7, 2, 3, 1], "s": [0.9890303619377714, 1.0110956353550837, -0.002069345050579545]}, "1712": {"path": [7, 2, 3, 1], "s": [0.9942937237597973, 1.0057492864513708, 0.0031942439625279886]}, "1713": {"path": [7, 2, 3, 2], "s": [1.0040692965221043, 0.9959485393040655, -0.001161564139491859]}, "1714": {"path": [7, 2, 3, 2], "s": [1.003965593272818, 0.9960596376135058, -0.003099195339292258]}, "1715": {"path": [7, 2, 3, 3], "s": [0.9961045233295178, 1.0039107549496253, -0.00020982009565568505]}, "1716": {"path": [7, 2, 3, 3], "s": [0.9964913659078355, 1.003520998032053, -0.00010023051341082708]}, "1717": {"path": [7, 3, 0, 0], "s": [1.0036679053502255, 0.9963512753288699, -0.0024078003139472075]}, "1718": {"path": [7, 3, 0, 0], "s": [1.0041019169786638, 0.995932296141727, -0.004186614010224738]}, "1719": {"path": [7, 3, 0, 1], "s": [0.9974234204910755, 1.0025920446310221, 0.002964205292453486]}, "1720": {"path": [7, 3, 0, 1], "s": [0.996635710462296, 1.0033817935638252, 0.0024752158321341734]}, "1721": {"path": [7, 3, 0, 2], "s": [1.001916194573129, 0.9980995147022416, -0.003473841642397322]}, "1722": {"path": [7, 3, 0, 2], "s": [1.0024383371376213, 0.9975755806899681, -0.0028295363487872414]}, "1723": {"path": [7, 3, 0, 3], "s": [0.9985006143400841, 1.001526499352868, 0.004982457396985028]}, "1724": {"path": [7, 3, 0, 3], "s": [0.9989578844939444, 1.0010621295277646, 0.004348236430815005]}, "1725": {"path": [7, 3, 1, 0], "s": [0.9998493966003714, 1.000160001587189, 0.0030617136994139055]}, "1726": {"path": [7, 3, 1, 0], "s": [0.999618554210649, 1.000394010009524, 0.003523340277959453]}, "1727": {"path": [7, 3, 1, 1], "s": [1.0002812719749148, 0.9997267252314298, -0.0028143101837172784]}, "1728": {"path": [7, 3, 1, 1], "s": [1.000766032462257, 0.9992419647440864, -0.002723330081071462]}, "1729": {"path": [7, 3, 1, 2], "s": [1.0012633553591614, 0.9987492088610117, 0.0033142158174612477]}, "1730": {"path": [7, 3, 1, 2], "s": [1.0010871489491595, 0.9989222492384012, 0.0028681896646171896]}, "1731": {"path": [7, 3, 1, 3], "s": [1.0009571394449255, 0.9990598961971437, -0.004016943071115266]}, "1732": {"path": [7, 3, 1, 3], "s": [0.9998545811233386, 1.0001624545187289, -0.004124562778644036]}, "1733": {"path": [7, 3, 2, 0], "s": [0.9981469203139056, 1.0018669975136851, -0.0032339035890466493]}, "1734": {"path": [7, 3, 2, 0], "s": [0.998751330135555, 1.0012643791398144, -0.0037590535033599666]}, "1735": {"path": [7, 3, 2, 1], "s": [1.003524464836673, 0.9964930391894476, 0.0022680092726053546]}, "1736": {"path": [7, 3, 2, 1], "s": [1.002918746285277, 0.9970967188368216, 0.002644084149205593]}, "1737": {"path": [7, 3, 2, 2], "s": [0.9958608037721131, 1.0041734093482784, -0.004115648206440209]}, "1738": {"path": [7, 3, 2, 2], "s": [0.9964130101796593, 1.0036061704994363, -0.0024990762738753094]}, "1739": {"path": [7, 3, 2, 3], "s": [1.0015805840565275, 0.9984394299651816, 0.004188962830153097]}, "1740": {"path": [7, 3, 2, 3], "s": [1.0020738903201918, 0.9979532233727608, 0.004782144154821687]}, "1741": {"path": [7, 3, 3, 0], "s": [1.0049601454045924, 0.9950786750060046, 0.003796040442861641]}, "1742": {"path": [7, 3, 3, 0], "s": [1.004320528012115, 0.9957377970893222, 0.0063174468235658605]}, "1743": {"path": [7, 3, 3, 1], "s": [1.0036493925654018, 0.9963808200043274, -0.004123682960561001]}, "1744": {"path": [7, 3, 3, 1], "s": [0.996518293451828, 1.0035119191178996, -0.004240884098713865]}, "1745": {"path": [7, 3, 3, 2], "s": [0.9953076231851703, 1.0047507019162678, 0.006002750862026485]}, "1746": {"path": [7, 3, 3, 2], "s": [0.9951607928504451, 1.0048780275601532, 0.003900592871935434]}, "1747": {"path": [7, 3, 3, 3], "s": [0.9980615660335352, 1.0019907400760941, -0.00696040167288953]}, "1748": {"path": [7, 3, 3, 3], "s": [1.0024050231530643, 0.9976472829565646, -0.006829917325114904]}, "1749": {"path": [8, 0, 0, 0], "s": [1.002672040547313, 0.9973364387253469, -0.0011671027953447876]}, "1750": {"path": [8, 0, 0, 0], "s": [1.002509767092739, 0.9974971414954674, -0.0007918309758705522]}, "1751": {"path": [8, 0, 0, 1], "s": [0.9969850548952166, 1.0030258745280656, 0.001344089910231095]}, "1752": {"path": [8, 0, 0, 1], "s": [0.997415258483872, 1.0025940826860542, 0.0016236184007495042]}, "1753": {"path": [8, 0, 0, 2], "s": [1.0027807002108988, 0.9972275580177429, -0.0007408769379664553]}, "1754": {"path": [8, 0, 0, 2], "s": [1.0029104379138192, 0.9970991012019589, -0.0010470099964500332]}, "1755": {"path": [8, 0, 0, 3], "s": [0.9975797173701407, 1.0024269778146009, 0.0009062077547685594]}, "1756": {"path": [8, 0, 0, 3], "s": [0.9973110226719556, 1.002696847810078, 0.0007865871951086283]}, "1757": {"path": [8, 0, 1, 0], "s": [0.9970211352777014, 1.0029880325192948, 0.0005165775224041064]}, "1758": {"path": [8, 0, 1, 0], "s": [0.9972424979771204, 1.0027654833191633, 0.0005962134162858853]}, "1759": {"path": [8, 0, 1, 1], "s": [1.0030258241388221, 0.9969834441559433, -0.00037513634419634946]}, "1760": {"path": [8, 0, 1, 1], "s": [1.0029900410661725, 0.9970193359402195, -0.0006816879404684145]}, "1761": {"path": [8, 0, 1, 2], "s": [0.9973719532886183, 1.0026349827340881, 0.00010566455228635212]}, "1762": {"path": [8, 0, 1, 2], "s": [0.9970923233342444, 1.0029161589701314, 5.528999775046289e-05]}, "1763": {"path": [8, 0, 1, 3], "s": [1.0026923426549212, 0.9973152613391135, -0.0006129907178144648]}, "1764": {"path": [8, 0, 1, 3], "s": [1.0026218652225656, 0.9973851256888777, -0.00036750976294607163]}, "1765": {"path": [8, 0, 2, 0], "s": [1.0024915364782263, 0.9975146558489792, -1.2615776599490435e-06]}, "1766": {"path": [8, 0, 2, 0], "s": [1.002547781065292, 0.9974587432654054, -0.00022308049291783194]}, "1767": {"path": [8, 0, 2, 1], "s": [0.997840719218289, 1.0021639699923681, -0.0001288093168047292]}, "1768": {"path": [8, 0, 2, 1], "s": [0.9976293303648025, 1.0023763607517797, -0.00023989644805843692]}, "1769": {"path": [8, 0, 2, 2], "s": [1.0022595980304692, 0.997745562251254, -0.00025721319324905197]}, "1770": {"path": [8, 0, 2, 2], "s": [1.002176757749193, 0.9978279729113542, -5.180492694427502e-05]}, "1771": {"path": [8, 0, 2, 3], "s": [0.9974560944929373, 1.002550479200301, 0.0002924297455467193]}, "1772": {"path": [8, 0, 2, 3], "s": [0.9977029571615441, 1.0023024792566935, 0.0003840895093509187]}, "1773": {"path": [8, 0, 3, 0], "s": [0.9980629147029824, 1.0019412992412908, 0.0006734107632026199]}, "1774": {"path": [8, 0, 3, 0], "s": [0.9977802318897875, 1.0022250397612156, 0.0005766963626751962]}, "1775": {"path": [8, 0, 3, 1], "s": [1.002129651302078, 0.9978752651233432, -0.0006256844456158591]}, "1776": {"path": [8, 0, 3, 1], "s": [1.0020283477999459, 0.9979759109778036, -0.0003914348396749759]}, "1777": {"path": [8, 0, 3, 2], "s": [0.9977068158761254, 1.002299713971681, 0.0011207944671716263]}, "1778": {"path": [8, 0, 3, 2], "s": [0.9980618034593395, 1.0019434762135244, 0.001229973166694664]}, "1779": {"path": [8, 0, 3, 3], "s": [1.0023279043051279, 0.9976776474869891, -0.00038154646278163975]}, "1780": {"path": [8, 0, 3, 3], "s": [1.002437666560342, 0.9975686568891494, -0.0006297981369394183]}, "1781": {"path": [8, 1, 0, 0], "s": [0.9978884219996762, 1.0021160508371598, 6.804735105750488e-05]}, "1782": {"path": [8, 1, 0, 0], "s": [0.9981237598214969, 1.0018797978118146, 0.00017516030139543275]}, "1783": {"path": [8, 1, 0, 1], "s": [1.0020313537546424, 0.9979728160788822, 0.0002278285649500045]}, "1784": {"path": [8, 1, 0, 1], "s": [1.002106911750261, 0.9978975216240715, 6.0315317728944325e-05]}, "1785": {"path": [8, 1, 0, 2], "s": [0.9982320177586873, 1.0017711972798786, -0.00028912493790912746]}, "1786": {"path": [8, 1, 0, 2], "s": [0.9980590453005606, 1.001944908150532, -0.000422460033092285]}, "1787": {"path": [8, 1, 0, 3], "s": [1.0018511085727095, 0.998152312192332, 2.223287745262679e-05]}, "1788": {"path": [8, 1, 0, 3], "s": [1.0017811059320862, 0.9982221044403352, 0.00020917001057365033]}, "1789": {"path": [8, 1, 1, 0], "s": [1.0016905067250927, 0.9983125234377208, 0.0004212746569747864]}, "1790": {"path": [8, 1, 1, 0], "s": [1.0017515180412733, 0.9982516150193657, 0.0002659563926046216]}, "1791": {"path": [8, 1, 1, 1], "s": [0.9985269316901023, 1.0014754582235383, -0.00046525572437899925]}, "1792": {"path": [8, 1, 1, 1], "s": [0.9983656849227124, 1.0016373478826193, -0.0005973801144836154]}, "1793": {"path": [8, 1, 1, 2], "s": [1.0014825623252508, 0.9985197122217655, 0.000282715627695523]}, "1794": {"path": [8, 1, 1, 2], "s": [1.0014621956631384, 0.9985401819675708, 0.0004930427093099313]}, "1795": {"path": [8, 1, 1, 3], "s": [0.9982390561374518, 1.0017640715260616, -0.00014571405190892382]}, "1796": {"path": [8, 1, 1, 3], "s": [0.99848078947755, 1.0015215236651742, -4.03479997230001e-05]}, "1797": {"path": [8, 1, 2, 0], "s": [0.9988602413003055, 1.001141076621339, 0.00013179392505008227]}, "1798": {"path": [8, 1, 2, 0], "s": [0.9985264287882061, 1.0014757491289874, 5.740871498151664e-05]}, "1799": {"path": [8, 1, 2, 1], "s": [1.0012357838613801, 0.9987657418389818, -2.0592365500861326e-05]}, "1800": {"path": [8, 1, 2, 1], "s": [1.001127258045038, 0.9988740793907892, 0.000261214015546554]}, "1801": {"path": [8, 1, 2, 2], "s": [0.9984994294349224, 1.0015031376156776, 0.0005581097897497553]}, "1802": {"path": [8, 1, 2, 2], "s": [0.9988757893115265, 1.0011258410835309, 0.0006039142965964333]}, "1803": {"path": [8, 1, 2, 3], "s": [1.0014745551226882, 0.998527663558, 0.00021826462312211808]}, "1804": {"path": [8, 1, 2, 3], "s": [1.0015781203999472, 0.9984243663168944, -1.3311028957545758e-05]}, "1805": {"path": [8, 1, 3, 0], "s": [1.0016823064463254, 0.9983205809084736, -0.0002491128955822698]}, "1806": {"path": [8, 1, 3, 0], "s": [1.001612412258447, 0.9983901863805944, -5.436752108858221e-05]}, "1807": {"path": [8, 1, 3, 1], "s": [0.9981627066962541, 1.001841368706407, 0.0008320266023652736]}, "1808": {"path": [8, 1, 3, 1], "s": [0.9984962183473555, 1.0015068268169647, 0.0008827376736992366]}, "1809": {"path": [8, 1, 3, 2], "s": [1.001892149371373, 0.9981114285226574, -6.6593518973122e-05]}, "1810": {"path": [8, 1, 3, 2], "s": [1.0019914804182573, 0.9980125534435259, -0.0002755011495744625]}, "1811": {"path": [8, 1, 3, 3], "s": [0.9984725689536493, 1.0015299502239015, 0.00042694739759066477]}, "1812": {"path": [8, 1, 3, 3], "s": [0.9981775850929148, 1.001825854134636, 0.0003343108699524563]}, "1813": {"path": [8, 2, 0, 0], "s": [1.0012518804027712, 0.9987497009847695, -0.00012713263478162442]}, "1814": {"path": [8, 2, 0, 0], "s": [1.0013626944466016, 0.9986392484292008, -0.0002976360094635016]}, "1815": {"path": [8, 2, 0, 1], "s": [0.999365852190447, 1.0006349792304683, 0.0006547902162973675]}, "1816": {"path": [8, 2, 0, 1], "s": [0.999005671477164, 1.000995802810336, 0.0006957962070919042]}, "1817": {"path": [8, 2, 0, 2], "s": [1.0010494953779, 0.9989516876256679, -0.00028775784514466056]}, "1818": {"path": [8, 2, 0, 2], "s": [1.00092824856271, 0.9990726244604178, -0.00011039980184847424]}, "1819": {"path": [8, 2, 0, 3], "s": [0.9990655807455299, 1.0009364258681472, 0.001063766569889614]}, "1820": {"path": [8, 2, 0, 3], "s": [0.9994251650395258, 1.0005761408130094, 0.0009872520724537774]}, "1821": {"path": [8, 2, 1, 0], "s": [0.9998267556581797, 1.0001740117364981, 0.0008586315444048836]}, "1822": {"path": [8, 2, 1, 0], "s": [0.9996221133927539, 1.0003790875017984, 0.001028417455237659]}, "1823": {"path": [8, 2, 1, 1], "s": [1.000875236868015, 0.9991256814466669, -0.0003912529213895891]}, "1824": {"path": [8, 2, 1, 1], "s": [1.000853453755757, 0.9991473759460079, -0.0003194159708541055]}, "1825": {"path": [8, 2, 1, 2], "s": [0.9997176018634952, 1.0002838775034137, 0.0011828780287553226]}, "1826": {"path": [8, 2, 1, 2], "s": [0.999900299505004, 1.0001007061304001, 0.000997795045581509]}, "1827": {"path": [8, 2, 1, 3], "s": [1.001074857471749, 0.9989264662357725, -0.0004120821927717473]}, "1828": {"path": [8, 2, 1, 3], "s": [1.0010863860295167, 0.9989150327578674, -0.0004899940091883632]}, "1829": {"path": [8, 2, 2, 0], "s": [1.0009875745242383, 0.9990137610693604, -0.0006013394689539948]}, "1830": {"path": [8, 2, 2, 0], "s": [1.0010808366391601, 0.9989205832333752, -0.0005031891749967811]}, "1831": {"path": [8, 2, 2, 1], "s": [0.9996816481409628, 1.0003203844391864, 0.0013894549897334315]}, "1832": {"path": [8, 2, 2, 1], "s": [0.9998847403710464, 1.0001166912867774, 0.0011908853971604315]}, "1833": {"path": [8, 2, 2, 2], "s": [1.0013085885915611, 0.9986935059066522, -0.0006203506653516646]}, "1834": {"path": [8, 2, 2, 2], "s": [1.0012895392154297, 0.9987126950468257, -0.0007577809948664142]}, "1835": {"path": [8, 2, 2, 3], "s": [0.9996761675014526, 1.0003251956002555, 0.0011215136218604824]}, "1836": {"path": [8, 2, 2, 3], "s": [0.999381445603733, 1.0006204564197778, 0.0012321677909070375]}, "1837": {"path": [8, 2, 3, 0], "s": [0.9988540889012975, 1.001149084488309, 0.0013625861210081924]}, "1838": {"path": [8, 2, 3, 0], "s": [0.9991956793574328, 1.0008065812895486, 0.0012696050568332972]}, "1839": {"path": [8, 2, 3, 1], "s": [1.0016731766415772, 0.9983297620688445, -0.00037961471233630134]}, "1840": {"path": [8, 2, 3, 1], "s": [1.001751508770709, 0.9982518862594674, -0.0005772292675730953]}, "1841": {"path": [8, 2, 3, 2], "s": [0.9990139497279196, 1.00098797745855, 0.0009762125932552315]}, "1842": {"path": [8, 2, 3, 2], "s": [0.9986448657521964, 1.0013579100535426, 0.0009672927783412129]}, "1843": {"path": [8, 2, 3, 3], "s": [1.0013607655089798, 0.9986413080081551, -0.00047397883355987]}, "1844": {"path": [8, 2, 3, 3], "s": [1.0013720241928044, 0.9986299650121351, -0.0003308833479385287]}, "1845": {"path": [8, 3, 0, 0], "s": [0.9995330060029824, 1.0004694140597765, 0.0014835259384937162]}, "1846": {"path": [8, 3, 0, 0], "s": [0.9992391224179815, 1.0007641791683162, 0.0016492845418138826]}, "1847": {"path": [8, 3, 0, 1], "s": [1.001104753989002, 0.9988974995115578, -0.0010175995024599414]}, "1848": {"path": [8, 3, 0, 1], "s": [1.00119861550767, 0.9988036092783276, -0.0008892544775631957]}, "1849": {"path": [8, 3, 0, 2], "s": [0.9997355511784692, 1.000267862595819, 0.0018283704057559331]}, "1850": {"path": [8, 3, 0, 2], "s": [0.9999272815666522, 1.0000752224341416, 0.0015806741397930224]}, "1851": {"path": [8, 3, 0, 3], "s": [1.0015492506957828, 0.9984545124097165, -0.001169939218774912]}, "1852": {"path": [8, 3, 0, 3], "s": [1.00145779359827, 0.9985462052920712, -0.0013709696286777573]}, "1853": {"path": [8, 3, 1, 0], "s": [1.0010207745494335, 0.9989833374440581, -0.0017533425874106735]}, "1854": {"path": [8, 3, 1, 0], "s": [1.001220725654721, 0.9987832919199022, -0.0015913226750390826]}, "1855": {"path": [8, 3, 1, 1], "s": [1.0000794626818654, 0.9999269356692623, 0.002528348322667925]}, "1856": {"path": [8, 3, 1, 1], "s": [1.000201052785625, 0.9998037147473284, 0.0021744123932891605]}, "1857": {"path": [8, 3, 1, 2], "s": [1.0016371420067647, 0.9983702940313014, -0.002183570005021161]}, "1858": {"path": [8, 3, 1, 2], "s": [1.0013150441153558, 0.9986927991266065, -0.0024747151648259066]}, "1859": {"path": [8, 3, 1, 3], "s": [0.9995189907127358, 1.0004855979122278, 0.0020868751418655043]}, "1860": {"path": [8, 3, 1, 3], "s": [0.9992112307888977, 1.0007948187307838, 0.0023286457733488653]}, "1861": {"path": [8, 3, 2, 0], "s": [0.9982712645648671, 1.0017394492716487, 0.002776110394430378]}, "1862": {"path": [8, 3, 2, 0], "s": [0.9987762400901176, 1.0012322606133273, 0.0026443737079357137]}, "1863": {"path": [8, 3, 2, 1], "s": [1.002668708321163, 0.9973405853642953, -0.001482053808221316]}, "1864": {"path": [8, 3, 2, 1], "s": [1.002824034822683, 0.9971883235853254, -0.002101936227341777]}, "1865": {"path": [8, 3, 2, 2], "s": [0.9982200694829789, 1.0017867886321825, 0.0019177475191867203]}, "1866": {"path": [8, 3, 2, 2], "s": [0.9977411048521138, 1.002267303378797, 0.0018129065917633596]}, "1867": {"path": [8, 3, 2, 3], "s": [1.0019854520009008, 0.9980216969201977, -0.0017947410093831604]}, "1868": {"path": [8, 3, 2, 3], "s": [1.0020495632766597, 0.9979567238749787, -0.0014489057689738472]}, "1869": {"path": [8, 3, 3, 0], "s": [1.0021101131124388, 0.9978950124498764, -0.0008269222962383218]}, "1870": {"path": [8, 3, 3, 0], "s": [1.0021945379990422, 0.9978115300930188, -0.001124905191455305]}, "1871": {"path": [8, 3, 3, 1], "s": [0.998655975548063, 1.001347655395831, 0.0013489485126819362]}, "1872": {"path": [8, 3, 3, 1], "s": [0.9982783361463748, 1.0017264153783791, 0.0013338732322286746]}, "1873": {"path": [8, 3, 3, 2], "s": [1.0016936382522121, 0.998310113617708, -0.0009432993695300056]}, "1874": {"path": [8, 3, 3, 2], "s": [1.0016947574858437, 0.9983086601946002, -0.0007424753514751058]}, "1875": {"path": [8, 3, 3, 3], "s": [0.998593396008163, 1.001412077790334, 0.0018675021394228889]}, "1876": {"path": [8, 3, 3, 3], "s": [0.9989801367174651, 1.0010240643846253, 0.0017767094378616064]}, "1877": {"path": [9, 0, 0, 0], "s": [1.0002457807120004, 0.9997555429697305, 0.0011240991537734188]}, "1878": {"path": [9, 0, 0, 0], "s": [1.0002962194046854, 0.9997047257517413, 0.0009261157945180005]}, "1879": {"path": [9, 0, 0, 1], "s": [1.0009509159522634, 0.9990504725037626, -0.0006968035473976733]}, "1880": {"path": [9, 0, 0, 1], "s": [1.0008720737344499, 0.9991293038842225, -0.0007863252891180383]}, "1881": {"path": [9, 0, 0, 2], "s": [1.0001434343180184, 0.9998575190250218, 0.0009658707879517895]}, "1882": {"path": [9, 0, 0, 2], "s": [1.0000141575895596, 0.999987132241332, 0.0011356270141449517]}, "1883": {"path": [9, 0, 0, 3], "s": [1.0007379475325149, 0.9992630043930653, -0.0006387969079380186]}, "1884": {"path": [9, 0, 0, 3], "s": [1.0008418849007843, 0.9991591360385623, -0.0005594896548382695]}, "1885": {"path": [9, 0, 1, 0], "s": [1.0009066348258169, 0.9990944351521996, -0.0004989603074749281]}, "1886": {"path": [9, 0, 1, 0], "s": [1.0008441750913781, 0.9991568395321775, -0.0005503167180345731]}, "1887": {"path": [9, 0, 1, 1], "s": [1.0001460327501877, 0.9998546060354706, 0.0007858456453428801]}, "1888": {"path": [9, 0, 1, 1], "s": [1.0001065942494698, 0.9998943926878554, 0.0009877652518942531]}, "1889": {"path": [9, 0, 1, 2], "s": [1.000712119121944, 0.9992885671196056, -0.00042381198045922055]}, "1890": {"path": [9, 0, 1, 2], "s": [1.00076136286295, 0.999239348296636, -0.0003633560623214537]}, "1891": {"path": [9, 0, 1, 3], "s": [1.0002019359902217, 0.999799152020437, 0.0010234511335689173]}, "1892": {"path": [9, 0, 1, 3], "s": [1.0002166108118726, 0.9997841023132698, 0.0008163083786968555]}, "1893": {"path": [9, 0, 2, 0], "s": [1.0003793481289578, 0.9996211832180201, 0.000622610263633439]}, "1894": {"path": [9, 0, 2, 0], "s": [1.000410417428591, 0.9995903741697596, 0.000789607985387955]}, "1895": {"path": [9, 0, 2, 1], "s": [1.0006209257072247, 0.999379687545588, -0.00047758230657894826]}, "1896": {"path": [9, 0, 2, 1], "s": [1.000668733608351, 0.999331877511794, -0.00040536919454485965]}, "1897": {"path": [9, 0, 2, 2], "s": [1.0004953539454098, 0.9995055187702206, 0.0007923208960907089]}, "1898": {"path": [9, 0, 2, 2], "s": [1.000434088795309, 0.9995664804370893, 0.000617289569703879]}, "1899": {"path": [9, 0, 2, 3], "s": [1.000749880470103, 0.9992509283073145, -0.0004970545062496854]}, "1900": {"path": [9, 0, 2, 3], "s": [1.0006882781850712, 0.999312497663639, -0.0005501416636775668]}, "1901": {"path": [9, 0, 3, 0], "s": [1.0006237100290676, 0.9993770762163048, -0.0006306516921741924]}, "1902": {"path": [9, 0, 3, 0], "s": [1.000696251965282, 0.9993045515338294, -0.0005650590659731121]}, "1903": {"path": [9, 0, 3, 1], "s": [1.0005355261697353, 0.99946548625093, 0.0008521587673676607]}, "1904": {"path": [9, 0, 3, 1], "s": [1.0004920773312476, 0.9995086421217717, 0.0006911345356021339]}, "1905": {"path": [9, 0, 3, 2], "s": [1.0007268826762157, 0.9992741095722892, -0.0006816240361412982]}, "1906": {"path": [9, 0, 3, 2], "s": [1.0006392106205941, 0.9993617620066861, -0.000751437807184401]}, "1907": {"path": [9, 0, 3, 3], "s": [1.000389939812048, 0.99961077574253, 0.0007508532111121064]}, "1908": {"path": [9, 0, 3, 3], "s": [1.0003947277310206, 0.9996062737605385, 0.000919824382012501]}, "1909": {"path": [9, 1, 0, 0], "s": [1.0006559088678086, 0.9993447820070215, -0.0005109907384635396]}, "1910": {"path": [9, 1, 0, 0], "s": [1.000627557320799, 0.9993731344923917, -0.0005462775386744073]}, "1911": {"path": [9, 1, 0, 1], "s": [1.0005793379239514, 0.9994212433555916, 0.0004959676105386261]}, "1912": {"path": [9, 1, 0, 1], "s": [1.0006179192338551, 0.9993828320559296, 0.0006082185803319589]}, "1913": {"path": [9, 1, 0, 2], "s": [1.0006624185535986, 0.9993382906344959, -0.0005204416701003391]}, "1914": {"path": [9, 1, 0, 2], "s": [1.000673761047429, 0.9993269273139852, -0.0004846351790707081]}, "1915": {"path": [9, 1, 0, 3], "s": [1.000660097847938, 0.9993407112144902, 0.0006114469064818761]}, "1916": {"path": [9, 1, 0, 3], "s": [1.000589817472237, 0.999410775251394, 0.0004951652035829933]}, "1917": {"path": [9, 1, 1, 0], "s": [1.0007518584900101, 0.9992489310287058, 0.0004741530702629373]}, "1918": {"path": [9, 1, 1, 0], "s": [1.0007709395342692, 0.9992299367994867, 0.0005316592806900875]}, "1919": {"path": [9, 1, 1, 1], "s": [1.000833825982262, 0.999167146496017, -0.0005272792342367862]}, "1920": {"path": [9, 1, 1, 1], "s": [1.0008388062156188, 0.9991621662626612, -0.0005193246916534648]}, "1921": {"path": [9, 1, 1, 2], "s": [1.0007478922893653, 0.9992529840443904, 0.0005636011734182866]}, "1922": {"path": [9, 1, 1, 2], "s": [1.0007222814333538, 0.9992785080853627, 0.0005180719085614253]}, "1923": {"path": [9, 1, 1, 3], "s": [1.0006791730774984, 0.9993215601888453, -0.0005220041040649711]}, "1924": {"path": [9, 1, 1, 3], "s": [1.0006824525421174, 0.9993182807242231, -0.0005177115860519789]}, "1925": {"path": [9, 1, 2, 0], "s": [1.0006320531922541, 0.9993686351691626, -0.0005378710420985362]}, "1926": {"path": [9, 1, 2, 0], "s": [1.0006700400748036, 0.9993306691132972, -0.0005105972732050657]}, "1927": {"path": [9, 1, 2, 1], "s": [1.0006697986457702, 0.9993309526440144, 0.0005506021900026077]}, "1928": {"path": [9, 1, 2, 1], "s": [1.0005895180933053, 0.9994110631862382, 0.000483829139295361]}, "1929": {"path": [9, 1, 2, 2], "s": [1.0005853468121326, 0.9994153450010554, -0.0005912590362054341]}, "1930": {"path": [9, 1, 2, 2], "s": [1.000546274337711, 0.9994544165371186, -0.0006267667683296669]}, "1931": {"path": [9, 1, 2, 3], "s": [1.000601966682657, 0.9993986260409737, 0.00048032961963634054]}, "1932": {"path": [9, 1, 2, 3], "s": [1.0006899387153738, 0.9993108703470539, 0.0005775856650387699]}, "1933": {"path": [9, 1, 3, 0], "s": [1.0006693482817013, 0.9993315289699505, 0.0006556002717361558]}, "1934": {"path": [9, 1, 3, 0], "s": [1.0005776546833494, 0.9994229520371887, 0.0005228633468169655]}, "1935": {"path": [9, 1, 3, 1], "s": [1.000621949838507, 0.9993788513368799, -0.0006440901174475679]}, "1936": {"path": [9, 1, 3, 1], "s": [1.00055200322905, 0.9994487979463386, -0.0007049184893397211]}, "1937": {"path": [9, 1, 3, 2], "s": [1.0005268491607517, 0.999473757559786, 0.00057399490390444]}, "1938": {"path": [9, 1, 3, 2], "s": [1.0005987142098138, 0.9994021630418376, 0.0007206373357239256]}, "1939": {"path": [9, 1, 3, 3], "s": [1.0005963128631743, 0.9994043960496094, -0.0005947659104321085]}, "1940": {"path": [9, 1, 3, 3], "s": [1.0006347476891606, 0.999365961223625, -0.000553586612062882]}, "1941": {"path": [9, 2, 0, 0], "s": [1.0006119768232378, 0.9993885924091598, 0.00044166177390330145]}, "1942": {"path": [9, 2, 0, 0], "s": [1.0007382211863551, 0.9992626515292747, 0.0005730526744122801]}, "1943": {"path": [9, 2, 0, 1], "s": [1.00041682516112, 0.9995837859590283, -0.0006615373470768766]}, "1944": {"path": [9, 2, 0, 1], "s": [1.000500799625628, 0.9994998136271778, -0.0006022953268619777]}, "1945": {"path": [9, 2, 0, 2], "s": [1.0007265110722796, 0.9992742805260709, 0.0005141547601203817]}, "1946": {"path": [9, 2, 0, 2], "s": [1.0006032067675394, 0.9993973245794385, 0.00040964507264388904]}, "1947": {"path": [9, 2, 0, 3], "s": [1.0004295700912305, 0.9995712057574815, -0.0007691888770143588]}, "1948": {"path": [9, 2, 0, 3], "s": [1.0003516025420576, 0.9996492062353539, -0.000827911490327027]}, "1949": {"path": [9, 2, 1, 0], "s": [1.0001765270287377, 0.9998241841308524, -0.0008246959037136397]}, "1950": {"path": [9, 2, 1, 0], "s": [1.0002728282688564, 0.9997278579726985, -0.0007823001436175316]}, "1951": {"path": [9, 2, 1, 1], "s": [1.0008649498703377, 0.9991360370669873, 0.0004895433567138189]}, "1952": {"path": [9, 2, 1, 1], "s": [1.00070739057083, 0.9992932482148285, 0.0003726071792598658]}, "1953": {"path": [9, 2, 1, 2], "s": [1.0001588050657448, 0.9998422095578103, -0.0009947691358031569]}, "1954": {"path": [9, 2, 1, 2], "s": [1.0000541137569727, 0.9999469562210436, -0.001033009011723292]}, "1955": {"path": [9, 2, 1, 3], "s": [1.000738093020985, 0.9992626201041571, 0.00041093817948320707]}, "1956": {"path": [9, 2, 1, 3], "s": [1.0008891846769346, 0.999111903333724, 0.0005461947556732831]}, "1957": {"path": [9, 2, 2, 0], "s": [1.0009432917080052, 0.999057998122886, 0.0006334416564117265]}, "1958": {"path": [9, 2, 2, 0], "s": [1.000798654516299, 0.9992022988267417, 0.000562365891410171]}, "1959": {"path": [9, 2, 2, 1], "s": [1.0001533184506948, 0.9998480591679798, -0.0011637539862788214]}, "1960": {"path": [9, 2, 2, 1], "s": [1.0000087118622425, 0.9999926765937869, -0.0011783005670941047]}, "1961": {"path": [9, 2, 2, 2], "s": [1.0007163913968835, 0.9992845537595436, 0.0006577361897589579]}, "1962": {"path": [9, 2, 2, 2], "s": [1.0008364995314387, 0.9991648241502915, 0.0007906057952533461]}, "1963": {"path": [9, 2, 2, 3], "s": [1.0001847834885982, 0.9998162374507482, -0.0009934702117843043]}, "1964": {"path": [9, 2, 2, 3], "s": [1.0003181204582101, 0.9996828314673707, -0.0009225116694568649]}, "1965": {"path": [9, 2, 3, 0], "s": [1.000477546975309, 0.9995234256519717, -0.0008631573688852179]}, "1966": {"path": [9, 2, 3, 0], "s": [1.0003716806084955, 0.9996293116400076, -0.0009243759128147158]}, "1967": {"path": [9, 2, 3, 1], "s": [1.0005797767297864, 0.9994209427232329, 0.000619458703552862]}, "1968": {"path": [9, 2, 3, 1], "s": [1.0006552026551359, 0.9993458097655302, 0.0007640637976763998]}, "1969": {"path": [9, 2, 3, 2], "s": [1.0004523981159017, 0.9995484053832089, -0.0007740791662080667]}, "1970": {"path": [9, 2, 3, 2], "s": [1.0005353236615215, 0.9994654625838466, -0.0007071738408825613]}, "1971": {"path": [9, 2, 3, 3], "s": [1.0007495859007065, 0.9992514155908521, 0.0006635987042696637]}, "1972": {"path": [9, 2, 3, 3], "s": [1.0006496343803186, 0.9993510811742599, 0.0005422126881389242]}, "1973": {"path": [9, 3, 0, 0], "s": [1.000257709506692, 0.999743685314221, -0.0011527212063982958]}, "1974": {"path": [9, 3, 0, 0], "s": [1.0003994796607496, 0.9996018996088298, -0.0011046431861531797]}, "1975": {"path": [9, 3, 0, 1], "s": [1.0009930112171985, 0.9990089906000302, 0.0010088279233320808]}, "1976": {"path": [9, 3, 0, 1], "s": [1.0008463604198665, 0.999155085400177, 0.0008548203131199647]}, "1977": {"path": [9, 3, 0, 2], "s": [1.0002821287777053, 0.9997201428164157, -0.0014807560077859465]}, "1978": {"path": [9, 3, 0, 2], "s": [1.0000918343963208, 0.9999104249712719, -0.0015003804591895591]}, "1979": {"path": [9, 3, 0, 3], "s": [1.0006555034259357, 0.9993459466724655, 0.0010106256499516338]}, "1980": {"path": [9, 3, 0, 3], "s": [1.0007277165315764, 0.999274287510766, 0.0012148783343708769]}, "1981": {"path": [9, 3, 1, 0], "s": [1.0008278098910939, 0.9991756447840352, 0.00166501223053606]}, "1982": {"path": [9, 3, 1, 0], "s": [1.0007528252422697, 0.9992497088596244, 0.0014033045942902468]}, "1983": {"path": [9, 3, 1, 1], "s": [1.0007018291862262, 0.9993022962631736, -0.001906772286881553]}, "1984": {"path": [9, 3, 1, 1], "s": [1.0004323951928935, 0.9995717302565046, -0.0019850107358650136]}, "1985": {"path": [9, 3, 1, 2], "s": [1.0003546945525363, 0.9996478395493575, 0.0015521573697328413]}, "1986": {"path": [9, 3, 1, 2], "s": [1.0002950858680468, 0.9997083688070825, 0.0018353797660648904]}, "1987": {"path": [9, 3, 1, 3], "s": [1.000481350595737, 0.9995209234613707, -0.0014294940819305475]}, "1988": {"path": [9, 3, 1, 3], "s": [1.0006558331236188, 0.9993464409334896, -0.0013584665706166319]}, "1989": {"path": [9, 3, 2, 0], "s": [1.0009682220896061, 0.9990340372779859, -0.0011506959397723367]}, "1990": {"path": [9, 3, 2, 0], "s": [1.0008299619444445, 0.9991723096496753, -0.0012588258923204468]}, "1991": {"path": [9, 3, 2, 1], "s": [1.0001638169829628, 0.9998376288370805, 0.0011913105762799891]}, "1992": {"path": [9, 3, 2, 1], "s": [1.000046384317636, 0.9999556174995934, 0.00141412820402678]}, "1993": {"path": [9, 3, 2, 2], "s": [1.0007032478481372, 0.9992981314214416, -0.0009411068007440763]}, "1994": {"path": [9, 3, 2, 2], "s": [1.0008122157356427, 0.9991891790852683, -0.0008580555956295887]}, "1995": {"path": [9, 3, 2, 3], "s": [1.0004035315094864, 0.999598472532857, 0.00135720792732241]}, "1996": {"path": [9, 3, 2, 3], "s": [1.0004222820638808, 0.9995791680345201, 0.0011280020435990691]}, "1997": {"path": [9, 3, 3, 0], "s": [1.000460047841152, 0.9995408992451139, 0.000857833291218586]}, "1998": {"path": [9, 3, 3, 0], "s": [1.0004721382536343, 0.9995291751304846, 0.0010445523859542102]}, "1999": {"path": [9, 3, 3, 1], "s": [1.0005168496726096, 0.9994841344971969, -0.0008470802146479125]}, "2000": {"path": [9, 3, 3, 1], "s": [1.0006130496252326, 0.9993879345445728, -0.0007803481967790704]}, "2001": {"path": [9, 3, 3, 2], "s": [1.0006686281091068, 0.9993326852750121, 0.0009312350594266054]}, "2002": {"path": [9, 3, 3, 2], "s": [1.0005982351997418, 0.9994027118865251, 0.0007679632105943755]}, "2003": {"path": [9, 3, 3, 3], "s": [1.000622731233601, 0.9993786562884683, -0.0010002959232123776]}, "2004": {"path": [9, 3, 3, 3], "s": [1.0004967884356366, 0.9995045990864344, -0.0010683691427153643]}, "2005": {"path": [10, 0, 0, 0], "s": [0.9995196077046025, 1.0004826265576536, -0.0014150661382644459]}, "2006": {"path": [10, 0, 0, 0], "s": [0.9993691715507749, 1.0006329229474384, -0.0013020109108854748]}, "2007": {"path": [10, 0, 0, 1], "s": [1.0009941462229106, 0.9990072854349129, 0.0006668990840177047]}, "2008": {"path": [10, 0, 0, 1], "s": [1.0011991034334957, 0.9988029291466544, 0.0007727667047222498]}, "2009": {"path": [10, 0, 0, 2], "s": [0.9997162661305181, 1.000285153742019, -0.0011571364489617827]}, "2010": {"path": [10, 0, 0, 2], "s": [0.9998912401581517, 1.00011009543545, -0.0011504866959291188]}, "2011": {"path": [10, 0, 0, 3], "s": [1.00127660404341, 0.9987252979801013, 0.0005241505111971714]}, "2012": {"path": [10, 0, 0, 3], "s": [1.001047589367456, 0.9989537737342516, 0.0005168038272229048]}, "2013": {"path": [10, 0, 1, 0], "s": [1.0009181681849302, 0.9990828374504738, 0.00040438339562950666]}, "2014": {"path": [10, 0, 1, 0], "s": [1.001120389488595, 0.9988810898783141, 0.00047513342322025667]}, "2015": {"path": [10, 0, 1, 1], "s": [0.9998517246752803, 1.0001491050264868, -0.0008986618759955407]}, "2016": {"path": [10, 0, 1, 1], "s": [0.999951540086466, 1.0000493782282123, -0.0009570380431810074]}, "2017": {"path": [10, 0, 1, 2], "s": [1.0010271749429471, 0.9989740259516053, 0.000383457582459152]}, "2018": {"path": [10, 0, 1, 2], "s": [1.0008108128628144, 0.9991899545318634, 0.0003325648700487819]}, "2019": {"path": [10, 0, 1, 3], "s": [0.9996767447223637, 1.000324674065019, -0.0011462263207415472]}, "2020": {"path": [10, 0, 1, 3], "s": [0.9995731645910754, 1.0004281591164454, -0.0010681545064833702]}, "2021": {"path": [10, 0, 2, 0], "s": [0.9993800168508626, 1.0006208561722625, -0.0006986435164848624]}, "2022": {"path": [10, 0, 2, 0], "s": [0.9994733956187842, 1.000527787384784, -0.000951350839466394]}, "2023": {"path": [10, 0, 2, 1], "s": [1.0012116746833548, 0.9987897996041444, 8.89849302402514e-05]}, "2024": {"path": [10, 0, 2, 1], "s": [1.0009031141779032, 0.9990977172430123, 0.00012867231704960004]}, "2025": {"path": [10, 0, 2, 2], "s": [0.9990191456287983, 1.000982797247006, -0.000989391139633841]}, "2026": {"path": [10, 0, 2, 2], "s": [0.9989704965715436, 1.0010310848159962, -0.0007210285629158661]}, "2027": {"path": [10, 0, 2, 3], "s": [1.001097901146983, 0.9989034047055534, 0.00031921670464219]}, "2028": {"path": [10, 0, 2, 3], "s": [1.0013854961858784, 0.9986165104277982, 0.0002996567225349347]}, "2029": {"path": [10, 0, 3, 0], "s": [1.001638746986516, 0.9983640288192218, 0.0003079982069728926]}, "2030": {"path": [10, 0, 3, 0], "s": [1.0013497674337526, 0.9986521597527164, 0.000328505094910525]}, "2031": {"path": [10, 0, 3, 1], "s": [0.9986786512214633, 1.0013247438087138, -0.0012824123995337322]}, "2032": {"path": [10, 0, 3, 1], "s": [0.9986128682723385, 1.001390070438083, -0.0010052360984828675]}, "2033": {"path": [10, 0, 3, 2], "s": [1.0013910895541203, 0.9986111710928612, 0.0005732901501088599]}, "2034": {"path": [10, 0, 3, 2], "s": [1.001668044832578, 0.9983351285570271, 0.0006295310939250701]}, "2035": {"path": [10, 0, 3, 3], "s": [0.9990598385519186, 1.0009421506530196, -0.0010504433426176342]}, "2036": {"path": [10, 0, 3, 3], "s": [0.9992096170156388, 1.0007924565014972, -0.0012029850372701483]}, "2037": {"path": [10, 1, 0, 0], "s": [1.001276253924558, 0.998725376470499, 6.042992167436384e-05]}, "2038": {"path": [10, 1, 0, 0], "s": [1.0016031224365707, 0.9983994446140275, 3.412255162789064e-05]}, "2039": {"path": [10, 1, 0, 1], "s": [0.9988588632341422, 1.001142474201686, -0.00018362056287380164]}, "2040": {"path": [10, 1, 0, 1], "s": [0.998910701613293, 1.0010908240870684, -0.0005809194810464493]}, "2041": {"path": [10, 1, 0, 2], "s": [1.0014543588124707, 0.9985478191047223, -0.00025675885667373976]}, "2042": {"path": [10, 1, 0, 2], "s": [1.0011245129893382, 0.9988768049323066, -0.00023425243149361482]}, "2043": {"path": [10, 1, 0, 3], "s": [0.9984869621366612, 1.00151552458018, -0.0004400804119711608]}, "2044": {"path": [10, 1, 0, 3], "s": [0.9985134843243744, 1.0014887343563155, -7.519129616480564e-05]}, "2045": {"path": [10, 1, 1, 0], "s": [0.9985130358458517, 1.0014893417848565, 0.0004037732801855012]}, "2046": {"path": [10, 1, 1, 0], "s": [0.9984940645957424, 1.0015082099512724, 5.727350155069936e-05]}, "2047": {"path": [10, 1, 1, 1], "s": [1.00168396558092, 0.9983190672244127, -0.00044963584658132207]}, "2048": {"path": [10, 1, 1, 1], "s": [1.00147833251404, 0.9985240573996007, -0.00045604792036493233]}, "2049": {"path": [10, 1, 1, 2], "s": [0.9982548645881566, 1.0017482684724839, 0.0002865229809979807]}, "2050": {"path": [10, 1, 1, 2], "s": [0.9983596659165732, 1.0016433642462408, 0.0005783566623682487]}, "2051": {"path": [10, 1, 1, 3], "s": [1.001502428824458, 0.9984998843182653, -0.00024356864137786347]}, "2052": {"path": [10, 1, 1, 3], "s": [1.0017553928511824, 0.9982477348123293, -0.00022748566540561926]}, "2053": {"path": [10, 1, 2, 0], "s": [1.0019753047875832, 0.9980286486635107, -0.00024378548205780535]}, "2054": {"path": [10, 1, 2, 0], "s": [1.001777533543883, 0.9982256814946826, -0.0002472405824975736]}, "2055": {"path": [10, 1, 2, 1], "s": [0.9979001032357241, 1.0021043301386088, 0.00012040881764997627]}, "2056": {"path": [10, 1, 2, 1], "s": [0.9980049309402468, 1.0019992388932775, 0.00042569221915733613]}, "2057": {"path": [10, 1, 2, 2], "s": [1.0018879271183765, 0.9981156305149367, 9.003401768234179e-06]}, "2058": {"path": [10, 1, 2, 2], "s": [1.0021169440067212, 0.9978875288301158, 2.9217371032607516e-05]}, "2059": {"path": [10, 1, 2, 3], "s": [0.9982159055430028, 1.0017873048294184, 0.00014714544540327695]}, "2060": {"path": [10, 1, 2, 3], "s": [0.998160600744769, 1.0018428200202727, -0.00017630447654271622]}, "2061": {"path": [10, 1, 3, 0], "s": [0.9981081601862072, 1.001895873675576, -0.000668709564410858]}, "2062": {"path": [10, 1, 3, 0], "s": [0.9981401871411383, 1.0018633907528927, -0.0003351655517486484]}, "2063": {"path": [10, 1, 3, 1], "s": [1.001716468036912, 0.9982865771274101, 0.0003226898310254701]}, "2064": {"path": [10, 1, 3, 1], "s": [1.0019914596002995, 0.9980126158023614, 0.00034293923823893385]}, "2065": {"path": [10, 1, 3, 2], "s": [0.9984843484782489, 1.0015182501607929, -0.0005454364073735304]}, "2066": {"path": [10, 1, 3, 2], "s": [0.9985284869851934, 1.0014744003696046, -0.0008472045004547234]}, "2067": {"path": [10, 1, 3, 3], "s": [1.0018558865601874, 0.9981475526673639, 3.5992259872412486e-05]}, "2068": {"path": [10, 1, 3, 3], "s": [1.0015880962761339, 0.9984144229014182, 3.359264621242787e-05]}, "2069": {"path": [10, 2, 0, 0], "s": [0.9978282789529281, 1.00217645170762, -6.336060019459467e-05]}, "2070": {"path": [10, 2, 0, 0], "s": [0.9977650791920054, 1.0022400810897192, -0.00039227271710303834]}, "2071": {"path": [10, 2, 0, 1], "s": [1.002388382518546, 0.9976173085980362, -1.8387242574262996e-05]}, "2072": {"path": [10, 2, 0, 1], "s": [1.0021674811294132, 0.9978372080812435, -3.741638648082189e-05]}, "2073": {"path": [10, 2, 0, 2], "s": [0.9974513051673838, 1.002555219163314, -0.00010888902119308126]}, "2074": {"path": [10, 2, 0, 2], "s": [0.9975269184906823, 1.0024792738365231, 0.0002467405987726542]}, "2075": {"path": [10, 2, 0, 3], "s": [1.0023158089521131, 0.9976896274661256, 0.0002933203738746766]}, "2076": {"path": [10, 2, 0, 3], "s": [1.0025456457336208, 0.9974609279596188, 0.00033183630352368455]}, "2077": {"path": [10, 2, 1, 0], "s": [1.0028983212243496, 0.9971101610800264, 0.00032653161892923417]}, "2078": {"path": [10, 2, 1, 0], "s": [1.0026245203212278, 0.9973824157014782, 0.00025713716658999815]}, "2079": {"path": [10, 2, 1, 1], "s": [0.9969838891311541, 1.003025487875238, -0.0005017963005361383]}, "2080": {"path": [10, 2, 1, 1], "s": [0.9969612942785623, 1.0030479740162044, -7.99917737767763e-05]}, "2081": {"path": [10, 2, 1, 2], "s": [1.0027553700610496, 0.9972526112352352, 0.0006412671331307795]}, "2082": {"path": [10, 2, 1, 2], "s": [1.002947835583787, 0.9970613322132107, 0.0007106951009644927]}, "2083": {"path": [10, 2, 1, 3], "s": [0.9973762202935127, 1.0026307706179318, -0.00029723540129765295]}, "2084": {"path": [10, 2, 1, 3], "s": [0.9973168279494107, 1.0026907760446244, -0.0006198217136556094]}, "2085": {"path": [10, 2, 2, 0], "s": [0.9971030015939462, 1.0029065375218316, -0.0010577718140853249]}, "2086": {"path": [10, 2, 2, 0], "s": [0.9972363426105314, 1.0027719156181094, -0.0007730482267915629]}, "2087": {"path": [10, 2, 2, 1], "s": [1.0027568139428813, 0.997252527227045, 0.0013292474103488662]}, "2088": {"path": [10, 2, 2, 1], "s": [1.0030795661667757, 0.9969313632565068, 0.0012162867217043755]}, "2089": {"path": [10, 2, 2, 2], "s": [0.9976259247145022, 1.0023809838737057, -0.001120693194843119]}, "2090": {"path": [10, 2, 2, 2], "s": [0.9975356113540529, 1.0024728679186068, -0.0015443979536932271]}, "2091": {"path": [10, 2, 2, 3], "s": [1.002718022047024, 0.9972898484350101, 0.0007100917753892447]}, "2092": {"path": [10, 2, 2, 3], "s": [1.0024982679627483, 0.997508427221994, 0.0006859798060443644]}, "2093": {"path": [10, 2, 3, 0], "s": [1.002177981935214, 0.9978272977376506, 0.0007399774230836262]}, "2094": {"path": [10, 2, 3, 0], "s": [1.0024501530417491, 0.9975563768060585, 0.0007366118417068932]}, "2095": {"path": [10, 2, 3, 1], "s": [0.9981168273423785, 1.0018874314353712, -0.0008392964175392374]}, "2096": {"path": [10, 2, 3, 1], "s": [0.99811984658789, 1.0018850698375312, -0.001171411513914051]}, "2097": {"path": [10, 2, 3, 2], "s": [1.002272494727896, 0.9977327769231047, 0.00034554089677487943]}, "2098": {"path": [10, 2, 3, 2], "s": [1.0020290024602256, 0.9979752114840479, 0.00032502829577271274]}, "2099": {"path": [10, 2, 3, 3], "s": [0.9976596208201328, 1.0023467026293575, -0.0009117431196210241]}, "2100": {"path": [10, 2, 3, 3], "s": [0.9977173064496563, 1.002288245342459, -0.0005730874552869537]}, "2101": {"path": [10, 3, 0, 0], "s": [1.0025834475798179, 0.997424960651094, 0.0013250478246557382]}, "2102": {"path": [10, 3, 0, 0], "s": [1.0022428139500024, 0.9977640441651586, 0.0013576753010990854]}, "2103": {"path": [10, 3, 0, 1], "s": [0.9975612744143352, 1.0024510839936749, -0.002526041717946374]}, "2104": {"path": [10, 3, 0, 1], "s": [0.9976212590453549, 1.0023880346401035, -0.001900833937666667]}, "2105": {"path": [10, 3, 0, 2], "s": [1.0019580890629787, 0.9980504116404655, 0.0021640785106280674]}, "2106": {"path": [10, 3, 0, 2], "s": [1.0023302278806987, 0.9976804859558168, 0.0023040920597948563]}, "2107": {"path": [10, 3, 0, 3], "s": [0.9985461773130686, 1.0014601098385698, -0.00204068881227053]}, "2108": {"path": [10, 3, 0, 3], "s": [0.9987498807859446, 1.0012572681351555, -0.0023616066662194663]}, "2109": {"path": [10, 3, 1, 0], "s": [0.9996629920101934, 1.000344851231769, -0.0027797525686223627]}, "2110": {"path": [10, 3, 1, 0], "s": [0.9992477159063442, 1.0007597201317229, -0.0026200215067997638]}, "2111": {"path": [10, 3, 1, 1], "s": [1.000885513613875, 0.9991192539190776, 0.0019969026786225037]}, "2112": {"path": [10, 3, 1, 1], "s": [1.0009785301687204, 0.9990278681824079, 0.002333900344256621]}, "2113": {"path": [10, 3, 1, 2], "s": [0.9998001021952637, 1.000203915379359, -0.00199419467130614]}, "2114": {"path": [10, 3, 1, 2], "s": [1.000073023990482, 0.9999310880030086, -0.002026563905300605]}, "2115": {"path": [10, 3, 1, 3], "s": [1.0016544011956245, 0.9983516483240567, 0.0018227684157571767]}, "2116": {"path": [10, 3, 1, 3], "s": [1.0014160354455746, 0.9985885531793889, 0.0016093372039016317]}, "2117": {"path": [10, 3, 2, 0], "s": [1.001075559848589, 0.9989269441522045, 0.001161836911370061]}, "2118": {"path": [10, 3, 2, 0], "s": [1.0012553082752984, 0.9987481054989895, 0.0013572990685510153]}, "2119": {"path": [10, 3, 2, 1], "s": [0.999697837562022, 1.0003043872239776, -0.0014604148768003725]}, "2120": {"path": [10, 3, 2, 1], "s": [0.9998862371056134, 1.000116016394945, -0.001496763908903292]}, "2121": {"path": [10, 3, 2, 2], "s": [1.0015286936014496, 0.998474607984848, 0.0009847483355449808]}, "2122": {"path": [10, 3, 2, 2], "s": [1.0012862625183747, 0.9987161575443834, 0.0008767578502804595]}, "2123": {"path": [10, 3, 2, 3], "s": [0.9994616184094978, 1.000542380480845, -0.0019253266411782338]}, "2124": {"path": [10, 3, 2, 3], "s": [0.9992446285728753, 1.0007591345326248, -0.0017859666751901429]}, "2125": {"path": [10, 3, 3, 0], "s": [0.9988328420944448, 1.0011705755859999, -0.0014322827564941841]}, "2126": {"path": [10, 3, 3, 0], "s": [0.9989788565004172, 1.0010248953695022, -0.0016447810416888634]}, "2127": {"path": [10, 3, 3, 1], "s": [1.0020613166854988, 0.9979434348392542, 0.0007157462345046936]}, "2128": {"path": [10, 3, 3, 1], "s": [1.0017767985366168, 0.9982268324072775, 0.0006930961770672834]}, "2129": {"path": [10, 3, 3, 2], "s": [0.9982711570656433, 1.0017349110264162, -0.0017517715006861094]}, "2130": {"path": [10, 3, 3, 2], "s": [0.9982207665443674, 1.0017843590179478, -0.0013967000585104782]}, "2131": {"path": [10, 3, 3, 3], "s": [1.0017099762782342, 0.9982942248238568, 0.0011332550481547997]}, "2132": {"path": [10, 3, 3, 3], "s": [1.0019974391996191, 0.9980080345988784, 0.0012226891350298728]}, "2133": {"path": [11, 0, 0, 0], "s": [1.0036798697972606, 0.9963382625445916, 0.002158153095654367]}, "2134": {"path": [11, 0, 0, 0], "s": [1.0043098882316195, 0.9957120512333562, 0.0018598077985916579]}, "2135": {"path": [11, 0, 0, 1], "s": [0.9968459504429775, 1.003165511536481, -0.0012156476460324964]}, "2136": {"path": [11, 0, 0, 1], "s": [0.9964192944969398, 1.0035971897558233, -0.0018983612956857037]}, "2137": {"path": [11, 0, 0, 2], "s": [1.0030938154634974, 0.9969168711030487, 0.0010714171404116134]}, "2138": {"path": [11, 0, 0, 2], "s": [1.0030196753637117, 0.9969903946578014, 0.0009909542909696653]}, "2139": {"path": [11, 0, 0, 3], "s": [0.9964496944489891, 1.0035633834910618, -0.0006533298272668776]}, "2140": {"path": [11, 0, 0, 3], "s": [0.9967243007272312, 1.0032870557788296, -0.0007675283949622246]}, "2141": {"path": [11, 0, 1, 0], "s": [0.9969948718125267, 1.0030144961776175, -0.000555916100381821]}, "2142": {"path": [11, 0, 1, 0], "s": [0.9968742051456111, 1.0031360431535181, -0.0006675863812530487]}, "2143": {"path": [11, 0, 1, 1], "s": [1.003346086410286, 0.9966659272055693, 0.0009260238593948794]}, "2144": {"path": [11, 0, 1, 1], "s": [1.003011208090139, 0.9969983557351225, 0.0007247411725282705]}, "2145": {"path": [11, 0, 1, 2], "s": [0.9968115855023983, 1.0031997835504571, -0.0010801928509498308]}, "2146": {"path": [11, 0, 1, 2], "s": [0.9965783717343226, 1.003433900780068, -0.0007231752347902447]}, "2147": {"path": [11, 0, 1, 3], "s": [1.0031723448114365, 0.9968385419524397, 0.0009260285319290732]}, "2148": {"path": [11, 0, 1, 3], "s": [1.0030314581327908, 0.9969784120808004, 0.000842850116654626]}, "2149": {"path": [11, 0, 2, 0], "s": [1.0030837427635446, 0.9969290043904963, 0.0018102468213325531]}, "2150": {"path": [11, 0, 2, 0], "s": [1.0027882656725509, 0.9972211448091751, 0.0012893002707176442]}, "2151": {"path": [11, 0, 2, 1], "s": [0.9978283029200489, 1.0021789444740024, -0.00158599706808432]}, "2152": {"path": [11, 0, 2, 1], "s": [0.9972767306801205, 1.0027335458317055, -0.0016829528598141519]}, "2153": {"path": [11, 0, 2, 2], "s": [1.004246697607297, 0.9957713002174499, 0.00019953821243694024]}, "2154": {"path": [11, 0, 2, 2], "s": [1.0018757796876525, 0.9981302893265074, -0.0016005776632707844]}, "2155": {"path": [11, 0, 2, 3], "s": [0.9972144158269968, 1.002793531499026, -0.0004070735705784039]}, "2156": {"path": [11, 0, 2, 3], "s": [0.9965589110383377, 1.0034536004035193, 0.0007920199679961481]}, "2157": {"path": [11, 0, 3, 0], "s": [0.9950204165125615, 1.0050048143737613, -0.0005558734658958674]}, "2158": {"path": [11, 0, 3, 0], "s": [0.9957861214533892, 1.0042317143727804, 6.241601257166725e-05]}, "2159": {"path": [11, 0, 3, 1], "s": [1.0039444896957688, 0.996098520515399, 0.0052555556835013175]}, "2160": {"path": [11, 0, 3, 1], "s": [1.0081450699460954, 0.9919809273467591, 0.007789825748399542]}, "2161": {"path": [11, 0, 3, 2], "s": [0.9951017660229746, 1.0049224512877946, -0.0003255650812352015]}, "2162": {"path": [11, 0, 3, 2], "s": [0.9930189582946685, 1.007037645557125, -0.0027338168650908306]}, "2163": {"path": [11, 0, 3, 3], "s": [1.003346532515667, 0.9966658314242235, 0.0010981968575313496]}, "2164": {"path": [11, 0, 3, 3], "s": [1.003863518904732, 0.9961517593744108, 0.0006407251639811457]}, "2165": {"path": [11, 1, 0, 0], "s": [1.008555209383094, 0.9915173845435711, 0.0001528898923968579]}, "2166": {"path": [11, 1, 0, 0], "s": [1.0100709591711623, 0.9900296154930543, 0.00040413973642077535]}, "2167": {"path": [11, 1, 0, 1], "s": [0.991798515522548, 1.00827014319466, -0.0009117379935363085]}, "2168": {"path": [11, 1, 0, 1], "s": [0.9932997529035416, 1.006747539515141, -0.0014429957163530707]}, "2183": {"path": [11, 1, 2, 1], "s": [1.006497473538403, 0.9935498188802789, 0.0023200296417310276]}, "2184": {"path": [11, 1, 2, 1], "s": [1.0083008434740723, 0.9917678152431334, 0.0005697719628155866]}, "2185": {"path": [11, 1, 2, 2], "s": [0.9912974557929726, 1.0088031188712445, 0.004895419602024112]}, "2186": {"path": [11, 1, 2, 2], "s": [0.9942456604683344, 1.0058269334583303, 0.006250101848561639]}, "2189": {"path": [11, 1, 3, 0], "s": [1.0105985664534267, 0.98951267040072, 0.0002935889488549817]}, "2190": {"path": [11, 1, 3, 0], "s": [1.0100709591711532, 0.990029615493064, -0.0004041397364240878]}, "2191": {"path": [11, 1, 3, 1], "s": [1.0051584678215986, 0.9948686889675146, 0.0008289066711259268]}, "2192": {"path": [11, 1, 3, 1], "s": [0.9999041775734483, 1.0001229792156643, 0.005210086846325684]}, "2193": {"path": [11, 1, 3, 2], "s": [0.9912974557929628, 1.0088031188712536, -0.004895419602026473]}, "2194": {"path": [11, 1, 3, 2], "s": [0.9952291233466518, 1.0048821135074961, -0.009377893835836214]}, "2197": {"path": [11, 2, 0, 0], "s": [0.9988693381516681, 1.00113673086249, -0.002187179906022915]}, "2198": {"path": [11, 2, 0, 0], "s": [0.9958390217719764, 1.0041789760527708, -0.0007805103304034442]}, "2199": {"path": [11, 2, 0, 1], "s": [1.0025304850674046, 0.997479791444422, -0.0019746295120254866]}, "2200": {"path": [11, 2, 0, 1], "s": [1.0019691622932116, 0.9980380851008406, -0.0018395828901346283]}, "2201": {"path": [11, 2, 0, 2], "s": [0.9971543554111061, 1.0028550550706183, 0.0011340236827491123]}, "2202": {"path": [11, 2, 0, 2], "s": [0.9967199386109167, 1.0032928085431256, 0.0013951845318731274]}, "2203": {"path": [11, 2, 0, 3], "s": [1.0035386411607032, 0.9964738702811533, -0.00018366843841291356]}, "2204": {"path": [11, 2, 0, 3], "s": [1.0027072025391528, 0.9973007447868698, -0.0007999346570921981]}, "2205": {"path": [11, 2, 1, 0], "s": [1.003352033452866, 0.9966602390615248, -0.0010380385352199294]}, "2206": {"path": [11, 2, 1, 0], "s": [1.0031051470924395, 0.9969062219604172, -0.001327560534412814]}, "2207": {"path": [11, 2, 1, 1], "s": [0.9969571453712719, 1.0030524184539893, 0.0005251282127486703]}, "2208": {"path": [11, 2, 1, 1], "s": [0.9965919942640156, 1.0034200193518417, 0.0005984732979497554]}, "2209": {"path": [11, 2, 1, 2], "s": [1.0030656069094461, 0.9969446413896823, -0.0009390264438834088]}, "2210": {"path": [11, 2, 1, 2], "s": [1.0029694800052402, 0.9970398879849047, -0.0007602609440477934]}, "2211": {"path": [11, 2, 1, 3], "s": [0.9968790616743006, 1.0031308085392887, 0.0003148860589737847]}, "2212": {"path": [11, 2, 1, 3], "s": [0.9967659265843044, 1.0032449601795699, 0.0006263580637884267]}, "2213": {"path": [11, 2, 2, 0], "s": [0.9969671243967017, 1.003042945624812, 0.0009171401013994253]}, "2214": {"path": [11, 2, 2, 0], "s": [0.9968315921223196, 1.003179094444226, 0.0007835168570223014]}, "2215": {"path": [11, 2, 2, 1], "s": [1.0035360562745366, 0.9964804279782268, -0.00200968854105262]}, "2216": {"path": [11, 2, 2, 1], "s": [1.003185594608712, 0.9968258673707472, -0.0011621014016568233]}, "2217": {"path": [11, 2, 2, 2], "s": [0.9954646228405493, 1.0045573166244262, 0.001127082627047723]}, "2218": {"path": [11, 2, 2, 2], "s": [0.9961969238799937, 1.0038212084618579, 0.0018973653315072258]}, "2219": {"path": [11, 2, 2, 3], "s": [1.0032015360504882, 0.996809820455573, -0.0010691263921723739]}, "2220": {"path": [11, 2, 2, 3], "s": [1.0033635284513385, 0.9966495494887126, -0.00134484364611355]}, "2221": {"path": [11, 2, 3, 0], "s": [1.0053396660345078, 0.9947169378172859, -0.005328608082647264]}, "2222": {"path": [11, 2, 3, 0], "s": [1.0047922367518654, 0.9952319805589053, -0.001169543830387168]}, "2223": {"path": [11, 2, 3, 1], "s": [0.9890303619377709, 1.0110956353550815, -0.002069345050580086]}, "2224": {"path": [11, 2, 3, 1], "s": [0.9942937237597939, 1.005749286451374, 0.0031942439625250846]}, "2225": {"path": [11, 2, 3, 2], "s": [1.004069296522108, 0.9959485393040618, -0.0011615641394908118]}, "2226": {"path": [11, 2, 3, 2], "s": [1.0039655932728189, 0.996059637613504, -0.0030991953392894614]}, "2227": {"path": [11, 2, 3, 3], "s": [0.9961045233295142, 1.0039107549496293, -0.00020982009565717965]}, "2228": {"path": [11, 2, 3, 3], "s": [0.9964913659078315, 1.0035209980320585, -0.0001002305134115676]}, "2229": {"path": [11, 3, 0, 0], "s": [1.00366790535023, 0.9963512753288644, -0.0024078003139500967]}, "2230": {"path": [11, 3, 0, 0], "s": [1.0041019169786678, 0.9959322961417235, -0.004186614010229719]}, "2231": {"path": [11, 3, 0, 1], "s": [0.9974234204910766, 1.0025920446310215, 0.002964205292451371]}, "2232": {"path": [11, 3, 0, 1], "s": [0.996635710462296, 1.0033817935638247, 0.0024752158321340993]}, "2233": {"path": [11, 3, 0, 2], "s": [1.0019161945731316, 0.9980995147022381, -0.0034738416423950353]}, "2234": {"path": [11, 3, 0, 2], "s": [1.0024383371376226, 0.9975755806899671, -0.0028295363487863354]}, "2235": {"path": [11, 3, 0, 3], "s": [0.9985006143400837, 1.0015264993528685, 0.004982457396990391]}, "2236": {"path": [11, 3, 0, 3], "s": [0.9989578844939421, 1.0010621295277664, 0.004348236430808895]}, "2237": {"path": [11, 3, 1, 0], "s": [0.999849396600369, 1.0001600015871919, 0.0030617136994225513]}, "2238": {"path": [11, 3, 1, 0], "s": [0.9996185542106458, 1.0003940100095277, 0.0035233402779604054]}, "2239": {"path": [11, 3, 1, 1], "s": [1.000281271974918, 0.9997267252314257, -0.0028143101837199403]}, "2240": {"path": [11, 3, 1, 1], "s": [1.0007660324622643, 0.9992419647440806, -0.0027233300810722383]}, "2241": {"path": [11, 3, 1, 2], "s": [1.0012633553591583, 0.9987492088610149, 0.003314215817461949]}, "2242": {"path": [11, 3, 1, 2], "s": [1.0010871489491595, 0.9989222492384002, 0.002868189664620042]}, "2243": {"path": [11, 3, 1, 3], "s": [1.0009571394449261, 0.9990598961971424, -0.004016943071113298]}, "2244": {"path": [11, 3, 1, 3], "s": [0.9998545811233424, 1.0001624545187253, -0.004124562778641575]}, "2245": {"path": [11, 3, 2, 0], "s": [0.9981469203139095, 1.0018669975136791, -0.003233903589048733]}, "2246": {"path": [11, 3, 2, 0], "s": [0.9987513301355597, 1.0012643791398113, -0.0037590535033638077]}, "2247": {"path": [11, 3, 2, 1], "s": [1.003524464836667, 0.9964930391894544, 0.0022680092726091216]}, "2248": {"path": [11, 3, 2, 1], "s": [1.0029187462852718, 0.9970967188368278, 0.0026440841492102497]}, "2249": {"path": [11, 3, 2, 2], "s": [0.9958608037721174, 1.0041734093482735, -0.004115648206442013]}, "2250": {"path": [11, 3, 2, 2], "s": [0.9964130101796624, 1.0036061704994317, -0.0024990762738756785]}, "2251": {"path": [11, 3, 2, 3], "s": [1.001580584056522, 0.9984394299651866, 0.004188962830153664]}, "2252": {"path": [11, 3, 2, 3], "s": [1.0020738903201878, 0.9979532233727652, 0.004782144154825944]}, "2253": {"path": [11, 3, 3, 0], "s": [1.0049601454045858, 0.9950786750060107, 0.0037960404428626355]}, "2254": {"path": [11, 3, 3, 0], "s": [1.0043205280121115, 0.9957377970893254, 0.0063174468235710456]}, "2255": {"path": [11, 3, 3, 1], "s": [1.0036493925654035, 0.9963808200043246, -0.00412368296056076]}, "2256": {"path": [11, 3, 3, 1], "s": [0.9965182934518285, 1.0035119191178998, -0.004240884098715376]}, "2257": {"path": [11, 3, 3, 2], "s": [0.9953076231851669, 1.004750701916271, 0.0060027508620259734]}, "2258": {"path": [11, 3, 3, 2], "s": [0.9951607928504423, 1.0048780275601552, 0.003900592871937382]}, "2259": {"path": [11, 3, 3, 3], "s": [0.9980615660335385, 1.0019907400760915, -0.006960401672897236]}, "2260": {"path": [11, 3, 3, 3], "s": [1.0024050231530643, 0.997647282956565, -0.006829917325116711]}, "2261": {"path": [12, 0, 0, 0], "s": [1.0026720405473146, 0.9973364387253464, -0.0011671027953432547]}, "2262": {"path": [12, 0, 0, 0], "s": [1.0025097670927348, 0.9974971414954721, -0.0007918309758695591]}, "2263": {"path": [12, 0, 0, 1], "s": [0.996985054895213, 1.0030258745280691, 0.0013440899102282373]}, "2264": {"path": [12, 0, 0, 1], "s": [0.997415258483869, 1.0025940826860578, 0.0016236184007429248]}, "2265": {"path": [12, 0, 0, 2], "s": [1.002780700210903, 0.9972275580177384, -0.0007408769379692892]}, "2266": {"path": [12, 0, 0, 2], "s": [1.0029104379138223, 0.9970991012019559, -0.0010470099964524496]}, "2267": {"path": [12, 0, 0, 3], "s": [0.9975797173701424, 1.0024269778145978, 0.0009062077547613471]}, "2268": {"path": [12, 0, 0, 3], "s": [0.99731102267195, 1.0026968478100846, 0.0007865871951111919]}, "2269": {"path": [12, 0, 1, 0], "s": [0.9970211352777022, 1.0029880325192948, 0.0005165775224043426]}, "2270": {"path": [12, 0, 1, 0], "s": [0.9972424979771171, 1.0027654833191677, 0.0005962134162880492]}, "2271": {"path": [12, 0, 1, 1], "s": [1.0030258241388212, 0.9969834441559445, -0.0003751363441980998]}, "2272": {"path": [12, 0, 1, 1], "s": [1.002990041066173, 0.997019335940219, -0.0006816879404677986]}, "2273": {"path": [12, 0, 1, 2], "s": [0.9973719532886128, 1.0026349827340928, 0.00010566455229022699]}, "2274": {"path": [12, 0, 1, 2], "s": [0.9970923233342385, 1.0029161589701352, 5.528999775275656e-05]}, "2275": {"path": [12, 0, 1, 3], "s": [1.0026923426549268, 0.9973152613391079, -0.0006129907178197929]}, "2276": {"path": [12, 0, 1, 3], "s": [1.0026218652225711, 0.9973851256888725, -0.00036750976295480884]}, "2277": {"path": [12, 0, 2, 0], "s": [1.0024915364782276, 0.9975146558489772, -1.261577664386548e-06]}, "2278": {"path": [12, 0, 2, 0], "s": [1.0025477810652956, 0.9974587432654014, -0.00022308049291993343]}, "2279": {"path": [12, 0, 2, 1], "s": [0.9978407192182905, 1.0021639699923655, -0.00012880931680135486]}, "2280": {"path": [12, 0, 2, 1], "s": [0.9976293303648006, 1.002376360751781, -0.0002398964480538732]}, "2281": {"path": [12, 0, 2, 2], "s": [1.0022595980304716, 0.9977455622512519, -0.00025721319325299087]}, "2282": {"path": [12, 0, 2, 2], "s": [1.002176757749189, 0.9978279729113574, -5.1804926949838895e-05]}, "2283": {"path": [12, 0, 2, 3], "s": [0.9974560944929336, 1.0025504792003057, 0.00029242974555398457]}, "2284": {"path": [12, 0, 2, 3], "s": [0.9977029571615466, 1.002302479256691, 0.0003840895093537793]}, "2285": {"path": [12, 0, 3, 0], "s": [0.9980629147029751, 1.0019412992412982, 0.0006734107632098044]}, "2286": {"path": [12, 0, 3, 0], "s": [0.997780231889784, 1.0022250397612171, 0.0005766963626779937]}, "2287": {"path": [12, 0, 3, 1], "s": [1.0021296513020825, 0.9978752651233397, -0.0006256844456181398]}, "2288": {"path": [12, 0, 3, 1], "s": [1.0020283477999559, 0.9979759109777926, -0.00039143483967656327]}, "2289": {"path": [12, 0, 3, 2], "s": [0.997706815876123, 1.002299713971684, 0.001120794467174535]}, "2290": {"path": [12, 0, 3, 2], "s": [0.9980618034593349, 1.0019434762135302, 0.0012299731667004693]}, "2291": {"path": [12, 0, 3, 3], "s": [1.0023279043051256, 0.9976776474869913, -0.000381546462783011]}, "2292": {"path": [12, 0, 3, 3], "s": [1.0024376665603463, 0.9975686568891449, -0.000629798136937356]}, "2293": {"path": [12, 1, 0, 0], "s": [0.9978884219996746, 1.0021160508371616, 6.804735106219611e-05]}, "2294": {"path": [12, 1, 0, 0], "s": [0.9981237598214932, 1.0018797978118197, 0.0001751603014036755]}, "2295": {"path": [12, 1, 0, 1], "s": [1.0020313537546437, 0.9979728160788806, 0.00022782856494850244]}, "2296": {"path": [12, 1, 0, 1], "s": [1.0021069117502643, 0.9978975216240684, 6.031531772687407e-05]}, "2297": {"path": [12, 1, 0, 2], "s": [0.998232017758682, 1.001771197279884, -0.00028912493789806155]}, "2298": {"path": [12, 1, 0, 2], "s": [0.9980590453005644, 1.0019449081505303, -0.0004224600330904313]}, "2299": {"path": [12, 1, 0, 3], "s": [1.0018511085727144, 0.9981523121923267, 2.2232877443747326e-05]}, "2300": {"path": [12, 1, 0, 3], "s": [1.0017811059320925, 0.9982221044403287, 0.00020917001056511858]}, "2301": {"path": [12, 1, 1, 0], "s": [1.0016905067250972, 0.9983125234377165, 0.0004212746569616752]}, "2302": {"path": [12, 1, 1, 0], "s": [1.0017515180412837, 0.9982516150193554, 0.00026595639259391585]}, "2303": {"path": [12, 1, 1, 1], "s": [0.9985269316901034, 1.001475458223538, -0.00046525572437010196]}, "2304": {"path": [12, 1, 1, 1], "s": [0.9983656849227057, 1.001637347882629, -0.0005973801144731482]}, "2305": {"path": [12, 1, 1, 2], "s": [1.001482562325262, 0.998519712221755, 0.00028271562769012905]}, "2306": {"path": [12, 1, 1, 2], "s": [1.0014621956631387, 0.9985401819675704, 0.0004930427093006413]}, "2307": {"path": [12, 1, 1, 3], "s": [0.9982390561374397, 1.0017640715260714, -0.0001457140518995899]}, "2308": {"path": [12, 1, 1, 3], "s": [0.9984807894775451, 1.0015215236651764, -4.034799971740022e-05]}, "2309": {"path": [12, 1, 2, 0], "s": [0.9988602413002948, 1.0011410766213493, 0.00013179392505649872]}, "2310": {"path": [12, 1, 2, 0], "s": [0.9985264287881972, 1.0014757491289972, 5.740871498682617e-05]}, "2311": {"path": [12, 1, 2, 1], "s": [1.0012357838613999, 0.9987657418389628, -2.059236550255167e-05]}, "2312": {"path": [12, 1, 2, 1], "s": [1.001127258045051, 0.9988740793907767, 0.0002612140155414445]}, "2313": {"path": [12, 1, 2, 2], "s": [0.9984994294349215, 1.0015031376156767, 0.0005581097897487462]}, "2314": {"path": [12, 1, 2, 2], "s": [0.9988757893115253, 1.0011258410835333, 0.0006039142966005878]}, "2315": {"path": [12, 1, 2, 3], "s": [1.0014745551226913, 0.9985276635579965, 0.00021826462312036598]}, "2316": {"path": [12, 1, 2, 3], "s": [1.001578120399943, 0.9984243663168978, -1.3311028965305057e-05]}, "2317": {"path": [12, 1, 3, 0], "s": [1.001682306446334, 0.9983205809084638, -0.00024911289558819904]}, "2318": {"path": [12, 1, 3, 0], "s": [1.0016124122584613, 0.9983901863805795, -5.436752108904276e-05]}, "2319": {"path": [12, 1, 3, 1], "s": [0.9981627066962501, 1.0018413687064116, 0.0008320266023669616]}, "2320": {"path": [12, 1, 3, 1], "s": [0.9984962183473519, 1.0015068268169696, 0.0008827376737030076]}, "2321": {"path": [12, 1, 3, 2], "s": [1.0018921493713795, 0.9981114285226506, -6.659351897437804e-05]}, "2322": {"path": [12, 1, 3, 2], "s": [1.0019914804182597, 0.9980125534435235, -0.0002755011495777005]}, "2323": {"path": [12, 1, 3, 3], "s": [0.9984725689536413, 1.0015299502239103, 0.00042694739760117546]}, "2324": {"path": [12, 1, 3, 3], "s": [0.9981775850929083, 1.0018258541346428, 0.00033431086995498597]}, "2325": {"path": [12, 2, 0, 0], "s": [1.0012518804027744, 0.9987497009847676, -0.00012713263479024762]}, "2326": {"path": [12, 2, 0, 0], "s": [1.001362694446613, 0.9986392484291903, -0.0002976360094696346]}, "2327": {"path": [12, 2, 0, 1], "s": [0.9993658521904325, 1.0006349792304823, 0.0006547902163126146]}, "2328": {"path": [12, 2, 0, 1], "s": [0.9990056714771502, 1.0009958028103487, 0.0006957962071061407]}, "2329": {"path": [12, 2, 0, 2], "s": [1.0010494953779323, 0.9989516876256364, -0.0002877578451469278]}, "2330": {"path": [12, 2, 0, 2], "s": [1.000928248562727, 0.9990726244604008, -0.00011039980185626433]}, "2331": {"path": [12, 2, 0, 3], "s": [0.9990655807455243, 1.000936425868153, 0.0010637665699003217]}, "2332": {"path": [12, 2, 0, 3], "s": [0.9994251650395175, 1.0005761408130192, 0.0009872520724712264]}, "2333": {"path": [12, 2, 1, 0], "s": [0.9998267556581567, 1.0001740117365217, 0.0008586315444261137]}, "2334": {"path": [12, 2, 1, 0], "s": [0.9996221133927313, 1.0003790875018215, 0.0010284174552588725]}, "2335": {"path": [12, 2, 1, 1], "s": [1.0008752368680396, 0.9991256814466404, -0.00039125292138344255]}, "2336": {"path": [12, 2, 1, 1], "s": [1.0008534537557863, 0.9991473759459771, -0.0003194159708451497]}, "2337": {"path": [12, 2, 1, 2], "s": [0.9997176018634882, 1.0002838775034206, 0.0011828780287642749]}, "2338": {"path": [12, 2, 1, 2], "s": [0.9999002995049903, 1.0001007061304135, 0.0009977950455927129]}, "2339": {"path": [12, 2, 1, 3], "s": [1.001074857471763, 0.9989264662357574, -0.00041208219277111263]}, "2340": {"path": [12, 2, 1, 3], "s": [1.001086386029532, 0.9989150327578521, -0.0004899940091895121]}, "2341": {"path": [12, 2, 2, 0], "s": [1.0009875745242505, 0.999013761069349, -0.0006013394689585788]}, "2342": {"path": [12, 2, 2, 0], "s": [1.0010808366391761, 0.9989205832333607, -0.0005031891749978125]}, "2343": {"path": [12, 2, 2, 1], "s": [0.9996816481409613, 1.0003203844391895, 0.0013894549897503644]}, "2344": {"path": [12, 2, 2, 1], "s": [0.999884740371049, 1.000116691286774, 0.001190885397165303]}, "2345": {"path": [12, 2, 2, 2], "s": [1.0013085885915745, 0.9986935059066383, -0.0006203506653572425]}, "2346": {"path": [12, 2, 2, 2], "s": [1.001289539215445, 0.9987126950468098, -0.0007577809948665589]}, "2347": {"path": [12, 2, 2, 3], "s": [0.9996761675014411, 1.0003251956002672, 0.0011215136218769312]}, "2348": {"path": [12, 2, 2, 3], "s": [0.9993814456037198, 1.000620456419791, 0.0012321677909298253]}, "2349": {"path": [12, 2, 3, 0], "s": [0.9988540889012735, 1.0011490844883313, 0.001362586121001223]}, "2350": {"path": [12, 2, 3, 0], "s": [0.9991956793574104, 1.0008065812895712, 0.0012696050568390441]}, "2351": {"path": [12, 2, 3, 1], "s": [1.0016731766415843, 0.9983297620688377, -0.0003796147123373122]}, "2352": {"path": [12, 2, 3, 1], "s": [1.0017515087707196, 0.998251886259456, -0.0005772292675715425]}, "2353": {"path": [12, 2, 3, 2], "s": [0.9990139497279139, 1.0009879774585555, 0.0009762125932664919]}, "2354": {"path": [12, 2, 3, 2], "s": [0.9986448657521887, 1.0013579100535503, 0.0009672927783494011]}, "2355": {"path": [12, 2, 3, 3], "s": [1.0013607655090113, 0.9986413080081225, -0.0004739788335532561]}, "2356": {"path": [12, 2, 3, 3], "s": [1.001372024192814, 0.9986299650121236, -0.0003308833479453198]}, "2357": {"path": [12, 3, 0, 0], "s": [0.9995330060029927, 1.0004694140597663, 0.0014835259384920901]}, "2358": {"path": [12, 3, 0, 0], "s": [0.9992391224179841, 1.0007641791683135, 0.0016492845418155059]}, "2359": {"path": [12, 3, 0, 1], "s": [1.0011047539889997, 0.99889749951156, -0.0010175995024704568]}, "2360": {"path": [12, 3, 0, 1], "s": [1.0011986155076598, 0.9988036092783388, -0.000889254477580113]}, "2361": {"path": [12, 3, 0, 2], "s": [0.999735551178468, 1.0002678625958208, 0.0018283704057488572]}, "2362": {"path": [12, 3, 0, 2], "s": [0.9999272815666533, 1.0000752224341407, 0.0015806741398037654]}, "2363": {"path": [12, 3, 0, 3], "s": [1.0015492506957786, 0.998454512409721, -0.0011699392187822133]}, "2364": {"path": [12, 3, 0, 3], "s": [1.0014577935982636, 0.9985462052920779, -0.0013709696286860118]}, "2365": {"path": [12, 3, 1, 0], "s": [1.0010207745494286, 0.9989833374440618, -0.0017533425874079842]}, "2366": {"path": [12, 3, 1, 0], "s": [1.0012207256547232, 0.9987832919198986, -0.0015913226750339283]}, "2367": {"path": [12, 3, 1, 1], "s": [1.0000794626818676, 0.9999269356692612, 0.0025283483226645185]}, "2368": {"path": [12, 3, 1, 1], "s": [1.0002010527856284, 0.9998037147473241, 0.0021744123932863992]}, "2369": {"path": [12, 3, 1, 2], "s": [1.0016371420067591, 0.9983702940313077, -0.0021835700050233694]}, "2370": {"path": [12, 3, 1, 2], "s": [1.0013150441153524, 0.9986927991266107, -0.002474715164829592]}, "2371": {"path": [12, 3, 1, 3], "s": [0.9995189907127416, 1.000485597912222, 0.0020868751418715477]}, "2372": {"path": [12, 3, 1, 3], "s": [0.9992112307889014, 1.0007948187307796, 0.0023286457733506754]}, "2373": {"path": [12, 3, 2, 0], "s": [0.998271264564871, 1.0017394492716443, 0.0027761103944248635]}, "2374": {"path": [12, 3, 2, 0], "s": [0.998776240090121, 1.0012322606133235, 0.002644373707934912]}, "2375": {"path": [12, 3, 2, 1], "s": [1.0026687083211694, 0.9973405853642896, -0.0014820538082109317]}, "2376": {"path": [12, 3, 2, 1], "s": [1.0028240348226756, 0.9971883235853329, -0.0021019362273355453]}, "2377": {"path": [12, 3, 2, 2], "s": [0.9982200694829688, 1.0017867886321927, 0.0019177475191856017]}, "2378": {"path": [12, 3, 2, 2], "s": [0.9977411048521084, 1.0022673033788037, 0.0018129065917552596]}, "2379": {"path": [12, 3, 2, 3], "s": [1.0019854520009, 0.9980216969202004, -0.0017947410093847082]}, "2380": {"path": [12, 3, 2, 3], "s": [1.0020495632766708, 0.997956723874967, -0.001448905768970079]}, "2381": {"path": [12, 3, 3, 0], "s": [1.0021101131124488, 0.9978950124498662, -0.00082692229623983]}, "2382": {"path": [12, 3, 3, 0], "s": [1.0021945379990567, 0.9978115300930044, -0.001124905191452571]}, "2383": {"path": [12, 3, 3, 1], "s": [0.9986559755480556, 1.001347655395839, 0.0013489485126826433]}, "2384": {"path": [12, 3, 3, 1], "s": [0.9982783361463666, 1.0017264153783862, 0.0013338732322310995]}, "2385": {"path": [12, 3, 3, 2], "s": [1.0016936382522181, 0.9983101136177012, -0.0009432993695110123]}, "2386": {"path": [12, 3, 3, 2], "s": [1.0016947574858572, 0.998308660194587, -0.0007424753514579843]}, "2387": {"path": [12, 3, 3, 3], "s": [0.9985933960081472, 1.0014120777903504, 0.001867502139425568]}, "2388": {"path": [12, 3, 3, 3], "s": [0.9989801367174549, 1.0010240643846366, 0.0017767094378490344]}, "2389": {"path": [13, 0, 0, 0], "s": [1.0047889864989326, 0.9952407353528591, 0.0026324508830643293]}, "2390": {"path": [13, 0, 0, 0], "s": [1.0059713653057483, 0.9940696983781666, 0.002377327608424375]}, "2391": {"path": [13, 0, 0, 1], "s": [0.9966791762824248, 1.0033398116232186, -0.002810156578102676]}, "2392": {"path": [13, 0, 0, 1], "s": [0.9965791512558185, 1.0034442038512337, -0.0034019122023397916]}, "2393": {"path": [13, 0, 0, 2], "s": [1.0045435918871872, 0.9954774952514929, 0.0007339773803820015]}, "2394": {"path": [13, 0, 0, 2], "s": [1.0041681108196714, 0.9958502216760087, 0.0010177228250920914]}, "2395": {"path": [13, 0, 0, 3], "s": [0.9943943483599414, 1.0056400098181926, -0.001655973383617601]}, "2396": {"path": [13, 0, 0, 3], "s": [0.9948733983171352, 1.00515539969675, -0.0015389389602118125]}, "2397": {"path": [13, 0, 1, 0], "s": [0.9962666904675589, 1.003747777957139, -0.0006905139573907123]}, "2398": {"path": [13, 0, 1, 0], "s": [0.9956189209319851, 1.004400617514727, -0.0005089139739986237]}, "2399": {"path": [13, 0, 1, 1], "s": [1.0034813747622517, 0.9965315859916015, -0.0009412251905254294]}, "2400": {"path": [13, 0, 1, 1], "s": [1.0037417424741302, 0.996272396244048, -0.00043701816663344723]}, "2401": {"path": [13, 0, 1, 2], "s": [0.9955716245167655, 1.0044493375958534, 0.0011219514662742299]}, "2402": {"path": [13, 0, 1, 2], "s": [0.9964228848199185, 1.0035903020965737, 0.0005865086209713647]}, "2403": {"path": [13, 0, 1, 3], "s": [1.0052294322579707, 0.9947979411548015, -0.00041182331054392745]}, "2404": {"path": [13, 0, 1, 3], "s": [1.0045866640653425, 0.9954361760706162, -0.0013810896933425932]}, "2405": {"path": [13, 0, 2, 0], "s": [1.003432073867472, 0.9965870544136781, -0.002723012998917141]}, "2406": {"path": [13, 0, 2, 0], "s": [1.00446483710769, 0.9955585692373167, -0.0018910526503507813]}, "2407": {"path": [13, 0, 2, 1], "s": [0.9962556532768573, 1.003780546094, 0.00469507140292112]}, "2408": {"path": [13, 0, 2, 1], "s": [0.9971927902269919, 1.0028240882052826, 0.002991759392642797]}, "2409": {"path": [13, 0, 2, 2], "s": [1.0111027813814246, 0.9890362876070098, -0.004164287046640945]}, "2410": {"path": [13, 0, 2, 2], "s": [1.0044540302705955, 0.9956540107731596, -0.009417211698982636]}, "2411": {"path": [13, 0, 2, 3], "s": [0.9951978841833218, 1.0048273643527976, 0.0014376972589019818]}, "2412": {"path": [13, 0, 2, 3], "s": [0.993265569177249, 1.0067989899859031, 0.004332647623179317]}, "2413": {"path": [13, 0, 3, 0], "s": [0.9879423066669123, 1.012206453500962, -0.0012563816596515922]}, "2414": {"path": [13, 0, 3, 0], "s": [0.9881693729079921, 1.0119736370652332, 0.0011637603580688714]}, "2415": {"path": [13, 0, 3, 1], "s": [1.0073998921689697, 0.9927010627487243, 0.006851537716951332]}, "2416": {"path": [13, 0, 3, 1], "s": [1.0129903801509184, 0.9872669917527769, 0.009589853288721568]}, "2417": {"path": [13, 0, 3, 2], "s": [0.9934078192337265, 1.0066462402670255, -0.0032009816456481286]}, "2418": {"path": [13, 0, 3, 2], "s": [0.9922370959198247, 1.0078519691414374, -0.005301978684961281]}, "2419": {"path": [13, 0, 3, 3], "s": [1.0081879471057014, 0.9918794092598933, 0.0009302677826913525]}, "2420": {"path": [13, 0, 3, 3], "s": [1.0068642488879511, 0.9931833079787096, 0.0008748691531631993]}, "2421": {"path": [13, 1, 0, 0], "s": [1.0128902524728545, 0.9873412251552265, 0.008264552276704468]}, "2422": {"path": [13, 1, 0, 0], "s": [1.0158188512614386, 0.9844309757272832, 0.0018822617953566788]}, "2423": {"path": [13, 1, 0, 1], "s": [0.9917985155225573, 1.0082701431946501, 0.000911737993535198]}, "2424": {"path": [13, 1, 0, 1], "s": [0.9912826306248902, 1.008823402504605, -0.005395949473359376]}, "2439": {"path": [13, 1, 2, 1], "s": [1.009365894309266, 0.9907401388202306, -0.004393887614502549]}, "2440": {"path": [13, 1, 2, 1], "s": [1.008300843474079, 0.9917678152431276, -0.0005697719628133996]}, "2441": {"path": [13, 1, 2, 2], "s": [0.9848821754527615, 1.0153676515359602, 0.004183482890905385]}, "2442": {"path": [13, 1, 2, 2], "s": [0.9914953117578225, 1.0087361658702583, 0.012537115334959563]}, "2445": {"path": [13, 1, 3, 0], "s": [1.0103917611250508, 0.9897207995094219, -0.0023961716170451427]}, "2446": {"path": [13, 1, 3, 0], "s": [1.0158188512614441, 0.9844309757272781, -0.0018822617953495387]}, "2447": {"path": [13, 1, 3, 1], "s": [1.0076056295721063, 0.9924532417864145, 0.0012138826458977714]}, "2448": {"path": [13, 1, 3, 1], "s": [0.996314766528061, 1.003744104830461, 0.006713676941673218]}, "2449": {"path": [13, 1, 3, 2], "s": [0.9848821754527672, 1.015367651535954, -0.004183482890909601]}, "2450": {"path": [13, 1, 3, 2], "s": [0.993304568664386, 1.0068079919700834, -0.008184020509733927]}, "2453": {"path": [13, 2, 0, 0], "s": [0.9997800011622882, 1.0003280398814685, -0.01039080725269324]}, "2454": {"path": [13, 2, 0, 0], "s": [0.9895924333482446, 1.0105466356401902, -0.005413333082084334]}, "2455": {"path": [13, 2, 0, 1], "s": [1.002899073441718, 0.9971178049905544, 0.0029193727523846103]}, "2456": {"path": [13, 2, 0, 1], "s": [1.0042872688696496, 0.9957489305012083, 0.004239562823246607]}, "2457": {"path": [13, 2, 0, 2], "s": [0.9953698025211896, 1.0046536038238174, -0.0013635396269791402]}, "2458": {"path": [13, 2, 0, 2], "s": [0.9966157545940373, 1.0034033736871133, -0.002758700669647106]}, "2459": {"path": [13, 2, 0, 3], "s": [1.0072790284007023, 0.9927855307624487, 0.003470567197875476]}, "2460": {"path": [13, 2, 0, 3], "s": [1.004758606849463, 0.9952666416866568, 0.0016505589443441817]}, "2461": {"path": [13, 2, 1, 0], "s": [1.003484685423841, 0.996528501492652, 0.0010439522238295047]}, "2462": {"path": [13, 2, 1, 0], "s": [1.004299675118481, 0.9957212869941368, 0.0016015732166252284]}, "2463": {"path": [13, 2, 1, 1], "s": [0.9962577459230127, 1.0037563927951654, 0.0002852050591404946]}, "2464": {"path": [13, 2, 1, 1], "s": [0.9964391635363152, 1.0035737972175376, -0.00048481584857124977]}, "2465": {"path": [13, 2, 1, 2], "s": [1.0044243114202591, 0.9955952270264534, 0.00022440887335479725]}, "2466": {"path": [13, 2, 1, 2], "s": [1.00381046647486, 0.9962040019498387, 6.246110250590594e-05]}, "2467": {"path": [13, 2, 1, 3], "s": [0.9953928496004567, 1.0046299905355018, -0.001228443410516756]}, "2468": {"path": [13, 2, 1, 3], "s": [0.9948016229576777, 1.0052257504550948, 0.0004560609358742149]}, "2469": {"path": [13, 2, 2, 0], "s": [0.9963015502872088, 1.0037167822084718, 0.002141532999669115]}, "2470": {"path": [13, 2, 2, 0], "s": [0.9956870837989317, 1.0043340033397483, 0.0015475611330245448]}, "2471": {"path": [13, 2, 2, 1], "s": [1.0042646224311103, 0.9957587326759421, -0.0022951477697599042]}, "2472": {"path": [13, 2, 2, 1], "s": [1.0040831818687814, 0.9959358060368629, -0.0015469526633060736]}, "2473": {"path": [13, 2, 2, 2], "s": [0.9945082303995432, 1.0055328332843716, 0.0032678185811668837]}, "2474": {"path": [13, 2, 2, 2], "s": [0.996151725536225, 1.0038779963155662, 0.00384685034799711]}, "2475": {"path": [13, 2, 2, 3], "s": [1.0053521378281611, 0.9946766601857234, -0.0005538641459655098]}, "2476": {"path": [13, 2, 2, 3], "s": [1.0057562958432296, 0.9942780623349051, -0.0011920621366566136]}, "2477": {"path": [13, 2, 3, 0], "s": [1.0074792968748525, 0.9926097681864091, -0.0058130304965130965]}, "2478": {"path": [13, 2, 3, 0], "s": [1.0070885304163124, 0.9929655290844401, -0.0020482772528116993]}, "2479": {"path": [13, 2, 3, 1], "s": [0.9842618095561212, 1.0159955623475756, -0.0023729090189290353]}, "2480": {"path": [13, 2, 3, 1], "s": [0.9927876646529714, 1.007313290264723, 0.006943271261800342]}, "2481": {"path": [13, 2, 3, 2], "s": [1.012026690570682, 0.9881163194025426, -0.0002976975615408291]}, "2482": {"path": [13, 2, 3, 2], "s": [1.0108375915314711, 0.989311168636403, -0.005737506392703067]}, "2483": {"path": [13, 2, 3, 3], "s": [0.9932842431152032, 1.0067633137514596, 0.0014615388367375099]}, "2484": {"path": [13, 2, 3, 3], "s": [0.9918290370262829, 1.0082383193393112, -0.00020337971207092374]}, "2485": {"path": [13, 3, 0, 0], "s": [1.004394944871036, 0.9956341229415482, -0.0031432504830047085]}, "2486": {"path": [13, 3, 0, 0], "s": [1.0041564854989362, 0.9958817588044268, -0.004596400064556446]}, "2487": {"path": [13, 3, 0, 1], "s": [0.9983816548331533, 1.0016355816192908, 0.003819622603763843]}, "2488": {"path": [13, 3, 0, 1], "s": [0.9975482748829001, 1.0024744362974034, 0.004079772381233548]}, "2489": {"path": [13, 3, 0, 2], "s": [1.0021031888839906, 0.9979136721896996, -0.0035317321854388493]}, "2490": {"path": [13, 3, 0, 2], "s": [1.0026799993459206, 0.9973360679894779, -0.0029879757950786205]}, "2491": {"path": [13, 3, 0, 3], "s": [0.9999027595246235, 1.0001290509237521, 0.005638962617567006]}, "2492": {"path": [13, 3, 0, 3], "s": [1.0000643098425734, 0.9999556786631223, 0.004470531891999314]}, "2493": {"path": [13, 3, 1, 0], "s": [1.0004607396137668, 0.9995489223470961, 0.0030747571480601965]}, "2494": {"path": [13, 3, 1, 0], "s": [1.000431930674832, 0.9995824152445237, 0.003763715144794111]}, "2495": {"path": [13, 3, 1, 1], "s": [1.0007589861736998, 0.9992498015253183, -0.0028667592763967314]}, "2496": {"path": [13, 3, 1, 1], "s": [1.0011627541753978, 0.998846033523623, -0.00272872125361978]}, "2497": {"path": [13, 3, 1, 2], "s": [1.0016649837099583, 0.9983493622093982, 0.0034055299622812955]}, "2498": {"path": [13, 3, 1, 2], "s": [1.0013658568293238, 0.998643805131539, 0.0027945648749175163]}, "2499": {"path": [13, 3, 1, 3], "s": [1.0014751380100084, 0.9985424101568428, -0.003924031176026299]}, "2500": {"path": [13, 3, 1, 3], "s": [1.0006711032653248, 0.9993464449015262, -0.004136370859873427]}, "2501": {"path": [13, 3, 2, 0], "s": [0.9991383541680996, 1.0008777131672975, -0.00391293464110877]}, "2502": {"path": [13, 3, 2, 0], "s": [0.9998460870971422, 1.000170773976546, -0.004103021980226528]}, "2503": {"path": [13, 3, 2, 1], "s": [1.0038461749883056, 0.9961765361919983, 0.002829393828492088]}, "2504": {"path": [13, 3, 2, 1], "s": [1.003100252013619, 0.9969169844388247, 0.0027709794734453058]}, "2505": {"path": [13, 3, 2, 2], "s": [0.9976489921831516, 1.0023892521202118, -0.005712018290671271]}, "2506": {"path": [13, 3, 2, 2], "s": [0.9971456330615488, 1.0028834347510358, -0.00456480358416782]}, "2507": {"path": [13, 3, 2, 3], "s": [1.0018923771104618, 0.9981276113952341, 0.0040552731545550474]}, "2508": {"path": [13, 3, 2, 3], "s": [1.002626101077712, 0.9974057093706632, 0.004999757889923765]}, "2509": {"path": [13, 3, 3, 0], "s": [1.0058232365072763, 0.9942361366405272, 0.005080237028456762]}, "2510": {"path": [13, 3, 3, 0], "s": [1.0045623413521283, 0.9954958789326818, 0.006137666251026469]}, "2511": {"path": [13, 3, 3, 1], "s": [1.0062090708447233, 0.9938702801813394, -0.006425819904828286]}, "2512": {"path": [13, 3, 3, 1], "s": [0.9979839140618147, 1.0020954369642463, -0.008667551272633682]}, "2513": {"path": [13, 3, 3, 2], "s": [0.9975347074547152, 1.0025235128300938, 0.007211039276093713]}, "2514": {"path": [13, 3, 3, 2], "s": [0.9969667159009697, 1.0030926572468333, 0.007070519058210261]}, "2515": {"path": [13, 3, 3, 3], "s": [0.9998791921256235, 1.0001725104854238, -0.007189003437320325]}, "2516": {"path": [13, 3, 3, 3], "s": [1.003122668542226, 0.9969290340688208, -0.006489453161807555]}, "2517": {"path": [14, 0, 0, 0], "s": [1.0029104696903262, 0.9970999706895058, -0.001414189670390204]}, "2518": {"path": [14, 0, 0, 0], "s": [1.0028331499546213, 0.997176167513866, -0.00114766180023779]}, "2519": {"path": [14, 0, 0, 1], "s": [0.9971157559790872, 1.0028996246504986, 0.0026490384151290876]}, "2520": {"path": [14, 0, 0, 1], "s": [0.9977665818948266, 1.0022459209338743, 0.0027361922856036086]}, "2521": {"path": [14, 0, 0, 2], "s": [1.0034663416554157, 0.9965461929412287, -0.0007500142444180473]}, "2522": {"path": [14, 0, 0, 2], "s": [1.0037121286305377, 0.9963025591643757, -0.0009810295236996824]}, "2523": {"path": [14, 0, 0, 3], "s": [0.9976324295239534, 1.002376830511589, 0.0019059700410028319]}, "2524": {"path": [14, 0, 0, 3], "s": [0.9972486043400453, 1.0027618463922099, 0.0016887273542619168]}, "2525": {"path": [14, 0, 1, 0], "s": [0.9965651129272025, 1.0034472270244508, 0.0007064814997051039]}, "2526": {"path": [14, 0, 1, 0], "s": [0.9967443053688902, 1.0032679473115287, 0.0012701346001318255]}, "2527": {"path": [14, 0, 1, 1], "s": [1.0030510846922174, 0.9969582405180148, 0.0002110555357885223]}, "2528": {"path": [14, 0, 1, 1], "s": [1.003451857557335, 0.9965601350595611, 0.0003445186567880821]}, "2529": {"path": [14, 0, 1, 2], "s": [0.9971955601611736, 1.0028128731454478, 0.0007380874679488076]}, "2530": {"path": [14, 0, 1, 2], "s": [0.9970990363754811, 1.0029095127748602, 0.00032978722921349053]}, "2531": {"path": [14, 0, 1, 3], "s": [1.0031707520243485, 0.9968393995211996, -0.00036064550699880366]}, "2532": {"path": [14, 0, 1, 3], "s": [1.0029017882479374, 0.9971067205834752, -0.00033637360687213246]}, "2533": {"path": [14, 0, 2, 0], "s": [1.0024832468281895, 0.9975229240488253, -0.00014030686565410608]}, "2534": {"path": [14, 0, 2, 0], "s": [1.0027236601269762, 0.9972837507908812, -0.00011304066207765961]}, "2535": {"path": [14, 0, 2, 1], "s": [0.9978402441264435, 1.0021651283067552, 0.0008344367084902077]}, "2536": {"path": [14, 0, 2, 1], "s": [0.9976899371829127, 1.0023157355553431, 0.0005685452090672806]}, "2537": {"path": [14, 0, 2, 2], "s": [1.0024491444187809, 0.9975570604409842, -0.00047090124144793366]}, "2538": {"path": [14, 0, 2, 2], "s": [1.0022916307341598, 0.9977138017305996, -0.0004397073360170486]}, "2539": {"path": [14, 0, 2, 3], "s": [0.9974705132249376, 1.0025369784145075, 0.0010365259753911187]}, "2540": {"path": [14, 0, 2, 3], "s": [0.9976958100602331, 1.0023111976292935, 0.0012970162686689298]}, "2541": {"path": [14, 0, 3, 0], "s": [0.9983040332001053, 1.0017014470192964, 0.0016107829599927913]}, "2542": {"path": [14, 0, 3, 0], "s": [0.9980194216187196, 1.0019868680494668, 0.001534444616298216]}, "2543": {"path": [14, 0, 3, 1], "s": [1.0022266229099213, 0.997779253888373, -0.0009654191447352514]}, "2544": {"path": [14, 0, 3, 1], "s": [1.0021961845808414, 0.9978093317868192, -0.0008397951591913536]}, "2545": {"path": [14, 0, 3, 2], "s": [0.9981226228703142, 1.0018853946400499, 0.0021161081225637146]}, "2546": {"path": [14, 0, 3, 2], "s": [0.9984970096865488, 1.0015095931308464, 0.002081805356482325]}, "2547": {"path": [14, 0, 3, 3], "s": [1.002572206228703, 0.9974348818747183, -0.0007000647133890077]}, "2548": {"path": [14, 0, 3, 3], "s": [1.0027039869189018, 0.9973039644702274, -0.0008132307934233318]}, "2549": {"path": [14, 1, 0, 0], "s": [0.9980307587271839, 1.0019742329515826, 0.0010506844239339286]}, "2550": {"path": [14, 1, 0, 0], "s": [0.9982428632205707, 1.0017616700717096, 0.0011990817335546604]}, "2551": {"path": [14, 1, 0, 1], "s": [1.0020288330487295, 0.9979753712744098, -0.0003109493041608744]}, "2552": {"path": [14, 1, 0, 1], "s": [1.0022019553985455, 0.9978029739191226, -0.00030259581687398356]}, "2553": {"path": [14, 1, 0, 2], "s": [0.9982672415641185, 1.0017365000037572, 0.0008559397442495494]}, "2554": {"path": [14, 1, 0, 2], "s": [0.9981131556493961, 1.001890834264355, 0.0006497721155990969]}, "2555": {"path": [14, 1, 0, 3], "s": [1.002007290946611, 0.9979969607456827, -0.00048063471915304844]}, "2556": {"path": [14, 1, 0, 3], "s": [1.0019064186951472, 0.9980974181239494, -0.0004579316970394868]}, "2557": {"path": [14, 1, 1, 0], "s": [1.0017236680707977, 0.9982794825784084, -0.00043017236259603516]}, "2558": {"path": [14, 1, 1, 0], "s": [1.0018604777957552, 0.9981431465254564, -0.00041193027689903226]}, "2559": {"path": [14, 1, 1, 1], "s": [0.9985157490416013, 1.0014872389966292, 0.0008835170193699802]}, "2560": {"path": [14, 1, 1, 1], "s": [0.9983791231827178, 1.0016240325144836, 0.0007234227987917814]}, "2561": {"path": [14, 1, 1, 2], "s": [1.00174260862343, 0.9982606325298098, -0.0004583846498758367]}, "2562": {"path": [14, 1, 1, 2], "s": [1.001693486617391, 0.9983095616628401, -0.00043074996217304276]}, "2563": {"path": [14, 1, 1, 3], "s": [0.9983619517411024, 1.0016417695651252, 0.0010158781666736681]}, "2564": {"path": [14, 1, 1, 3], "s": [0.9985697202727795, 1.0014335444848523, 0.0011019927483163154]}, "2565": {"path": [14, 1, 2, 0], "s": [0.998888011414503, 1.0011146354941105, 0.0011863585749490935]}, "2566": {"path": [14, 1, 2, 0], "s": [0.9986478341132773, 1.0013555441159019, 0.001243104447999829]}, "2567": {"path": [14, 1, 2, 1], "s": [1.0015507605449445, 0.9984518470110779, -0.0004546882998394727]}, "2568": {"path": [14, 1, 2, 1], "s": [1.001621055962087, 0.9983816909722029, -0.0003515178418076197]}, "2569": {"path": [14, 1, 2, 2], "s": [0.9988251835919197, 1.0011784415235256, 0.001496884433392833]}, "2570": {"path": [14, 1, 2, 2], "s": [0.99908410151655, 1.0009185713838438, 0.0013533596183139722]}, "2571": {"path": [14, 1, 2, 3], "s": [1.001781688789076, 0.9982217103628005, -0.0004804093735813033]}, "2572": {"path": [14, 1, 2, 3], "s": [1.0018081397381313, 0.9981953999672182, -0.0005260573343369344]}, "2573": {"path": [14, 1, 3, 0], "s": [1.0018273379656946, 0.9981764521795177, -0.0006766882943269626]}, "2574": {"path": [14, 1, 3, 0], "s": [1.0018396047050897, 0.998164126226898, -0.0005946847542811793]}, "2575": {"path": [14, 1, 3, 1], "s": [0.9985962453007251, 1.001408794329325, 0.001749865249194708]}, "2576": {"path": [14, 1, 3, 1], "s": [0.9988734451047315, 1.0011305878173886, 0.00166109990053876]}, "2577": {"path": [14, 1, 3, 2], "s": [1.0020683678826114, 0.997936254852036, -0.0005951054242466931]}, "2578": {"path": [14, 1, 3, 2], "s": [1.0021397384758692, 0.9978652632741409, -0.0006587652858203848]}, "2579": {"path": [14, 1, 3, 3], "s": [0.998677502849869, 1.0013261438880572, 0.001375832989323203]}, "2580": {"path": [14, 1, 3, 3], "s": [0.9984326182408825, 1.001571724687345, 0.0013709250973096792]}, "2581": {"path": [14, 2, 0, 0], "s": [1.0015908361726884, 0.9984119598991634, -0.0005193844582321455]}, "2582": {"path": [14, 2, 0, 0], "s": [1.001535896783726, 0.9984668135437572, -0.0005962477138346439]}, "2583": {"path": [14, 2, 0, 1], "s": [0.9994413448924141, 1.0005604781023831, 0.0012287720874770709]}, "2584": {"path": [14, 2, 0, 1], "s": [0.9992348003443458, 1.0007679332554351, 0.0014649155329098018]}, "2585": {"path": [14, 2, 0, 2], "s": [1.001216850443753, 0.9987848396581753, -0.0004598190153830119]}, "2586": {"path": [14, 2, 0, 2], "s": [1.0013506702214654, 0.9986512644855368, -0.00033616975743165465]}, "2587": {"path": [14, 2, 0, 3], "s": [0.9994898609362277, 1.0005129100431511, 0.0015840845712180513]}, "2588": {"path": [14, 2, 0, 3], "s": [0.9996649395960737, 1.0003368160999164, 0.0012817340799411226]}, "2589": {"path": [14, 2, 1, 0], "s": [0.9999434531591357, 1.0000576447077767, 0.001046234814067608]}, "2590": {"path": [14, 2, 1, 0], "s": [0.9998592818675598, 1.0001425358583966, 0.0013407716350394277]}, "2591": {"path": [14, 2, 1, 1], "s": [1.0009002172310864, 0.9991008241494264, -0.0004815879151079671]}, "2592": {"path": [14, 2, 1, 1], "s": [1.0010336624727258, 0.9989675388136324, -0.0003661556688329353]}, "2593": {"path": [14, 2, 1, 2], "s": [1.0000709044688514, 0.9999309385284293, 0.0013557656557616174]}, "2594": {"path": [14, 2, 1, 2], "s": [1.0001101551647962, 0.9998909089568736, 0.0010257215644899835]}, "2595": {"path": [14, 2, 1, 3], "s": [1.001259926632594, 0.9987419513831018, -0.0005412640185665192]}, "2596": {"path": [14, 2, 1, 3], "s": [1.0011731627540088, 0.9988285896042597, -0.0006149009870699552]}, "2597": {"path": [14, 2, 2, 0], "s": [1.0010773948354745, 0.9989243369411894, -0.0007568770305023847]}, "2598": {"path": [14, 2, 2, 0], "s": [1.0011839552386712, 0.9988178878656079, -0.0006659853039030021]}, "2599": {"path": [14, 2, 2, 1], "s": [1.0001320169199805, 0.999870727175189, 0.001651371844497054]}, "2600": {"path": [14, 2, 2, 1], "s": [1.0001776931612956, 0.9998240607830218, 0.0013125094748674113]}, "2601": {"path": [14, 2, 2, 2], "s": [1.0014476663687275, 0.9985551779549953, -0.0008675848308203001]}, "2602": {"path": [14, 2, 2, 2], "s": [1.001350181017297, 0.9986525847876688, -0.000972908281258063]}, "2603": {"path": [14, 2, 2, 3], "s": [0.9999352998386898, 1.000066456052691, 0.0013234771109810097]}, "2604": {"path": [14, 2, 2, 3], "s": [0.999822129276575, 1.0001805820933487, 0.0016368413655437558]}, "2605": {"path": [14, 2, 3, 0], "s": [0.9994383024801567, 1.0005657319263574, 0.0019278579548530801]}, "2606": {"path": [14, 2, 3, 0], "s": [0.999631433520124, 1.0003713983992855, 0.0016416559958520231]}, "2607": {"path": [14, 2, 3, 1], "s": [1.00184637290058, 0.9981576771223998, -0.0008052378183766008]}, "2608": {"path": [14, 2, 3, 1], "s": [1.0018087002866425, 0.9981954027840515, -0.0009160213929293781]}, "2609": {"path": [14, 2, 3, 2], "s": [0.9993383431457007, 1.0006644258308686, 0.001526222350727246]}, "2610": {"path": [14, 2, 3, 2], "s": [0.999105825419398, 1.000897981735514, 0.0017332635319908276]}, "2611": {"path": [14, 2, 3, 3], "s": [1.0014554421377782, 0.9985472574277783, -0.0007649724184748746]}, "2612": {"path": [14, 2, 3, 3], "s": [1.0015469697160473, 0.9984558589792204, -0.0006632916938337664]}, "2613": {"path": [14, 3, 0, 0], "s": [0.9999643186650976, 1.0000385779763252, 0.001701547798345691]}, "2614": {"path": [14, 3, 0, 0], "s": [0.9998368517026287, 1.00016737103869, 0.0020482761088354918]}, "2615": {"path": [14, 3, 0, 1], "s": [1.0011937164981104, 0.9988091032587835, -0.0011824397680099607]}, "2616": {"path": [14, 3, 0, 1], "s": [1.0013142146774248, 0.9986886624551046, -0.0010741291734687906]}, "2617": {"path": [14, 3, 0, 2], "s": [1.000267539362304, 0.9997368464660019, 0.0020773599537133253]}, "2618": {"path": [14, 3, 0, 2], "s": [1.0003039107074208, 0.9996990344918791, 0.0016892994581310429]}, "2619": {"path": [14, 3, 0, 3], "s": [1.0016434019149827, 0.9983612267981715, -0.0013912405026386648]}, "2620": {"path": [14, 3, 0, 3], "s": [1.001502116684323, 0.9985025209904815, -0.0015454082310093187]}, "2621": {"path": [14, 3, 1, 0], "s": [1.001181906793787, 0.9988229065748513, -0.0018499064633093075]}, "2622": {"path": [14, 3, 1, 0], "s": [1.0013790991351044, 0.9986257131470637, -0.0017079239907315496]}, "2623": {"path": [14, 3, 1, 1], "s": [1.0006295841003698, 0.9993780754981375, 0.0026959311432494335]}, "2624": {"path": [14, 3, 1, 1], "s": [1.0006006499535962, 0.9994045494093041, 0.0022003875864997358]}, "2625": {"path": [14, 3, 1, 2], "s": [1.0018003711692778, 0.9982080360147534, -0.0022761774394479753]}, "2626": {"path": [14, 3, 1, 2], "s": [1.0014936489790487, 0.9985149121998489, -0.0025185271532612657]}, "2627": {"path": [14, 3, 1, 3], "s": [1.0000716977966497, 0.9999333567521146, 0.0022471694618995987]}, "2628": {"path": [14, 3, 1, 3], "s": [0.9999359928971044, 1.0000712608409235, 0.0026924295400072326]}, "2629": {"path": [14, 3, 2, 0], "s": [0.9992328584206278, 1.0007798100952607, 0.003474232453474785]}, "2630": {"path": [14, 3, 2, 0], "s": [0.9995684729195865, 1.00044052253847, 0.002967382794890134]}, "2631": {"path": [14, 3, 2, 1], "s": [1.0029617466606722, 0.9970505242518279, -0.0018802426845051737]}, "2632": {"path": [14, 3, 2, 1], "s": [1.002887071854473, 0.9971267654504535, -0.0023541602167306427]}, "2633": {"path": [14, 3, 2, 2], "s": [0.9988916139990446, 1.0011162675306937, 0.002577649013009688]}, "2634": {"path": [14, 3, 2, 2], "s": [0.9984555506977257, 1.0015546682264442, 0.0027960361069776438]}, "2635": {"path": [14, 3, 2, 3], "s": [1.00199018483579, 0.9980176717357172, -0.001977718851334416]}, "2636": {"path": [14, 3, 2, 3], "s": [1.0021531176688827, 0.9978544585808047, -0.0017194901999470187]}, "2637": {"path": [14, 3, 3, 0], "s": [1.002248551909834, 0.997757965143293, -0.0012147927262370292]}, "2638": {"path": [14, 3, 3, 0], "s": [1.0022127498177316, 0.9977941348548341, -0.0014155016313351558]}, "2639": {"path": [14, 3, 3, 1], "s": [0.9991736327230512, 1.0008307992032601, 0.001935298694353891]}, "2640": {"path": [14, 3, 3, 1], "s": [0.9988871108817422, 1.0011186813283697, 0.002132426278665922]}, "2641": {"path": [14, 3, 3, 2], "s": [1.0017069492099309, 0.9982974353421956, -0.0012158785828112564]}, "2642": {"path": [14, 3, 3, 2], "s": [1.0017937518328695, 0.9982106136552469, -0.0010750688731565364]}, "2643": {"path": [14, 3, 3, 3], "s": [0.9993324624011821, 1.000674114242735, 0.0024752065195006484]}, "2644": {"path": [14, 3, 3, 3], "s": [0.9995791772216556, 1.0004256079719172, 0.0021461798720182955]}, "2645": {"path": [15, 0, 0, 0], "s": [1.0005298256333062, 0.9994720049911184, 0.00124534297893072]}, "2646": {"path": [15, 0, 0, 0], "s": [1.0004655667117164, 0.9995355552830457, 0.0009517167447225149]}, "2647": {"path": [15, 0, 0, 1], "s": [1.0010742727703905, 0.9989275538643041, -0.0008213008064819682]}, "2648": {"path": [15, 0, 0, 1], "s": [1.0009760299109074, 0.999025740233851, -0.0009051177201112152]}, "2649": {"path": [15, 0, 0, 2], "s": [1.0003128432845516, 0.9996882570307305, 0.0010013933229331654]}, "2650": {"path": [15, 0, 0, 2], "s": [1.000323517439821, 0.9996782899335587, 0.0013051032770282842]}, "2651": {"path": [15, 0, 0, 3], "s": [1.0008171279485396, 0.9991840485512211, -0.0007139769094787321]}, "2652": {"path": [15, 0, 0, 3], "s": [1.0008957834332974, 0.9991054329593476, -0.0006442470885772125]}, "2653": {"path": [15, 0, 1, 0], "s": [1.0009471932968206, 0.9990540079118312, -0.0005524231073326136]}, "2654": {"path": [15, 0, 1, 0], "s": [1.000877440999824, 0.999123700257924, -0.0006102101489212381]}, "2655": {"path": [15, 0, 1, 1], "s": [1.0003095175629797, 0.9996912138923562, 0.0007974212259002191]}, "2656": {"path": [15, 0, 1, 1], "s": [1.0003165158719893, 0.9996846731259692, 0.0010436436163912067]}, "2657": {"path": [15, 0, 1, 2], "s": [1.0007115161928792, 0.999289274298579, -0.0005336652647216075]}, "2658": {"path": [15, 0, 1, 2], "s": [1.000797753605975, 0.9992030756693844, -0.00043991601561358843]}, "2659": {"path": [15, 0, 1, 3], "s": [1.0004504263447311, 0.9995508393896483, 0.001031222870108669]}, "2660": {"path": [15, 0, 1, 3], "s": [1.0004020952641521, 0.9995986527477665, 0.0007659191139522107]}, "2661": {"path": [15, 0, 2, 0], "s": [1.0005695129043692, 0.999431187626437, 0.0006136650716727468]}, "2662": {"path": [15, 0, 2, 0], "s": [1.0006037959768124, 0.9993971680807455, 0.0007746418981198287]}, "2663": {"path": [15, 0, 2, 1], "s": [1.00069817923801, 0.9993026616922904, -0.00059503207515213]}, "2664": {"path": [15, 0, 2, 1], "s": [1.0007268598776016, 0.9992739578961769, -0.0005385563130591133]}, "2665": {"path": [15, 0, 2, 2], "s": [1.00067091318902, 0.9993301339130486, 0.0007730977143636926]}, "2666": {"path": [15, 0, 2, 2], "s": [1.000601502027797, 0.9993992213545844, 0.000601675001348005]}, "2667": {"path": [15, 0, 2, 3], "s": [1.0007571777295525, 0.9992437264492368, -0.0005757997056039552]}, "2668": {"path": [15, 0, 2, 3], "s": [1.000723194995114, 0.9992777005478618, -0.000610884300762201]}, "2669": {"path": [15, 0, 3, 0], "s": [1.0007033098712252, 0.9992976324637716, -0.0006695916498654946]}, "2670": {"path": [15, 0, 3, 0], "s": [1.000743572322693, 0.9992573721713487, -0.0006263358075250253]}, "2671": {"path": [15, 0, 3, 1], "s": [1.000708756498077, 0.9992925675695083, 0.0009070117161631878]}, "2672": {"path": [15, 0, 3, 1], "s": [1.0005940506135156, 0.999406782879858, 0.0006936082320378549]}, "2673": {"path": [15, 0, 3, 2], "s": [1.0008233698030933, 0.999177863491538, -0.0007459036516854541]}, "2674": {"path": [15, 0, 3, 2], "s": [1.0007510910476527, 0.9992501266234068, -0.0008089795301294032]}, "2675": {"path": [15, 0, 3, 3], "s": [1.000519200936881, 0.9994816080605597, 0.0007347433976283892]}, "2676": {"path": [15, 0, 3, 3], "s": [1.0005991559869314, 0.9994021410230933, 0.0009689165287941998]}, "2677": {"path": [15, 1, 0, 0], "s": [1.0007334432769803, 0.9992674609154096, -0.0006057363514792945]}, "2678": {"path": [15, 1, 0, 0], "s": [1.000730349726221, 0.9992705581606531, -0.0006124861006149828]}, "2679": {"path": [15, 1, 0, 1], "s": [1.0007803965770108, 0.9992205100653849, 0.0005461969589804888]}, "2680": {"path": [15, 1, 0, 1], "s": [1.0008048273597814, 0.9991962227758924, 0.0006350069074414869]}, "2681": {"path": [15, 1, 0, 2], "s": [1.0008533354189812, 0.9991477885561398, -0.0006298832532731913]}, "2682": {"path": [15, 1, 0, 2], "s": [1.000846436968249, 0.9991546554706514, -0.0006139283671413061]}, "2683": {"path": [15, 1, 0, 3], "s": [1.000819741835252, 0.9991813549244082, 0.0006524431341444491]}, "2684": {"path": [15, 1, 0, 3], "s": [1.0007694199119892, 0.9992314875491183, 0.0005622742440260313]}, "2685": {"path": [15, 1, 1, 0], "s": [1.0010020442827183, 0.9989992842295454, 0.0005707457812978922]}, "2686": {"path": [15, 1, 1, 0], "s": [1.0010140800434009, 0.9989873397348309, 0.0006267851833631842]}, "2687": {"path": [15, 1, 1, 1], "s": [1.0011243949549506, 0.9988772823298009, -0.000644132494494644]}, "2688": {"path": [15, 1, 1, 1], "s": [1.0011294650881535, 0.9988722121966064, -0.0006352068984977742]}, "2689": {"path": [15, 1, 1, 2], "s": [1.000980850684363, 0.9990205690938685, 0.0006775712192660844]}, "2690": {"path": [15, 1, 1, 2], "s": [1.0009636864166513, 0.9990376420956121, 0.000633325368898604]}, "2691": {"path": [15, 1, 1, 3], "s": [1.0008729077744778, 0.9991282423453666, -0.0006238235366173532]}, "2692": {"path": [15, 1, 1, 3], "s": [1.0008901179339456, 0.9991110321858951, -0.0005990272489466385]}, "2693": {"path": [15, 1, 2, 0], "s": [1.0008561395940783, 0.999144952844826, -0.0006003325546565062]}, "2694": {"path": [15, 1, 2, 0], "s": [1.0008805799843594, 0.9991205439907619, -0.0005912222622725203]}, "2695": {"path": [15, 1, 2, 1], "s": [1.0007869203947046, 0.9992141297409697, 0.0006570527674510607]}, "2696": {"path": [15, 1, 2, 1], "s": [1.0007315768844725, 0.999269329757922, 0.0006100007668109008]}, "2697": {"path": [15, 1, 2, 2], "s": [1.000725585373182, 0.9992753225136923, -0.0006181193143454724]}, "2698": {"path": [15, 1, 2, 2], "s": [1.0007139595928558, 0.999286944599539, -0.000628569527439954]}, "2699": {"path": [15, 1, 2, 3], "s": [1.0007581974710396, 0.9992427099900683, 0.0005773090484626072]}, "2700": {"path": [15, 1, 2, 3], "s": [1.0008228009483313, 0.9991782958113288, 0.000648583590819093]}, "2701": {"path": [15, 1, 3, 0], "s": [1.0007706306213218, 0.9992304562781398, 0.0007027556511240679]}, "2702": {"path": [15, 1, 3, 0], "s": [1.0006576057314835, 0.9993431571347497, 0.0005752587245988736]}, "2703": {"path": [15, 1, 3, 1], "s": [1.000709319701922, 0.9992916408881641, -0.0006768581928447483]}, "2704": {"path": [15, 1, 3, 1], "s": [1.000667885775955, 0.9993330748141324, -0.0007177466419330875]}, "2705": {"path": [15, 1, 3, 2], "s": [1.0006440929263514, 0.9993566699398817, 0.0005903404882560996]}, "2706": {"path": [15, 1, 3, 2], "s": [1.0007358100680317, 0.9992652768314296, 0.000739109435102131]}, "2707": {"path": [15, 1, 3, 3], "s": [1.0007301189346376, 0.9992708041415083, -0.0006250411528117968]}, "2708": {"path": [15, 1, 3, 3], "s": [1.0007419256491092, 0.9992589974270357, -0.0006109888142366372]}, "2709": {"path": [15, 2, 0, 0], "s": [1.000652391072489, 0.9993483323098921, 0.000546113722086376]}, "2710": {"path": [15, 2, 0, 0], "s": [1.0007881631723468, 0.9992128839297224, 0.0006532428106030928]}, "2711": {"path": [15, 2, 0, 1], "s": [1.0006197541254174, 0.9993810636483573, -0.000658927476846041]}, "2712": {"path": [15, 2, 0, 1], "s": [1.0006846866161199, 0.9993161543141754, -0.000610500049297897]}, "2713": {"path": [15, 2, 0, 2], "s": [1.0007650242624635, 0.9992359397950944, 0.0006160624668969923]}, "2714": {"path": [15, 2, 0, 2], "s": [1.0006416299157326, 0.9993590706150749, 0.0005378581038321265]}, "2715": {"path": [15, 2, 0, 3], "s": [1.0005792782799432, 0.9994216172630382, -0.000748664424595577]}, "2716": {"path": [15, 2, 0, 3], "s": [1.0005297012633467, 0.9994712029154443, -0.0007899837386402439]}, "2717": {"path": [15, 2, 1, 0], "s": [1.0003472778299254, 0.9996535514454316, -0.0008419984899027363]}, "2718": {"path": [15, 2, 1, 0], "s": [1.000471561890086, 0.9995292286013732, -0.0007539851520461039]}, "2719": {"path": [15, 2, 1, 1], "s": [1.0009294099121637, 0.9990717790857945, 0.0005712269603102491]}, "2720": {"path": [15, 2, 1, 1], "s": [1.0007295379279828, 0.9992711935273517, 0.00044694895801855345]}, "2721": {"path": [15, 2, 1, 2], "s": [1.000354736483633, 0.9996464047741156, -0.0010078812532219813]}, "2722": {"path": [15, 2, 1, 2], "s": [1.0002535855727896, 0.999747615635861, -0.0010663993720442533]}, "2723": {"path": [15, 2, 1, 3], "s": [1.0007083056994621, 0.9992924423124565, 0.0004968347569913015]}, "2724": {"path": [15, 2, 1, 3], "s": [1.0009189303600483, 0.9990823353743322, 0.0006499726877760674]}, "2725": {"path": [15, 2, 2, 0], "s": [1.0010831974395011, 0.9989186099338797, 0.0007975051285398489]}, "2726": {"path": [15, 2, 2, 0], "s": [1.0008570815940336, 0.9991440187212485, 0.000605532396130132]}, "2727": {"path": [15, 2, 2, 1], "s": [1.0004321681569497, 0.9995696019878081, -0.0012586264117359798]}, "2728": {"path": [15, 2, 2, 1], "s": [1.0002941224580615, 0.9997077041766346, -0.0013193422338323706]}, "2729": {"path": [15, 2, 2, 2], "s": [1.0007868122932804, 0.9992143097014822, 0.0007097915019272015]}, "2730": {"path": [15, 2, 2, 2], "s": [1.000983191229827, 0.9990186393945981, 0.000930461866273032]}, "2731": {"path": [15, 2, 2, 3], "s": [1.000405747420994, 0.9995954689716533, -0.0010257949232799024]}, "2732": {"path": [15, 2, 2, 3], "s": [1.0005091840814537, 0.999491992418305, -0.0009580346480153026]}, "2733": {"path": [15, 2, 3, 0], "s": [1.0006372913173311, 0.9993639263537267, -0.0009012806711766934]}, "2734": {"path": [15, 2, 3, 0], "s": [1.0005525557075687, 0.9994486775870638, -0.0009636691790680464]}, "2735": {"path": [15, 2, 3, 1], "s": [1.0006473839570378, 0.9993534495363368, 0.0006441482563211089]}, "2736": {"path": [15, 2, 3, 1], "s": [1.000793418437642, 0.9992079056299437, 0.0008340295604788437]}, "2737": {"path": [15, 2, 3, 2], "s": [1.0006058733365122, 0.9993950711575296, -0.0007602524495797343]}, "2738": {"path": [15, 2, 3, 2], "s": [1.0006565908654315, 0.999344351469567, -0.000715431452350969]}, "2739": {"path": [15, 2, 3, 3], "s": [1.000856670283361, 0.9991446267266646, 0.0007511572143255273]}, "2740": {"path": [15, 2, 3, 3], "s": [1.0006835688992772, 0.999317240098164, 0.0005850504306590263]}, "2741": {"path": [15, 3, 0, 0], "s": [1.0005081176206922, 0.9994937093716963, -0.001252891535911253]}, "2742": {"path": [15, 3, 0, 0], "s": [1.0006328966859008, 0.9993689038919542, -0.0011837057144085633]}, "2743": {"path": [15, 3, 0, 1], "s": [1.0011534185814273, 0.9988493495581702, 0.0012003990989986966]}, "2744": {"path": [15, 3, 0, 1], "s": [1.00094679890794, 0.9990549701972943, 0.0009350679379341332]}, "2745": {"path": [15, 3, 0, 2], "s": [1.000612005659945, 0.9993908640298758, -0.0015801566877200722]}, "2746": {"path": [15, 3, 0, 2], "s": [1.0004393789029271, 0.9995635183420889, -0.001644829529968876]}, "2747": {"path": [15, 3, 0, 3], "s": [1.0007970363506076, 0.9992047428676046, 0.0010702193091949679]}, "2748": {"path": [15, 3, 0, 3], "s": [1.0009536458531316, 0.9990491431809473, 0.001371952410513279]}, "2749": {"path": [15, 3, 1, 0], "s": [1.0010826323182278, 0.998921845690584, 0.0018195505249429555]}, "2750": {"path": [15, 3, 1, 0], "s": [1.0009243347995025, 0.9990786382957795, 0.0014565193426956426]}, "2751": {"path": [15, 3, 1, 1], "s": [1.0009994977037735, 0.9990053791596327, -0.0019704674976803605]}, "2752": {"path": [15, 3, 1, 1], "s": [1.0007637773463358, 0.9992410995170699, -0.0020729767023490372]}, "2753": {"path": [15, 3, 1, 2], "s": [1.0006312183956332, 0.999371754699648, 0.0016051589613594044]}, "2754": {"path": [15, 3, 1, 2], "s": [1.000696739013062, 0.9993077389957502, 0.0019989205995612656]}, "2755": {"path": [15, 3, 1, 3], "s": [1.0007332429898075, 0.9992696540583696, -0.0015367261090412315]}, "2756": {"path": [15, 3, 1, 3], "s": [1.0008919633480502, 0.9991109337001266, -0.0014505287389762931]}, "2757": {"path": [15, 3, 2, 0], "s": [1.0011279514880504, 0.9988749457569643, -0.0012760244539486718]}, "2758": {"path": [15, 3, 2, 0], "s": [1.0009876471369796, 0.9990152225528408, -0.0013773442535805847]}, "2759": {"path": [15, 3, 2, 1], "s": [1.0004113678092756, 0.9995904012959587, 0.0012651519719600519]}, "2760": {"path": [15, 3, 2, 1], "s": [1.000435572048384, 0.9995671960912131, 0.0016061202670089908]}, "2761": {"path": [15, 3, 2, 2], "s": [1.0008486028581398, 0.9991531977197128, -0.001040182204367784]}, "2762": {"path": [15, 3, 2, 2], "s": [1.0009530511426656, 0.9990487758497263, -0.0009593889340820033]}, "2763": {"path": [15, 3, 2, 3], "s": [1.0007123999311534, 0.9992903891029244, 0.0015111278320845008]}, "2764": {"path": [15, 3, 2, 3], "s": [1.0006182360123317, 0.9993835432058802, 0.0011824138117530537]}, "2765": {"path": [15, 3, 3, 0], "s": [1.0005959666904978, 0.9994051728851356, 0.0008860465487192511]}, "2766": {"path": [15, 3, 3, 0], "s": [1.0007090772591543, 0.9992927671214444, 0.0011588346936014476]}, "2767": {"path": [15, 3, 3, 1], "s": [1.000664333046908, 0.9993369033674586, -0.0008921307989663307]}, "2768": {"path": [15, 3, 3, 1], "s": [1.0007405512057945, 0.999260685208574, -0.0008300083785940538]}, "2769": {"path": [15, 3, 3, 2], "s": [1.000858779849124, 0.999143064531474, 0.0010528350705760528]}, "2770": {"path": [15, 3, 3, 2], "s": [1.0007013232499322, 0.9992998163257014, 0.0008053077321929656]}, "2771": {"path": [15, 3, 3, 3], "s": [1.0008063820239335, 0.9991954385550588, -0.0010824948524627473]}, "2772": {"path": [15, 3, 3, 3], "s": [1.0006935857668233, 0.9993082348121698, -0.001157920767454487]}, "2773": {"path": [16, 0, 0, 0], "s": [0.9999778319925622, 1.0000249338124043, -0.0016629047576137152]}, "2774": {"path": [16, 0, 0, 0], "s": [0.9997941003132218, 1.0002087440105043, -0.0016737214211584555]}, "2775": {"path": [16, 0, 0, 1], "s": [1.0010695167450239, 0.9989322371992936, 0.0007822749658556694]}, "2776": {"path": [16, 0, 0, 1], "s": [1.0013136193616532, 0.9986891247335153, 0.0010109916113370193]}, "2777": {"path": [16, 0, 0, 2], "s": [1.0000421080168678, 0.9999597350874112, -0.0013569851891520035]}, "2778": {"path": [16, 0, 0, 2], "s": [1.0002060440355887, 0.9997956877410773, -0.001299876663848624]}, "2779": {"path": [16, 0, 0, 3], "s": [1.0014284750260025, 0.9985742363439208, 0.0008214025491971112]}, "2780": {"path": [16, 0, 0, 3], "s": [1.0011653207983326, 0.9988364350930476, 0.0006324278569868759]}, "2781": {"path": [16, 0, 1, 0], "s": [1.0009208230881288, 0.9990802410335408, 0.00046603259308911126]}, "2782": {"path": [16, 0, 1, 0], "s": [1.0011931002081687, 0.9988087427891114, 0.0006493905250300297]}, "2783": {"path": [16, 0, 1, 1], "s": [0.9999762168904325, 1.0000249843959224, -0.0010957609913161861]}, "2784": {"path": [16, 0, 1, 1], "s": [1.0001702704256599, 0.9998307709548551, -0.0010062632920297366]}, "2785": {"path": [16, 0, 1, 2], "s": [1.0012362104429096, 0.9987656072830475, 0.0005401451561866992]}, "2786": {"path": [16, 0, 1, 2], "s": [1.0009755208924238, 0.9990255769744887, 0.0003837927732915613]}, "2787": {"path": [16, 0, 1, 3], "s": [0.9999627946053061, 1.0000389577529654, -0.0013232191168675322]}, "2788": {"path": [16, 0, 1, 3], "s": [0.9998072950982624, 1.0001945829174332, -0.0013566571465626124]}, "2789": {"path": [16, 0, 2, 0], "s": [0.9994714384737285, 1.0005304962332737, -0.0012861987028057263]}, "2790": {"path": [16, 0, 2, 0], "s": [0.9997151929077519, 1.0002864971941772, -0.001268268699946304]}, "2791": {"path": [16, 0, 2, 1], "s": [1.0015732728054119, 0.998429460794369, 0.0005125555181198655]}, "2792": {"path": [16, 0, 2, 1], "s": [1.0013007181580076, 0.99870110483679, 0.00036537415538767]}, "2793": {"path": [16, 0, 2, 2], "s": [0.9993636278381784, 1.0006390824893021, -0.0015177724394466346]}, "2794": {"path": [16, 0, 2, 2], "s": [0.9991966397252424, 1.0008061563466104, -0.0014657550502890002]}, "2795": {"path": [16, 0, 2, 3], "s": [1.0012423053014192, 0.9987594503945715, 0.00046320043033002713]}, "2796": {"path": [16, 0, 2, 3], "s": [1.001539319286137, 0.9984634516932405, 0.0006369779708201562]}, "2797": {"path": [16, 0, 3, 0], "s": [1.0017960049510608, 0.9982078022038522, 0.0007670454992284114]}, "2798": {"path": [16, 0, 3, 0], "s": [1.0015441156418174, 0.9984586533347514, 0.0006236658349844999]}, "2799": {"path": [16, 0, 3, 1], "s": [0.9992166307039652, 1.0007874723667287, -0.0018671339053502234]}, "2800": {"path": [16, 0, 3, 1], "s": [0.9990544165968385, 1.000949633426141, -0.0017754056924085165]}, "2801": {"path": [16, 0, 3, 2], "s": [1.0014745921708843, 0.998528239748525, 0.0008134330120821757]}, "2802": {"path": [16, 0, 3, 2], "s": [1.0017420668766934, 0.9982619675298204, 0.0010033133693516376]}, "2803": {"path": [16, 0, 3, 3], "s": [0.9994640098547786, 1.000538818840489, -0.0015937043888322574]}, "2804": {"path": [16, 0, 3, 3], "s": [0.9996595079309426, 1.0003431916346124, -0.0016070816800122826]}, "2805": {"path": [16, 1, 0, 0], "s": [1.0015694083869018, 0.9984332645134921, 0.0004626581689719921]}, "2806": {"path": [16, 1, 0, 0], "s": [1.001814469125333, 0.9981891559901115, 0.0005825760877523294]}, "2807": {"path": [16, 1, 0, 1], "s": [0.9989142331112065, 1.0010885138230843, -0.0012510243898753424]}, "2808": {"path": [16, 1, 0, 1], "s": [0.9991211796967877, 1.0008814278592346, -0.001353860895468677]}, "2809": {"path": [16, 1, 0, 2], "s": [1.0017741379855742, 0.9982292402436058, 0.00048647408257568607]}, "2810": {"path": [16, 1, 0, 2], "s": [1.0015807603914233, 0.998421886517191, 0.0003902426527730963]}, "2811": {"path": [16, 1, 0, 3], "s": [0.9987125368476221, 1.0012910028577282, -0.001370250612406624]}, "2812": {"path": [16, 1, 0, 3], "s": [0.9986275495922894, 1.0013758495595888, -0.0012291731316488566]}, "2813": {"path": [16, 1, 1, 0], "s": [0.9985368427866147, 1.0014662054936183, -0.0009502584317716811]}, "2814": {"path": [16, 1, 1, 0], "s": [0.9985892903714915, 1.0014139507817508, -0.0011164583548386705]}, "2815": {"path": [16, 1, 1, 1], "s": [1.0017177501841223, 0.998285405513077, 0.0004587506986538521]}, "2816": {"path": [16, 1, 1, 1], "s": [1.0016641870490939, 0.9983388009891357, 0.00047274977507260414]}, "2817": {"path": [16, 1, 1, 2], "s": [0.9983029663637987, 1.0017006579574148, -0.0008592132768232407]}, "2818": {"path": [16, 1, 1, 2], "s": [0.9983724791362562, 1.0016306715129508, -0.0007047675483426411]}, "2819": {"path": [16, 1, 1, 3], "s": [1.0017508730056923, 0.9982523917519396, 0.00045267817048946795]}, "2820": {"path": [16, 1, 1, 3], "s": [1.0018729348745783, 0.9981307864316493, 0.0004694581420063755]}, "2821": {"path": [16, 1, 2, 0], "s": [1.001972308927767, 0.9980316809859845, 0.0003282995398500803]}, "2822": {"path": [16, 1, 2, 0], "s": [1.0018941162693422, 0.9981096252985338, 0.0004012211347796748]}, "2823": {"path": [16, 1, 2, 1], "s": [0.9979377588442835, 1.0020671704733835, -0.0008162803696688485]}, "2824": {"path": [16, 1, 2, 1], "s": [0.9980595211025479, 1.001944683220592, -0.0006562822471300015]}, "2825": {"path": [16, 1, 2, 2], "s": [1.0020748783121427, 0.9979296549801376, 0.0004874200443582201]}, "2826": {"path": [16, 1, 2, 2], "s": [1.0021914862296295, 0.9978135054491399, 0.00044722038170284096]}, "2827": {"path": [16, 1, 2, 3], "s": [0.9983260742635359, 1.001677762555561, -0.001014085388555331]}, "2828": {"path": [16, 1, 2, 3], "s": [0.998312320212938, 1.0016919314793578, -0.0011816318104168032]}, "2829": {"path": [16, 1, 3, 0], "s": [0.998397698715678, 1.0016073030343302, -0.001557679778965105]}, "2830": {"path": [16, 1, 3, 0], "s": [0.9983631073745679, 1.0016415153600813, -0.001391312423757587]}, "2831": {"path": [16, 1, 3, 1], "s": [1.001877713402694, 0.9981263195194259, 0.0007174170119745325]}, "2832": {"path": [16, 1, 3, 1], "s": [1.0020976233845056, 0.9979074162455448, 0.0008063358066380641]}, "2833": {"path": [16, 1, 3, 2], "s": [0.9987896931881873, 1.0012140377438006, -0.001503852997074992]}, "2834": {"path": [16, 1, 3, 2], "s": [0.9989248541762186, 1.001078935968996, -0.0016217680817879263]}, "2835": {"path": [16, 1, 3, 3], "s": [1.0020008420952324, 0.9980035008329946, 0.0005901259622600515]}, "2836": {"path": [16, 1, 3, 3], "s": [1.0018337344350725, 0.9981699123028548, 0.0005392987091449261]}, "2837": {"path": [16, 2, 0, 0], "s": [0.997933854801935, 1.0020715776628264, -0.0010734451637020499]}, "2838": {"path": [16, 2, 0, 0], "s": [0.9978468883011384, 1.0021593165586267, -0.0012472409637533394]}, "2839": {"path": [16, 2, 0, 1], "s": [1.0023790726449708, 0.9976266000932842, 0.00016201068413866133]}, "2840": {"path": [16, 2, 0, 1], "s": [1.0023014997764896, 0.9977038726567086, 0.00029647365932782314]}, "2841": {"path": [16, 2, 0, 2], "s": [0.9973773394446327, 1.0026300714732261, -0.0007163331253993181]}, "2842": {"path": [16, 2, 0, 2], "s": [0.9975885558170523, 1.0024176150599617, -0.0005838948900298033]}, "2843": {"path": [16, 2, 0, 3], "s": [1.0026056171273814, 0.997401390562146, 0.00048652674009469325]}, "2844": {"path": [16, 2, 0, 3], "s": [1.0027175350787367, 0.9972899565607085, 0.00035637246622599253]}, "2845": {"path": [16, 2, 1, 0], "s": [1.0029236527581633, 0.9970848963921781, -0.0001624796548997002]}, "2846": {"path": [16, 2, 1, 0], "s": [1.0029067438755834, 0.9971016894310374, 9.305979364846863e-05]}, "2847": {"path": [16, 2, 1, 1], "s": [0.9965578556272995, 1.0034541369895964, -0.0003209029363545784]}, "2848": {"path": [16, 2, 1, 1], "s": [0.9969679400707269, 1.0030413851395052, -0.00032178909422075945]}, "2849": {"path": [16, 2, 1, 2], "s": [1.0034889981010044, 0.9965232545794158, 0.00034974597834876706]}, "2850": {"path": [16, 2, 1, 2], "s": [1.0035189284575508, 0.9964934114941019, 2.275017545561875e-05]}, "2851": {"path": [16, 2, 1, 3], "s": [0.9972899258066322, 1.00271858302478, -0.0010683022579546378]}, "2852": {"path": [16, 2, 1, 3], "s": [0.9970583580842521, 1.002951793461297, -0.0012117863573155327]}, "2853": {"path": [16, 2, 2, 0], "s": [0.9967418247610343, 1.0032728630338774, -0.002006049255289197]}, "2854": {"path": [16, 2, 2, 0], "s": [0.9969359754103354, 1.0030765591863073, -0.001762936086793036]}, "2855": {"path": [16, 2, 2, 1], "s": [1.0031656006424239, 0.9968469021862771, 0.0015878854604761887]}, "2856": {"path": [16, 2, 2, 1], "s": [1.0036236558896183, 0.9963917247399677, 0.0015183812724985867]}, "2857": {"path": [16, 2, 2, 2], "s": [0.9979252787563772, 1.0020840387121113, -0.0022346518966454717]}, "2858": {"path": [16, 2, 2, 2], "s": [0.9979735065518835, 1.0020369338279504, -0.002512478214139506]}, "2859": {"path": [16, 2, 2, 3], "s": [1.0031467329483394, 0.9968637177839139, 0.0007626858261983259]}, "2860": {"path": [16, 2, 2, 3], "s": [1.0029193755795645, 0.9970898844559782, 0.0008742512740405799]}, "2861": {"path": [16, 2, 3, 0], "s": [1.0023470138355872, 0.9976595889818073, 0.0010534896082018024]}, "2862": {"path": [16, 2, 3, 0], "s": [1.0026165358420278, 0.9973914816683358, 0.001091892235820987]}, "2863": {"path": [16, 2, 3, 1], "s": [0.9985028371000794, 1.0015026792675807, -0.0018073771081523542]}, "2864": {"path": [16, 2, 3, 1], "s": [0.9985974933430842, 1.0014083834552112, -0.0019752293848804897]}, "2865": {"path": [16, 2, 3, 2], "s": [1.002415091835464, 0.9975911978327221, 0.0006871606349841648]}, "2866": {"path": [16, 2, 3, 2], "s": [1.0022380577690828, 0.9977674224503179, 0.0006954005109482585]}, "2867": {"path": [16, 2, 3, 3], "s": [0.9978310444387576, 1.0021769069503725, -0.0017971573922352165]}, "2868": {"path": [16, 2, 3, 3], "s": [0.9978690088918348, 1.0021380792115866, -0.001591186863235866]}, "2869": {"path": [16, 3, 0, 0], "s": [1.0027021725906577, 0.9973080463335111, 0.0017160421778709579]}, "2870": {"path": [16, 3, 0, 0], "s": [1.002323113325104, 0.9976847682046343, 0.0015820821420147516]}, "2871": {"path": [16, 3, 0, 1], "s": [0.9984902337254863, 1.0015236035794384, -0.0033966188519501212]}, "2872": {"path": [16, 3, 0, 1], "s": [0.9982531377132435, 1.001759133199256, -0.003032812070898108]}, "2873": {"path": [16, 3, 0, 2], "s": [1.0020165258270515, 0.9979924696310045, 0.002224234973781432]}, "2874": {"path": [16, 3, 0, 2], "s": [1.002452786097828, 0.9975598824180607, 0.0025852329502127243]}, "2875": {"path": [16, 3, 0, 3], "s": [0.9992660252635591, 1.0007415509861286, -0.002651786189927861]}, "2876": {"path": [16, 3, 0, 3], "s": [0.9995556987458092, 1.0004521578256975, -0.0027668894479155742]}, "2877": {"path": [16, 3, 1, 0], "s": [1.0003408515365206, 0.9996677096423775, -0.0029065300994874105]}, "2878": {"path": [16, 3, 1, 0], "s": [0.9999557216095173, 1.0000526855745149, -0.002899112139744929]}, "2879": {"path": [16, 3, 1, 1], "s": [1.0010941150991792, 0.9989110842637212, 0.002001989947949298]}, "2880": {"path": [16, 3, 1, 1], "s": [1.0012810290895207, 0.9987266305089866, 0.0024552749637136383]}, "2881": {"path": [16, 3, 1, 2], "s": [1.0002911788920044, 0.9997136333901657, -0.0021746030111819735]}, "2882": {"path": [16, 3, 1, 2], "s": [1.0005382686824082, 0.9994665446862302, -0.0021274929730197966]}, "2883": {"path": [16, 3, 1, 3], "s": [1.0017670784001593, 0.9982401753378686, 0.0020356792181878427]}, "2884": {"path": [16, 3, 1, 3], "s": [1.0014857304167042, 0.9985193241320605, 0.0016895749732573006]}, "2885": {"path": [16, 3, 2, 0], "s": [1.0011669735539084, 0.9988359716453913, 0.001259686069578679]}, "2886": {"path": [16, 3, 2, 0], "s": [1.0013917978547413, 0.9986125879735648, 0.0015667901020723909]}, "2887": {"path": [16, 3, 2, 1], "s": [1.0001191758319539, 0.9998837013005775, -0.0016921207213472407]}, "2888": {"path": [16, 3, 2, 1], "s": [1.000301381341272, 0.9997014384156203, -0.001652203377841682]}, "2889": {"path": [16, 3, 2, 2], "s": [1.001608835138468, 0.9983953876028502, 0.0012810872374176725]}, "2890": {"path": [16, 3, 2, 2], "s": [1.0013501070033928, 0.9986527896380312, 0.0010381537838901568]}, "2891": {"path": [16, 3, 2, 3], "s": [1.0000517474557602, 0.9999528902190468, -0.0021529600539288173]}, "2892": {"path": [16, 3, 2, 3], "s": [0.9998201192146632, 1.0001845094984922, -0.0021437172016906605]}, "2893": {"path": [16, 3, 3, 0], "s": [0.9993961973938601, 1.0006081680942571, -0.0019995686128233795]}, "2894": {"path": [16, 3, 3, 0], "s": [0.9995981609483425, 1.0004062236037832, -0.0020545840498579697]}, "2895": {"path": [16, 3, 3, 1], "s": [1.0021269055901052, 0.9978788866200056, 0.0011317253226584276]}, "2896": {"path": [16, 3, 3, 1], "s": [1.0018595006933773, 0.9981449312329348, 0.0009911733718541776]}, "2897": {"path": [16, 3, 3, 2], "s": [0.9989616993113037, 1.0010451853612619, -0.0024082059475548207]}, "2898": {"path": [16, 3, 3, 2], "s": [0.9987879042664799, 1.0012186127866458, -0.0022449894804228133]}, "2899": {"path": [16, 3, 3, 3], "s": [1.0017392703295651, 0.9982655148640074, 0.001329832710606186]}, "2900": {"path": [16, 3, 3, 3], "s": [1.0020391237796211, 0.9979674528642954, 0.0015594963031426332]}, "2901": {"path": [17, 0, 0, 0], "s": [1.0047889864989308, 0.9952407353528612, 0.0026324508830613998]}, "2902": {"path": [17, 0, 0, 0], "s": [1.005971365305746, 0.9940696983781678, 0.0023773276084231103]}, "2903": {"path": [17, 0, 0, 1], "s": [0.9966791762824239, 1.0033398116232195, -0.0028101565781035566]}, "2904": {"path": [17, 0, 0, 1], "s": [0.9965791512558165, 1.0034442038512363, -0.0034019122023362398]}, "2905": {"path": [17, 0, 0, 2], "s": [1.0045435918871841, 0.9954774952514956, 0.0007339773803840795]}, "2906": {"path": [17, 0, 0, 2], "s": [1.0041681108196716, 0.9958502216760083, 0.0010177228250958601]}, "2907": {"path": [17, 0, 0, 3], "s": [0.9943943483599419, 1.0056400098181928, -0.0016559733836175221]}, "2908": {"path": [17, 0, 0, 3], "s": [0.9948733983171341, 1.0051553996967495, -0.0015389389602094702]}, "2909": {"path": [17, 0, 1, 0], "s": [0.9962666904675654, 1.0037477779571335, -0.0006905139573928333]}, "2910": {"path": [17, 0, 1, 0], "s": [0.99561892093199, 1.0044006175147229, -0.000508913974001192]}, "2911": {"path": [17, 0, 1, 1], "s": [1.0034813747622477, 0.996531585991605, -0.0009412251905240069]}, "2912": {"path": [17, 0, 1, 1], "s": [1.0037417424741246, 0.9962723962440536, -0.0004370181666322239]}, "2913": {"path": [17, 0, 1, 2], "s": [0.9955716245167701, 1.004449337595849, 0.0011219514662727285]}, "2914": {"path": [17, 0, 1, 2], "s": [0.9964228848199232, 1.003590302096569, 0.0005865086209690705]}, "2915": {"path": [17, 0, 1, 3], "s": [1.00522943225797, 0.9947979411548021, -0.0004118233105414534]}, "2916": {"path": [17, 0, 1, 3], "s": [1.004586664065339, 0.9954361760706192, -0.0013810896933429133]}, "2917": {"path": [17, 0, 2, 0], "s": [1.0034320738674694, 0.9965870544136818, -0.002723012998916679]}, "2918": {"path": [17, 0, 2, 0], "s": [1.0044648371076883, 0.9955585692373191, -0.0018910526503492329]}, "2919": {"path": [17, 0, 2, 1], "s": [0.9962556532768609, 1.0037805460939953, 0.0046950714029180335]}, "2920": {"path": [17, 0, 2, 1], "s": [0.9971927902269934, 1.0028240882052801, 0.0029917593926430254]}, "2921": {"path": [17, 0, 2, 2], "s": [1.0111027813814195, 0.9890362876070146, -0.004164287046638572]}, "2922": {"path": [17, 0, 2, 2], "s": [1.004454030270591, 0.9956540107731635, -0.009417211698982525]}, "2923": {"path": [17, 0, 2, 3], "s": [0.9951978841833234, 1.0048273643527965, 0.001437697258902497]}, "2924": {"path": [17, 0, 2, 3], "s": [0.9932655691772531, 1.006798989985898, 0.004332647623178745]}, "2925": {"path": [17, 0, 3, 0], "s": [0.9879423066669162, 1.0122064535009576, -0.0012563816596505653]}, "2926": {"path": [17, 0, 3, 0], "s": [0.9881693729079933, 1.0119736370652315, 0.0011637603580699914]}, "2927": {"path": [17, 0, 3, 1], "s": [1.0073998921689693, 0.9927010627487256, 0.006851537716946897]}, "2928": {"path": [17, 0, 3, 1], "s": [1.0129903801509141, 0.9872669917527795, 0.009589853288718055]}, "2929": {"path": [17, 0, 3, 2], "s": [0.9934078192337293, 1.006646240267022, -0.003200981645645804]}, "2930": {"path": [17, 0, 3, 2], "s": [0.9922370959198247, 1.0078519691414378, -0.005301978684961725]}, "2931": {"path": [17, 0, 3, 3], "s": [1.0081879471057003, 0.9918794092598936, 0.0009302677826891439]}, "2932": {"path": [17, 0, 3, 3], "s": [1.0068642488879496, 0.9931833079787116, 0.0008748691531627315]}, "2933": {"path": [17, 1, 0, 0], "s": [1.0128902524728556, 0.987341225155225, 0.008264552276704341]}, "2934": {"path": [17, 1, 0, 0], "s": [1.0158188512614406, 0.9844309757272816, 0.001882261795356924]}, "2935": {"path": [17, 1, 0, 1], "s": [0.9917985155225543, 1.0082701431946515, 0.000911737993536646]}, "2936": {"path": [17, 1, 0, 1], "s": [0.9912826306248912, 1.0088234025046074, -0.0053959494733576445]}, "2951": {"path": [17, 1, 2, 1], "s": [1.009365894309269, 0.9907401388202279, -0.004393887614505433]}, "2952": {"path": [17, 1, 2, 1], "s": [1.0083008434740823, 0.991767815243124, -0.0005697719628157472]}, "2953": {"path": [17, 1, 2, 2], "s": [0.9848821754527591, 1.0153676515359633, 0.004183482890909116]}, "2954": {"path": [17, 1, 2, 2], "s": [0.9914953117578191, 1.0087361658702603, 0.012537115334963446]}, "2957": {"path": [17, 1, 3, 0], "s": [1.0103917611250535, 0.98972079950942, -0.0023961716170490905]}, "2958": {"path": [17, 1, 3, 0], "s": [1.0158188512614479, 0.984430975727275, -0.00188226179535522]}, "2959": {"path": [17, 1, 3, 1], "s": [1.0076056295721074, 0.9924532417864129, 0.0012138826458956429]}, "2960": {"path": [17, 1, 3, 1], "s": [0.9963147665280614, 1.0037441048304592, 0.006713676941672559]}, "2961": {"path": [17, 1, 3, 2], "s": [0.984882175452766, 1.0153676515359553, -0.004183482890910366]}, "2962": {"path": [17, 1, 3, 2], "s": [0.9933045686643875, 1.006807991970086, -0.008184020509738476]}, "2965": {"path": [17, 2, 0, 0], "s": [0.9997800011622916, 1.000328039881464, -0.010390807252696633]}, "2966": {"path": [17, 2, 0, 0], "s": [0.9895924333482463, 1.0105466356401884, -0.005413333082087084]}, "2967": {"path": [17, 2, 0, 1], "s": [1.0028990734417171, 0.9971178049905561, 0.002919372752386602]}, "2968": {"path": [17, 2, 0, 1], "s": [1.0042872688696476, 0.99574893050121, 0.004239562823248211]}, "2969": {"path": [17, 2, 0, 2], "s": [0.9953698025211946, 1.0046536038238116, -0.0013635396269819806]}, "2970": {"path": [17, 2, 0, 2], "s": [0.9966157545940406, 1.0034033736871104, -0.002758700669648459]}, "2971": {"path": [17, 2, 0, 3], "s": [1.0072790284006976, 0.9927855307624535, 0.0034705671978792936]}, "2972": {"path": [17, 2, 0, 3], "s": [1.0047586068494585, 0.9952666416866613, 0.0016505589443460257]}, "2973": {"path": [17, 2, 1, 0], "s": [1.003484685423839, 0.9965285014926538, 0.0010439522238348954]}, "2974": {"path": [17, 2, 1, 0], "s": [1.0042996751184792, 0.9957212869941391, 0.0016015732166281664]}, "2975": {"path": [17, 2, 1, 1], "s": [0.9962577459230125, 1.003756392795165, 0.0002852050591339127]}, "2976": {"path": [17, 2, 1, 1], "s": [0.9964391635363147, 1.0035737972175374, -0.0004848158485759853]}, "2977": {"path": [17, 2, 1, 2], "s": [1.0044243114202567, 0.9955952270264564, 0.00022440887335611914]}, "2978": {"path": [17, 2, 1, 2], "s": [1.0038104664748597, 0.9962040019498389, 6.246110251087498e-05]}, "2979": {"path": [17, 2, 1, 3], "s": [0.995392849600458, 1.004629990535501, -0.001228443410519255]}, "2980": {"path": [17, 2, 1, 3], "s": [0.9948016229576758, 1.0052257504550963, 0.00045606093587297243]}, "2981": {"path": [17, 2, 2, 0], "s": [0.9963015502872105, 1.0037167822084692, 0.0021415329996639335]}, "2982": {"path": [17, 2, 2, 0], "s": [0.995687083798935, 1.0043340033397448, 0.0015475611330185144]}, "2983": {"path": [17, 2, 2, 1], "s": [1.0042646224311085, 0.9957587326759433, -0.0022951477697624456]}, "2984": {"path": [17, 2, 2, 1], "s": [1.004083181868776, 0.9959358060368672, -0.0015469526633104765]}, "2985": {"path": [17, 2, 2, 2], "s": [0.9945082303995461, 1.005532833284369, 0.00326781858116733]}, "2986": {"path": [17, 2, 2, 2], "s": [0.9961517255362273, 1.0038779963155637, 0.00384685034799815]}, "2987": {"path": [17, 2, 2, 3], "s": [1.0053521378281611, 0.9946766601857242, -0.0005538641459607745]}, "2988": {"path": [17, 2, 2, 3], "s": [1.0057562958432282, 0.9942780623349052, -0.001192062136652546]}, "2989": {"path": [17, 2, 3, 0], "s": [1.007479296874848, 0.9926097681864126, -0.005813030496512553]}, "2990": {"path": [17, 2, 3, 0], "s": [1.007088530416305, 0.9929655290844477, -0.002048277252812119]}, "2991": {"path": [17, 2, 3, 1], "s": [0.984261809556121, 1.0159955623475752, -0.0023729090189278]}, "2992": {"path": [17, 2, 3, 1], "s": [0.9927876646529769, 1.0073132902647166, 0.006943271261798507]}, "2993": {"path": [17, 2, 3, 2], "s": [1.0120266905706812, 0.9881163194025434, -0.0002976975615383247]}, "2994": {"path": [17, 2, 3, 2], "s": [1.0108375915314687, 0.9893111686364051, -0.0057375063927022]}, "2995": {"path": [17, 2, 3, 3], "s": [0.9932842431152076, 1.0067633137514536, 0.001461538836732287]}, "2996": {"path": [17, 2, 3, 3], "s": [0.991829037026288, 1.0082383193393067, -0.00020337971207455208]}, "2997": {"path": [17, 3, 0, 0], "s": [1.0043949448710359, 0.9956341229415501, -0.003143250483007764]}, "2998": {"path": [17, 3, 0, 0], "s": [1.0041564854989333, 0.9958817588044315, -0.004596400064561595]}, "2999": {"path": [17, 3, 0, 1], "s": [0.9983816548331569, 1.0016355816192868, 0.0038196226037672254]}, "3000": {"path": [17, 3, 0, 1], "s": [0.9975482748829019, 1.0024744362974018, 0.004079772381235832]}, "3001": {"path": [17, 3, 0, 2], "s": [1.0021031888839909, 0.9979136721896986, -0.003531732185442962]}, "3002": {"path": [17, 3, 0, 2], "s": [1.0026799993459177, 0.9973360679894802, -0.0029879757950839786]}, "3003": {"path": [17, 3, 0, 3], "s": [0.9999027595246284, 1.0001290509237475, 0.00563896261756577]}, "3004": {"path": [17, 3, 0, 3], "s": [1.0000643098425792, 0.9999556786631164, 0.004470531891999157]}, "3005": {"path": [17, 3, 1, 0], "s": [1.0004607396137657, 0.9995489223470976, 0.003074757148063816]}, "3006": {"path": [17, 3, 1, 0], "s": [1.0004319306748302, 0.999582415244526, 0.0037637151447970276]}, "3007": {"path": [17, 3, 1, 1], "s": [1.000758986173697, 0.999249801525321, -0.002866759276403462]}, "3008": {"path": [17, 3, 1, 1], "s": [1.0011627541753965, 0.9988460335236244, -0.0027287212536236576]}, "3009": {"path": [17, 3, 1, 2], "s": [1.0016649837099634, 0.9983493622093922, 0.0034055299622809464]}, "3010": {"path": [17, 3, 1, 2], "s": [1.001365856829331, 0.9986438051315315, 0.0027945648749220908]}, "3011": {"path": [17, 3, 1, 3], "s": [1.0014751380100058, 0.998542410156845, -0.003924031176026378]}, "3012": {"path": [17, 3, 1, 3], "s": [1.0006711032653226, 0.9993464449015267, -0.004136370859874514]}, "3013": {"path": [17, 3, 2, 0], "s": [0.9991383541681037, 1.0008777131672952, -0.003912934641112233]}, "3014": {"path": [17, 3, 2, 0], "s": [0.9998460870971387, 1.000170773976549, -0.004103021980228179]}, "3015": {"path": [17, 3, 2, 1], "s": [1.0038461749883063, 0.9961765361919972, 0.0028293938284959293]}, "3016": {"path": [17, 3, 2, 1], "s": [1.0031002520136147, 0.9969169844388289, 0.002770979473450412]}, "3017": {"path": [17, 3, 2, 2], "s": [0.9976489921831474, 1.0023892521202167, -0.005712018290674573]}, "3018": {"path": [17, 3, 2, 2], "s": [0.9971456330615537, 1.0028834347510325, -0.004564803584172299]}, "3019": {"path": [17, 3, 2, 3], "s": [1.0018923771104613, 0.9981276113952341, 0.00405527315455481]}, "3020": {"path": [17, 3, 2, 3], "s": [1.0026261010777153, 0.9974057093706604, 0.004999757889926675]}, "3021": {"path": [17, 3, 3, 0], "s": [1.0058232365072766, 0.9942361366405269, 0.005080237028458064]}, "3022": {"path": [17, 3, 3, 0], "s": [1.0045623413521305, 0.9954958789326784, 0.006137666251029657]}, "3023": {"path": [17, 3, 3, 1], "s": [1.0062090708447173, 0.9938702801813456, -0.006425819904828344]}, "3024": {"path": [17, 3, 3, 1], "s": [0.9979839140618155, 1.0020954369642463, -0.00866755127263026]}, "3025": {"path": [17, 3, 3, 2], "s": [0.9975347074547193, 1.0025235128300904, 0.007211039276098404]}, "3026": {"path": [17, 3, 3, 2], "s": [0.9969667159009742, 1.0030926572468293, 0.0070705190582103904]}, "3027": {"path": [17, 3, 3, 3], "s": [0.9998791921256248, 1.0001725104854224, -0.0071890034373236385]}, "3028": {"path": [17, 3, 3, 3], "s": [1.0031226685422232, 0.9969290340688232, -0.006489453161810741]}, "3029": {"path": [18, 0, 0, 0], "s": [1.002910469690325, 0.9970999706895075, -0.001414189670390822]}, "3030": {"path": [18, 0, 0, 0], "s": [1.002833149954623, 0.9971761675138647, -0.0011476618002369554]}, "3031": {"path": [18, 0, 0, 1], "s": [0.997115755979087, 1.0028996246504995, 0.0026490384151342324]}, "3032": {"path": [18, 0, 0, 1], "s": [0.9977665818948296, 1.0022459209338712, 0.0027361922856039018]}, "3033": {"path": [18, 0, 0, 2], "s": [1.003466341655418, 0.996546192941226, -0.0007500142444111477]}, "3034": {"path": [18, 0, 0, 2], "s": [1.0037121286305404, 0.9963025591643712, -0.0009810295236941284]}, "3035": {"path": [18, 0, 0, 3], "s": [0.9976324295239496, 1.002376830511594, 0.0019059700410003105]}, "3036": {"path": [18, 0, 0, 3], "s": [0.997248604340044, 1.0027618463922103, 0.0016887273542580978]}, "3037": {"path": [18, 0, 1, 0], "s": [0.9965651129271993, 1.0034472270244537, 0.0007064814996987025]}, "3038": {"path": [18, 0, 1, 0], "s": [0.9967443053688858, 1.0032679473115342, 0.0012701346001286798]}, "3039": {"path": [18, 0, 1, 1], "s": [1.0030510846922143, 0.9969582405180171, 0.00021105553579212286]}, "3040": {"path": [18, 0, 1, 1], "s": [1.0034518575573357, 0.9965601350595604, 0.0003445186567943814]}, "3041": {"path": [18, 0, 1, 2], "s": [0.9971955601611786, 1.0028128731454427, 0.0007380874679399701]}, "3042": {"path": [18, 0, 1, 2], "s": [0.9970990363754794, 1.0029095127748622, 0.0003297872292108604]}, "3043": {"path": [18, 0, 1, 3], "s": [1.0031707520243498, 0.9968393995211985, -0.00036064550699720945]}, "3044": {"path": [18, 0, 1, 3], "s": [1.0029017882479314, 0.9971067205834813, -0.0003363736068773047]}, "3045": {"path": [18, 0, 2, 0], "s": [1.0024832468281872, 0.9975229240488284, -0.00014030686564447473]}, "3046": {"path": [18, 0, 2, 0], "s": [1.0027236601269742, 0.9972837507908827, -0.00011304066207056234]}, "3047": {"path": [18, 0, 2, 1], "s": [0.9978402441264389, 1.0021651283067599, 0.0008344367084862824]}, "3048": {"path": [18, 0, 2, 1], "s": [0.9976899371829171, 1.0023157355553391, 0.0005685452090568308]}, "3049": {"path": [18, 0, 2, 2], "s": [1.0024491444187784, 0.9975570604409867, -0.00047090124144958805]}, "3050": {"path": [18, 0, 2, 2], "s": [1.0022916307341638, 0.9977138017305958, -0.00043970733601173895]}, "3051": {"path": [18, 0, 2, 3], "s": [0.9974705132249401, 1.0025369784145053, 0.0010365259753934491]}, "3052": {"path": [18, 0, 2, 3], "s": [0.9976958100602369, 1.0023111976292909, 0.0012970162686701007]}, "3053": {"path": [18, 0, 3, 0], "s": [0.9983040332001, 1.0017014470193006, 0.0016107829600004913]}, "3054": {"path": [18, 0, 3, 0], "s": [0.9980194216187218, 1.0019868680494628, 0.0015344446162950242]}, "3055": {"path": [18, 0, 3, 1], "s": [1.0022266229099195, 0.9977792538883755, -0.0009654191447379098]}, "3056": {"path": [18, 0, 3, 1], "s": [1.0021961845808498, 0.997809331786811, -0.0008397951591832228]}, "3057": {"path": [18, 0, 3, 2], "s": [0.9981226228703176, 1.0018853946400466, 0.00211610812256332]}, "3058": {"path": [18, 0, 3, 2], "s": [0.9984970096865515, 1.0015095931308433, 0.0020818053564848125]}, "3059": {"path": [18, 0, 3, 3], "s": [1.0025722062286986, 0.9974348818747232, -0.0007000647133860154]}, "3060": {"path": [18, 0, 3, 3], "s": [1.002703986918899, 0.9973039644702288, -0.0008132307934208084]}, "3061": {"path": [18, 1, 0, 0], "s": [0.9980307587271883, 1.0019742329515808, 0.0010506844239293052]}, "3062": {"path": [18, 1, 0, 0], "s": [0.9982428632205683, 1.001761670071712, 0.0011990817335566463]}, "3063": {"path": [18, 1, 0, 1], "s": [1.0020288330487273, 0.9979753712744119, -0.00031094930415403625]}, "3064": {"path": [18, 1, 0, 1], "s": [1.0022019553985408, 0.9978029739191265, -0.0003025958168723404]}, "3065": {"path": [18, 1, 0, 2], "s": [0.9982672415641191, 1.001736500003757, 0.0008559397442450944]}, "3066": {"path": [18, 1, 0, 2], "s": [0.9981131556493971, 1.0018908342643549, 0.0006497721155920127]}, "3067": {"path": [18, 1, 0, 3], "s": [1.002007290946607, 0.9979969607456877, -0.000480634719155487]}, "3068": {"path": [18, 1, 0, 3], "s": [1.001906418695147, 0.9980974181239491, -0.0004579316970367378]}, "3069": {"path": [18, 1, 1, 0], "s": [1.0017236680707837, 0.9982794825784219, -0.0004301723625931423]}, "3070": {"path": [18, 1, 1, 0], "s": [1.0018604777957454, 0.9981431465254678, -0.0004119302768936878]}, "3071": {"path": [18, 1, 1, 1], "s": [0.9985157490415981, 1.0014872389966318, 0.0008835170193682518]}, "3072": {"path": [18, 1, 1, 1], "s": [0.9983791231827168, 1.001624032514484, 0.0007234227987893519]}, "3073": {"path": [18, 1, 1, 2], "s": [1.0017426086234258, 0.998260632529815, -0.00045838464987098146]}, "3074": {"path": [18, 1, 1, 2], "s": [1.0016934866173948, 0.9983095616628375, -0.000430749962165414]}, "3075": {"path": [18, 1, 1, 3], "s": [0.9983619517411102, 1.0016417695651174, 0.0010158781666688393]}, "3076": {"path": [18, 1, 1, 3], "s": [0.9985697202727868, 1.0014335444848452, 0.0011019927483127692]}, "3077": {"path": [18, 1, 2, 0], "s": [0.9988880114145117, 1.0011146354941036, 0.00118635857495278]}, "3078": {"path": [18, 1, 2, 0], "s": [0.9986478341132844, 1.0013555441158954, 0.0012431044480045157]}, "3079": {"path": [18, 1, 2, 1], "s": [1.0015507605449447, 0.9984518470110777, -0.00045468829983557913]}, "3080": {"path": [18, 1, 2, 1], "s": [1.001621055962085, 0.9983816909722059, -0.0003515178418091443]}, "3081": {"path": [18, 1, 2, 2], "s": [0.9988251835919132, 1.0011784415235296, 0.0014968844333871113]}, "3082": {"path": [18, 1, 2, 2], "s": [0.9990841015165395, 1.0009185713838555, 0.0013533596183113534]}, "3083": {"path": [18, 1, 2, 3], "s": [1.001781688789069, 0.9982217103628073, -0.00048040937359299]}, "3084": {"path": [18, 1, 2, 3], "s": [1.0018081397381329, 0.9981953999672171, -0.0005260573343395584]}, "3085": {"path": [18, 1, 3, 0], "s": [1.0018273379656855, 0.998176452179526, -0.0006766882943245776]}, "3086": {"path": [18, 1, 3, 0], "s": [1.0018396047050853, 0.9981641262269025, -0.0005946847542756869]}, "3087": {"path": [18, 1, 3, 1], "s": [0.9985962453007227, 1.001408794329326, 0.0017498652491879446]}, "3088": {"path": [18, 1, 3, 1], "s": [0.9988734451047299, 1.0011305878173902, 0.0016610999005364758]}, "3089": {"path": [18, 1, 3, 2], "s": [1.0020683678826123, 0.9979362548520355, -0.0005951054242472295]}, "3090": {"path": [18, 1, 3, 2], "s": [1.0021397384758661, 0.9978652632741425, -0.0006587652858258059]}, "3091": {"path": [18, 1, 3, 3], "s": [0.9986775028498751, 1.0013261438880514, 0.0013758329893249668]}, "3092": {"path": [18, 1, 3, 3], "s": [0.9984326182408907, 1.001571724687337, 0.001370925097312115]}, "3093": {"path": [18, 2, 0, 0], "s": [1.0015908361726948, 0.9984119598991563, -0.0005193844582255082]}, "3094": {"path": [18, 2, 0, 0], "s": [1.0015358967837247, 0.9984668135437599, -0.0005962477138396513]}, "3095": {"path": [18, 2, 0, 1], "s": [0.9994413448924135, 1.0005604781023822, 0.0012287720874749049]}, "3096": {"path": [18, 2, 0, 1], "s": [0.9992348003443449, 1.000767933255436, 0.001464915532907943]}, "3097": {"path": [18, 2, 0, 2], "s": [1.0012168504437482, 0.9987848396581802, -0.0004598190153826609]}, "3098": {"path": [18, 2, 0, 2], "s": [1.0013506702214636, 0.9986512644855386, -0.00033616975742751387]}, "3099": {"path": [18, 2, 0, 3], "s": [0.9994898609362283, 1.00051291004315, 0.001584084571212755]}, "3100": {"path": [18, 2, 0, 3], "s": [0.9996649395960743, 1.0003368160999162, 0.0012817340799355385]}, "3101": {"path": [18, 2, 1, 0], "s": [0.9999434531591403, 1.0000576447077716, 0.00104623481405388]}, "3102": {"path": [18, 2, 1, 0], "s": [0.9998592818675616, 1.000142535858395, 0.0013407716350311624]}, "3103": {"path": [18, 2, 1, 1], "s": [1.0009002172310724, 0.9991008241494421, -0.000481587915105232]}, "3104": {"path": [18, 2, 1, 1], "s": [1.0010336624727214, 0.9989675388136345, -0.00036615566883129575]}, "3105": {"path": [18, 2, 1, 2], "s": [1.0000709044688572, 0.9999309385284226, 0.0013557656557679286]}, "3106": {"path": [18, 2, 1, 2], "s": [1.0001101551648006, 0.9998909089568688, 0.0010257215644725159]}, "3107": {"path": [18, 2, 1, 3], "s": [1.0012599266325877, 0.998741951383109, -0.000541264018561893]}, "3108": {"path": [18, 2, 1, 3], "s": [1.0011731627540161, 0.9988285896042526, -0.0006149009870570896]}, "3109": {"path": [18, 2, 2, 0], "s": [1.0010773948354685, 0.9989243369411948, -0.000756877030507331]}, "3110": {"path": [18, 2, 2, 0], "s": [1.001183955238653, 0.9988178878656253, -0.0006659853039142624]}, "3111": {"path": [18, 2, 2, 1], "s": [1.0001320169199837, 0.9998707271751851, 0.0016513718444964164]}, "3112": {"path": [18, 2, 2, 1], "s": [1.0001776931613002, 0.9998240607830168, 0.0013125094748727218]}, "3113": {"path": [18, 2, 2, 2], "s": [1.001447666368727, 0.998555177954994, -0.0008675848308095863]}, "3114": {"path": [18, 2, 2, 2], "s": [1.0013501810172931, 0.9986525847876726, -0.000972908281253732]}, "3115": {"path": [18, 2, 2, 3], "s": [0.9999352998386899, 1.0000664560526908, 0.0013234771109663784]}, "3116": {"path": [18, 2, 2, 3], "s": [0.9998221292765782, 1.0001805820933447, 0.0016368413655267258]}, "3117": {"path": [18, 2, 3, 0], "s": [0.9994383024801579, 1.0005657319263561, 0.0019278579548564884]}, "3118": {"path": [18, 2, 3, 0], "s": [0.9996314335201257, 1.0003713983992835, 0.0016416559958537134]}, "3119": {"path": [18, 2, 3, 1], "s": [1.0018463729005804, 0.9981576771223994, -0.0008052378183865986]}, "3120": {"path": [18, 2, 3, 1], "s": [1.0018087002866425, 0.9981954027840522, -0.0009160213929390837]}, "3121": {"path": [18, 2, 3, 2], "s": [0.9993383431457128, 1.0006644258308557, 0.0015262223507240395]}, "3122": {"path": [18, 2, 3, 2], "s": [0.9991058254194117, 1.0008979817355013, 0.0017332635319926874]}, "3123": {"path": [18, 2, 3, 3], "s": [1.0014554421377637, 0.9985472574277924, -0.0007649724184812837]}, "3124": {"path": [18, 2, 3, 3], "s": [1.0015469697160342, 0.9984558589792332, -0.0006632916938322702]}, "3125": {"path": [18, 3, 0, 0], "s": [0.9999643186650993, 1.0000385779763243, 0.0017015477983391872]}, "3126": {"path": [18, 3, 0, 0], "s": [0.9998368517026257, 1.0001673710386925, 0.0020482761088362494]}, "3127": {"path": [18, 3, 0, 1], "s": [1.0011937164981126, 0.998809103258781, -0.001182439768006021]}, "3128": {"path": [18, 3, 0, 1], "s": [1.0013142146774212, 0.9986886624551082, -0.0010741291734746082]}, "3129": {"path": [18, 3, 0, 2], "s": [1.000267539362305, 0.9997368464660007, 0.002077359953715316]}, "3130": {"path": [18, 3, 0, 2], "s": [1.0003039107074225, 0.9996990344918771, 0.001689299458124385]}, "3131": {"path": [18, 3, 0, 3], "s": [1.001643401914989, 0.9983612267981647, -0.0013912405026381422]}, "3132": {"path": [18, 3, 0, 3], "s": [1.0015021166843234, 0.998502520990481, -0.00154540823101173]}, "3133": {"path": [18, 3, 1, 0], "s": [1.0011819067937828, 0.9988229065748548, -0.0018499064633076643]}, "3134": {"path": [18, 3, 1, 0], "s": [1.001379099135103, 0.9986257131470654, -0.0017079239907318799]}, "3135": {"path": [18, 3, 1, 1], "s": [1.0006295841003778, 0.9993780754981292, 0.0026959311432499184]}, "3136": {"path": [18, 3, 1, 1], "s": [1.000600649953605, 0.9994045494092956, 0.002200387586496231]}, "3137": {"path": [18, 3, 1, 2], "s": [1.001800371169272, 0.9982080360147586, -0.0022761774394460988]}, "3138": {"path": [18, 3, 1, 2], "s": [1.0014936489790482, 0.9985149121998513, -0.0025185271532642915]}, "3139": {"path": [18, 3, 1, 3], "s": [1.0000716977966526, 0.9999333567521121, 0.0022471694619006894]}, "3140": {"path": [18, 3, 1, 3], "s": [0.9999359928971084, 1.0000712608409195, 0.0026924295400065287]}, "3141": {"path": [18, 3, 2, 0], "s": [0.9992328584206299, 1.000779810095259, 0.0034742324534783545]}, "3142": {"path": [18, 3, 2, 0], "s": [0.9995684729195884, 1.0004405225384676, 0.0029673827948882717]}, "3143": {"path": [18, 3, 2, 1], "s": [1.0029617466606677, 0.9970505242518325, -0.0018802426845112112]}, "3144": {"path": [18, 3, 2, 1], "s": [1.0028870718544747, 0.9971267654504521, -0.002354160216735813]}, "3145": {"path": [18, 3, 2, 2], "s": [0.9988916139990558, 1.0011162675306822, 0.002577649013007662]}, "3146": {"path": [18, 3, 2, 2], "s": [0.9984555506977304, 1.001554668226439, 0.0027960361069821623]}, "3147": {"path": [18, 3, 2, 3], "s": [1.001990184835787, 0.9980176717357192, -0.001977718851335338]}, "3148": {"path": [18, 3, 2, 3], "s": [1.0021531176688765, 0.99785445858081, -0.0017194901999555863]}, "3149": {"path": [18, 3, 3, 0], "s": [1.00224855190983, 0.9977579651432973, -0.001214792726246534]}, "3150": {"path": [18, 3, 3, 0], "s": [1.0022127498177353, 0.9977941348548302, -0.0014155016313338624]}, "3151": {"path": [18, 3, 3, 1], "s": [0.999173632723058, 1.0008307992032532, 0.0019352986943607742]}, "3152": {"path": [18, 3, 3, 1], "s": [0.9988871108817504, 1.0011186813283603, 0.0021324262786705933]}, "3153": {"path": [18, 3, 3, 2], "s": [1.0017069492099313, 0.9982974353421953, -0.0012158785828140048]}, "3154": {"path": [18, 3, 3, 2], "s": [1.0017937518328712, 0.9982106136552468, -0.0010750688731597099]}, "3155": {"path": [18, 3, 3, 3], "s": [0.9993324624011773, 1.0006741142427389, 0.002475206519509637]}, "3156": {"path": [18, 3, 3, 3], "s": [0.9995791772216542, 1.0004256079719187, 0.002146179872024468]}, "3157": {"path": [19, 0, 0, 0], "s": [1.0005298256333146, 0.9994720049911103, 0.001245342978929999]}, "3158": {"path": [19, 0, 0, 0], "s": [1.0004655667117242, 0.999535555283037, 0.0009517167447130772]}, "3159": {"path": [19, 0, 0, 1], "s": [1.0010742727703945, 0.998927553864301, -0.0008213008064962835]}, "3160": {"path": [19, 0, 0, 1], "s": [1.0009760299109038, 0.9990257402338559, -0.0009051177201269655]}, "3161": {"path": [19, 0, 0, 2], "s": [1.0003128432845652, 0.9996882570307171, 0.001001393322917244]}, "3162": {"path": [19, 0, 0, 2], "s": [1.0003235174398353, 0.9996782899335455, 0.0013051032770274168]}, "3163": {"path": [19, 0, 0, 3], "s": [1.0008171279485072, 0.9991840485512519, -0.0007139769094817752]}, "3164": {"path": [19, 0, 0, 3], "s": [1.0008957834332823, 0.9991054329593614, -0.0006442470885825884]}, "3165": {"path": [19, 0, 1, 0], "s": [1.0009471932968037, 0.9990540079118516, -0.0005524231073371266]}, "3166": {"path": [19, 0, 1, 0], "s": [1.0008774409998038, 0.999123700257943, -0.0006102101489295578]}, "3167": {"path": [19, 0, 1, 1], "s": [1.0003095175629768, 0.999691213892358, 0.0007974212258722272]}, "3168": {"path": [19, 0, 1, 1], "s": [1.0003165158719947, 0.9996846731259637, 0.0010436436163744416]}, "3169": {"path": [19, 0, 1, 2], "s": [1.0007115161928373, 0.9992892742986212, -0.0005336652647403402]}, "3170": {"path": [19, 0, 1, 2], "s": [1.0007977536059407, 0.999203075669419, -0.00043991601560802734]}, "3171": {"path": [19, 0, 1, 3], "s": [1.0004504263447414, 0.999550839389639, 0.0010312228700959654]}, "3172": {"path": [19, 0, 1, 3], "s": [1.000402095264163, 0.9995986527477554, 0.000765919113943766]}, "3173": {"path": [19, 0, 2, 0], "s": [1.0005695129043823, 0.9994311876264246, 0.000613665071638746]}, "3174": {"path": [19, 0, 2, 0], "s": [1.0006037959768241, 0.9993971680807336, 0.0007746418980797284]}, "3175": {"path": [19, 0, 2, 1], "s": [1.0006981792379985, 0.9993026616923053, -0.0005950320751578923]}, "3176": {"path": [19, 0, 2, 1], "s": [1.0007268598775636, 0.9992739578962136, -0.0005385563130825841]}, "3177": {"path": [19, 0, 2, 2], "s": [1.0006709131890394, 0.9993301339130294, 0.0007730977143325697]}, "3178": {"path": [19, 0, 2, 2], "s": [1.0006015020278032, 0.9993992213545777, 0.0006016750013078136]}, "3179": {"path": [19, 0, 2, 3], "s": [1.0007571777295383, 0.9992437264492537, -0.0005757997056058212]}, "3180": {"path": [19, 0, 2, 3], "s": [1.0007231949950892, 0.9992777005478907, -0.0006108843007762874]}, "3181": {"path": [19, 0, 3, 0], "s": [1.0007033098712164, 0.9992976324637832, -0.0006695916498721116]}, "3182": {"path": [19, 0, 3, 0], "s": [1.0007435723226634, 0.9992573721713818, -0.0006263358075404383]}, "3183": {"path": [19, 0, 3, 1], "s": [1.0007087564980783, 0.9992925675695067, 0.0009070117161563477]}, "3184": {"path": [19, 0, 3, 1], "s": [1.0005940506135127, 0.9994067828798605, 0.0006936082320285378]}, "3185": {"path": [19, 0, 3, 2], "s": [1.000823369803088, 0.9991778634915454, -0.0007459036516854441]}, "3186": {"path": [19, 0, 3, 2], "s": [1.000751091047653, 0.9992501266234086, -0.0008089795301151543]}, "3187": {"path": [19, 0, 3, 3], "s": [1.0005192009368882, 0.9994816080605528, 0.0007347433976058641]}, "3188": {"path": [19, 0, 3, 3], "s": [1.0005991559869343, 0.9994021410230908, 0.0009689165287694401]}, "3189": {"path": [19, 1, 0, 0], "s": [1.000733443276933, 0.9992674609154596, -0.0006057363515175165]}, "3190": {"path": [19, 1, 0, 0], "s": [1.0007303497261977, 0.9992705581606757, -0.0006124861006302706]}, "3191": {"path": [19, 1, 0, 1], "s": [1.0007803965770354, 0.999220510065359, 0.0005461969589559013]}, "3192": {"path": [19, 1, 0, 1], "s": [1.0008048273598065, 0.9991962227758674, 0.0006350069074136896]}, "3193": {"path": [19, 1, 0, 2], "s": [1.0008533354189522, 0.9991477885561719, -0.0006298832533083745]}, "3194": {"path": [19, 1, 0, 2], "s": [1.0008464369682257, 0.9991546554706704, -0.0006139283671634823]}, "3195": {"path": [19, 1, 0, 3], "s": [1.0008197418352565, 0.9991813549244034, 0.00065244313411224]}, "3196": {"path": [19, 1, 0, 3], "s": [1.0007694199120052, 0.9992314875491021, 0.0005622742440055994]}, "3197": {"path": [19, 1, 1, 0], "s": [1.001002044282741, 0.9989992842295221, 0.0005707457812772529]}, "3198": {"path": [19, 1, 1, 0], "s": [1.0010140800434182, 0.9989873397348136, 0.0006267851833394677]}, "3199": {"path": [19, 1, 1, 1], "s": [1.001124394954956, 0.9988772823297959, -0.0006441324945095728]}, "3200": {"path": [19, 1, 1, 1], "s": [1.0011294650881466, 0.9988722121966092, -0.0006352068985169627]}, "3201": {"path": [19, 1, 1, 2], "s": [1.0009808506843885, 0.999020569093843, 0.0006775712192403266]}, "3202": {"path": [19, 1, 1, 2], "s": [1.0009636864166644, 0.9990376420955993, 0.0006333253688718732]}, "3203": {"path": [19, 1, 1, 3], "s": [1.0008729077744611, 0.9991282423453728, -0.0006238235366253589]}, "3204": {"path": [19, 1, 1, 3], "s": [1.0008901179339407, 0.999111032185899, -0.0005990272489610287]}, "3205": {"path": [19, 1, 2, 0], "s": [1.0008561395940612, 0.9991449528448411, -0.0006003325546802895]}, "3206": {"path": [19, 1, 2, 0], "s": [1.0008805799843457, 0.9991205439907792, -0.0005912222623113471]}, "3207": {"path": [19, 1, 2, 1], "s": [1.0007869203947137, 0.9992141297409599, 0.0006570527674275577]}, "3208": {"path": [19, 1, 2, 1], "s": [1.0007315768844933, 0.9992693297579011, 0.000610000766789679]}, "3209": {"path": [19, 1, 2, 2], "s": [1.000725585373176, 0.9992753225137002, -0.000618119314356547]}, "3210": {"path": [19, 1, 2, 2], "s": [1.0007139595928285, 0.9992869445995677, -0.0006285695274598301]}, "3211": {"path": [19, 1, 2, 3], "s": [1.0007581974710609, 0.9992427099900466, 0.0005773090484414826]}, "3212": {"path": [19, 1, 2, 3], "s": [1.000822800948344, 0.9991782958113156, 0.0006485835907929188]}, "3213": {"path": [19, 1, 3, 0], "s": [1.0007706306213389, 0.9992304562781228, 0.0007027556511174181]}, "3214": {"path": [19, 1, 3, 0], "s": [1.0006576057314926, 0.9993431571347405, 0.000575258724585863]}, "3215": {"path": [19, 1, 3, 1], "s": [1.0007093197019044, 0.9992916408881848, -0.0006768581928601211]}, "3216": {"path": [19, 1, 3, 1], "s": [1.0006678857759548, 0.9993330748141303, -0.0007177466419459119]}, "3217": {"path": [19, 1, 3, 2], "s": [1.000644092926361, 0.9993566699398722, 0.0005903404882289135]}, "3218": {"path": [19, 1, 3, 2], "s": [1.0007358100680532, 0.9992652768314083, 0.0007391094350809136]}, "3219": {"path": [19, 1, 3, 3], "s": [1.000730118934608, 0.9992708041415349, -0.0006250411528270301]}, "3220": {"path": [19, 1, 3, 3], "s": [1.0007419256490773, 0.9992589974270674, -0.0006109888142434842]}, "3221": {"path": [19, 2, 0, 0], "s": [1.000652391072502, 0.9993483323098783, 0.0005461137220773508]}, "3222": {"path": [19, 2, 0, 0], "s": [1.0007881631723576, 0.9992128839297109, 0.000653242810599921]}, "3223": {"path": [19, 2, 0, 1], "s": [1.000619754125415, 0.9993810636483608, -0.0006589274768544925]}, "3224": {"path": [19, 2, 0, 1], "s": [1.0006846866161099, 0.9993161543141881, -0.0006105000493067628]}, "3225": {"path": [19, 2, 0, 2], "s": [1.0007650242624537, 0.9992359397951034, 0.0006160624668999433]}, "3226": {"path": [19, 2, 0, 2], "s": [1.00064162991573, 0.9993590706150777, 0.0005378581038386921]}, "3227": {"path": [19, 2, 0, 3], "s": [1.0005792782799268, 0.9994216172630532, -0.0007486644246111486]}, "3228": {"path": [19, 2, 0, 3], "s": [1.000529701263356, 0.999471202915433, -0.0007899837386340237]}, "3229": {"path": [19, 2, 1, 0], "s": [1.0003472778299558, 0.9996535514454035, -0.0008419984898853966]}, "3230": {"path": [19, 2, 1, 0], "s": [1.0004715618900961, 0.9995292286013643, -0.0007539851520303653]}, "3231": {"path": [19, 2, 1, 1], "s": [1.0009294099121429, 0.9990717790858152, 0.0005712269603289457]}, "3232": {"path": [19, 2, 1, 1], "s": [1.0007295379279626, 0.9992711935273725, 0.00044694895803329166]}, "3233": {"path": [19, 2, 1, 2], "s": [1.0003547364836345, 0.9996464047741123, -0.0010078812532183826]}, "3234": {"path": [19, 2, 1, 2], "s": [1.0002535855727879, 0.9997476156358643, -0.0010663993720415271]}, "3235": {"path": [19, 2, 1, 3], "s": [1.000708305699449, 0.9992924423124696, 0.000496834757002334]}, "3236": {"path": [19, 2, 1, 3], "s": [1.0009189303600472, 0.9990823353743329, 0.0006499726877854711]}, "3237": {"path": [19, 2, 2, 0], "s": [1.001083197439511, 0.9989186099338699, 0.0007975051285398823]}, "3238": {"path": [19, 2, 2, 0], "s": [1.0008570815940376, 0.9991440187212438, 0.0006055323961299596]}, "3239": {"path": [19, 2, 2, 1], "s": [1.0004321681569621, 0.9995696019877991, -0.0012586264117506506]}, "3240": {"path": [19, 2, 2, 1], "s": [1.0002941224580628, 0.9997077041766346, -0.0013193422338441988]}, "3241": {"path": [19, 2, 2, 2], "s": [1.000786812293287, 0.9992143097014746, 0.0007097915019342091]}, "3242": {"path": [19, 2, 2, 2], "s": [1.0009831912298321, 0.9990186393945929, 0.0009304618662820715]}, "3243": {"path": [19, 2, 2, 3], "s": [1.000405747421, 0.9995954689716449, -0.0010257949232872414]}, "3244": {"path": [19, 2, 2, 3], "s": [1.0005091840814617, 0.9994919924182986, -0.0009580346480276696]}, "3245": {"path": [19, 2, 3, 0], "s": [1.0006372913173283, 0.9993639263537321, -0.0009012806711734967]}, "3246": {"path": [19, 2, 3, 0], "s": [1.0005525557075499, 0.9994486775870799, -0.0009636691790764207]}, "3247": {"path": [19, 2, 3, 1], "s": [1.0006473839570502, 0.9993534495363235, 0.000644148256309206]}, "3248": {"path": [19, 2, 3, 1], "s": [1.0007934184376546, 0.9992079056299304, 0.0008340295604578402]}, "3249": {"path": [19, 2, 3, 2], "s": [1.000605873336503, 0.9993950711575409, -0.000760252449581378]}, "3250": {"path": [19, 2, 3, 2], "s": [1.0006565908654101, 0.99934435146959, -0.000715431452366931]}, "3251": {"path": [19, 2, 3, 3], "s": [1.0008566702833743, 0.9991446267266507, 0.0007511572143095985]}, "3252": {"path": [19, 2, 3, 3], "s": [1.0006835688992872, 0.9993172400981539, 0.0005850504306369093]}, "3253": {"path": [19, 3, 0, 0], "s": [1.0005081176206907, 0.9994937093716999, -0.0012528915359230333]}, "3254": {"path": [19, 3, 0, 0], "s": [1.000632896685904, 0.9993689038919497, -0.0011837057144259257]}, "3255": {"path": [19, 3, 0, 1], "s": [1.0011534185814206, 0.9988493495581762, 0.0012003990989949112]}, "3256": {"path": [19, 3, 0, 1], "s": [1.0009467989079532, 0.9990549701972804, 0.000935067937941198]}, "3257": {"path": [19, 3, 0, 2], "s": [1.0006120056599481, 0.9993908640298749, -0.001580156687719559]}, "3258": {"path": [19, 3, 0, 2], "s": [1.0004393789029133, 0.9995635183420991, -0.0016448295299618762]}, "3259": {"path": [19, 3, 0, 3], "s": [1.000797036350608, 0.999204742867604, 0.0010702193092074624]}, "3260": {"path": [19, 3, 0, 3], "s": [1.0009536458531287, 0.9990491431809506, 0.0013719524105217829]}, "3261": {"path": [19, 3, 1, 0], "s": [1.001082632318235, 0.9989218456905775, 0.001819550524944476]}, "3262": {"path": [19, 3, 1, 0], "s": [1.0009243347995045, 0.9990786382957769, 0.0014565193426960994]}, "3263": {"path": [19, 3, 1, 1], "s": [1.0009994977037657, 0.9990053791596397, -0.001970467497684085]}, "3264": {"path": [19, 3, 1, 1], "s": [1.00076377734634, 0.9992410995170652, -0.002072976702350453]}, "3265": {"path": [19, 3, 1, 2], "s": [1.000631218395638, 0.9993717546996433, 0.0016051589613594347]}, "3266": {"path": [19, 3, 1, 2], "s": [1.000696739013064, 0.9993077389957477, 0.0019989205995615718]}, "3267": {"path": [19, 3, 1, 3], "s": [1.0007332429898124, 0.9992696540583633, -0.001536726109046378]}, "3268": {"path": [19, 3, 1, 3], "s": [1.000891963348043, 0.9991109337001309, -0.001450528738979223]}, "3269": {"path": [19, 3, 2, 0], "s": [1.0011279514880373, 0.9988749457569771, -0.0012760244539610506]}, "3270": {"path": [19, 3, 2, 0], "s": [1.0009876471369759, 0.9990152225528435, -0.0013773442535858433]}, "3271": {"path": [19, 3, 2, 1], "s": [1.0004113678092847, 0.9995904012959488, 0.0012651519719652047]}, "3272": {"path": [19, 3, 2, 1], "s": [1.0004355720483957, 0.999567196091202, 0.0016061202670102515]}, "3273": {"path": [19, 3, 2, 2], "s": [1.0008486028581474, 0.9991531977197069, -0.0010401822043663998]}, "3274": {"path": [19, 3, 2, 2], "s": [1.0009530511426676, 0.9990487758497217, -0.0009593889340865247]}, "3275": {"path": [19, 3, 2, 3], "s": [1.0007123999311633, 0.9992903891029157, 0.0015111278320845863]}, "3276": {"path": [19, 3, 2, 3], "s": [1.0006182360123375, 0.999383543205875, 0.0011824138117506292]}, "3277": {"path": [19, 3, 3, 0], "s": [1.0005959666904893, 0.9994051728851439, 0.0008860465487063878]}, "3278": {"path": [19, 3, 3, 0], "s": [1.0007090772591545, 0.9992927671214438, 0.0011588346936087456]}, "3279": {"path": [19, 3, 3, 1], "s": [1.0006643330468874, 0.9993369033674814, -0.0008921307989890602]}, "3280": {"path": [19, 3, 3, 1], "s": [1.0007405512057732, 0.9992606852085945, -0.000830008378595291]}, "3281": {"path": [19, 3, 3, 2], "s": [1.0008587798491375, 0.9991430645314607, 0.0010528350705784927]}, "3282": {"path": [19, 3, 3, 2], "s": [1.0007013232499404, 0.999299816325693, 0.0008053077321911287]}, "3283": {"path": [19, 3, 3, 3], "s": [1.000806382023929, 0.9991954385550635, -0.0010824948524726123]}, "3284": {"path": [19, 3, 3, 3], "s": [1.0006935857668262, 0.9993082348121638, -0.0011579207674524176]}, "3285": {"path": [20, 0, 0, 0], "s": [0.9999778319925556, 1.0000249338124103, -0.0016629047576193503]}, "3286": {"path": [20, 0, 0, 0], "s": [0.9997941003132234, 1.000208744010498, -0.0016737214211591665]}, "3287": {"path": [20, 0, 0, 1], "s": [1.0010695167450376, 0.9989322371992795, 0.0007822749658561593]}, "3288": {"path": [20, 0, 0, 1], "s": [1.0013136193616599, 0.9986891247335093, 0.0010109916113334653]}, "3289": {"path": [20, 0, 0, 2], "s": [1.0000421080168675, 0.999959735087411, -0.0013569851891627354]}, "3290": {"path": [20, 0, 0, 2], "s": [1.0002060440355807, 0.9997956877410838, -0.0012998766638590465]}, "3291": {"path": [20, 0, 0, 3], "s": [1.0014284750260052, 0.9985742363439184, 0.0008214025492007023]}, "3292": {"path": [20, 0, 0, 3], "s": [1.001165320798342, 0.9988364350930385, 0.0006324278569950675]}, "3293": {"path": [20, 0, 1, 0], "s": [1.0009208230881348, 0.9990802410335343, 0.0004660325931000128]}, "3294": {"path": [20, 0, 1, 0], "s": [1.0011931002081698, 0.9988087427891108, 0.0006493905250397399]}, "3295": {"path": [20, 0, 1, 1], "s": [0.999976216890461, 1.0000249843958975, -0.0010957609913167107]}, "3296": {"path": [20, 0, 1, 1], "s": [1.0001702704256887, 0.9998307709548214, -0.0010062632920225993]}, "3297": {"path": [20, 0, 1, 2], "s": [1.00123621044291, 0.998765607283047, 0.0005401451562073331]}, "3298": {"path": [20, 0, 1, 2], "s": [1.0009755208924136, 0.9990255769744989, 0.0003837927733084626]}, "3299": {"path": [20, 0, 1, 3], "s": [0.9999627946053149, 1.0000389577529554, -0.0013232191168740944]}, "3300": {"path": [20, 0, 1, 3], "s": [0.9998072950982805, 1.000194582917418, -0.0013566571465709763]}, "3301": {"path": [20, 0, 2, 0], "s": [0.9994714384737429, 1.0005304962332602, -0.0012861987028047128]}, "3302": {"path": [20, 0, 2, 0], "s": [0.9997151929077547, 1.0002864971941745, -0.0012682686999482909]}, "3303": {"path": [20, 0, 2, 1], "s": [1.001573272805402, 0.9984294607943796, 0.0005125555181241161]}, "3304": {"path": [20, 0, 2, 1], "s": [1.0013007181579974, 0.9987011048367999, 0.0003653741553962809]}, "3305": {"path": [20, 0, 2, 2], "s": [0.9993636278381841, 1.0006390824892966, -0.0015177724394519186]}, "3306": {"path": [20, 0, 2, 2], "s": [0.9991966397252368, 1.0008061563466129, -0.0014657550502880424]}, "3307": {"path": [20, 0, 2, 3], "s": [1.0012423053014161, 0.9987594503945743, 0.00046320043033078835]}, "3308": {"path": [20, 0, 2, 3], "s": [1.0015393192861344, 0.9984634516932438, 0.0006369779708222049]}, "3309": {"path": [20, 0, 3, 0], "s": [1.001796004951065, 0.9982078022038477, 0.0007670454992310559]}, "3310": {"path": [20, 0, 3, 0], "s": [1.0015441156418265, 0.9984586533347424, 0.0006236658349878434]}, "3311": {"path": [20, 0, 3, 1], "s": [0.9992166307039662, 1.000787472366729, -0.0018671339053531841]}, "3312": {"path": [20, 0, 3, 1], "s": [0.999054416596841, 1.0009496334261379, -0.0017754056924101998]}, "3313": {"path": [20, 0, 3, 2], "s": [1.0014745921708816, 0.9985282397485273, 0.0008134330120842981]}, "3314": {"path": [20, 0, 3, 2], "s": [1.0017420668766899, 0.9982619675298243, 0.001003313369354811]}, "3315": {"path": [20, 0, 3, 3], "s": [0.9994640098547698, 1.0005388188404953, -0.0015937043888318888]}, "3316": {"path": [20, 0, 3, 3], "s": [0.9996595079309432, 1.0003431916346104, -0.0016070816800127993]}, "3317": {"path": [20, 1, 0, 0], "s": [1.0015694083869051, 0.9984332645134888, 0.00046265816896955706]}, "3318": {"path": [20, 1, 0, 0], "s": [1.001814469125336, 0.9981891559901092, 0.0005825760877508334]}, "3319": {"path": [20, 1, 0, 1], "s": [0.9989142331112126, 1.001088513823079, -0.0012510243898695172]}, "3320": {"path": [20, 1, 0, 1], "s": [0.9991211796967968, 1.000881427859224, -0.0013538608954657256]}, "3321": {"path": [20, 1, 0, 2], "s": [1.0017741379855658, 0.9982292402436146, 0.0004864740825769481]}, "3322": {"path": [20, 1, 0, 2], "s": [1.0015807603914169, 0.9984218865171982, 0.0003902426527750451]}, "3323": {"path": [20, 1, 0, 3], "s": [0.9987125368476183, 1.0012910028577342, -0.001370250612403432]}, "3324": {"path": [20, 1, 0, 3], "s": [0.9986275495922946, 1.0013758495595828, -0.0012291731316473036]}, "3325": {"path": [20, 1, 1, 0], "s": [0.9985368427866185, 1.0014662054936108, -0.000950258431781621]}, "3326": {"path": [20, 1, 1, 0], "s": [0.9985892903714993, 1.0014139507817403, -0.0011164583548458143]}, "3327": {"path": [20, 1, 1, 1], "s": [1.0017177501841137, 0.9982854055130854, 0.0004587506986583061]}, "3328": {"path": [20, 1, 1, 1], "s": [1.0016641870490897, 0.9983388009891397, 0.0004727497750773836]}, "3329": {"path": [20, 1, 1, 2], "s": [0.9983029663638189, 1.001700657957395, -0.000859213276831997]}, "3330": {"path": [20, 1, 1, 2], "s": [0.9983724791362623, 1.0016306715129442, -0.0007047675483445318]}, "3331": {"path": [20, 1, 1, 3], "s": [1.00175087300569, 0.9982523917519416, 0.000452678170499509]}, "3332": {"path": [20, 1, 1, 3], "s": [1.0018729348745588, 0.9981307864316686, 0.00046945814201458327]}, "3333": {"path": [20, 1, 2, 0], "s": [1.0019723089277708, 0.9980316809859809, 0.0003282995398522363]}, "3334": {"path": [20, 1, 2, 0], "s": [1.001894116269358, 0.998109625298518, 0.0004012211347861411]}, "3335": {"path": [20, 1, 2, 1], "s": [0.9979377588442907, 1.0020671704733766, -0.0008162803696752898]}, "3336": {"path": [20, 1, 2, 1], "s": [0.9980595211025487, 1.0019446832205896, -0.0006562822471316207]}, "3337": {"path": [20, 1, 2, 2], "s": [1.002074878312144, 0.997929654980136, 0.00048742004436463926]}, "3338": {"path": [20, 1, 2, 2], "s": [1.0021914862296237, 0.9978135054491454, 0.0004472203817047727]}, "3339": {"path": [20, 1, 2, 3], "s": [0.9983260742635246, 1.0016777625555753, -0.0010140853885592907]}, "3340": {"path": [20, 1, 2, 3], "s": [0.9983123202129289, 1.0016919314793673, -0.0011816318104242679]}, "3341": {"path": [20, 1, 3, 0], "s": [0.9983976987156736, 1.0016073030343353, -0.001557679778967566]}, "3342": {"path": [20, 1, 3, 0], "s": [0.9983631073745678, 1.0016415153600802, -0.0013913124237623447]}, "3343": {"path": [20, 1, 3, 1], "s": [1.001877713402692, 0.9981263195194273, 0.0007174170119731225]}, "3344": {"path": [20, 1, 3, 1], "s": [1.0020976233845111, 0.9979074162455394, 0.0008063358066424832]}, "3345": {"path": [20, 1, 3, 2], "s": [0.9987896931881878, 1.0012140377438004, -0.0015038529970765372]}, "3346": {"path": [20, 1, 3, 2], "s": [0.9989248541762149, 1.0010789359689978, -0.0016217680817892555]}, "3347": {"path": [20, 1, 3, 3], "s": [1.0020008420952442, 0.9980035008329832, 0.000590125962261577]}, "3348": {"path": [20, 1, 3, 3], "s": [1.001833734435072, 0.9981699123028551, 0.0005392987091418922]}, "3349": {"path": [20, 2, 0, 0], "s": [0.9979338548019305, 1.0020715776628293, -0.001073445163702265]}, "3350": {"path": [20, 2, 0, 0], "s": [0.9978468883011293, 1.0021593165586358, -0.0012472409637526293]}, "3351": {"path": [20, 2, 0, 1], "s": [1.0023790726449713, 0.9976266000932843, 0.00016201068414182138]}, "3352": {"path": [20, 2, 0, 1], "s": [1.0023014997764932, 0.997703872656705, 0.000296473659332925]}, "3353": {"path": [20, 2, 0, 2], "s": [0.9973773394446277, 1.0026300714732292, -0.000716333125400347]}, "3354": {"path": [20, 2, 0, 2], "s": [0.9975885558170539, 1.0024176150599617, -0.0005838948900344858]}, "3355": {"path": [20, 2, 0, 3], "s": [1.0026056171273854, 0.9974013905621419, 0.0004865267400897172]}, "3356": {"path": [20, 2, 0, 3], "s": [1.002717535078741, 0.9972899565607048, 0.00035637246622288726]}, "3357": {"path": [20, 2, 1, 0], "s": [1.0029236527581598, 0.9970848963921821, -0.00016247965489982162]}, "3358": {"path": [20, 2, 1, 0], "s": [1.0029067438755839, 0.9971016894310374, 9.305979364839413e-05]}, "3359": {"path": [20, 2, 1, 1], "s": [0.996557855627301, 1.003454136989595, -0.00032090293635600426]}, "3360": {"path": [20, 2, 1, 1], "s": [0.9969679400707244, 1.0030413851395075, -0.0003217890942184848]}, "3361": {"path": [20, 2, 1, 2], "s": [1.0034889981010047, 0.9965232545794147, 0.00034974597835113697]}, "3362": {"path": [20, 2, 1, 2], "s": [1.0035189284575499, 0.9964934114941031, 2.27501754575852e-05]}, "3363": {"path": [20, 2, 1, 3], "s": [0.9972899258066317, 1.0027185830247798, -0.0010683022579538082]}, "3364": {"path": [20, 2, 1, 3], "s": [0.9970583580842598, 1.0029517934612886, -0.0012117863573176861]}, "3365": {"path": [20, 2, 2, 0], "s": [0.9967418247610373, 1.003272863033874, -0.0020060492552909878]}, "3366": {"path": [20, 2, 2, 0], "s": [0.9969359754103341, 1.00307655918631, -0.0017629360867932487]}, "3367": {"path": [20, 2, 2, 1], "s": [1.003165600642427, 0.9968469021862738, 0.001587885460482395]}, "3368": {"path": [20, 2, 2, 1], "s": [1.0036236558896163, 0.9963917247399697, 0.001518381272498219]}, "3369": {"path": [20, 2, 2, 2], "s": [0.9979252787563897, 1.0020840387120977, -0.0022346518966576104]}, "3370": {"path": [20, 2, 2, 2], "s": [0.9979735065518801, 1.0020369338279524, -0.002512478214143861]}, "3371": {"path": [20, 2, 2, 3], "s": [1.0031467329483337, 0.9968637177839204, 0.0007626858261992704]}, "3372": {"path": [20, 2, 2, 3], "s": [1.0029193755795593, 0.9970898844559837, 0.0008742512740416631]}, "3373": {"path": [20, 2, 3, 0], "s": [1.0023470138355843, 0.9976595889818107, 0.0010534896082076595]}, "3374": {"path": [20, 2, 3, 0], "s": [1.0026165358420362, 0.9973914816683275, 0.0010918922358324273]}, "3375": {"path": [20, 2, 3, 1], "s": [0.9985028371000784, 1.0015026792675816, -0.0018073771081579077]}, "3376": {"path": [20, 2, 3, 1], "s": [0.9985974933430839, 1.0014083834552112, -0.001975229384888146]}, "3377": {"path": [20, 2, 3, 2], "s": [1.0024150918354717, 0.9975911978327142, 0.0006871606349866421]}, "3378": {"path": [20, 2, 3, 2], "s": [1.0022380577690868, 0.9977674224503144, 0.000695400510949907]}, "3379": {"path": [20, 2, 3, 3], "s": [0.9978310444387477, 1.0021769069503812, -0.0017971573922372834]}, "3380": {"path": [20, 2, 3, 3], "s": [0.997869008891833, 1.0021380792115904, -0.001591186863238827]}, "3381": {"path": [20, 3, 0, 0], "s": [1.0027021725906613, 0.9973080463335072, 0.0017160421778751377]}, "3382": {"path": [20, 3, 0, 0], "s": [1.0023231133251007, 0.9976847682046385, 0.0015820821420189147]}, "3383": {"path": [20, 3, 0, 1], "s": [0.998490233725485, 1.0015236035794393, -0.003396618851952675]}, "3384": {"path": [20, 3, 0, 1], "s": [0.9982531377132449, 1.001759133199256, -0.0030328120709055]}, "3385": {"path": [20, 3, 0, 2], "s": [1.0020165258270566, 0.9979924696309996, 0.0022242349737853643]}, "3386": {"path": [20, 3, 0, 2], "s": [1.002452786097833, 0.9975598824180554, 0.0025852329502137204]}, "3387": {"path": [20, 3, 0, 3], "s": [0.999266025263565, 1.0007415509861226, -0.0026517861899326835]}, "3388": {"path": [20, 3, 0, 3], "s": [0.9995556987458145, 1.0004521578256909, -0.0027668894479203677]}, "3389": {"path": [20, 3, 1, 0], "s": [1.0003408515365182, 0.9996677096423789, -0.0029065300994898084]}, "3390": {"path": [20, 3, 1, 0], "s": [0.9999557216095085, 1.0000526855745229, -0.002899112139747933]}, "3391": {"path": [20, 3, 1, 1], "s": [1.0010941150991775, 0.9989110842637233, 0.0020019899479481137]}, "3392": {"path": [20, 3, 1, 1], "s": [1.0012810290895233, 0.998726630508984, 0.0024552749637164442]}, "3393": {"path": [20, 3, 1, 2], "s": [1.0002911788920013, 0.9997136333901688, -0.0021746030111859287]}, "3394": {"path": [20, 3, 1, 2], "s": [1.0005382686824014, 0.9994665446862387, -0.0021274929730212984]}, "3395": {"path": [20, 3, 1, 3], "s": [1.0017670784001622, 0.9982401753378662, 0.002035679218189375]}, "3396": {"path": [20, 3, 1, 3], "s": [1.0014857304167109, 0.9985193241320534, 0.0016895749732581643]}, "3397": {"path": [20, 3, 2, 0], "s": [1.0011669735539142, 0.9988359716453856, 0.0012596860695735452]}, "3398": {"path": [20, 3, 2, 0], "s": [1.0013917978547475, 0.9986125879735585, 0.0015667901020680803]}, "3399": {"path": [20, 3, 2, 1], "s": [1.0001191758319536, 0.9998837013005771, -0.001692120721343001]}, "3400": {"path": [20, 3, 2, 1], "s": [1.0003013813412756, 0.9997014384156172, -0.0016522033778410326]}, "3401": {"path": [20, 3, 2, 2], "s": [1.001608835138472, 0.9983953876028466, 0.001281087237421069]}, "3402": {"path": [20, 3, 2, 2], "s": [1.0013501070033928, 0.9986527896380308, 0.0010381537838916046]}, "3403": {"path": [20, 3, 2, 3], "s": [1.000051747455751, 0.999952890219053, -0.00215296005393053]}, "3404": {"path": [20, 3, 2, 3], "s": [0.9998201192146624, 1.0001845094984922, -0.0021437172016942566]}, "3405": {"path": [20, 3, 3, 0], "s": [0.9993961973938652, 1.0006081680942536, -0.0019995686128220684]}, "3406": {"path": [20, 3, 3, 0], "s": [0.9995981609483439, 1.0004062236037812, -0.0020545840498573963]}, "3407": {"path": [20, 3, 3, 1], "s": [1.0021269055901085, 0.9978788866200025, 0.0011317253226644157]}, "3408": {"path": [20, 3, 3, 1], "s": [1.001859500693377, 0.9981449312329345, 0.000991173371853038]}, "3409": {"path": [20, 3, 3, 2], "s": [0.9989616993113024, 1.0010451853612623, -0.0024082059475529207]}, "3410": {"path": [20, 3, 3, 2], "s": [0.9987879042664873, 1.001218612786639, -0.002244989480427309]}, "3411": {"path": [20, 3, 3, 3], "s": [1.0017392703295633, 0.9982655148640089, 0.0013298327106052053]}, "3412": {"path": [20, 3, 3, 3], "s": [1.002039123779623, 0.9979674528642944, 0.0015594963031437244]}}, "edgedata": {"0-289": {"q_pre": 30, "f": 90.60847987468031}, "81-289": {"q_pre": 30, "f": 90.60687857677503}, "81-369": {"q_pre": 30, "f": 90.60544323670433}, "25-369": {"q_pre": 30, "f": 90.60381513740593}, "25-370": {"q_pre": 30, "f": 90.60215415159301}, "105-370": {"q_pre": 30, "f": 90.60015774022511}, "105-313": {"q_pre": 30, "f": 90.59778898658368}, "9-313": {"q_pre": 30, "f": 90.59530658119633}, "9-314": {"q_pre": 30, "f": 90.5922637050238}, "106-314": {"q_pre": 30, "f": 90.5895691791077}, "106-434": {"q_pre": 30, "f": 90.58664486163147}, "44-434": {"q_pre": 30, "f": 90.58457554340416}, "44-433": {"q_pre": 30, "f": 90.5830609750424}, "100-433": {"q_pre": 30, "f": 90.58257874752029}, "100-308": {"q_pre": 30, "f": 90.58310174774613}, "7-308": {"q_pre": 30, "f": 90.58442660710259}, "7-309": {"q_pre": 30, "f": 90.58662639090849}, "101-309": {"q_pre": 30, "f": 90.58942405156154}, "101-436": {"q_pre": 30, "f": 90.59278273851629}, "45-436": {"q_pre": 30, "f": 90.5965058058521}, "45-437": {"q_pre": 30, "f": 90.60036862559637}, "140-437": {"q_pre": 30, "f": 90.60421870144853}, "140-348": {"q_pre": 30, "f": 90.6077472588553}, "19-348": {"q_pre": 30, "f": 90.6110388680026}, "19-347": {"q_pre": 30, "f": 90.61376884861821}, "139-347": {"q_pre": 30, "f": 90.6163044912136}, "139-427": {"q_pre": 30, "f": 90.6183228423732}, "42-427": {"q_pre": 30, "f": 90.6203111980669}, "42-426": {"q_pre": 30, "f": 90.62200331144528}, "98-426": {"q_pre": 30, "f": 90.62381798538888}, "98-306": {"q_pre": 30, "f": 90.62554460132056}, "6-306": {"q_pre": 30, "f": 90.62749732430514}, "6-305": {"q_pre": 30, "f": 90.6274973243047}, "97-305": {"q_pre": 30, "f": 90.62554460132031}, "97-423": {"q_pre": 30, "f": 90.62381798538817}, "41-423": {"q_pre": 30, "f": 90.62200331144511}, "41-424": {"q_pre": 30, "f": 90.62031119806723}, "142-424": {"q_pre": 30, "f": 90.61832284237333}, "142-350": {"q_pre": 30, "f": 90.61630449121397}, "20-350": {"q_pre": 30, "f": 90.6137688486182}, "20-351": {"q_pre": 30, "f": 90.61103886800255}, "143-351": {"q_pre": 30, "f": 90.60774725885554}, "143-447": {"q_pre": 30, "f": 90.60421870144862}, "48-447": {"q_pre": 30, "f": 90.6003686255964}, "48-446": {"q_pre": 30, "f": 90.59650580585236}, "104-446": {"q_pre": 30, "f": 90.59278273851646}, "104-312": {"q_pre": 30, "f": 90.5894240515617}, "8-312": {"q_pre": 30, "f": 90.58662639090872}, "8-310": {"q_pre": 30, "f": 90.58442660710298}, "102-310": {"q_pre": 30, "f": 90.5831017477465}, "102-439": {"q_pre": 30, "f": 90.58257874752069}, "46-439": {"q_pre": 30, "f": 90.58306097504293}, "46-440": {"q_pre": 30, "f": 90.58457554340481}, "112-440": {"q_pre": 30, "f": 90.58664486163241}, "112-320": {"q_pre": 30, "f": 90.58956917910822}, "11-320": {"q_pre": 30, "f": 90.5922637050244}, "11-319": {"q_pre": 30, "f": 90.59530658119662}, "111-319": {"q_pre": 30, "f": 90.59778898658394}, "111-379": {"q_pre": 30, "f": 90.60015774022501}, "28-379": {"q_pre": 30, "f": 90.60215415159252}, "28-378": {"q_pre": 30, "f": 90.60381513740519}, "84-378": {"q_pre": 30, "f": 90.60544323670403}, "84-292": {"q_pre": 30, "f": 90.60687857677435}, "1-292": {"q_pre": 30, "f": 90.60847987467946}, "1-291": {"q_pre": 30, "f": 90.60847987467952}, "83-291": {"q_pre": 30, "f": 90.60687857677452}, "83-375": {"q_pre": 30, "f": 90.60544323670383}, "27-375": {"q_pre": 30, "f": 90.60381513740556}, "27-376": {"q_pre": 30, "f": 90.60215415159237}, "114-376": {"q_pre": 30, "f": 90.60015774022479}, "114-322": {"q_pre": 30, "f": 90.59778898658318}, "12-322": {"q_pre": 30, "f": 90.59530658119611}, "12-323": {"q_pre": 30, "f": 90.59226370502375}, "115-323": {"q_pre": 30, "f": 90.58956917910757}, "115-412": {"q_pre": 30, "f": 90.5866448616321}, "37-412": {"q_pre": 30, "f": 90.58457554340467}, "37-411": {"q_pre": 30, "f": 90.58306097504273}, "93-411": {"q_pre": 30, "f": 90.58257874752051}, "93-301": {"q_pre": 30, "f": 90.58310174774634}, "4-301": {"q_pre": 30, "f": 90.58442660710286}, "4-302": {"q_pre": 30, "f": 90.58662639090869}, "94-302": {"q_pre": 30, "f": 90.58942405156175}, "94-414": {"q_pre": 30, "f": 90.59278273851618}, "38-414": {"q_pre": 30, "f": 90.5965058058521}, "38-415": {"q_pre": 30, "f": 90.60036862559612}, "136-415": {"q_pre": 30, "f": 90.60421870144816}, "136-344": {"q_pre": 30, "f": 90.60774725885503}, "18-344": {"q_pre": 30, "f": 90.61103886800213}, "18-345": {"q_pre": 30, "f": 90.61376884861774}, "137-345": {"q_pre": 30, "f": 90.61630449121355}, "137-421": {"q_pre": 30, "f": 90.61832284237276}, "40-421": {"q_pre": 30, "f": 90.6203111980669}, "40-420": {"q_pre": 30, "f": 90.62200331144543}, "96-420": {"q_pre": 30, "f": 90.623817985389}, "96-304": {"q_pre": 30, "f": 90.6255446013206}, "5-304": {"q_pre": 30, "f": 90.62749732430497}, "5-303": {"q_pre": 30, "f": 90.6274973243043}, "95-303": {"q_pre": 30, "f": 90.62554460131955}, "95-417": {"q_pre": 30, "f": 90.62381798538779}, "39-417": {"q_pre": 30, "f": 90.62200331144466}, "39-418": {"q_pre": 30, "f": 90.62031119806679}, "122-418": {"q_pre": 30, "f": 90.61832284237255}, "122-330": {"q_pre": 30, "f": 90.61630449121321}, "14-330": {"q_pre": 30, "f": 90.61376884861829}, "14-329": {"q_pre": 30, "f": 90.6110388680025}, "121-329": {"q_pre": 30, "f": 90.6077472588553}, "121-389": {"q_pre": 30, "f": 90.60421870144859}, "31-389": {"q_pre": 30, "f": 90.60036862559636}, "31-388": {"q_pre": 30, "f": 90.5965058058524}, "87-388": {"q_pre": 30, "f": 90.59278273851635}, "87-295": {"q_pre": 30, "f": 90.58942405156174}, "2-295": {"q_pre": 30, "f": 90.58662639090865}, "2-293": {"q_pre": 30, "f": 90.58442660710287}, "85-293": {"q_pre": 30, "f": 90.5831017477463}, "85-381": {"q_pre": 30, "f": 90.58257874752039}, "29-381": {"q_pre": 30, "f": 90.58306097504261}, "29-382": {"q_pre": 30, "f": 90.58457554340467}, "109-382": {"q_pre": 30, "f": 90.58664486163227}, "109-317": {"q_pre": 30, "f": 90.58956917910818}, "10-317": {"q_pre": 30, "f": 90.59226370502428}, "10-316": {"q_pre": 30, "f": 90.59530658119687}, "108-316": {"q_pre": 30, "f": 90.59778898658398}, "108-373": {"q_pre": 30, "f": 90.6001577402254}, "26-373": {"q_pre": 30, "f": 90.60215415159306}, "26-372": {"q_pre": 30, "f": 90.60381513740587}, "82-372": {"q_pre": 30, "f": 90.60544323670445}, "82-290": {"q_pre": 30, "f": 90.60687857677458}, "0-290": {"q_pre": 30, "f": 90.60847987467976}, "0-838": {"f": 0.0}, "1-902": {"f": 0.0}, "2-294": {"f": 0.0}, "2-854": {"f": 0.0}, "2-982": {"f": 0.0}, "4-300": {"f": 0.0}, "4-950": {"f": 0.0}, "4-1014": {"f": 0.0}, "5-998": {"f": 0.0}, "6-1062": {"f": 0.0}, "7-307": {"f": 0.0}, "7-886": {"f": 0.0}, "7-1078": {"f": 0.0}, "8-311": {"f": 0.0}, "8-918": {"f": 0.0}, "8-1046": {"f": 0.0}, "9-315": {"f": 0.0}, "9-834": {"f": 0.0}, "9-890": {"f": 0.0}, "10-318": {"f": 0.0}, "10-842": {"f": 0.0}, "10-850": {"f": 0.0}, "11-321": {"f": 0.0}, "11-906": {"f": 0.0}, "11-914": {"f": 0.0}, "12-324": {"f": 0.0}, "12-898": {"f": 0.0}, "12-954": {"f": 0.0}, "13-325": {"f": 0.0}, "13-327": {"f": 0.0}, "13-326": {"f": 0.0}, "13-328": {"f": 0.0}, "13-858": {"f": 0.0}, "13-866": {"f": 0.0}, "13-970": {"f": 0.0}, "13-978": {"f": 0.0}, "14-331": {"f": 0.0}, "14-986": {"f": 0.0}, "14-994": {"f": 0.0}, "15-332": {"f": 0.0}, "15-334": {"f": 0.0}, "15-333": {"f": 0.0}, "15-335": {"f": 0.0}, "15-874": {"f": 0.0}, "15-882": {"f": 0.0}, "15-1026": {"f": 0.0}, "15-1082": {"f": 0.0}, "16-337": {"f": 0.0}, "16-338": {"f": 0.0}, "16-336": {"f": 0.0}, "16-339": {"f": 0.0}, "16-922": {"f": 0.0}, "16-930": {"f": 0.0}, "16-1034": {"f": 0.0}, "16-1042": {"f": 0.0}, "17-340": {"f": 0.0}, "17-342": {"f": 0.0}, "17-341": {"f": 0.0}, "17-343": {"f": 0.0}, "17-938": {"f": 0.0}, "17-946": {"f": 0.0}, "17-962": {"f": 0.0}, "17-1018": {"f": 0.0}, "18-346": {"f": 0.0}, "18-1002": {"f": 0.0}, "18-1010": {"f": 0.0}, "19-349": {"f": 0.0}, "19-1066": {"f": 0.0}, "19-1074": {"f": 0.0}, "20-352": {"f": 0.0}, "20-1050": {"f": 0.0}, "20-1058": {"f": 0.0}, "21-354": {"f": 0.0}, "21-353": {"f": 0.0}, "21-355": {"f": 0.0}, "21-356": {"f": 0.0}, "21-846": {"f": 0.0}, "21-862": {"f": 0.0}, "21-878": {"f": 0.0}, "21-894": {"f": 0.0}, "22-357": {"f": 0.0}, "22-358": {"f": 0.0}, "22-359": {"f": 0.0}, "22-360": {"f": 0.0}, "22-910": {"f": 0.0}, "22-926": {"f": 0.0}, "22-942": {"f": 0.0}, "22-958": {"f": 0.0}, "23-361": {"f": 0.0}, "23-363": {"f": 0.0}, "23-362": {"f": 0.0}, "23-364": {"f": 0.0}, "23-974": {"f": 0.0}, "23-990": {"f": 0.0}, "23-1006": {"f": 0.0}, "23-1022": {"f": 0.0}, "24-366": {"f": 0.0}, "24-365": {"f": 0.0}, "24-368": {"f": 0.0}, "24-367": {"f": 0.0}, "24-1038": {"f": 0.0}, "24-1054": {"f": 0.0}, "24-1070": {"f": 0.0}, "24-1086": {"f": 0.0}, "25-371": {"f": 0.0}, "25-835": {"f": 0.0}, "25-837": {"f": 0.0}, "26-374": {"f": 0.0}, "26-839": {"f": 0.0}, "26-841": {"f": 0.0}, "27-377": {"f": 0.0}, "27-899": {"f": 0.0}, "27-901": {"f": 0.0}, "28-380": {"f": 0.0}, "28-903": {"f": 0.0}, "28-905": {"f": 0.0}, "29-383": {"f": 0.0}, "29-851": {"f": 0.0}, "29-853": {"f": 0.0}, "30-384": {"f": 0.0}, "30-386": {"f": 0.0}, "30-385": {"f": 0.0}, "30-387": {"f": 0.0}, "30-855": {"f": 0.0}, "30-857": {"f": 0.0}, "30-979": {"f": 0.0}, "30-981": {"f": 0.0}, "31-390": {"f": 0.0}, "31-983": {"f": 0.0}, "31-985": {"f": 0.0}, "32-392": {"f": 0.0}, "32-393": {"f": 0.0}, "32-391": {"f": 0.0}, "32-394": {"f": 0.0}, "32-867": {"f": 0.0}, "32-869": {"f": 0.0}, "32-967": {"f": 0.0}, "32-969": {"f": 0.0}, "33-395": {"f": 0.0}, "33-397": {"f": 0.0}, "33-396": {"f": 0.0}, "33-398": {"f": 0.0}, "33-871": {"f": 0.0}, "33-873": {"f": 0.0}, "33-1027": {"f": 0.0}, "33-1029": {"f": 0.0}, "34-400": {"f": 0.0}, "34-401": {"f": 0.0}, "34-399": {"f": 0.0}, "34-402": {"f": 0.0}, "34-931": {"f": 0.0}, "34-933": {"f": 0.0}, "34-1031": {"f": 0.0}, "34-1033": {"f": 0.0}, "35-403": {"f": 0.0}, "35-405": {"f": 0.0}, "35-404": {"f": 0.0}, "35-406": {"f": 0.0}, "35-935": {"f": 0.0}, "35-937": {"f": 0.0}, "35-963": {"f": 0.0}, "35-965": {"f": 0.0}, "36-408": {"f": 0.0}, "36-409": {"f": 0.0}, "36-407": {"f": 0.0}, "36-410": {"f": 0.0}, "36-947": {"f": 0.0}, "36-949": {"f": 0.0}, "36-1015": {"f": 0.0}, "36-1017": {"f": 0.0}, "37-413": {"f": 0.0}, "37-951": {"f": 0.0}, "37-953": {"f": 0.0}, "38-416": {"f": 0.0}, "38-1011": {"f": 0.0}, "38-1013": {"f": 0.0}, "39-419": {"f": 0.0}, "39-995": {"f": 0.0}, "39-997": {"f": 0.0}, "40-422": {"f": 0.0}, "40-999": {"f": 0.0}, "40-1001": {"f": 0.0}, "41-425": {"f": 0.0}, "41-1059": {"f": 0.0}, "41-1061": {"f": 0.0}, "42-428": {"f": 0.0}, "42-1063": {"f": 0.0}, "42-1065": {"f": 0.0}, "43-430": {"f": 0.0}, "43-431": {"f": 0.0}, "43-429": {"f": 0.0}, "43-432": {"f": 0.0}, "43-883": {"f": 0.0}, "43-885": {"f": 0.0}, "43-1079": {"f": 0.0}, "43-1081": {"f": 0.0}, "44-435": {"f": 0.0}, "44-887": {"f": 0.0}, "44-889": {"f": 0.0}, "45-438": {"f": 0.0}, "45-1075": {"f": 0.0}, "45-1077": {"f": 0.0}, "46-441": {"f": 0.0}, "46-915": {"f": 0.0}, "46-917": {"f": 0.0}, "47-442": {"f": 0.0}, "47-444": {"f": 0.0}, "47-443": {"f": 0.0}, "47-445": {"f": 0.0}, "47-919": {"f": 0.0}, "47-921": {"f": 0.0}, "47-1043": {"f": 0.0}, "47-1045": {"f": 0.0}, "48-448": {"f": 0.0}, "48-1047": {"f": 0.0}, "48-1049": {"f": 0.0}, "49-451": {"f": 0.0}, "49-449": {"f": 0.0}, "49-450": {"f": 0.0}, "49-452": {"f": 0.0}, "49-833": {"f": 0.0}, "49-847": {"f": 0.0}, "49-891": {"f": 0.0}, "49-893": {"f": 0.0}, "50-453": {"f": 0.0}, "50-455": {"f": 0.0}, "50-454": {"f": 0.0}, "50-456": {"f": 0.0}, "50-843": {"f": 0.0}, "50-845": {"f": 0.0}, "50-849": {"f": 0.0}, "50-863": {"f": 0.0}, "51-457": {"f": 0.0}, "51-459": {"f": 0.0}, "51-458": {"f": 0.0}, "51-460": {"f": 0.0}, "51-907": {"f": 0.0}, "51-909": {"f": 0.0}, "51-913": {"f": 0.0}, "51-927": {"f": 0.0}, "52-463": {"f": 0.0}, "52-461": {"f": 0.0}, "52-462": {"f": 0.0}, "52-464": {"f": 0.0}, "52-897": {"f": 0.0}, "52-911": {"f": 0.0}, "52-955": {"f": 0.0}, "52-957": {"f": 0.0}, "53-465": {"f": 0.0}, "53-467": {"f": 0.0}, "53-466": {"f": 0.0}, "53-468": {"f": 0.0}, "53-859": {"f": 0.0}, "53-861": {"f": 0.0}, "53-865": {"f": 0.0}, "53-879": {"f": 0.0}, "54-469": {"f": 0.0}, "54-471": {"f": 0.0}, "54-470": {"f": 0.0}, "54-472": {"f": 0.0}, "54-971": {"f": 0.0}, "54-973": {"f": 0.0}, "54-977": {"f": 0.0}, "54-991": {"f": 0.0}, "55-473": {"f": 0.0}, "55-475": {"f": 0.0}, "55-474": {"f": 0.0}, "55-476": {"f": 0.0}, "55-987": {"f": 0.0}, "55-989": {"f": 0.0}, "55-993": {"f": 0.0}, "55-1007": {"f": 0.0}, "56-477": {"f": 0.0}, "56-479": {"f": 0.0}, "56-478": {"f": 0.0}, "56-480": {"f": 0.0}, "56-875": {"f": 0.0}, "56-877": {"f": 0.0}, "56-881": {"f": 0.0}, "56-895": {"f": 0.0}, "57-483": {"f": 0.0}, "57-481": {"f": 0.0}, "57-482": {"f": 0.0}, "57-484": {"f": 0.0}, "57-1025": {"f": 0.0}, "57-1039": {"f": 0.0}, "57-1083": {"f": 0.0}, "57-1085": {"f": 0.0}, "58-485": {"f": 0.0}, "58-487": {"f": 0.0}, "58-486": {"f": 0.0}, "58-488": {"f": 0.0}, "58-923": {"f": 0.0}, "58-925": {"f": 0.0}, "58-929": {"f": 0.0}, "58-943": {"f": 0.0}, "59-489": {"f": 0.0}, "59-491": {"f": 0.0}, "59-490": {"f": 0.0}, "59-492": {"f": 0.0}, "59-1035": {"f": 0.0}, "59-1037": {"f": 0.0}, "59-1041": {"f": 0.0}, "59-1055": {"f": 0.0}, "60-493": {"f": 0.0}, "60-495": {"f": 0.0}, "60-494": {"f": 0.0}, "60-496": {"f": 0.0}, "60-939": {"f": 0.0}, "60-941": {"f": 0.0}, "60-945": {"f": 0.0}, "60-959": {"f": 0.0}, "61-499": {"f": 0.0}, "61-497": {"f": 0.0}, "61-498": {"f": 0.0}, "61-500": {"f": 0.0}, "61-961": {"f": 0.0}, "61-975": {"f": 0.0}, "61-1019": {"f": 0.0}, "61-1021": {"f": 0.0}, "62-501": {"f": 0.0}, "62-503": {"f": 0.0}, "62-502": {"f": 0.0}, "62-504": {"f": 0.0}, "62-1003": {"f": 0.0}, "62-1005": {"f": 0.0}, "62-1009": {"f": 0.0}, "62-1023": {"f": 0.0}, "63-505": {"f": 0.0}, "63-507": {"f": 0.0}, "63-506": {"f": 0.0}, "63-508": {"f": 0.0}, "63-1067": {"f": 0.0}, "63-1069": {"f": 0.0}, "63-1073": {"f": 0.0}, "63-1087": {"f": 0.0}, "64-509": {"f": 0.0}, "64-511": {"f": 0.0}, "64-510": {"f": 0.0}, "64-512": {"f": 0.0}, "64-1051": {"f": 0.0}, "64-1053": {"f": 0.0}, "64-1057": {"f": 0.0}, "64-1071": {"f": 0.0}, "65-513": {"f": 0.0}, "65-515": {"f": 0.0}, "65-514": {"f": 0.0}, "65-516": {"f": 0.0}, "65-836": {"f": 0.0}, "65-840": {"f": 0.0}, "65-844": {"f": 0.0}, "65-848": {"f": 0.0}, "66-517": {"f": 0.0}, "66-519": {"f": 0.0}, "66-518": {"f": 0.0}, "66-520": {"f": 0.0}, "66-852": {"f": 0.0}, "66-856": {"f": 0.0}, "66-860": {"f": 0.0}, "66-864": {"f": 0.0}, "67-521": {"f": 0.0}, "67-523": {"f": 0.0}, "67-522": {"f": 0.0}, "67-524": {"f": 0.0}, "67-868": {"f": 0.0}, "67-872": {"f": 0.0}, "67-876": {"f": 0.0}, "67-880": {"f": 0.0}, "68-525": {"f": 0.0}, "68-528": {"f": 0.0}, "68-526": {"f": 0.0}, "68-527": {"f": 0.0}, "68-884": {"f": 0.0}, "68-888": {"f": 0.0}, "68-892": {"f": 0.0}, "68-896": {"f": 0.0}, "69-529": {"f": 0.0}, "69-532": {"f": 0.0}, "69-530": {"f": 0.0}, "69-531": {"f": 0.0}, "69-900": {"f": 0.0}, "69-904": {"f": 0.0}, "69-908": {"f": 0.0}, "69-912": {"f": 0.0}, "70-533": {"f": 0.0}, "70-535": {"f": 0.0}, "70-534": {"f": 0.0}, "70-536": {"f": 0.0}, "70-916": {"f": 0.0}, "70-920": {"f": 0.0}, "70-924": {"f": 0.0}, "70-928": {"f": 0.0}, "71-537": {"f": 0.0}, "71-539": {"f": 0.0}, "71-538": {"f": 0.0}, "71-540": {"f": 0.0}, "71-932": {"f": 0.0}, "71-936": {"f": 0.0}, "71-940": {"f": 0.0}, "71-944": {"f": 0.0}, "72-541": {"f": 0.0}, "72-544": {"f": 0.0}, "72-542": {"f": 0.0}, "72-543": {"f": 0.0}, "72-948": {"f": 0.0}, "72-952": {"f": 0.0}, "72-956": {"f": 0.0}, "72-960": {"f": 0.0}, "73-546": {"f": 0.0}, "73-548": {"f": 0.0}, "73-545": {"f": 0.0}, "73-547": {"f": 0.0}, "73-964": {"f": 0.0}, "73-968": {"f": 0.0}, "73-972": {"f": 0.0}, "73-976": {"f": 0.0}, "74-549": {"f": 0.0}, "74-551": {"f": 0.0}, "74-550": {"f": 0.0}, "74-552": {"f": 0.0}, "74-980": {"f": 0.0}, "74-984": {"f": 0.0}, "74-988": {"f": 0.0}, "74-992": {"f": 0.0}, "75-553": {"f": 0.0}, "75-555": {"f": 0.0}, "75-554": {"f": 0.0}, "75-556": {"f": 0.0}, "75-996": {"f": 0.0}, "75-1000": {"f": 0.0}, "75-1004": {"f": 0.0}, "75-1008": {"f": 0.0}, "76-558": {"f": 0.0}, "76-560": {"f": 0.0}, "76-557": {"f": 0.0}, "76-559": {"f": 0.0}, "76-1012": {"f": 0.0}, "76-1016": {"f": 0.0}, "76-1020": {"f": 0.0}, "76-1024": {"f": 0.0}, "77-561": {"f": 0.0}, "77-563": {"f": 0.0}, "77-562": {"f": 0.0}, "77-564": {"f": 0.0}, "77-1028": {"f": 0.0}, "77-1032": {"f": 0.0}, "77-1036": {"f": 0.0}, "77-1040": {"f": 0.0}, "78-565": {"f": 0.0}, "78-567": {"f": 0.0}, "78-566": {"f": 0.0}, "78-568": {"f": 0.0}, "78-1044": {"f": 0.0}, "78-1048": {"f": 0.0}, "78-1052": {"f": 0.0}, "78-1056": {"f": 0.0}, "79-569": {"f": 0.0}, "79-572": {"f": 0.0}, "79-570": {"f": 0.0}, "79-571": {"f": 0.0}, "79-1060": {"f": 0.0}, "79-1064": {"f": 0.0}, "79-1068": {"f": 0.0}, "79-1072": {"f": 0.0}, "80-574": {"f": 0.0}, "80-576": {"f": 0.0}, "80-573": {"f": 0.0}, "80-575": {"f": 0.0}, "80-1076": {"f": 0.0}, "80-1080": {"f": 0.0}, "80-1084": {"f": 0.0}, "80-1088": {"f": 0.0}, "81-577": {"f": 0.0}, "81-837": {"f": 0.0}, "81-838": {"f": 0.0}, "82-578": {"f": 0.0}, "82-838": {"f": 0.0}, "82-839": {"f": 0.0}, "83-579": {"f": 0.0}, "83-901": {"f": 0.0}, "83-902": {"f": 0.0}, "84-580": {"f": 0.0}, "84-902": {"f": 0.0}, "84-903": {"f": 0.0}, "85-581": {"f": 0.0}, "85-853": {"f": 0.0}, "85-854": {"f": 0.0}, "86-294": {"f": 0.0}, "86-582": {"f": 0.0}, "86-384": {"f": 0.0}, "86-583": {"f": 0.0}, "86-854": {"f": 0.0}, "86-855": {"f": 0.0}, "86-981": {"f": 0.0}, "86-982": {"f": 0.0}, "87-584": {"f": 0.0}, "87-982": {"f": 0.0}, "87-983": {"f": 0.0}, "92-407": {"f": 0.0}, "92-593": {"f": 0.0}, "92-300": {"f": 0.0}, "92-594": {"f": 0.0}, "92-949": {"f": 0.0}, "92-950": {"f": 0.0}, "92-1014": {"f": 0.0}, "92-1015": {"f": 0.0}, "93-595": {"f": 0.0}, "93-950": {"f": 0.0}, "93-951": {"f": 0.0}, "94-596": {"f": 0.0}, "94-1013": {"f": 0.0}, "94-1014": {"f": 0.0}, "95-597": {"f": 0.0}, "95-997": {"f": 0.0}, "95-998": {"f": 0.0}, "96-598": {"f": 0.0}, "96-998": {"f": 0.0}, "96-999": {"f": 0.0}, "97-599": {"f": 0.0}, "97-1061": {"f": 0.0}, "97-1062": {"f": 0.0}, "98-600": {"f": 0.0}, "98-1062": {"f": 0.0}, "98-1063": {"f": 0.0}, "99-429": {"f": 0.0}, "99-601": {"f": 0.0}, "99-307": {"f": 0.0}, "99-602": {"f": 0.0}, "99-885": {"f": 0.0}, "99-886": {"f": 0.0}, "99-1078": {"f": 0.0}, "99-1079": {"f": 0.0}, "100-603": {"f": 0.0}, "100-886": {"f": 0.0}, "100-887": {"f": 0.0}, "101-604": {"f": 0.0}, "101-1077": {"f": 0.0}, "101-1078": {"f": 0.0}, "102-605": {"f": 0.0}, "102-917": {"f": 0.0}, "102-918": {"f": 0.0}, "103-311": {"f": 0.0}, "103-606": {"f": 0.0}, "103-442": {"f": 0.0}, "103-607": {"f": 0.0}, "103-918": {"f": 0.0}, "103-919": {"f": 0.0}, "103-1045": {"f": 0.0}, "103-1046": {"f": 0.0}, "104-608": {"f": 0.0}, "104-1046": {"f": 0.0}, "104-1047": {"f": 0.0}, "105-609": {"f": 0.0}, "105-834": {"f": 0.0}, "105-835": {"f": 0.0}, "106-610": {"f": 0.0}, "106-889": {"f": 0.0}, "106-890": {"f": 0.0}, "107-449": {"f": 0.0}, "107-611": {"f": 0.0}, "107-315": {"f": 0.0}, "107-612": {"f": 0.0}, "107-833": {"f": 0.0}, "107-834": {"f": 0.0}, "107-890": {"f": 0.0}, "107-891": {"f": 0.0}, "108-613": {"f": 0.0}, "108-841": {"f": 0.0}, "108-842": {"f": 0.0}, "109-614": {"f": 0.0}, "109-850": {"f": 0.0}, "109-851": {"f": 0.0}, "110-318": {"f": 0.0}, "110-615": {"f": 0.0}, "110-453": {"f": 0.0}, "110-616": {"f": 0.0}, "110-842": {"f": 0.0}, "110-843": {"f": 0.0}, "110-849": {"f": 0.0}, "110-850": {"f": 0.0}, "111-617": {"f": 0.0}, "111-905": {"f": 0.0}, "111-906": {"f": 0.0}, "112-618": {"f": 0.0}, "112-914": {"f": 0.0}, "112-915": {"f": 0.0}, "113-321": {"f": 0.0}, "113-619": {"f": 0.0}, "113-457": {"f": 0.0}, "113-620": {"f": 0.0}, "113-906": {"f": 0.0}, "113-907": {"f": 0.0}, "113-913": {"f": 0.0}, "113-914": {"f": 0.0}, "114-621": {"f": 0.0}, "114-898": {"f": 0.0}, "114-899": {"f": 0.0}, "115-622": {"f": 0.0}, "115-953": {"f": 0.0}, "115-954": {"f": 0.0}, "116-461": {"f": 0.0}, "116-623": {"f": 0.0}, "116-324": {"f": 0.0}, "116-624": {"f": 0.0}, "116-897": {"f": 0.0}, "116-898": {"f": 0.0}, "116-954": {"f": 0.0}, "116-955": {"f": 0.0}, "117-385": {"f": 0.0}, "117-625": {"f": 0.0}, "117-325": {"f": 0.0}, "117-626": {"f": 0.0}, "117-857": {"f": 0.0}, "117-858": {"f": 0.0}, "117-978": {"f": 0.0}, "117-979": {"f": 0.0}, "118-326": {"f": 0.0}, "118-627": {"f": 0.0}, "118-392": {"f": 0.0}, "118-628": {"f": 0.0}, "118-866": {"f": 0.0}, "118-867": {"f": 0.0}, "118-969": {"f": 0.0}, "118-970": {"f": 0.0}, "119-327": {"f": 0.0}, "119-629": {"f": 0.0}, "119-465": {"f": 0.0}, "119-630": {"f": 0.0}, "119-858": {"f": 0.0}, "119-859": {"f": 0.0}, "119-865": {"f": 0.0}, "119-866": {"f": 0.0}, "120-328": {"f": 0.0}, "120-631": {"f": 0.0}, "120-469": {"f": 0.0}, "120-632": {"f": 0.0}, "120-970": {"f": 0.0}, "120-971": {"f": 0.0}, "120-977": {"f": 0.0}, "120-978": {"f": 0.0}, "121-633": {"f": 0.0}, "121-985": {"f": 0.0}, "121-986": {"f": 0.0}, "122-634": {"f": 0.0}, "122-994": {"f": 0.0}, "122-995": {"f": 0.0}, "123-331": {"f": 0.0}, "123-635": {"f": 0.0}, "123-473": {"f": 0.0}, "123-636": {"f": 0.0}, "123-986": {"f": 0.0}, "123-987": {"f": 0.0}, "123-993": {"f": 0.0}, "123-994": {"f": 0.0}, "124-396": {"f": 0.0}, "124-637": {"f": 0.0}, "124-332": {"f": 0.0}, "124-638": {"f": 0.0}, "124-873": {"f": 0.0}, "124-874": {"f": 0.0}, "124-1026": {"f": 0.0}, "124-1027": {"f": 0.0}, "125-333": {"f": 0.0}, "125-639": {"f": 0.0}, "125-430": {"f": 0.0}, "125-640": {"f": 0.0}, "125-882": {"f": 0.0}, "125-883": {"f": 0.0}, "125-1081": {"f": 0.0}, "125-1082": {"f": 0.0}, "126-334": {"f": 0.0}, "126-641": {"f": 0.0}, "126-477": {"f": 0.0}, "126-642": {"f": 0.0}, "126-874": {"f": 0.0}, "126-875": {"f": 0.0}, "126-881": {"f": 0.0}, "126-882": {"f": 0.0}, "127-481": {"f": 0.0}, "127-643": {"f": 0.0}, "127-335": {"f": 0.0}, "127-644": {"f": 0.0}, "127-1025": {"f": 0.0}, "127-1026": {"f": 0.0}, "127-1082": {"f": 0.0}, "127-1083": {"f": 0.0}, "128-336": {"f": 0.0}, "128-645": {"f": 0.0}, "128-400": {"f": 0.0}, "128-646": {"f": 0.0}, "128-930": {"f": 0.0}, "128-931": {"f": 0.0}, "128-1033": {"f": 0.0}, "128-1034": {"f": 0.0}, "129-443": {"f": 0.0}, "129-647": {"f": 0.0}, "129-337": {"f": 0.0}, "129-648": {"f": 0.0}, "129-921": {"f": 0.0}, "129-922": {"f": 0.0}, "129-1042": {"f": 0.0}, "129-1043": {"f": 0.0}, "130-338": {"f": 0.0}, "130-649": {"f": 0.0}, "130-485": {"f": 0.0}, "130-650": {"f": 0.0}, "130-922": {"f": 0.0}, "130-923": {"f": 0.0}, "130-929": {"f": 0.0}, "130-930": {"f": 0.0}, "131-339": {"f": 0.0}, "131-651": {"f": 0.0}, "131-489": {"f": 0.0}, "131-652": {"f": 0.0}, "131-1034": {"f": 0.0}, "131-1035": {"f": 0.0}, "131-1041": {"f": 0.0}, "131-1042": {"f": 0.0}, "132-404": {"f": 0.0}, "132-653": {"f": 0.0}, "132-340": {"f": 0.0}, "132-654": {"f": 0.0}, "132-937": {"f": 0.0}, "132-938": {"f": 0.0}, "132-962": {"f": 0.0}, "132-963": {"f": 0.0}, "133-341": {"f": 0.0}, "133-655": {"f": 0.0}, "133-408": {"f": 0.0}, "133-656": {"f": 0.0}, "133-946": {"f": 0.0}, "133-947": {"f": 0.0}, "133-1017": {"f": 0.0}, "133-1018": {"f": 0.0}, "134-342": {"f": 0.0}, "134-657": {"f": 0.0}, "134-493": {"f": 0.0}, "134-658": {"f": 0.0}, "134-938": {"f": 0.0}, "134-939": {"f": 0.0}, "134-945": {"f": 0.0}, "134-946": {"f": 0.0}, "135-497": {"f": 0.0}, "135-659": {"f": 0.0}, "135-343": {"f": 0.0}, "135-660": {"f": 0.0}, "135-961": {"f": 0.0}, "135-962": {"f": 0.0}, "135-1018": {"f": 0.0}, "135-1019": {"f": 0.0}, "136-661": {"f": 0.0}, "136-1010": {"f": 0.0}, "136-1011": {"f": 0.0}, "137-662": {"f": 0.0}, "137-1001": {"f": 0.0}, "137-1002": {"f": 0.0}, "138-346": {"f": 0.0}, "138-663": {"f": 0.0}, "138-501": {"f": 0.0}, "138-664": {"f": 0.0}, "138-1002": {"f": 0.0}, "138-1003": {"f": 0.0}, "138-1009": {"f": 0.0}, "138-1010": {"f": 0.0}, "139-665": {"f": 0.0}, "139-1065": {"f": 0.0}, "139-1066": {"f": 0.0}, "140-666": {"f": 0.0}, "140-1074": {"f": 0.0}, "140-1075": {"f": 0.0}, "141-349": {"f": 0.0}, "141-667": {"f": 0.0}, "141-505": {"f": 0.0}, "141-668": {"f": 0.0}, "141-1066": {"f": 0.0}, "141-1067": {"f": 0.0}, "141-1073": {"f": 0.0}, "141-1074": {"f": 0.0}, "142-669": {"f": 0.0}, "142-1058": {"f": 0.0}, "142-1059": {"f": 0.0}, "143-670": {"f": 0.0}, "143-1049": {"f": 0.0}, "143-1050": {"f": 0.0}, "144-352": {"f": 0.0}, "144-671": {"f": 0.0}, "144-509": {"f": 0.0}, "144-672": {"f": 0.0}, "144-1050": {"f": 0.0}, "144-1051": {"f": 0.0}, "144-1057": {"f": 0.0}, "144-1058": {"f": 0.0}, "145-353": {"f": 0.0}, "145-673": {"f": 0.0}, "145-450": {"f": 0.0}, "145-674": {"f": 0.0}, "145-846": {"f": 0.0}, "145-847": {"f": 0.0}, "145-893": {"f": 0.0}, "145-894": {"f": 0.0}, "146-454": {"f": 0.0}, "146-675": {"f": 0.0}, "146-354": {"f": 0.0}, "146-676": {"f": 0.0}, "146-845": {"f": 0.0}, "146-846": {"f": 0.0}, "146-862": {"f": 0.0}, "146-863": {"f": 0.0}, "147-466": {"f": 0.0}, "147-677": {"f": 0.0}, "147-355": {"f": 0.0}, "147-678": {"f": 0.0}, "147-861": {"f": 0.0}, "147-862": {"f": 0.0}, "147-878": {"f": 0.0}, "147-879": {"f": 0.0}, "148-478": {"f": 0.0}, "148-679": {"f": 0.0}, "148-356": {"f": 0.0}, "148-680": {"f": 0.0}, "148-877": {"f": 0.0}, "148-878": {"f": 0.0}, "148-894": {"f": 0.0}, "148-895": {"f": 0.0}, "149-458": {"f": 0.0}, "149-681": {"f": 0.0}, "149-357": {"f": 0.0}, "149-682": {"f": 0.0}, "149-909": {"f": 0.0}, "149-910": {"f": 0.0}, "149-926": {"f": 0.0}, "149-927": {"f": 0.0}, "150-358": {"f": 0.0}, "150-683": {"f": 0.0}, "150-462": {"f": 0.0}, "150-684": {"f": 0.0}, "150-910": {"f": 0.0}, "150-911": {"f": 0.0}, "150-957": {"f": 0.0}, "150-958": {"f": 0.0}, "151-486": {"f": 0.0}, "151-685": {"f": 0.0}, "151-359": {"f": 0.0}, "151-686": {"f": 0.0}, "151-925": {"f": 0.0}, "151-926": {"f": 0.0}, "151-942": {"f": 0.0}, "151-943": {"f": 0.0}, "152-494": {"f": 0.0}, "152-687": {"f": 0.0}, "152-360": {"f": 0.0}, "152-688": {"f": 0.0}, "152-941": {"f": 0.0}, "152-942": {"f": 0.0}, "152-958": {"f": 0.0}, "152-959": {"f": 0.0}, "153-470": {"f": 0.0}, "153-689": {"f": 0.0}, "153-361": {"f": 0.0}, "153-690": {"f": 0.0}, "153-973": {"f": 0.0}, "153-974": {"f": 0.0}, "153-990": {"f": 0.0}, "153-991": {"f": 0.0}, "154-474": {"f": 0.0}, "154-691": {"f": 0.0}, "154-362": {"f": 0.0}, "154-692": {"f": 0.0}, "154-989": {"f": 0.0}, "154-990": {"f": 0.0}, "154-1006": {"f": 0.0}, "154-1007": {"f": 0.0}, "155-363": {"f": 0.0}, "155-693": {"f": 0.0}, "155-498": {"f": 0.0}, "155-694": {"f": 0.0}, "155-974": {"f": 0.0}, "155-975": {"f": 0.0}, "155-1021": {"f": 0.0}, "155-1022": {"f": 0.0}, "156-502": {"f": 0.0}, "156-695": {"f": 0.0}, "156-364": {"f": 0.0}, "156-696": {"f": 0.0}, "156-1005": {"f": 0.0}, "156-1006": {"f": 0.0}, "156-1022": {"f": 0.0}, "156-1023": {"f": 0.0}, "157-365": {"f": 0.0}, "157-697": {"f": 0.0}, "157-482": {"f": 0.0}, "157-698": {"f": 0.0}, "157-1038": {"f": 0.0}, "157-1039": {"f": 0.0}, "157-1085": {"f": 0.0}, "157-1086": {"f": 0.0}, "158-490": {"f": 0.0}, "158-699": {"f": 0.0}, "158-366": {"f": 0.0}, "158-700": {"f": 0.0}, "158-1037": {"f": 0.0}, "158-1038": {"f": 0.0}, "158-1054": {"f": 0.0}, "158-1055": {"f": 0.0}, "159-506": {"f": 0.0}, "159-701": {"f": 0.0}, "159-367": {"f": 0.0}, "159-702": {"f": 0.0}, "159-1069": {"f": 0.0}, "159-1070": {"f": 0.0}, "159-1086": {"f": 0.0}, "159-1087": {"f": 0.0}, "160-510": {"f": 0.0}, "160-703": {"f": 0.0}, "160-368": {"f": 0.0}, "160-704": {"f": 0.0}, "160-1053": {"f": 0.0}, "160-1054": {"f": 0.0}, "160-1070": {"f": 0.0}, "160-1071": {"f": 0.0}, "161-371": {"f": 0.0}, "161-705": {"f": 0.0}, "161-513": {"f": 0.0}, "161-706": {"f": 0.0}, "161-835": {"f": 0.0}, "161-836": {"f": 0.0}, "161-837": {"f": 0.0}, "161-840": {"f": 0.0}, "162-374": {"f": 0.0}, "162-707": {"f": 0.0}, "162-514": {"f": 0.0}, "162-708": {"f": 0.0}, "162-839": {"f": 0.0}, "162-840": {"f": 0.0}, "162-841": {"f": 0.0}, "162-844": {"f": 0.0}, "163-377": {"f": 0.0}, "163-709": {"f": 0.0}, "163-529": {"f": 0.0}, "163-710": {"f": 0.0}, "163-899": {"f": 0.0}, "163-900": {"f": 0.0}, "163-901": {"f": 0.0}, "163-904": {"f": 0.0}, "164-380": {"f": 0.0}, "164-711": {"f": 0.0}, "164-530": {"f": 0.0}, "164-712": {"f": 0.0}, "164-903": {"f": 0.0}, "164-904": {"f": 0.0}, "164-905": {"f": 0.0}, "164-908": {"f": 0.0}, "165-383": {"f": 0.0}, "165-713": {"f": 0.0}, "165-517": {"f": 0.0}, "165-714": {"f": 0.0}, "165-851": {"f": 0.0}, "165-852": {"f": 0.0}, "165-853": {"f": 0.0}, "165-856": {"f": 0.0}, "166-386": {"f": 0.0}, "166-715": {"f": 0.0}, "166-518": {"f": 0.0}, "166-716": {"f": 0.0}, "166-855": {"f": 0.0}, "166-856": {"f": 0.0}, "166-857": {"f": 0.0}, "166-860": {"f": 0.0}, "167-387": {"f": 0.0}, "167-717": {"f": 0.0}, "167-549": {"f": 0.0}, "167-718": {"f": 0.0}, "167-979": {"f": 0.0}, "167-980": {"f": 0.0}, "167-981": {"f": 0.0}, "167-984": {"f": 0.0}, "168-390": {"f": 0.0}, "168-719": {"f": 0.0}, "168-550": {"f": 0.0}, "168-720": {"f": 0.0}, "168-983": {"f": 0.0}, "168-984": {"f": 0.0}, "168-985": {"f": 0.0}, "168-988": {"f": 0.0}, "169-393": {"f": 0.0}, "169-721": {"f": 0.0}, "169-521": {"f": 0.0}, "169-722": {"f": 0.0}, "169-867": {"f": 0.0}, "169-868": {"f": 0.0}, "169-869": {"f": 0.0}, "169-872": {"f": 0.0}, "170-394": {"f": 0.0}, "170-723": {"f": 0.0}, "170-545": {"f": 0.0}, "170-724": {"f": 0.0}, "170-967": {"f": 0.0}, "170-968": {"f": 0.0}, "170-969": {"f": 0.0}, "170-972": {"f": 0.0}, "171-397": {"f": 0.0}, "171-725": {"f": 0.0}, "171-522": {"f": 0.0}, "171-726": {"f": 0.0}, "171-871": {"f": 0.0}, "171-872": {"f": 0.0}, "171-873": {"f": 0.0}, "171-876": {"f": 0.0}, "172-398": {"f": 0.0}, "172-727": {"f": 0.0}, "172-561": {"f": 0.0}, "172-728": {"f": 0.0}, "172-1027": {"f": 0.0}, "172-1028": {"f": 0.0}, "172-1029": {"f": 0.0}, "172-1032": {"f": 0.0}, "173-401": {"f": 0.0}, "173-729": {"f": 0.0}, "173-537": {"f": 0.0}, "173-730": {"f": 0.0}, "173-931": {"f": 0.0}, "173-932": {"f": 0.0}, "173-933": {"f": 0.0}, "173-936": {"f": 0.0}, "174-402": {"f": 0.0}, "174-731": {"f": 0.0}, "174-562": {"f": 0.0}, "174-732": {"f": 0.0}, "174-1031": {"f": 0.0}, "174-1032": {"f": 0.0}, "174-1033": {"f": 0.0}, "174-1036": {"f": 0.0}, "175-405": {"f": 0.0}, "175-733": {"f": 0.0}, "175-538": {"f": 0.0}, "175-734": {"f": 0.0}, "175-935": {"f": 0.0}, "175-936": {"f": 0.0}, "175-937": {"f": 0.0}, "175-940": {"f": 0.0}, "176-406": {"f": 0.0}, "176-735": {"f": 0.0}, "176-546": {"f": 0.0}, "176-736": {"f": 0.0}, "176-963": {"f": 0.0}, "176-964": {"f": 0.0}, "176-965": {"f": 0.0}, "176-968": {"f": 0.0}, "177-409": {"f": 0.0}, "177-737": {"f": 0.0}, "177-541": {"f": 0.0}, "177-738": {"f": 0.0}, "177-947": {"f": 0.0}, "177-948": {"f": 0.0}, "177-949": {"f": 0.0}, "177-952": {"f": 0.0}, "178-410": {"f": 0.0}, "178-739": {"f": 0.0}, "178-557": {"f": 0.0}, "178-740": {"f": 0.0}, "178-1015": {"f": 0.0}, "178-1016": {"f": 0.0}, "178-1017": {"f": 0.0}, "178-1020": {"f": 0.0}, "179-413": {"f": 0.0}, "179-741": {"f": 0.0}, "179-542": {"f": 0.0}, "179-742": {"f": 0.0}, "179-951": {"f": 0.0}, "179-952": {"f": 0.0}, "179-953": {"f": 0.0}, "179-956": {"f": 0.0}, "180-416": {"f": 0.0}, "180-743": {"f": 0.0}, "180-558": {"f": 0.0}, "180-744": {"f": 0.0}, "180-1011": {"f": 0.0}, "180-1012": {"f": 0.0}, "180-1013": {"f": 0.0}, "180-1016": {"f": 0.0}, "181-419": {"f": 0.0}, "181-745": {"f": 0.0}, "181-553": {"f": 0.0}, "181-746": {"f": 0.0}, "181-995": {"f": 0.0}, "181-996": {"f": 0.0}, "181-997": {"f": 0.0}, "181-1000": {"f": 0.0}, "182-422": {"f": 0.0}, "182-747": {"f": 0.0}, "182-554": {"f": 0.0}, "182-748": {"f": 0.0}, "182-999": {"f": 0.0}, "182-1000": {"f": 0.0}, "182-1001": {"f": 0.0}, "182-1004": {"f": 0.0}, "183-425": {"f": 0.0}, "183-749": {"f": 0.0}, "183-569": {"f": 0.0}, "183-750": {"f": 0.0}, "183-1059": {"f": 0.0}, "183-1060": {"f": 0.0}, "183-1061": {"f": 0.0}, "183-1064": {"f": 0.0}, "184-428": {"f": 0.0}, "184-751": {"f": 0.0}, "184-570": {"f": 0.0}, "184-752": {"f": 0.0}, "184-1063": {"f": 0.0}, "184-1064": {"f": 0.0}, "184-1065": {"f": 0.0}, "184-1068": {"f": 0.0}, "185-431": {"f": 0.0}, "185-753": {"f": 0.0}, "185-525": {"f": 0.0}, "185-754": {"f": 0.0}, "185-883": {"f": 0.0}, "185-884": {"f": 0.0}, "185-885": {"f": 0.0}, "185-888": {"f": 0.0}, "186-432": {"f": 0.0}, "186-755": {"f": 0.0}, "186-573": {"f": 0.0}, "186-756": {"f": 0.0}, "186-1079": {"f": 0.0}, "186-1080": {"f": 0.0}, "186-1081": {"f": 0.0}, "186-1084": {"f": 0.0}, "187-435": {"f": 0.0}, "187-757": {"f": 0.0}, "187-526": {"f": 0.0}, "187-758": {"f": 0.0}, "187-887": {"f": 0.0}, "187-888": {"f": 0.0}, "187-889": {"f": 0.0}, "187-892": {"f": 0.0}, "188-438": {"f": 0.0}, "188-759": {"f": 0.0}, "188-574": {"f": 0.0}, "188-760": {"f": 0.0}, "188-1075": {"f": 0.0}, "188-1076": {"f": 0.0}, "188-1077": {"f": 0.0}, "188-1080": {"f": 0.0}, "189-441": {"f": 0.0}, "189-761": {"f": 0.0}, "189-533": {"f": 0.0}, "189-762": {"f": 0.0}, "189-915": {"f": 0.0}, "189-916": {"f": 0.0}, "189-917": {"f": 0.0}, "189-920": {"f": 0.0}, "190-444": {"f": 0.0}, "190-763": {"f": 0.0}, "190-534": {"f": 0.0}, "190-764": {"f": 0.0}, "190-919": {"f": 0.0}, "190-920": {"f": 0.0}, "190-921": {"f": 0.0}, "190-924": {"f": 0.0}, "191-445": {"f": 0.0}, "191-765": {"f": 0.0}, "191-565": {"f": 0.0}, "191-766": {"f": 0.0}, "191-1043": {"f": 0.0}, "191-1044": {"f": 0.0}, "191-1045": {"f": 0.0}, "191-1048": {"f": 0.0}, "192-448": {"f": 0.0}, "192-767": {"f": 0.0}, "192-566": {"f": 0.0}, "192-768": {"f": 0.0}, "192-1047": {"f": 0.0}, "192-1048": {"f": 0.0}, "192-1049": {"f": 0.0}, "192-1052": {"f": 0.0}, "193-769": {"f": 0.0}, "193-451": {"f": 0.0}, "193-515": {"f": 0.0}, "193-770": {"f": 0.0}, "193-833": {"f": 0.0}, "193-836": {"f": 0.0}, "193-847": {"f": 0.0}, "193-848": {"f": 0.0}, "194-452": {"f": 0.0}, "194-771": {"f": 0.0}, "194-527": {"f": 0.0}, "194-772": {"f": 0.0}, "194-891": {"f": 0.0}, "194-892": {"f": 0.0}, "194-893": {"f": 0.0}, "194-896": {"f": 0.0}, "195-455": {"f": 0.0}, "195-773": {"f": 0.0}, "195-516": {"f": 0.0}, "195-774": {"f": 0.0}, "195-843": {"f": 0.0}, "195-844": {"f": 0.0}, "195-845": {"f": 0.0}, "195-848": {"f": 0.0}, "196-775": {"f": 0.0}, "196-456": {"f": 0.0}, "196-519": {"f": 0.0}, "196-776": {"f": 0.0}, "196-849": {"f": 0.0}, "196-852": {"f": 0.0}, "196-863": {"f": 0.0}, "196-864": {"f": 0.0}, "197-459": {"f": 0.0}, "197-777": {"f": 0.0}, "197-531": {"f": 0.0}, "197-778": {"f": 0.0}, "197-907": {"f": 0.0}, "197-908": {"f": 0.0}, "197-909": {"f": 0.0}, "197-912": {"f": 0.0}, "198-779": {"f": 0.0}, "198-460": {"f": 0.0}, "198-535": {"f": 0.0}, "198-780": {"f": 0.0}, "198-913": {"f": 0.0}, "198-916": {"f": 0.0}, "198-927": {"f": 0.0}, "198-928": {"f": 0.0}, "199-781": {"f": 0.0}, "199-463": {"f": 0.0}, "199-532": {"f": 0.0}, "199-782": {"f": 0.0}, "199-897": {"f": 0.0}, "199-900": {"f": 0.0}, "199-911": {"f": 0.0}, "199-912": {"f": 0.0}, "200-464": {"f": 0.0}, "200-783": {"f": 0.0}, "200-543": {"f": 0.0}, "200-784": {"f": 0.0}, "200-955": {"f": 0.0}, "200-956": {"f": 0.0}, "200-957": {"f": 0.0}, "200-960": {"f": 0.0}, "201-467": {"f": 0.0}, "201-785": {"f": 0.0}, "201-520": {"f": 0.0}, "201-786": {"f": 0.0}, "201-859": {"f": 0.0}, "201-860": {"f": 0.0}, "201-861": {"f": 0.0}, "201-864": {"f": 0.0}, "202-787": {"f": 0.0}, "202-468": {"f": 0.0}, "202-523": {"f": 0.0}, "202-788": {"f": 0.0}, "202-865": {"f": 0.0}, "202-868": {"f": 0.0}, "202-879": {"f": 0.0}, "202-880": {"f": 0.0}, "203-471": {"f": 0.0}, "203-789": {"f": 0.0}, "203-547": {"f": 0.0}, "203-790": {"f": 0.0}, "203-971": {"f": 0.0}, "203-972": {"f": 0.0}, "203-973": {"f": 0.0}, "203-976": {"f": 0.0}, "204-791": {"f": 0.0}, "204-472": {"f": 0.0}, "204-551": {"f": 0.0}, "204-792": {"f": 0.0}, "204-977": {"f": 0.0}, "204-980": {"f": 0.0}, "204-991": {"f": 0.0}, "204-992": {"f": 0.0}, "205-475": {"f": 0.0}, "205-793": {"f": 0.0}, "205-552": {"f": 0.0}, "205-794": {"f": 0.0}, "205-987": {"f": 0.0}, "205-988": {"f": 0.0}, "205-989": {"f": 0.0}, "205-992": {"f": 0.0}, "206-795": {"f": 0.0}, "206-476": {"f": 0.0}, "206-555": {"f": 0.0}, "206-796": {"f": 0.0}, "206-993": {"f": 0.0}, "206-996": {"f": 0.0}, "206-1007": {"f": 0.0}, "206-1008": {"f": 0.0}, "207-479": {"f": 0.0}, "207-797": {"f": 0.0}, "207-524": {"f": 0.0}, "207-798": {"f": 0.0}, "207-875": {"f": 0.0}, "207-876": {"f": 0.0}, "207-877": {"f": 0.0}, "207-880": {"f": 0.0}, "208-799": {"f": 0.0}, "208-480": {"f": 0.0}, "208-528": {"f": 0.0}, "208-800": {"f": 0.0}, "208-881": {"f": 0.0}, "208-884": {"f": 0.0}, "208-895": {"f": 0.0}, "208-896": {"f": 0.0}, "209-801": {"f": 0.0}, "209-483": {"f": 0.0}, "209-563": {"f": 0.0}, "209-802": {"f": 0.0}, "209-1025": {"f": 0.0}, "209-1028": {"f": 0.0}, "209-1039": {"f": 0.0}, "209-1040": {"f": 0.0}, "210-484": {"f": 0.0}, "210-803": {"f": 0.0}, "210-575": {"f": 0.0}, "210-804": {"f": 0.0}, "210-1083": {"f": 0.0}, "210-1084": {"f": 0.0}, "210-1085": {"f": 0.0}, "210-1088": {"f": 0.0}, "211-487": {"f": 0.0}, "211-805": {"f": 0.0}, "211-536": {"f": 0.0}, "211-806": {"f": 0.0}, "211-923": {"f": 0.0}, "211-924": {"f": 0.0}, "211-925": {"f": 0.0}, "211-928": {"f": 0.0}, "212-807": {"f": 0.0}, "212-488": {"f": 0.0}, "212-539": {"f": 0.0}, "212-808": {"f": 0.0}, "212-929": {"f": 0.0}, "212-932": {"f": 0.0}, "212-943": {"f": 0.0}, "212-944": {"f": 0.0}, "213-491": {"f": 0.0}, "213-809": {"f": 0.0}, "213-564": {"f": 0.0}, "213-810": {"f": 0.0}, "213-1035": {"f": 0.0}, "213-1036": {"f": 0.0}, "213-1037": {"f": 0.0}, "213-1040": {"f": 0.0}, "214-811": {"f": 0.0}, "214-492": {"f": 0.0}, "214-567": {"f": 0.0}, "214-812": {"f": 0.0}, "214-1041": {"f": 0.0}, "214-1044": {"f": 0.0}, "214-1055": {"f": 0.0}, "214-1056": {"f": 0.0}, "215-495": {"f": 0.0}, "215-813": {"f": 0.0}, "215-540": {"f": 0.0}, "215-814": {"f": 0.0}, "215-939": {"f": 0.0}, "215-940": {"f": 0.0}, "215-941": {"f": 0.0}, "215-944": {"f": 0.0}, "216-815": {"f": 0.0}, "216-496": {"f": 0.0}, "216-544": {"f": 0.0}, "216-816": {"f": 0.0}, "216-945": {"f": 0.0}, "216-948": {"f": 0.0}, "216-959": {"f": 0.0}, "216-960": {"f": 0.0}, "217-817": {"f": 0.0}, "217-499": {"f": 0.0}, "217-548": {"f": 0.0}, "217-818": {"f": 0.0}, "217-961": {"f": 0.0}, "217-964": {"f": 0.0}, "217-975": {"f": 0.0}, "217-976": {"f": 0.0}, "218-500": {"f": 0.0}, "218-819": {"f": 0.0}, "218-559": {"f": 0.0}, "218-820": {"f": 0.0}, "218-1019": {"f": 0.0}, "218-1020": {"f": 0.0}, "218-1021": {"f": 0.0}, "218-1024": {"f": 0.0}, "219-503": {"f": 0.0}, "219-821": {"f": 0.0}, "219-556": {"f": 0.0}, "219-822": {"f": 0.0}, "219-1003": {"f": 0.0}, "219-1004": {"f": 0.0}, "219-1005": {"f": 0.0}, "219-1008": {"f": 0.0}, "220-823": {"f": 0.0}, "220-504": {"f": 0.0}, "220-560": {"f": 0.0}, "220-824": {"f": 0.0}, "220-1009": {"f": 0.0}, "220-1012": {"f": 0.0}, "220-1023": {"f": 0.0}, "220-1024": {"f": 0.0}, "221-507": {"f": 0.0}, "221-825": {"f": 0.0}, "221-571": {"f": 0.0}, "221-826": {"f": 0.0}, "221-1067": {"f": 0.0}, "221-1068": {"f": 0.0}, "221-1069": {"f": 0.0}, "221-1072": {"f": 0.0}, "222-827": {"f": 0.0}, "222-508": {"f": 0.0}, "222-576": {"f": 0.0}, "222-828": {"f": 0.0}, "222-1073": {"f": 0.0}, "222-1076": {"f": 0.0}, "222-1087": {"f": 0.0}, "222-1088": {"f": 0.0}, "223-511": {"f": 0.0}, "223-829": {"f": 0.0}, "223-568": {"f": 0.0}, "223-830": {"f": 0.0}, "223-1051": {"f": 0.0}, "223-1052": {"f": 0.0}, "223-1053": {"f": 0.0}, "223-1056": {"f": 0.0}, "224-831": {"f": 0.0}, "224-512": {"f": 0.0}, "224-572": {"f": 0.0}, "224-832": {"f": 0.0}, "224-1057": {"f": 0.0}, "224-1060": {"f": 0.0}, "224-1071": {"f": 0.0}, "224-1072": {"f": 0.0}, "225-611": {"f": 0.0}, "225-769": {"f": 0.0}, "225-609": {"f": 0.0}, "225-705": {"f": 0.0}, "225-833": {"f": 0.0}, "225-834": {"f": 0.0}, "225-835": {"f": 0.0}, "225-836": {"f": 0.0}, "226-577": {"f": 0.0}, "226-706": {"f": 0.0}, "226-578": {"f": 0.0}, "226-707": {"f": 0.0}, "226-837": {"f": 0.0}, "226-838": {"f": 0.0}, "226-839": {"f": 0.0}, "226-840": {"f": 0.0}, "227-613": {"f": 0.0}, "227-708": {"f": 0.0}, "227-615": {"f": 0.0}, "227-773": {"f": 0.0}, "227-841": {"f": 0.0}, "227-842": {"f": 0.0}, "227-843": {"f": 0.0}, "227-844": {"f": 0.0}, "228-675": {"f": 0.0}, "228-774": {"f": 0.0}, "228-673": {"f": 0.0}, "228-770": {"f": 0.0}, "228-845": {"f": 0.0}, "228-846": {"f": 0.0}, "228-847": {"f": 0.0}, "228-848": {"f": 0.0}, "229-616": {"f": 0.0}, "229-775": {"f": 0.0}, "229-614": {"f": 0.0}, "229-713": {"f": 0.0}, "229-849": {"f": 0.0}, "229-850": {"f": 0.0}, "229-851": {"f": 0.0}, "229-852": {"f": 0.0}, "230-581": {"f": 0.0}, "230-714": {"f": 0.0}, "230-582": {"f": 0.0}, "230-715": {"f": 0.0}, "230-853": {"f": 0.0}, "230-854": {"f": 0.0}, "230-855": {"f": 0.0}, "230-856": {"f": 0.0}, "231-625": {"f": 0.0}, "231-716": {"f": 0.0}, "231-629": {"f": 0.0}, "231-785": {"f": 0.0}, "231-857": {"f": 0.0}, "231-858": {"f": 0.0}, "231-859": {"f": 0.0}, "231-860": {"f": 0.0}, "232-677": {"f": 0.0}, "232-786": {"f": 0.0}, "232-676": {"f": 0.0}, "232-776": {"f": 0.0}, "232-861": {"f": 0.0}, "232-862": {"f": 0.0}, "232-863": {"f": 0.0}, "232-864": {"f": 0.0}, "233-630": {"f": 0.0}, "233-787": {"f": 0.0}, "233-627": {"f": 0.0}, "233-721": {"f": 0.0}, "233-865": {"f": 0.0}, "233-866": {"f": 0.0}, "233-867": {"f": 0.0}, "233-868": {"f": 0.0}, "235-637": {"f": 0.0}, "235-726": {"f": 0.0}, "235-641": {"f": 0.0}, "235-797": {"f": 0.0}, "235-873": {"f": 0.0}, "235-874": {"f": 0.0}, "235-875": {"f": 0.0}, "235-876": {"f": 0.0}, "236-679": {"f": 0.0}, "236-798": {"f": 0.0}, "236-678": {"f": 0.0}, "236-788": {"f": 0.0}, "236-877": {"f": 0.0}, "236-878": {"f": 0.0}, "236-879": {"f": 0.0}, "236-880": {"f": 0.0}, "237-642": {"f": 0.0}, "237-799": {"f": 0.0}, "237-639": {"f": 0.0}, "237-753": {"f": 0.0}, "237-881": {"f": 0.0}, "237-882": {"f": 0.0}, "237-883": {"f": 0.0}, "237-884": {"f": 0.0}, "238-601": {"f": 0.0}, "238-754": {"f": 0.0}, "238-603": {"f": 0.0}, "238-757": {"f": 0.0}, "238-885": {"f": 0.0}, "238-886": {"f": 0.0}, "238-887": {"f": 0.0}, "238-888": {"f": 0.0}, "239-610": {"f": 0.0}, "239-758": {"f": 0.0}, "239-612": {"f": 0.0}, "239-771": {"f": 0.0}, "239-889": {"f": 0.0}, "239-890": {"f": 0.0}, "239-891": {"f": 0.0}, "239-892": {"f": 0.0}, "240-674": {"f": 0.0}, "240-772": {"f": 0.0}, "240-680": {"f": 0.0}, "240-800": {"f": 0.0}, "240-893": {"f": 0.0}, "240-894": {"f": 0.0}, "240-895": {"f": 0.0}, "240-896": {"f": 0.0}, "241-623": {"f": 0.0}, "241-781": {"f": 0.0}, "241-621": {"f": 0.0}, "241-709": {"f": 0.0}, "241-897": {"f": 0.0}, "241-898": {"f": 0.0}, "241-899": {"f": 0.0}, "241-900": {"f": 0.0}, "242-579": {"f": 0.0}, "242-710": {"f": 0.0}, "242-580": {"f": 0.0}, "242-711": {"f": 0.0}, "242-901": {"f": 0.0}, "242-902": {"f": 0.0}, "242-903": {"f": 0.0}, "242-904": {"f": 0.0}, "243-617": {"f": 0.0}, "243-712": {"f": 0.0}, "243-619": {"f": 0.0}, "243-777": {"f": 0.0}, "243-905": {"f": 0.0}, "243-906": {"f": 0.0}, "243-907": {"f": 0.0}, "243-908": {"f": 0.0}, "244-681": {"f": 0.0}, "244-778": {"f": 0.0}, "244-683": {"f": 0.0}, "244-782": {"f": 0.0}, "244-909": {"f": 0.0}, "244-910": {"f": 0.0}, "244-911": {"f": 0.0}, "244-912": {"f": 0.0}, "245-620": {"f": 0.0}, "245-779": {"f": 0.0}, "245-618": {"f": 0.0}, "245-761": {"f": 0.0}, "245-913": {"f": 0.0}, "245-914": {"f": 0.0}, "245-915": {"f": 0.0}, "245-916": {"f": 0.0}, "246-605": {"f": 0.0}, "246-762": {"f": 0.0}, "246-606": {"f": 0.0}, "246-763": {"f": 0.0}, "246-917": {"f": 0.0}, "246-918": {"f": 0.0}, "246-919": {"f": 0.0}, "246-920": {"f": 0.0}, "247-647": {"f": 0.0}, "247-764": {"f": 0.0}, "247-649": {"f": 0.0}, "247-805": {"f": 0.0}, "247-921": {"f": 0.0}, "247-922": {"f": 0.0}, "247-923": {"f": 0.0}, "247-924": {"f": 0.0}, "248-685": {"f": 0.0}, "248-806": {"f": 0.0}, "248-682": {"f": 0.0}, "248-780": {"f": 0.0}, "248-925": {"f": 0.0}, "248-926": {"f": 0.0}, "248-927": {"f": 0.0}, "248-928": {"f": 0.0}, "249-650": {"f": 0.0}, "249-807": {"f": 0.0}, "249-645": {"f": 0.0}, "249-729": {"f": 0.0}, "249-929": {"f": 0.0}, "249-930": {"f": 0.0}, "249-931": {"f": 0.0}, "249-932": {"f": 0.0}, "251-653": {"f": 0.0}, "251-734": {"f": 0.0}, "251-657": {"f": 0.0}, "251-813": {"f": 0.0}, "251-937": {"f": 0.0}, "251-938": {"f": 0.0}, "251-939": {"f": 0.0}, "251-940": {"f": 0.0}, "252-687": {"f": 0.0}, "252-814": {"f": 0.0}, "252-686": {"f": 0.0}, "252-808": {"f": 0.0}, "252-941": {"f": 0.0}, "252-942": {"f": 0.0}, "252-943": {"f": 0.0}, "252-944": {"f": 0.0}, "253-658": {"f": 0.0}, "253-815": {"f": 0.0}, "253-655": {"f": 0.0}, "253-737": {"f": 0.0}, "253-945": {"f": 0.0}, "253-946": {"f": 0.0}, "253-947": {"f": 0.0}, "253-948": {"f": 0.0}, "254-593": {"f": 0.0}, "254-738": {"f": 0.0}, "254-595": {"f": 0.0}, "254-741": {"f": 0.0}, "254-949": {"f": 0.0}, "254-950": {"f": 0.0}, "254-951": {"f": 0.0}, "254-952": {"f": 0.0}, "255-622": {"f": 0.0}, "255-742": {"f": 0.0}, "255-624": {"f": 0.0}, "255-783": {"f": 0.0}, "255-953": {"f": 0.0}, "255-954": {"f": 0.0}, "255-955": {"f": 0.0}, "255-956": {"f": 0.0}, "256-684": {"f": 0.0}, "256-784": {"f": 0.0}, "256-688": {"f": 0.0}, "256-816": {"f": 0.0}, "256-957": {"f": 0.0}, "256-958": {"f": 0.0}, "256-959": {"f": 0.0}, "256-960": {"f": 0.0}, "257-659": {"f": 0.0}, "257-817": {"f": 0.0}, "257-654": {"f": 0.0}, "257-735": {"f": 0.0}, "257-961": {"f": 0.0}, "257-962": {"f": 0.0}, "257-963": {"f": 0.0}, "257-964": {"f": 0.0}, "259-628": {"f": 0.0}, "259-724": {"f": 0.0}, "259-631": {"f": 0.0}, "259-789": {"f": 0.0}, "259-969": {"f": 0.0}, "259-970": {"f": 0.0}, "259-971": {"f": 0.0}, "259-972": {"f": 0.0}, "260-689": {"f": 0.0}, "260-790": {"f": 0.0}, "260-693": {"f": 0.0}, "260-818": {"f": 0.0}, "260-973": {"f": 0.0}, "260-974": {"f": 0.0}, "260-975": {"f": 0.0}, "260-976": {"f": 0.0}, "261-632": {"f": 0.0}, "261-791": {"f": 0.0}, "261-626": {"f": 0.0}, "261-717": {"f": 0.0}, "261-977": {"f": 0.0}, "261-978": {"f": 0.0}, "261-979": {"f": 0.0}, "261-980": {"f": 0.0}, "262-583": {"f": 0.0}, "262-718": {"f": 0.0}, "262-584": {"f": 0.0}, "262-719": {"f": 0.0}, "262-981": {"f": 0.0}, "262-982": {"f": 0.0}, "262-983": {"f": 0.0}, "262-984": {"f": 0.0}, "263-633": {"f": 0.0}, "263-720": {"f": 0.0}, "263-635": {"f": 0.0}, "263-793": {"f": 0.0}, "263-985": {"f": 0.0}, "263-986": {"f": 0.0}, "263-987": {"f": 0.0}, "263-988": {"f": 0.0}, "264-691": {"f": 0.0}, "264-794": {"f": 0.0}, "264-690": {"f": 0.0}, "264-792": {"f": 0.0}, "264-989": {"f": 0.0}, "264-990": {"f": 0.0}, "264-991": {"f": 0.0}, "264-992": {"f": 0.0}, "265-636": {"f": 0.0}, "265-795": {"f": 0.0}, "265-634": {"f": 0.0}, "265-745": {"f": 0.0}, "265-993": {"f": 0.0}, "265-994": {"f": 0.0}, "265-995": {"f": 0.0}, "265-996": {"f": 0.0}, "266-597": {"f": 0.0}, "266-746": {"f": 0.0}, "266-598": {"f": 0.0}, "266-747": {"f": 0.0}, "266-997": {"f": 0.0}, "266-998": {"f": 0.0}, "266-999": {"f": 0.0}, "266-1000": {"f": 0.0}, "267-662": {"f": 0.0}, "267-748": {"f": 0.0}, "267-663": {"f": 0.0}, "267-821": {"f": 0.0}, "267-1001": {"f": 0.0}, "267-1002": {"f": 0.0}, "267-1003": {"f": 0.0}, "267-1004": {"f": 0.0}, "268-695": {"f": 0.0}, "268-822": {"f": 0.0}, "268-692": {"f": 0.0}, "268-796": {"f": 0.0}, "268-1005": {"f": 0.0}, "268-1006": {"f": 0.0}, "268-1007": {"f": 0.0}, "268-1008": {"f": 0.0}, "269-664": {"f": 0.0}, "269-823": {"f": 0.0}, "269-661": {"f": 0.0}, "269-743": {"f": 0.0}, "269-1009": {"f": 0.0}, "269-1010": {"f": 0.0}, "269-1011": {"f": 0.0}, "269-1012": {"f": 0.0}, "270-596": {"f": 0.0}, "270-744": {"f": 0.0}, "270-594": {"f": 0.0}, "270-739": {"f": 0.0}, "270-1013": {"f": 0.0}, "270-1014": {"f": 0.0}, "270-1015": {"f": 0.0}, "270-1016": {"f": 0.0}, "271-656": {"f": 0.0}, "271-740": {"f": 0.0}, "271-660": {"f": 0.0}, "271-819": {"f": 0.0}, "271-1017": {"f": 0.0}, "271-1018": {"f": 0.0}, "271-1019": {"f": 0.0}, "271-1020": {"f": 0.0}, "272-694": {"f": 0.0}, "272-820": {"f": 0.0}, "272-696": {"f": 0.0}, "272-824": {"f": 0.0}, "272-1021": {"f": 0.0}, "272-1022": {"f": 0.0}, "272-1023": {"f": 0.0}, "272-1024": {"f": 0.0}, "273-643": {"f": 0.0}, "273-801": {"f": 0.0}, "273-638": {"f": 0.0}, "273-727": {"f": 0.0}, "273-1025": {"f": 0.0}, "273-1026": {"f": 0.0}, "273-1027": {"f": 0.0}, "273-1028": {"f": 0.0}, "275-646": {"f": 0.0}, "275-732": {"f": 0.0}, "275-651": {"f": 0.0}, "275-809": {"f": 0.0}, "275-1033": {"f": 0.0}, "275-1034": {"f": 0.0}, "275-1035": {"f": 0.0}, "275-1036": {"f": 0.0}, "276-699": {"f": 0.0}, "276-810": {"f": 0.0}, "276-697": {"f": 0.0}, "276-802": {"f": 0.0}, "276-1037": {"f": 0.0}, "276-1038": {"f": 0.0}, "276-1039": {"f": 0.0}, "276-1040": {"f": 0.0}, "277-652": {"f": 0.0}, "277-811": {"f": 0.0}, "277-648": {"f": 0.0}, "277-765": {"f": 0.0}, "277-1041": {"f": 0.0}, "277-1042": {"f": 0.0}, "277-1043": {"f": 0.0}, "277-1044": {"f": 0.0}, "278-607": {"f": 0.0}, "278-766": {"f": 0.0}, "278-608": {"f": 0.0}, "278-767": {"f": 0.0}, "278-1045": {"f": 0.0}, "278-1046": {"f": 0.0}, "278-1047": {"f": 0.0}, "278-1048": {"f": 0.0}, "279-670": {"f": 0.0}, "279-768": {"f": 0.0}, "279-671": {"f": 0.0}, "279-829": {"f": 0.0}, "279-1049": {"f": 0.0}, "279-1050": {"f": 0.0}, "279-1051": {"f": 0.0}, "279-1052": {"f": 0.0}, "280-703": {"f": 0.0}, "280-830": {"f": 0.0}, "280-700": {"f": 0.0}, "280-812": {"f": 0.0}, "280-1053": {"f": 0.0}, "280-1054": {"f": 0.0}, "280-1055": {"f": 0.0}, "280-1056": {"f": 0.0}}, "max_vertex": 1088, "max_face": 3412}} \ No newline at end of file diff --git a/src/nfd_solver/data/out_hypar_mesh_06.json b/src/nfd_solver/data/out_hypar_mesh_06.json new file mode 100644 index 00000000..7adc1079 --- /dev/null +++ b/src/nfd_solver/data/out_hypar_mesh_06.json @@ -0,0 +1 @@ +{"compas": "1.7.1", "datatype": "compas.datastructures/Mesh", "data": {"attributes": {"name": "Mesh"}, "dva": {"x": 0.0, "y": 0.0, "z": 0.0, "rx": 0.0, "ry": 0.0, "rz": 0.0, "px": 0.0, "py": 0.0, "pz": 0.0, "is_anchor": false}, "dea": {"q_pre": 0.0}, "dfa": {"s_pre": [2.5, 1.0, 0.0]}, "vertex": {"0": {"z": 20.0, "y": -46.98355913741212, "x": -44.487094537112114, "is_anchor": true, "r": [262.1078581415163, 262.1078581415161, -106.83322485814853]}, "1": {"z": 20.0, "y": 43.016440862587885, "x": 45.512905462887865, "is_anchor": true, "r": [-262.1078581415167, -262.1078581415161, -106.83322485814895]}, "2": {"z": 9.849153564628383, "y": -38.89428810875538, "x": -3.0146790266735186, "r": [-0.11818417686170246, 0.056235003307442355, 0.0137326599117511]}, "3": {"z": 7.202278464390924, "y": -1.9835591374121562, "x": 0.5129054628878584, "r": [-3.9968028886505635e-15, 1.2878587085651816e-14, 0.003382673698138383]}, "4": {"z": 9.849153564628374, "y": 1.5440253521492644, "x": 37.423634434231104, "r": [-0.056235003307442355, 0.11818417686171845, 0.013732659911774192]}, "5": {"z": 0.0, "y": -46.98355913741212, "x": 45.512905462887865, "is_anchor": true, "r": [-330.8174108968886, 330.8174108968885, 106.8350350183093]}, "6": {"z": 0.0, "y": 43.016440862587885, "x": -44.487094537112114, "is_anchor": true, "r": [330.8174108968881, -330.81741089688984, 106.83503501830948]}, "7": {"z": 9.84915356462841, "y": -5.511143626973552, "x": -36.39782350845547, "r": [0.05623500330739972, -0.11818417686158833, 0.013732659911656953]}, "8": {"z": 9.84915356462838, "y": 34.927169833931146, "x": 4.0404899524492786, "r": [0.11818417686162608, -0.05623500330754183, 0.013732659911546818]}, "9": {"z": 14.782785382133575, "y": -27.439703049853357, "x": -38.432108761076215, "r": [0.12173889451391773, -0.16905116368226913, 0.008952294292893015]}, "10": {"z": 14.782785382133548, "y": -40.928573361376124, "x": -24.94323844955331, "r": [-0.1690511636820773, 0.12173889451393904, 0.008952294292701168]}, "11": {"z": 14.782785382133552, "y": 36.961455086551915, "x": 25.969049375329078, "r": [0.16905116368226203, -0.12173889451377562, 0.008952294293010254]}, "12": {"z": 14.782785382133548, "y": 23.472584775029095, "x": 39.45791968685188, "r": [-0.12173889451406694, 0.1690511636820382, 0.008952294292662089]}, "13": {"z": 7.719086577017922, "y": -21.100571875519044, "x": 0.10190179302204416, "r": [0.02012661664360227, 0.018466795916065593, -0.0031649457949720627]}, "14": {"z": 5.053695682833794, "y": -40.939856829529774, "x": 20.696963899093625, "r": [-0.004250150180141077, 0.023386413167656883, 0.0015208343640840116]}, "15": {"z": 7.719086577017935, "y": -2.3945628072779686, "x": -18.604107275219096, "r": [0.01846679591609046, 0.020126616643602713, -0.0031649457949560755]}, "16": {"z": 7.719086577017899, "y": 17.133453600694736, "x": 0.9239091327536894, "r": [-0.02012661664360138, -0.01846679591609046, -0.0031649457949747273]}, "17": {"z": 7.719086577017913, "y": -1.5725554675463365, "x": 19.629918200994787, "r": [-0.01846679591610112, -0.020126616643610262, -0.0031649457949614046]}, "18": {"z": 5.0536956828337996, "y": -22.167617573617907, "x": 39.469203155005566, "r": [-0.023386413167120423, 0.004250150180196144, 0.0015208343641939237]}, "19": {"z": 5.053695682833811, "y": 18.2004992987936, "x": -38.443392229229815, "r": [0.02338641316808321, -0.004250150180123313, 0.001520834364045598]}, "20": {"z": 5.05369568283379, "y": 36.97273855470553, "x": -19.671152973317856, "r": [0.004250150180078904, -0.023386413167362008, 0.001520834364165724]}, "21": {"z": 10.599402880059898, "y": -22.60611613693911, "x": -20.109651536639134, "r": [0.022533770580473345, 0.022533770580476897, -0.01181639459229622]}, "22": {"z": 10.59940288005986, "y": 18.638997862114767, "x": 21.135462462414786, "r": [-0.022533770580501766, -0.02253377058051953, -0.011816394592303325]}, "23": {"z": 5.815754683155108, "y": -22.183333734153674, "x": 20.7126800596294, "r": [0.00047002682884667024, -0.00047002682884134117, 0.00421377315996585]}, "24": {"z": 5.815754683155104, "y": 18.216215459329348, "x": -19.686869133853612, "r": [-0.00047002682881291946, 0.00047002682882624214, 0.004213773159959189]}, "25": {"x": -40.96523732395188, "y": -37.54264440589207, "z": 17.358421781089373, "r": [0.16918742814340249, -0.21282784509688213, 0.008540253087552685]}, "26": {"x": -35.046179805592026, "y": -43.46170192425183, "z": 17.35842178108935, "r": [-0.21282784509836006, 0.16918742814267773, 0.008540253088298755]}, "27": {"x": 41.99104824972759, "y": 33.57552613106783, "z": 17.358421781089362, "r": [-0.16918742814391408, 0.21282784509705266, 0.008540253087652161]}, "28": {"x": 36.0719907313678, "y": 39.49458364942761, "z": 17.35842178108936, "r": [0.21282784509726582, -0.16918742814344512, 0.008540253087929273]}, "29": {"x": -14.241953453079285, "y": -39.402202449687024, "z": 12.28225202829252, "r": [-0.147474294191424, 0.08261683877817205, 0.013022894711381738]}, "30": {"x": -0.9677592078575548, "y": -30.32320287987931, "z": 8.513282631000541, "r": [0.03051627802017398, 0.022684885888736517, -0.010917274959199474]}, "31": {"x": 8.6595174239364, "y": -39.408619606810824, "z": 7.45498175019583, "r": [-0.06742694769451063, 0.038498846697095246, 0.009056251926406134]}, "32": {"x": 0.4836216385508335, "y": -11.498503642499593, "z": 7.318066371560738, "r": [0.009863327859707116, 0.009532205258510729, 0.0018243787843497117]}, "33": {"x": -9.002039042199597, "y": -2.0128429617491843, "z": 7.31806637156074, "r": [0.009532205258528936, 0.009863327859700899, 0.0018243787843452708]}, "34": {"x": 0.5421892872249021, "y": 7.5313853676752744, "z": 7.31806637156072, "r": [-0.009863327859706228, -0.009532205258517834, 0.001824378784341718]}, "35": {"x": 10.027849967975314, "y": -1.954275313075129, "z": 7.318066371560728, "r": [-0.009532205258523607, -0.009863327859711113, 0.0018243787843488235]}, "36": {"x": 28.852549205355064, "y": -0.5028944666667142, "z": 8.513282631000534, "r": [-0.02268488588874007, -0.030516278020177978, -0.010917274959199474]}, "37": {"x": 37.93154877516273, "y": 12.771299778555042, "z": 12.282252028292506, "r": [-0.08261683877783099, 0.1474742941911984, 0.013022894711340882]}, "38": {"x": 37.93796593228658, "y": -10.130171098460666, "z": 7.454981750195826, "r": [-0.03849884669652681, 0.06742694769468738, 0.00905625192651982]}, "39": {"x": 33.010886753843415, "y": -43.47292385713545, "z": 2.5884687027265922, "r": [0.04957611486718161, 0.005195013251349856, -0.0054766245708601224]}, "40": {"x": 42.00227018261123, "y": -34.4815404283677, "z": 2.5884687027265953, "r": [-0.005195013251784175, -0.04957611486709723, -0.005476624570839084]}, "41": {"x": -31.985075828067664, "y": 39.50580558231121, "z": 2.5884687027265905, "r": [-0.04957611486760749, -0.005195013251434677, -0.005476624570852545]}, "42": {"x": -40.97645925683546, "y": 30.514422153543418, "z": 2.5884687027266002, "r": [0.005195013251826808, 0.04957611486719227, -0.005476624570894595]}, "43": {"x": -27.8267382795794, "y": -3.464223808157571, "z": 8.513282631000564, "r": [0.02268488588876494, 0.030516278020189525, -0.01091727495918704]}, "44": {"x": -36.9057378493871, "y": -16.738418053379323, "z": 12.282252028292541, "r": [0.08261683877754677, -0.14747429419127656, 0.013022894711642863]}, "45": {"x": -36.9121550065109, "y": 6.163052823636376, "z": 7.454981750195853, "r": [0.038498846697315514, -0.06742694769463786, 0.009056251926219616]}, "46": {"x": 15.267764378855045, "y": 35.43508417486277, "z": 12.282252028292515, "r": [0.14747429419134406, -0.08261683877740467, 0.013022894711342659]}, "47": {"x": 1.9935701336332918, "y": 26.356084605055035, "z": 8.513282631000521, "r": [-0.030516278020169985, -0.022684885888786255, -0.010917274959227896]}, "48": {"x": -7.63370649816064, "y": 35.441501331986586, "z": 7.454981750195828, "r": [0.06742694769441648, -0.03849884669628878, 0.00905625192637416]}, "49": {"x": -29.592613070001754, "y": -24.56122552894447, "z": 12.530587491031598, "r": [0.013120079037882704, 0.01916601057291345, -0.010478769377904484]}, "50": {"x": -22.06476092864446, "y": -32.08907767030172, "z": 12.530587491031593, "r": [0.01916601057287437, 0.013120079037868493, -0.010478769377904484]}, "51": {"x": 23.09057185442015, "y": 28.121959395477422, "z": 12.530587491031564, "r": [-0.01916601057287437, -0.013120079037868493, -0.010478769377883168]}, "52": {"x": 30.618423995777427, "y": 20.59410725412019, "z": 12.530587491031568, "r": [-0.013120079037875598, -0.019166010572853054, -0.010478769377865405]}, "53": {"x": -10.14616213389249, "y": -21.51499428040977, "z": 9.011148225601193, "r": [0.02478828404702682, 0.02228497082647607, -0.008627194850081565]}, "54": {"x": 10.468167958791344, "y": -21.561796550053273, "z": 6.671538363401357, "r": [0.01158856206681591, 0.010796764535470516, 0.0018218023023490737]}, "55": {"x": 21.097004534823473, "y": -31.992787413636503, "z": 5.218416464098857, "r": [0.014278330474343903, 0.012922748078437962, 0.0020707825531243174]}, "56": {"x": -19.018529680109822, "y": -12.642626734192472, "z": 9.011148225601197, "r": [0.02228497082649028, 0.024788284047030373, -0.00862719485008867]}, "57": {"x": -19.065331949753265, "y": 7.971703358491315, "z": 6.67153836340136, "r": [0.010796764535498937, 0.011588562066799923, 0.0018218023023397478]}, "58": {"x": 11.171973059668188, "y": 17.54787600558546, "z": 9.011148225601163, "r": [-0.024788284047016163, -0.022284970826499162, -0.008627194850062025]}, "59": {"x": -9.442357033015597, "y": 17.594678275228965, "z": 6.671538363401344, "r": [-0.011588562066805252, -0.010796764535474068, 0.0018218023023561791]}, "60": {"x": 20.044340605885505, "y": 8.675508459368169, "z": 9.011148225601167, "r": [-0.022284970826508044, -0.02478828404704103, -0.008627194850094]}, "61": {"x": 20.091142875529002, "y": -11.938821633315628, "z": 6.671538363401353, "r": [-0.010796764535470516, -0.011588562066824792, 0.001821802302370834]}, "62": {"x": 30.52213373911221, "y": -22.567658209347723, "z": 5.218416464098868, "r": [-0.012922748078445068, -0.014278330474363443, 0.0020707825530990043]}, "63": {"x": -29.496322813336448, "y": 18.60053993452343, "z": 5.218416464098866, "r": [0.012922748078397106, 0.01427833047435012, 0.0020707825531109947]}, "64": {"x": -20.07119360904767, "y": 28.025669138812194, "z": 5.218416464098861, "r": [-0.01427833047437943, -0.01292274807842908, 0.0020707825531181]}, "65": {"x": -31.850780898885027, "y": -34.347245499185014, "z": 14.868660939752393, "r": [0.006838926426681269, 0.006838926426731007, -0.00498399348408185]}, "66": {"x": -11.724531543869505, "y": -30.774445117050025, "z": 10.4138524046115, "r": [0.02868429352668045, 0.01897229410939616, -0.013114830674512135]}, "67": {"x": -9.340177487819496, "y": -11.836642088119474, "z": 8.006973149914366, "r": [0.018164547434674105, 0.018164547434682987, -0.0027090397897122642]}, "68": {"x": -28.277980516750084, "y": -14.220996144169511, "z": 10.41385240461151, "r": [0.01897229410941037, 0.028684293526666238, -0.013114830674515687]}, "69": {"x": 32.87659182466072, "y": 30.380127224360738, "z": 14.868660939752372, "r": [-0.006838926426674163, -0.006838926426723901, -0.00498399348408185]}, "70": {"x": 12.750342469645195, "y": 26.807326842225706, "z": 10.413852404611468, "r": [-0.02868429352664492, -0.018972294109360632, -0.013114830674497924]}, "71": {"x": 10.365988413595204, "y": 7.869523813295168, "z": 8.006973149914339, "r": [-0.018164547434690093, -0.018164547434682987, -0.002709039789726475]}, "72": {"x": 29.30379144252579, "y": 10.253877869345233, "z": 10.413852404611488, "r": [-0.01897229410941037, -0.028684293526676896, -0.013114830674503253]}, "73": {"x": 10.383855752391437, "y": -11.854509426915731, "z": 6.87523866619366, "r": [0.00029564095918921396, -0.00029564095919276667, 0.003617942644683403]}, "74": {"x": 10.016931237629223, "y": -30.841551752359894, "z": 6.805915318889834, "r": [0.02478122082532508, 0.021284371550120085, -0.004737970741352626]}, "75": {"x": 31.997614602905518, "y": -33.46826827742979, "z": 3.758376482283363, "r": [0.0006101036744841082, -0.0006101036744841082, 0.005654049245127801]}, "76": {"x": 29.370898077835648, "y": -11.487584912153496, "z": 6.805915318889835, "r": [-0.02128437155013785, -0.02478122082532863, -0.004737970741349962]}, "77": {"x": -9.358044826615705, "y": 7.887391152091409, "z": 6.875238666193657, "r": [-0.00029564095917322675, 0.0002956409591803322, 0.0036179426446816265]}, "78": {"x": -8.991120311853471, "y": 26.87443347753562, "z": 6.805915318889824, "r": [-0.024781220825310868, -0.021284371550148506, -0.00473797074136062]}, "79": {"x": -30.971803677129763, "y": 29.501150002605527, "z": 3.7583764822833614, "r": [-0.0006101036744805555, 0.000610103674468121, 0.005654049245112258]}, "80": {"x": -28.345087152059982, "y": 7.520466637329207, "z": 6.805915318889852, "r": [0.021284371550123637, 0.024781220825323302, -0.004737970741345521]}, "81": {"x": -42.6038933044467, "y": -42.349464347202115, "z": 18.67189545750291, "r": [0.1834972932373944, -0.26007557257113945, 0.01561350379834181]}, "82": {"x": -39.852999746902086, "y": -45.100357904746666, "z": 18.6718954575029, "r": [-0.26007557257155156, 0.18349729323651331, 0.015613503798626027]}, "83": {"x": 43.629704230222416, "y": 38.382346072377864, "z": 18.671895457502902, "r": [-0.18349729323711017, 0.2600755725706563, 0.015613503798697081]}, "84": {"x": 40.878810672677844, "y": 41.13323962992244, "z": 18.671895457502902, "r": [0.2600755725713668, -0.1834972932376786, 0.015613503798157069]}, "85": {"x": -8.689171832730972, "y": -39.02045015852521, "z": 11.059618713391249, "r": [-0.13594667886561496, 0.056829258975241714, 0.020191142114008187]}, "86": {"x": -1.8970778284394931, "y": -34.71217911832442, "z": 9.149524066681627, "r": [0.013969891749966656, -0.010908446346810763, -0.0018478037859228635]}, "87": {"x": 2.771750570250284, "y": -39.02382907998558, "z": 8.65088859976441, "r": [-0.08766826120603355, 0.037207028595275915, 0.014914025353707672]}, "88": {"x": 0.4905456667909729, "y": -6.681819998239928, "z": 7.259015623406146, "r": [4.04795663335733e-05, -3.993118737355417e-05, -4.149550196785867e-07]}, "89": {"x": -4.18535539793992, "y": -2.0059189335090397, "z": 7.259015623406148, "r": [-3.993118736733692e-05, 4.0479566337126016e-05, -4.149550232313004e-07]}, "90": {"x": 0.5352652589847523, "y": 2.714701723415614, "z": 7.259015623406139, "r": [-4.0479566332685124e-05, 3.9931187362896026e-05, -4.149550232313004e-07]}, "91": {"x": 5.211166323715637, "y": -1.9611993413152748, "z": 7.25901562340614, "r": [3.993118735934331e-05, -4.0479566326467875e-05, -4.1495502500765724e-07]}, "92": {"x": 33.241525443800164, "y": 0.4264241539152276, "z": 9.149524066681618, "r": [0.010908446346824974, -0.013969891749958663, -0.0018478037859068763]}, "93": {"x": 37.54979648400093, "y": 7.218518158206724, "z": 11.059618713391238, "r": [-0.05682925897554014, 0.1359466788656949, 0.0201911421141574]}, "94": {"x": 37.55317540546132, "y": -4.242404244774543, "z": 8.650888599764404, "r": [-0.037207028595418024, 0.08766826120604954, 0.014914025353760962]}, "95": {"x": 39.243922937919045, "y": -45.10791540240375, "z": 1.3131506266184174, "r": [0.0651678243370668, -0.004372493533580268, -0.011676589095637624]}, "96": {"x": 43.637261727879505, "y": -40.714576612443324, "z": 1.3131506266184192, "r": [0.004372493533594479, -0.06516782433720891, -0.011676589095602097]}, "97": {"x": -38.2181120121433, "y": 41.14079712757951, "z": 1.313150626618417, "r": [-0.06516782433739365, 0.004372493534333444, -0.011676589095589662]}, "98": {"x": -42.611450802103754, "y": 36.74745833761906, "z": 1.3131506266184216, "r": [-0.004372493534404498, 0.06516782433710944, -0.01167658909561009]}, "99": {"x": -32.21571451802453, "y": -4.393542428739513, "z": 9.149524066681654, "r": [-0.0109084463468605, 0.013969891749965768, -0.0018478037859015473]}, "100": {"x": -36.52398555822529, "y": -11.185636433031007, "z": 11.059618713391272, "r": [0.056829258976080155, -0.13594667886543021, 0.020191142113965554]}, "101": {"x": -36.527364479685666, "y": 0.27528596995025384, "z": 8.650888599764437, "r": [0.037207028594963276, -0.08766826120612636, 0.014914025353714777]}, "102": {"x": 9.71498275850673, "y": 35.05333188370098, "z": 11.059618713391245, "r": [0.13594667886556877, -0.056829258976407004, 0.02019114211398687]}, "103": {"x": 2.9228887542152306, "y": 30.74506084350016, "z": 9.149524066681614, "r": [-0.013969891749972874, 0.0109084463468605, -0.0018478037859335217]}, "104": {"x": -1.7459396444745239, "y": 35.056710805161345, "z": 8.650888599764409, "r": [0.08766826120604954, -0.03720702859422431, 0.01491402535375741]}, "105": {"x": -39.573733538218676, "y": -32.570084807704305, "z": 16.061706338190405, "r": [0.1299735894156271, -0.19948607799432239, 0.01480450352131868]}, "106": {"x": -37.54207267567788, "y": -22.159412073752357, "z": 13.523789319389829, "r": [0.08685615816716563, -0.1678677789280485, 0.018896340950625756]}, "107": {"x": -34.11553362964598, "y": -25.906285792789443, "z": 13.6483332573779, "r": [-0.005180398022631039, 0.005807270733214409, -0.0002550682904249868]}, "108": {"x": -30.07362020740426, "y": -42.0701981385186, "z": 16.06170633819038, "r": [-0.19948607799452134, 0.12997358941527182, 0.014804503521226309]}, "109": {"x": -19.662947473452313, "y": -40.03853727597779, "z": 13.523789319389806, "r": [-0.16786777892761506, 0.0868561581667251, 0.01889634095061865]}, "110": {"x": -23.409821192489385, "y": -36.61199822994588, "z": 13.648333257377871, "r": [0.005807270733193093, -0.005180398022673671, -0.0002550682903930124]}, "111": {"x": 31.099431133180033, "y": 38.10307986369438, "z": 16.061706338190383, "r": [0.19948607799466345, -0.12997358941520076, 0.014804503521546053]}, "112": {"x": 20.688758399228075, "y": 36.07141900115356, "z": 13.523789319389802, "r": [0.16786777892812665, -0.0868561581669951, 0.018896340950561807]}, "113": {"x": 24.435632118265104, "y": 32.644879955121624, "z": 13.648333257377859, "r": [-0.005807270733143355, 0.005180398022773147, -0.00025506829033972167]}, "114": {"x": 40.599544463994356, "y": 28.602966532880057, "z": 16.061706338190387, "r": [-0.12997358941581183, 0.19948607799480556, 0.014804503521389734]}, "115": {"x": 38.56788360145352, "y": 18.19229379892808, "z": 13.523789319389795, "r": [-0.08685615816685299, 0.1678677789283185, 0.018896340950554702]}, "116": {"x": 35.14134455542164, "y": 21.93916751796516, "z": 13.648333257377871, "r": [0.005180398022687882, -0.005807270733178882, -0.00025506829040722323]}, "117": {"x": -0.3695093141552399, "y": -25.783593829029833, "z": 8.10116981301579, "r": [0.003983583403551094, -0.003480380281743578, -0.000328229085528875]}, "118": {"x": 0.32342809474943063, "y": -16.326853699684534, "z": 7.5127423772961635, "r": [0.0008341119964203614, -0.0007909095804450317, -3.593393708278825e-05]}, "119": {"x": -5.079055813170192, "y": -21.24885609378671, "z": 8.3736647813776, "r": [0.0018790625963056584, -0.0017581285276619951, -9.08823553693594e-05]}, "120": {"x": 5.2473915285146635, "y": -21.285934415266695, "z": 7.207154733461642, "r": [0.0016830538843830567, -0.0015104186891008453, -0.00012031169456072632]}, "121": {"x": 14.63824797542594, "y": -40.047961553896705, "z": 6.259572435081053, "r": [-0.027536096063954574, 0.023573004593842484, 0.005038789346501815]}, "122": {"x": 26.824912162216723, "y": -42.082612000950654, "z": 3.8334145431920463, "r": [0.02955146437876266, 0.011089569087488371, -0.004977971858815877]}, "123": {"x": 20.97504060612231, "y": -36.57610285427935, "z": 5.101941133733518, "r": [0.004993277473822388, -0.003884440400000244, -0.0007872500777379443]}, "124": {"x": -13.830389099384565, "y": -2.1730365055505843, "z": 7.512742377296172, "r": [-0.000790909580441479, 0.0008341119964221377, -3.5933937073906463e-05]}, "125": {"x": -23.287129228729892, "y": -2.8659739144552536, "z": 8.101169813015812, "r": [-0.003480380281757789, 0.003983583403541324, -0.0003282290855199932]}, "126": {"x": -18.752391493486787, "y": -7.575520413470195, "z": 8.373664781377613, "r": [-0.0017581285276691005, 0.0018790625963056584, -9.088235535870126e-05]}, "127": {"x": -18.789469814966722, "y": 2.7509269282146454, "z": 7.207154733461654, "r": [-0.001510418689129267, 0.0016830538844008203, -0.00012031169454473911]}, "128": {"x": 0.702382831026304, "y": 12.359735424860213, "z": 7.512742377296142, "r": [-0.0008341119964159205, 0.0007909095804308208, -3.5933937084564604e-05]}, "129": {"x": 1.3953202399309739, "y": 21.81647555420552, "z": 8.10116981301577, "r": [-0.003983583403549318, 0.0034803802817648943, -0.00032822908552176955]}, "130": {"x": 6.104866738945908, "y": 17.2817378189624, "z": 8.373664781377572, "r": [-0.0018790625963056584, 0.0017581285276406788, -9.088235536758305e-05]}, "131": {"x": -4.221580602738916, "y": 17.318816140442372, "z": 7.207154733461623, "r": [-0.0016830538843883858, 0.0015104186891150562, -0.00012031169455894997]}, "132": {"x": 14.85620002516026, "y": -1.7940817692737219, "z": 7.512742377296154, "r": [0.000790909580441479, -0.000834111996413256, -3.5933937084564604e-05]}, "133": {"x": 24.312940154505572, "y": -1.1011443603690378, "z": 8.101169813015783, "r": [0.0034803802817719998, -0.003983583403545765, -0.0003282290855199932]}, "134": {"x": 19.778202419262463, "y": 3.608402138645894, "z": 8.373664781377586, "r": [0.0017581285276548897, -0.0018790625963003293, -9.08823553693594e-05]}, "135": {"x": 19.815280740742438, "y": -6.718045203038952, "z": 7.207154733461636, "r": [0.0015104186891363724, -0.0016830538843919385, -0.00012031169453941004]}, "136": {"x": 38.577307879372476, "y": -16.10890164995022, "z": 6.259572435081053, "r": [-0.02357300459311773, 0.02753609606315166, 0.005038789346595962]}, "137": {"x": 40.611958326426446, "y": -28.295565836741012, "z": 3.8334145431920517, "r": [-0.011089569087275208, -0.029551464378641867, -0.00497797185889759]}, "138": {"x": 35.10544917975512, "y": -22.44569428064656, "z": 5.101941133733527, "r": [0.003884440400014455, -0.00499327747385081, -0.0007872500776908709]}, "139": {"x": -39.586147400650674, "y": 24.32844756191671, "z": 3.8334145431920583, "r": [0.01108956908763048, 0.0295514643782937, -0.004977971858904695]}, "140": {"x": -37.551496953596754, "y": 12.141783375125918, "z": 6.259572435081072, "r": [0.023573004593558267, -0.02753609606369878, 0.00503878934649471]}, "141": {"x": -34.079638253979354, "y": 18.478576005822266, "z": 5.101941133733531, "r": [-0.003884440400014455, 0.004993277473836599, -0.0007872500776855418]}, "142": {"x": -25.799101236440965, "y": 38.11549372612641, "z": 3.8334145431920432, "r": [-0.029551464378485548, -0.0110895690877868, -0.00497797185881943]}, "143": {"x": -13.612437049650177, "y": 36.08084327907245, "z": 6.259572435081047, "r": [0.02753609606369878, -0.023573004594240388, 0.00503878934653379]}, "144": {"x": -19.949229680346516, "y": 32.60898457945506, "z": 5.101941133733518, "r": [-0.004993277473872126, 0.003884440400049982, -0.0007872500776846536]}, "145": {"x": -24.94369715087095, "y": -23.494078577840856, "z": 11.561595748547296, "r": [-0.001606617229363394, 0.0016652433704038572, -3.0978400115344584e-05]}, "146": {"x": -20.99761397754085, "y": -27.440161751170937, "z": 11.561595748547296, "r": [0.001665243370418068, -0.0016066172293562886, -3.09784001188973e-05]}, "147": {"x": -15.203857828722423, "y": -21.982797189254356, "z": 9.808880895494521, "r": [0.0012182443265125187, -0.0011810457273995212, -2.2383294293604195e-05]}, "148": {"x": -19.486332588954387, "y": -17.700322429022393, "z": 9.808880895494518, "r": [-0.0011810457273710995, 0.0012182443265373877, -2.2383294300709622e-05]}, "149": {"x": 22.02342490331653, "y": 23.473043476346618, "z": 11.561595748547262, "r": [-0.0016652433704322789, 0.0016066172293349723, -3.097840013310815e-05]}, "150": {"x": 25.96950807664663, "y": 19.52696030301655, "z": 11.561595748547267, "r": [0.0016066172293704994, -0.0016652433704109626, -3.097840010113373e-05]}, "151": {"x": 16.229668754498107, "y": 18.01567891443004, "z": 9.808880895494488, "r": [-0.0012182443265160714, 0.0011810457274101793, -2.238329430781505e-05]}, "152": {"x": 20.512143514730088, "y": 13.7332041541981, "z": 9.808880895494491, "r": [0.001181045727378205, -0.0012182443265409404, -2.2383294300709622e-05]}, "153": {"x": 15.58072216832022, "y": -21.845315749503648, "z": 6.249120888363363, "r": [0.00023263239629756072, -0.00022099833160638127, -2.080168805029814e-05]}, "154": {"x": 20.914850956061922, "y": -27.12975438244048, "z": 5.509089916636786, "r": [0.0003296546907805009, -0.00030822117158635365, -3.807492013585545e-05]}, "155": {"x": 20.37466207497936, "y": -17.05137584284451, "z": 6.249120888363361, "r": [0.0002209983316134867, -0.000232632396269139, -2.0801688057403567e-05]}, "156": {"x": 25.659100707916174, "y": -22.38550463058617, "z": 5.509089916636792, "r": [0.00030822117161477536, -0.00032965469079471177, -3.807492012519731e-05]}, "157": {"x": -19.34885114920361, "y": 13.084257568020178, "z": 6.249120888363363, "r": [-0.00022099833159927584, 0.00023263239626203358, -2.080168805562721e-05]}, "158": {"x": -14.554911242544458, "y": 17.87819747467932, "z": 6.249120888363356, "r": [-0.00023263239625492815, 0.00022099833157795956, -2.0801688057403567e-05]}, "159": {"x": -24.633289782140405, "y": 18.418386355761857, "z": 5.509089916636793, "r": [-0.00030822117158635365, 0.0003296546907769482, -3.807492012875002e-05]}, "160": {"x": -19.889040030286107, "y": 23.162636107616144, "z": 5.509089916636788, "r": [-0.0003296546907805009, 0.0003082211716218808, -3.8074920122532774e-05]}, "161": {"x": -36.509968470469644, "y": -35.844170934271794, "z": 16.11244594886346, "r": [-0.0007647656917697532, 0.000795178377060779, -6.103300080440022e-06]}, "162": {"x": -33.3477063339718, "y": -39.00643307076962, "z": 16.112445948863453, "r": [0.0007951783770465681, -0.0007647656917981749, -6.103300087545449e-06]}, "163": {"x": 37.53577939624538, "y": 31.87705265944757, "z": 16.112445948863456, "r": [0.000764765691783964, -0.0007951783770465681, -6.103300101756304e-06]}, "164": {"x": 34.37351725974754, "y": 35.039314795945394, "z": 16.112445948863453, "r": [-0.000795178377060779, 0.000764765691783964, -6.10330005912374e-06]}, "165": {"x": -12.890639361854172, "y": -35.19156724505517, "z": 11.327397536115486, "r": [0.011755787878179547, -0.009757744301154503, -0.0010783418629536357]}, "166": {"x": -6.427595271409021, "y": -30.45866872731429, "z": 9.48315949426877, "r": [0.006366398213897284, -0.005410112453368754, -0.000585100590896559]}, "167": {"x": 4.456075564716725, "y": -30.492743041791798, "z": 7.68356091767497, "r": [0.005463402848048915, -0.0044297072497556655, -0.0006390565164728912]}, "168": {"x": 9.426376005531418, "y": -35.22865589828756, "z": 7.094787129968454, "r": [0.010878318027156553, -0.00820107767638234, -0.0016820216826705092]}, "169": {"x": -4.4504044729344905, "y": -11.645409875032959, "z": 7.6635131811280885, "r": [0.00011782600561804912, -0.0001170862083839097, -1.7229575668409325e-06]}, "170": {"x": 5.42105642150804, "y": -11.68407826924707, "z": 7.100086132605122, "r": [0.00017927286419450184, -0.0001724502063922273, -5.826419704035857e-06]}, "171": {"x": -9.148945274732974, "y": -6.946869073234492, "z": 7.663513181128092, "r": [-0.00011708620839101513, 0.00011782600561183187, -1.7229575526300778e-06]}, "172": {"x": -9.187613668947067, "y": 2.9245918212080166, "z": 7.100086132605121, "r": [-0.0001724502064082145, 0.0001792728641998309, -5.82641970758857e-06]}, "173": {"x": 5.476215398710218, "y": 7.678291600208639, "z": 7.663513181128064, "r": [-0.0001178260056189373, 0.00011708620837058703, -1.7229575792754304e-06]}, "174": {"x": -4.395245495732305, "y": 7.716959994422751, "z": 7.100086132605113, "r": [-0.00017927286420338362, 0.00017245020640288544, -5.8264196951540725e-06]}, "175": {"x": 10.174756200508686, "y": 2.97975079841018, "z": 7.663513181128071, "r": [0.00011708620837680428, -0.00011782600561627277, -1.7229575792754304e-06]}, "176": {"x": 10.213424594722785, "y": -6.8917100960323285, "z": 7.100086132605113, "r": [0.00017245020639045094, -0.00017927286419094912, -5.826419704035857e-06]}, "177": {"x": 28.988015052790047, "y": 4.956941596884752, "z": 9.48315949426876, "r": [0.00541011245339007, -0.006366398213891955, -0.0005851005909001117]}, "178": {"x": 29.022089367267547, "y": -5.926729239240995, "z": 7.683560917674967, "r": [0.00442970724974856, -0.005463402848038257, -0.0006390565164711148]}, "179": {"x": 33.7209135705309, "y": 11.419985687329914, "z": 11.327397536115475, "r": [0.00975774430109766, -0.011755787878186652, -0.0010783418629465302]}, "180": {"x": 33.75800222376332, "y": -10.897029680055685, "z": 7.09478712996845, "r": [0.008201077676353918, -0.010878318027147671, -0.0016820216826918255]}, "181": {"x": 32.559593224294225, "y": -38.58361876937801, "z": 3.1462520417724913, "r": [0.0005940382485292162, -0.0005203319262037098, -9.224953746622688e-05]}, "182": {"x": 37.11296509485376, "y": -34.030246898818504, "z": 3.146252041772494, "r": [0.0005203319261752881, -0.000594038248543427, -9.224953748443454e-05]}, "183": {"x": -31.53378229851849, "y": 34.616500494553755, "z": 3.1462520417724873, "r": [-0.0005940382485292162, 0.0005203319261823935, -9.224953747821729e-05]}, "184": {"x": -36.08715416907799, "y": 30.063128623994235, "z": 3.146252041772496, "r": [-0.0005203319262179207, 0.0005940382485363216, -9.22495374657828e-05]}, "185": {"x": -27.962204127014363, "y": -8.924059871709034, "z": 9.483159494268785, "r": [-0.005410112453375859, 0.00636639821388485, -0.0005851005908930063]}, "186": {"x": -27.996278441491896, "y": 1.9596109644167075, "z": 7.683560917674995, "r": [-0.004429707249762771, 0.005463402848031151, -0.0006390565164782203]}, "187": {"x": -32.69510264475522, "y": -15.387103962154178, "z": 11.327397536115496, "r": [-0.009757744301168714, 0.011755787878179547, -0.0010783418629536357]}, "188": {"x": -32.73219129798767, "y": 6.929911405231405, "z": 7.0947871299684735, "r": [-0.008201077676396551, 0.010878318027160994, -0.001682021682674062]}, "189": {"x": 13.91645028762988, "y": 31.224448970230853, "z": 11.32739753611546, "r": [-0.011755787878190205, 0.00975774430111187, -0.0010783418629642938]}, "190": {"x": 7.453406197184742, "y": 26.49155045249001, "z": 9.483159494268751, "r": [-0.006366398213888402, 0.005410112453425597, -0.000585100590896559]}, "191": {"x": -3.4302646389409803, "y": 26.525624766967525, "z": 7.6835609176749555, "r": [-0.005463402848035592, 0.004429707249741455, -0.0006390565164835493]}, "192": {"x": -8.400565079755658, "y": 31.261537623463298, "z": 7.094787129968445, "r": [-0.01087831802716721, 0.008201077676375235, -0.0016820216826758383]}, "193": {"x": -30.619693698665607, "y": -29.551103516895235, "z": 13.7018921252883, "r": [-0.001545669454912968, 0.0016046648189558255, -2.5593854672933958e-05]}, "194": {"x": -28.83654450705188, "y": -19.48003869068354, "z": 11.483191003144125, "r": [-0.004595219182775168, 0.005122289788261014, -0.00028694974264098505]}, "195": {"x": -27.054638916595238, "y": -33.11615829896558, "z": 13.701892125288296, "r": [0.0016046648188847712, -0.0015456694549413896, -2.5593854690697526e-05]}, "196": {"x": -16.983574090383534, "y": -31.333009107351835, "z": 11.483191003144112, "r": [0.005122289788289436, -0.004595219182718324, -0.0002869497426338796]}, "197": {"x": 28.080449842370925, "y": 29.14904002414129, "z": 13.70189212528827, "r": [-0.0016046648189700363, 0.0015456694549271788, -2.559385464451225e-05]}, "198": {"x": 18.009385016159204, "y": 27.365890832527505, "z": 11.483191003144077, "r": [-0.005122289788332068, 0.004595219182718324, -0.0002869497426480905]}, "199": {"x": 31.6455046244413, "y": 25.583985242070966, "z": 13.701892125288278, "r": [0.0015456694549698113, -0.0016046648189060875, -2.559385467648667e-05]}, "200": {"x": 29.862355432827563, "y": 15.512920415859261, "z": 11.483191003144096, "r": [0.004595219182711219, -0.0051222897883178575, -0.0002869497426765122]}, "201": {"x": -10.858260872815784, "y": -26.227158425651353, "z": 9.702086488517768, "r": [0.003913471201105523, -0.0035600781851812258, -0.00021277640631822692]}, "202": {"x": -9.688841229889485, "y": -16.73065243699442, "z": 8.506291784445887, "r": [0.000643001355058459, -0.0006292473694777811, -1.0443167706597478e-05]}, "203": {"x": 10.438013173857922, "y": -16.720769074625974, "z": 6.76959405590651, "r": [0.0001830298832565802, -0.00017567472605151124, -1.144452803991669e-05]}, "204": {"x": 10.286605403972757, "y": -26.263344805275057, "z": 6.723750009942162, "r": [0.0022861179281115085, -0.001981230483217189, -0.000228581478246781]}, "205": {"x": 15.506690934183323, "y": -31.334177449880485, "z": 6.033251593017401, "r": [0.002440036433522863, -0.0020213731593727857, -0.0003058718306512276]}, "206": {"x": 26.533942723686877, "y": -32.667443911802145, "z": 4.498870404536342, "r": [0.00024728744373447853, -0.0002261905488865068, -3.1896285435095706e-05]}, "207": {"x": -14.23418783669445, "y": -12.185305830189467, "z": 8.506291784445889, "r": [-0.0006292473694990974, 0.0006430013550549063, -1.0443167695939337e-05]}, "208": {"x": -23.730693825351416, "y": -13.354725473115773, "z": 9.702086488517777, "r": [-0.0035600781851954366, 0.003913471201116181, -0.00021277640633243777]}, "209": {"x": -14.224304474325935, "y": 7.941548573557885, "z": 6.769594055906512, "r": [-0.00017567472603374767, 0.0001830298832530275, -1.1444528045245761e-05]}, "210": {"x": -23.766880204975074, "y": 7.790140803672735, "z": 6.723750009942172, "r": [-0.0019812304832314, 0.0022861179281115085, -0.00022858147825743913]}, "211": {"x": 11.884071798591474, "y": 22.260040150827045, "z": 9.702086488517736, "r": [-0.0039134712011090755, 0.0035600781851812258, -0.00021277640635020134]}, "212": {"x": 10.714652155665195, "y": 12.763534162170114, "z": 8.50629178444586, "r": [-0.0006430013550513536, 0.0006292473695133083, -1.0443167671070341e-05]}, "213": {"x": -9.412202248082174, "y": 12.753650799801632, "z": 6.769594055906502, "r": [-0.00018302988324947478, 0.00017567472602308953, -1.1444528052351188e-05]}, "214": {"x": -9.260794478197008, "y": 22.296226530450763, "z": 6.72375000994215, "r": [-0.002286117928104403, 0.0019812304832314, -0.00022858147825743913]}, "215": {"x": 15.259998762470156, "y": 8.218187555365166, "z": 8.506291784445866, "r": [0.0006292473695097556, -0.0006430013550513536, -1.0443167692386623e-05]}, "216": {"x": 24.756504751127114, "y": 9.38760719829149, "z": 9.702086488517752, "r": [0.0035600781852096475, -0.0039134712011090755, -0.0002127764063395432]}, "217": {"x": 15.25011540010167, "y": -11.908666848382204, "z": 6.769594055906507, "r": [0.0001756747260159841, -0.00018302988323526392, -1.1444528054127545e-05]}, "218": {"x": 24.79269113075078, "y": -11.757259078497036, "z": 6.723750009942161, "r": [0.0019812304832100835, -0.0022861179281079558, -0.0002285814782503337]}, "219": {"x": 31.19679023727786, "y": -28.00459639821115, "z": 4.498870404536348, "r": [0.00022619054886519052, -0.00024728744373447853, -3.189628542621392e-05]}, "220": {"x": 29.86352377535623, "y": -16.977344608707597, "z": 6.033251593017406, "r": [0.0020213731594154183, -0.0024400364335406266, -0.00030587183065300394]}, "221": {"x": -30.170979311502087, "y": 24.03747812338683, "z": 4.498870404536352, "r": [-0.0002261905488865068, 0.0002472874437557948, -3.189628542621392e-05]}, "222": {"x": -28.83771284958051, "y": 13.010226333883296, "z": 6.033251593017413, "r": [-0.0020213731593869966, 0.002440036433533521, -0.00030587183064767487]}, "223": {"x": -14.480880008407553, "y": 27.367059175056205, "z": 6.033251593017395, "r": [-0.0024400364335157576, 0.0020213731593656803, -0.0003058718306672148]}, "224": {"x": -25.50813179791108, "y": 28.700325636977826, "z": 4.498870404536348, "r": [-0.0002472874437273731, 0.0002261905488580851, -3.1896285429766635e-05]}, "225": {"x": -35.17519994380045, "y": -30.935437043726658, "z": 14.845312425920913, "r": [0.004493691550976564, 0.00826647517544643, -0.004701400246375442]}, "226": {"x": -38.05208733796386, "y": -40.548551938263856, "z": 17.377386375510827, "r": [0.000928867454263127, 0.0009288674542062836, -0.0007605070431964123]}, "227": {"x": -28.438972443426646, "y": -37.67166454410038, "z": 14.845312425920898, "r": [0.00826647517544643, 0.0044936915510334074, -0.004701400246403864]}, "228": {"x": -25.86206089338953, "y": -28.35852549368952, "z": 12.562696826499828, "r": [0.016037581410159873, 0.016037581410159873, -0.010347098267374122]}, "229": {"x": -18.189352103472284, "y": -35.76305892559941, "z": 12.43200014848022, "r": [0.01975523038751703, 0.011391141344404332, -0.01046145447421054]}, "230": {"x": -7.407983936070688, "y": -34.82640359167317, "z": 10.171374931371773, "r": [0.027999422621455494, 0.02052379573115104, -0.014140571865738139]}, "231": {"x": -5.609014881375829, "y": -25.911669549111526, "z": 8.827508630324012, "r": [0.02703810876780466, 0.022235337766176144, -0.009414319835926221]}, "232": {"x": -15.953419272133974, "y": -26.707517453478907, "z": 10.553375484960622, "r": [0.02494352700986724, 0.020639596285263906, -0.012100508994507209]}, "233": {"x": -4.662938351766403, "y": -16.468314641054633, "z": 7.935557250126643, "r": [0.019168526688339682, 0.017787205647024962, -0.002825845072713662]}, "234": {"x": -4.2819267276079325, "y": -6.778391327907938, "z": 7.393421940345254, "r": [0.009442141733480014, 0.00944214173348712, 0.0017827676512496282]}, "235": {"x": -13.971850040754674, "y": -7.159402952066397, "z": 7.935557250126653, "r": [0.017787205647053383, 0.019168526688353893, -0.002825845072734978]}, "236": {"x": -14.606147316894853, "y": -17.102611917194817, "z": 9.071331410790705, "r": [0.023175766715041846, 0.023175766715041846, -0.008369662892533825]}, "237": {"x": -23.415204948811613, "y": -8.105479481675836, "z": 8.82750863032403, "r": [0.022235337766147723, 0.02703810876780466, -0.009414319835926221]}, "238": {"x": -32.32993899137324, "y": -9.904448536370696, "z": 10.171374931371787, "r": [0.02052379573115104, 0.0279994226214626, -0.014140571865695506]}, "239": {"x": -33.26659432529945, "y": -20.6858167037723, "z": 12.432000148480231, "r": [0.011391141344461175, 0.019755230387545453, -0.010461454474224752]}, "240": {"x": -24.21105285317896, "y": -18.44988387243398, "z": 10.553375484960632, "r": [0.020639596285207062, 0.02494352700986724, -0.012100508994507209]}, "241": {"x": 36.20101086957616, "y": 26.96831876890241, "z": 14.845312425920902, "r": [-0.004493691550862877, -0.008266475175389587, -0.004701400246290177]}, "242": {"x": 39.07789826373962, "y": 36.58143366343964, "z": 17.37738637551083, "r": [-0.0009288674542062836, -0.0009288674541494402, -0.000760507043224834]}, "243": {"x": 29.464783369202372, "y": 33.70454626927615, "z": 14.845312425920891, "r": [-0.00826647517544643, -0.004493691550919721, -0.004701400246375442]}, "244": {"x": 26.887871819165227, "y": 24.391407218865233, "z": 12.562696826499803, "r": [-0.016037581410159873, -0.016037581410131452, -0.010347098267388333]}, "245": {"x": 19.215163029247993, "y": 31.795940650775115, "z": 12.432000148480197, "r": [-0.019755230387460188, -0.011391141344404332, -0.01046145447421054]}, "246": {"x": 8.433794861846403, "y": 30.85928531684887, "z": 10.171374931371751, "r": [-0.0279994226214626, -0.02052379573115104, -0.014140571865723928]}, "247": {"x": 6.634825807151552, "y": 21.944551274287235, "z": 8.827508630323988, "r": [-0.027038108767783342, -0.0222353377661193, -0.009414319835926221]}, "248": {"x": 16.979230197909658, "y": 22.74039917865458, "z": 10.55337548496059, "r": [-0.024943527009838817, -0.020639596285235484, -0.012100508994507209]}, "249": {"x": 5.688749277542126, "y": 12.501196366230321, "z": 7.9355572501266165, "r": [-0.019168526688361, -0.017787205647053383, -0.002825845072713662]}, "250": {"x": 5.307737653383658, "y": 2.8112730530836223, "z": 7.393421940345235, "r": [-0.00944214173348712, -0.009442141733483567, 0.0017827676512425228]}, "251": {"x": 14.997660966530384, "y": 3.192284677242098, "z": 7.935557250126632, "r": [-0.017787205647053383, -0.019168526688357446, -0.0028258450727207673]}, "252": {"x": 15.63195824267055, "y": 13.135493642370523, "z": 9.071331410790677, "r": [-0.023175766715041846, -0.023175766715056056, -0.008369662892519614]}, "253": {"x": 24.441015874587276, "y": 4.138361206851544, "z": 8.827508630323997, "r": [-0.022235337766147723, -0.027038108767797553, -0.009414319835940432]}, "254": {"x": 33.3557499171489, "y": 5.937330261546416, "z": 10.171374931371755, "r": [-0.020523795731207883, -0.02799942262147681, -0.01414057186575235]}, "255": {"x": 34.292405251075124, "y": 16.718698428948038, "z": 12.432000148480206, "r": [-0.011391141344461175, -0.01975523038751703, -0.01046145447421054]}, "256": {"x": 25.23686377895465, "y": 14.48276559760969, "z": 10.553375484960606, "r": [-0.020639596285207062, -0.024943527009796185, -0.012100508994492998]}, "257": {"x": 15.051193442592268, "y": -6.896133099514848, "z": 7.083915116968903, "r": [-0.01031949351413175, -0.010493049229616247, 0.0018412681395005848]}, "258": {"x": 5.390747034925237, "y": -6.861400709449537, "z": 7.123014019541491, "r": [0.00012980487360891857, -0.00012980487360891857, 0.003439308222674242]}, "259": {"x": 5.425479424990573, "y": -16.521847117116565, "z": 7.083915116968913, "r": [0.010493049229609142, 0.010319493514145961, 0.0018412681395005848]}, "260": {"x": 15.474119907742063, "y": -16.944773582266354, "z": 6.447463208619948, "r": [0.0003507919272323079, -0.0003507919272323079, 0.0038551113477822696]}, "261": {"x": 4.991263244860072, "y": -25.95722606910632, "z": 7.352298200473619, "r": [0.02146733525417943, 0.020119562848407213, -0.0037346299430041086]}, "262": {"x": 3.7811373151980687, "y": -34.84730754404622, "z": 8.054398879180551, "r": [0.028329757966989888, 0.02773040220773737, -0.012160086245657453]}, "263": {"x": 15.243218140317543, "y": -35.81265733435191, "z": 6.041243422706566, "r": [0.022466992477617964, 0.02696905258827087, -0.0049339289580601076]}, "264": {"x": 15.667380536683622, "y": -26.69141952499004, "z": 6.0612713841271475, "r": [0.012497402427030124, 0.0119300798527604, 0.0019202214839637577]}, "265": {"x": 26.857846098514255, "y": -37.55868491824849, "z": 4.077717599177871, "r": [0.012516875294551255, 0.016142379592452016, 0.0032198148140807348]}, "266": {"x": 38.3661768846334, "y": -39.83683055915768, "z": 2.1571805755735385, "r": [-0.00035921937129046455, 0.00035921937131888626, 0.006984993015198171]}, "267": {"x": 36.08803124372425, "y": -28.328499773038537, "z": 4.077717599177875, "r": [-0.016142379592452016, -0.012516875294579677, 0.0032198148140736293]}, "268": {"x": 26.181291566373687, "y": -27.651945240897962, "z": 4.9399855891242055, "r": [0.0004146620891560815, -0.0004146620891845032, 0.004827791270876958]}, "269": {"x": 34.3420036598277, "y": -16.71387181484182, "z": 6.041243422706568, "r": [-0.02696905258829929, -0.022466992477589542, -0.004933928958045897]}, "270": {"x": 33.37665386952198, "y": -5.2517909897223385, "z": 8.054398879180546, "r": [-0.02773040220773737, -0.028329757967000546, -0.01216008624561482]}, "271": {"x": 24.486572394582055, "y": -6.461916919384352, "z": 7.352298200473614, "r": [-0.020119562848464057, -0.02146733525417943, -0.0037346299430041086]}, "272": {"x": 25.220765850465735, "y": -17.138034211207888, "z": 6.0612713841271475, "r": [-0.0119300798527604, -0.012497402427030124, 0.0019202214839708631]}, "273": {"x": -14.025382516816554, "y": 2.9290148246905416, "z": 7.083915116968917, "r": [0.010319493514160172, 0.010493049229616247, 0.0018412681394934793]}, "274": {"x": -4.3649361091495145, "y": 2.894282434625215, "z": 7.123014019541493, "r": [-0.00012980487360181314, 0.00012980487359826043, 0.003439308222674242]}, "275": {"x": -4.399668499214818, "y": 12.554728842292237, "z": 7.083915116968897, "r": [-0.010493049229612694, -0.010319493514160172, 0.0018412681394934793]}, "276": {"x": -14.448308981966298, "y": 12.977655307442019, "z": 6.447463208619946, "r": [-0.0003507919272323079, 0.00035079192724651875, 0.0038551113477822696]}, "277": {"x": -3.965452319084328, "y": 21.990107794282025, "z": 7.3522982004736015, "r": [-0.02146733525417588, -0.020119562848464057, -0.003734629943011214]}, "278": {"x": -2.755326389422323, "y": 30.880189269221944, "z": 8.054398879180539, "r": [-0.028329757966996993, -0.027730402207765792, -0.012160086245629032]}, "279": {"x": -14.21740721454178, "y": 31.845539059527646, "z": 6.0412434227065575, "r": [-0.022466992477603753, -0.02696905258829929, -0.004933928958053002]}, "280": {"x": -14.641569610907858, "y": 22.724301250165738, "z": 6.061271384127141, "r": [-0.012497402427044335, -0.011930079852731978, 0.0019202214839566523]}, "281": {"x": -25.83203517273849, "y": 33.591566643424215, "z": 4.077717599177867, "r": [-0.012516875294522833, -0.016142379592480438, 0.0032198148140452076]}, "282": {"x": -37.340365958857646, "y": 35.86971228433342, "z": 2.15718057557354, "r": [0.00035921937123362113, -0.00035921937123362113, 0.0069849930152106054]}, "283": {"x": -35.06222031794847, "y": 24.361381498214246, "z": 4.077717599177878, "r": [0.016142379592452016, 0.012516875294579677, 0.003219814814077182]}, "284": {"x": -25.155480640597897, "y": 23.68482696607364, "z": 4.93998558912421, "r": [-0.0004146620891560815, 0.0004146620891560815, 0.004827791270905379]}, "285": {"x": -33.316192734051995, "y": 12.746753540017526, "z": 6.041243422706583, "r": [0.026969052588242448, 0.022466992477632175, -0.004933928958038791]}, "286": {"x": -32.350842943746315, "y": 1.284672714898047, "z": 8.054398879180578, "r": [0.027730402207765792, 0.028329757967009428, -0.012160086245621926]}, "287": {"x": -23.46076146880639, "y": 2.4947986445600603, "z": 7.352298200473639, "r": [0.02011956284837879, 0.021467335254182984, -0.0037346299429898977]}, "288": {"x": -24.194954924690023, "y": 13.170915936383583, "z": 6.061271384127152, "r": [0.011930079852731978, 0.012497402427044335, 0.0019202214839779685]}}, "face": {"341": [49, 107, 225], "342": [225, 193, 49], "343": [9, 105, 225], "344": [225, 107, 9], "345": [25, 161, 225], "346": [225, 105, 25], "347": [65, 193, 225], "348": [225, 161, 65], "349": [25, 81, 226], "350": [226, 161, 25], "351": [0, 82, 226], "352": [226, 81, 0], "353": [26, 162, 226], "354": [226, 82, 26], "355": [65, 161, 226], "356": [226, 162, 65], "357": [26, 108, 227], "358": [227, 162, 26], "359": [10, 110, 227], "360": [227, 108, 10], "361": [50, 195, 227], "362": [227, 110, 50], "363": [65, 162, 227], "364": [227, 195, 65], "365": [50, 146, 228], "366": [228, 195, 50], "367": [21, 145, 228], "368": [228, 146, 21], "369": [49, 193, 228], "370": [228, 145, 49], "371": [65, 195, 228], "372": [228, 193, 65], "373": [50, 110, 229], "374": [229, 196, 50], "375": [10, 109, 229], "376": [229, 110, 10], "377": [29, 165, 229], "378": [229, 109, 29], "379": [66, 196, 229], "380": [229, 165, 66], "381": [29, 85, 230], "382": [230, 165, 29], "383": [2, 86, 230], "384": [230, 85, 2], "385": [30, 166, 230], "386": [230, 86, 30], "387": [66, 165, 230], "388": [230, 166, 66], "389": [30, 117, 231], "390": [231, 166, 30], "391": [13, 119, 231], "392": [231, 117, 13], "393": [53, 201, 231], "394": [231, 119, 53], "395": [66, 166, 231], "396": [231, 201, 66], "397": [53, 147, 232], "398": [232, 201, 53], "399": [21, 146, 232], "400": [232, 147, 21], "401": [50, 196, 232], "402": [232, 146, 50], "403": [66, 201, 232], "404": [232, 196, 66], "405": [53, 119, 233], "406": [233, 202, 53], "407": [13, 118, 233], "408": [233, 119, 13], "409": [32, 169, 233], "410": [233, 118, 32], "411": [67, 202, 233], "412": [233, 169, 67], "413": [32, 88, 234], "414": [234, 169, 32], "415": [3, 89, 234], "416": [234, 88, 3], "417": [33, 171, 234], "418": [234, 89, 33], "419": [67, 169, 234], "420": [234, 171, 67], "421": [33, 124, 235], "422": [235, 171, 33], "423": [15, 126, 235], "424": [235, 124, 15], "425": [56, 207, 235], "426": [235, 126, 56], "427": [67, 171, 235], "428": [235, 207, 67], "429": [56, 148, 236], "430": [236, 207, 56], "431": [21, 147, 236], "432": [236, 148, 21], "433": [53, 202, 236], "434": [236, 147, 53], "435": [67, 207, 236], "436": [236, 202, 67], "437": [56, 126, 237], "438": [237, 208, 56], "439": [15, 125, 237], "440": [237, 126, 15], "441": [43, 185, 237], "442": [237, 125, 43], "443": [68, 208, 237], "444": [237, 185, 68], "445": [43, 99, 238], "446": [238, 185, 43], "447": [7, 100, 238], "448": [238, 99, 7], "449": [44, 187, 238], "450": [238, 100, 44], "451": [68, 185, 238], "452": [238, 187, 68], "453": [44, 106, 239], "454": [239, 187, 44], "455": [9, 107, 239], "456": [239, 106, 9], "457": [49, 194, 239], "458": [239, 107, 49], "459": [68, 187, 239], "460": [239, 194, 68], "461": [49, 145, 240], "462": [240, 194, 49], "463": [21, 148, 240], "464": [240, 145, 21], "465": [56, 208, 240], "466": [240, 148, 56], "467": [68, 194, 240], "468": [240, 208, 68], "469": [52, 116, 241], "470": [241, 199, 52], "471": [12, 114, 241], "472": [241, 116, 12], "473": [27, 163, 241], "474": [241, 114, 27], "475": [69, 199, 241], "476": [241, 163, 69], "477": [27, 83, 242], "478": [242, 163, 27], "479": [1, 84, 242], "480": [242, 83, 1], "481": [28, 164, 242], "482": [242, 84, 28], "483": [69, 163, 242], "484": [242, 164, 69], "485": [28, 111, 243], "486": [243, 164, 28], "487": [11, 113, 243], "488": [243, 111, 11], "489": [51, 197, 243], "490": [243, 113, 51], "491": [69, 164, 243], "492": [243, 197, 69], "493": [51, 149, 244], "494": [244, 197, 51], "495": [22, 150, 244], "496": [244, 149, 22], "497": [52, 199, 244], "498": [244, 150, 52], "499": [69, 197, 244], "500": [244, 199, 69], "501": [51, 113, 245], "502": [245, 198, 51], "503": [11, 112, 245], "504": [245, 113, 11], "505": [46, 189, 245], "506": [245, 112, 46], "507": [70, 198, 245], "508": [245, 189, 70], "509": [46, 102, 246], "510": [246, 189, 46], "511": [8, 103, 246], "512": [246, 102, 8], "513": [47, 190, 246], "514": [246, 103, 47], "515": [70, 189, 246], "516": [246, 190, 70], "517": [47, 129, 247], "518": [247, 190, 47], "519": [16, 130, 247], "520": [247, 129, 16], "521": [58, 211, 247], "522": [247, 130, 58], "523": [70, 190, 247], "524": [247, 211, 70], "525": [58, 151, 248], "526": [248, 211, 58], "527": [22, 149, 248], "528": [248, 151, 22], "529": [51, 198, 248], "530": [248, 149, 51], "531": [70, 211, 248], "532": [248, 198, 70], "533": [58, 130, 249], "534": [249, 212, 58], "535": [16, 128, 249], "536": [249, 130, 16], "537": [34, 173, 249], "538": [249, 128, 34], "539": [71, 212, 249], "540": [249, 173, 71], "541": [34, 90, 250], "542": [250, 173, 34], "543": [3, 91, 250], "544": [250, 90, 3], "545": [35, 175, 250], "546": [250, 91, 35], "547": [71, 173, 250], "548": [250, 175, 71], "549": [35, 132, 251], "550": [251, 175, 35], "551": [17, 134, 251], "552": [251, 132, 17], "553": [60, 215, 251], "554": [251, 134, 60], "555": [71, 175, 251], "556": [251, 215, 71], "557": [60, 152, 252], "558": [252, 215, 60], "559": [22, 151, 252], "560": [252, 152, 22], "561": [58, 212, 252], "562": [252, 151, 58], "563": [71, 215, 252], "564": [252, 212, 71], "565": [60, 134, 253], "566": [253, 216, 60], "567": [17, 133, 253], "568": [253, 134, 17], "569": [36, 177, 253], "570": [253, 133, 36], "571": [72, 216, 253], "572": [253, 177, 72], "573": [36, 92, 254], "574": [254, 177, 36], "575": [4, 93, 254], "576": [254, 92, 4], "577": [37, 179, 254], "578": [254, 93, 37], "579": [72, 177, 254], "580": [254, 179, 72], "581": [37, 115, 255], "582": [255, 179, 37], "583": [12, 116, 255], "584": [255, 115, 12], "585": [52, 200, 255], "586": [255, 116, 52], "587": [72, 179, 255], "588": [255, 200, 72], "589": [52, 150, 256], "590": [256, 200, 52], "591": [22, 152, 256], "592": [256, 150, 22], "593": [60, 216, 256], "594": [256, 152, 60], "595": [72, 200, 256], "596": [256, 216, 72], "597": [61, 135, 257], "598": [257, 217, 61], "599": [17, 132, 257], "600": [257, 135, 17], "601": [35, 176, 257], "602": [257, 132, 35], "603": [73, 217, 257], "604": [257, 176, 73], "605": [35, 91, 258], "606": [258, 176, 35], "607": [3, 88, 258], "608": [258, 91, 3], "609": [32, 170, 258], "610": [258, 88, 32], "611": [73, 176, 258], "612": [258, 170, 73], "613": [32, 118, 259], "614": [259, 170, 32], "615": [13, 120, 259], "616": [259, 118, 13], "617": [54, 203, 259], "618": [259, 120, 54], "619": [73, 170, 259], "620": [259, 203, 73], "621": [54, 153, 260], "622": [260, 203, 54], "623": [23, 155, 260], "624": [260, 153, 23], "625": [61, 217, 260], "626": [260, 155, 61], "627": [73, 203, 260], "628": [260, 217, 73], "629": [54, 120, 261], "630": [261, 204, 54], "631": [13, 117, 261], "632": [261, 120, 13], "633": [30, 167, 261], "634": [261, 117, 30], "635": [74, 204, 261], "636": [261, 167, 74], "637": [30, 86, 262], "638": [262, 167, 30], "639": [2, 87, 262], "640": [262, 86, 2], "641": [31, 168, 262], "642": [262, 87, 31], "643": [74, 167, 262], "644": [262, 168, 74], "645": [31, 121, 263], "646": [263, 168, 31], "647": [14, 123, 263], "648": [263, 121, 14], "649": [55, 205, 263], "650": [263, 123, 55], "651": [74, 168, 263], "652": [263, 205, 74], "653": [55, 154, 264], "654": [264, 205, 55], "655": [23, 153, 264], "656": [264, 154, 23], "657": [54, 204, 264], "658": [264, 153, 54], "659": [74, 205, 264], "660": [264, 204, 74], "661": [55, 123, 265], "662": [265, 206, 55], "663": [14, 122, 265], "664": [265, 123, 14], "665": [39, 181, 265], "666": [265, 122, 39], "667": [75, 206, 265], "668": [265, 181, 75], "669": [39, 95, 266], "670": [266, 181, 39], "671": [5, 96, 266], "672": [266, 95, 5], "673": [40, 182, 266], "674": [266, 96, 40], "675": [75, 181, 266], "676": [266, 182, 75], "677": [40, 137, 267], "678": [267, 182, 40], "679": [18, 138, 267], "680": [267, 137, 18], "681": [62, 219, 267], "682": [267, 138, 62], "683": [75, 182, 267], "684": [267, 219, 75], "685": [62, 156, 268], "686": [268, 219, 62], "687": [23, 154, 268], "688": [268, 156, 23], "689": [55, 206, 268], "690": [268, 154, 55], "691": [75, 219, 268], "692": [268, 206, 75], "693": [62, 138, 269], "694": [269, 220, 62], "695": [18, 136, 269], "696": [269, 138, 18], "697": [38, 180, 269], "698": [269, 136, 38], "699": [76, 220, 269], "700": [269, 180, 76], "701": [38, 94, 270], "702": [270, 180, 38], "703": [4, 92, 270], "704": [270, 94, 4], "705": [36, 178, 270], "706": [270, 92, 36], "707": [76, 180, 270], "708": [270, 178, 76], "709": [36, 133, 271], "710": [271, 178, 36], "711": [17, 135, 271], "712": [271, 133, 17], "713": [61, 218, 271], "714": [271, 135, 61], "715": [76, 178, 271], "716": [271, 218, 76], "717": [61, 155, 272], "718": [272, 218, 61], "719": [23, 156, 272], "720": [272, 155, 23], "721": [62, 220, 272], "722": [272, 156, 62], "723": [76, 218, 272], "724": [272, 220, 76], "725": [57, 127, 273], "726": [273, 209, 57], "727": [15, 124, 273], "728": [273, 127, 15], "729": [33, 172, 273], "730": [273, 124, 33], "731": [77, 209, 273], "732": [273, 172, 77], "733": [33, 89, 274], "734": [274, 172, 33], "735": [3, 90, 274], "736": [274, 89, 3], "737": [34, 174, 274], "738": [274, 90, 34], "739": [77, 172, 274], "740": [274, 174, 77], "741": [34, 128, 275], "742": [275, 174, 34], "743": [16, 131, 275], "744": [275, 128, 16], "745": [59, 213, 275], "746": [275, 131, 59], "747": [77, 174, 275], "748": [275, 213, 77], "749": [59, 158, 276], "750": [276, 213, 59], "751": [24, 157, 276], "752": [276, 158, 24], "753": [57, 209, 276], "754": [276, 157, 57], "755": [77, 213, 276], "756": [276, 209, 77], "757": [59, 131, 277], "758": [277, 214, 59], "759": [16, 129, 277], "760": [277, 131, 16], "761": [47, 191, 277], "762": [277, 129, 47], "763": [78, 214, 277], "764": [277, 191, 78], "765": [47, 103, 278], "766": [278, 191, 47], "767": [8, 104, 278], "768": [278, 103, 8], "769": [48, 192, 278], "770": [278, 104, 48], "771": [78, 191, 278], "772": [278, 192, 78], "773": [48, 143, 279], "774": [279, 192, 48], "775": [20, 144, 279], "776": [279, 143, 20], "777": [64, 223, 279], "778": [279, 144, 64], "779": [78, 192, 279], "780": [279, 223, 78], "781": [64, 160, 280], "782": [280, 223, 64], "783": [24, 158, 280], "784": [280, 160, 24], "785": [59, 214, 280], "786": [280, 158, 59], "787": [78, 223, 280], "788": [280, 214, 78], "789": [64, 144, 281], "790": [281, 224, 64], "791": [20, 142, 281], "792": [281, 144, 20], "793": [41, 183, 281], "794": [281, 142, 41], "795": [79, 224, 281], "796": [281, 183, 79], "797": [41, 97, 282], "798": [282, 183, 41], "799": [6, 98, 282], "800": [282, 97, 6], "801": [42, 184, 282], "802": [282, 98, 42], "803": [79, 183, 282], "804": [282, 184, 79], "805": [42, 139, 283], "806": [283, 184, 42], "807": [19, 141, 283], "808": [283, 139, 19], "809": [63, 221, 283], "810": [283, 141, 63], "811": [79, 184, 283], "812": [283, 221, 79], "813": [63, 159, 284], "814": [284, 221, 63], "815": [24, 160, 284], "816": [284, 159, 24], "817": [64, 224, 284], "818": [284, 160, 64], "819": [79, 221, 284], "820": [284, 224, 79], "821": [63, 141, 285], "822": [285, 222, 63], "823": [19, 140, 285], "824": [285, 141, 19], "825": [45, 188, 285], "826": [285, 140, 45], "827": [80, 222, 285], "828": [285, 188, 80], "829": [45, 101, 286], "830": [286, 188, 45], "831": [7, 99, 286], "832": [286, 101, 7], "833": [43, 186, 286], "834": [286, 99, 43], "835": [80, 188, 286], "836": [286, 186, 80], "837": [43, 125, 287], "838": [287, 186, 43], "839": [15, 127, 287], "840": [287, 125, 15], "841": [57, 210, 287], "842": [287, 127, 57], "843": [80, 186, 287], "844": [287, 210, 80], "845": [57, 157, 288], "846": [288, 210, 57], "847": [24, 159, 288], "848": [288, 157, 24], "849": [63, 222, 288], "850": [288, 159, 63], "851": [80, 210, 288], "852": [288, 222, 80]}, "facedata": {"341": {"path": [5, 0, 0], "s": [2.481011028246229, 1.007653723235236], "s_vecs": [[-0.7083444831128785, 0.705834653101131, -0.006748016386707439], [0.6821393287152304, 0.6820445024898427, -0.26363086473954006]]}, "342": {"path": [5, 0, 0], "s": [2.481051086746546, 1.0076374538818187], "s_vecs": [[0.707176850363333, -0.70703213559833, 0.0025419562271732643], [-0.6824429697164072, -0.6816338403707181, 0.2639069926055717]]}, "343": {"path": [5, 0, 1], "s": [2.4829150373304856, 1.0068810097859349], "s_vecs": [[-0.7075255772493585, 0.7066822220790131, -0.002791869522440163], [0.6798995623599625, 0.6796229104849417, -0.2754074883635309]]}, "344": {"path": [5, 0, 1], "s": [2.47830459767797, 1.008754130683677], "s_vecs": [[0.7075032771691893, -0.7067028936301686, 0.0031832262885173462], [-0.6818627754830289, -0.6814372933685724, 0.2659066953220517]]}, "345": {"path": [5, 0, 2], "s": [2.480489354610903, 1.0078656436693958], "s_vecs": [[0.7067585855560589, -0.7074543493718191, 0.0008033042358090992], [-0.6802246968840218, -0.6792428385028484, 0.27554224375154135]]}, "346": {"path": [5, 0, 2], "s": [2.480255269009267, 1.0079607656669292], "s_vecs": [[-0.7080685778417651, 0.7061389911322709, -0.002571823446269078], [0.679334046278005, 0.6801873188036172, -0.2754096311066479]]}, "347": {"path": [5, 0, 3], "s": [2.478218961554836, 1.0087889886983588], "s_vecs": [[0.707365695756084, -0.7068466479127685, 0.0012604768915620151], [-0.6821345699270167, -0.6821658927767403, 0.2633289259511703]]}, "348": {"path": [5, 0, 3], "s": [2.4835284086799536, 1.0066323345698316], "s_vecs": [[-0.7073619567720771, 0.7068506828742279, -0.0010836197743962356], [0.6797530704563881, 0.6798227395168084, -0.2752758726095955]]}, "349": {"path": [5, 1, 0], "s": [2.4790209379285106, 1.0084626401296224], "s_vecs": [[-0.7067257534339849, 0.7074875832508305, -0.00017023238528091067], [0.6798542681457875, 0.6790555642466727, -0.27691463440849085]]}, "350": {"path": [5, 1, 0], "s": [2.4764905230900216, 1.009493061528313], "s_vecs": [[0.7067515452974, -0.7074618138892764, 0.00018737190859756392], [-0.6801615260292988, -0.679405753526706, 0.27529642312297586]]}, "351": {"path": [5, 1, 1], "s": [2.47481848703906, 1.0101750948979968], "s_vecs": [[0.706749630620983, -0.7074637394093171, 0.0001305300358404593], [-0.6798235796186921, -0.6790862786891401, 0.2769146559692414]]}, "352": {"path": [5, 1, 1], "s": [2.474818487039062, 1.0101750948979982], "s_vecs": [[-0.7074637394093148, 0.7067496306209851, 0.0001305300358382805], [0.6790862786891424, 0.6798235796186898, -0.2769146559692414]]}, "353": {"path": [5, 1, 2], "s": [2.4764905230900203, 1.0094930615283135], "s_vecs": [[0.707461813889271, -0.7067515452974052, -0.00018737190859571817], [-0.6794057535267113, -0.6801615260292931, 0.2752964231229763]]}, "354": {"path": [5, 1, 2], "s": [2.479020937928509, 1.0084626401296235], "s_vecs": [[-0.7074875832508262, 0.7067257534339897, 0.00017023238527928697], [0.6790555642466775, 0.6798542681457828, -0.2769146344084915]]}, "355": {"path": [5, 1, 3], "s": [2.4799744110649704, 1.0080749175659558], "s_vecs": [[-0.7073943575313271, 0.7068188921832921, -0.0005259140850110838], [0.6796638345603768, 0.6800125551096277, -0.2750272657100756]]}, "356": {"path": [5, 1, 3], "s": [2.479974411064959, 1.0080749175659625], "s_vecs": [[0.7068188921832848, -0.7073943575313345, -0.0005259140850092936], [-0.680012555109635, -0.6796638345603694, 0.2750272657100756]]}, "357": {"path": [5, 2, 0], "s": [2.4802552690092625, 1.0079607656669267], "s_vecs": [[0.7061389911322673, -0.7080685778417689, -0.0025718234462680234], [-0.6801873188036209, -0.6793340462780014, 0.27540963110664757]]}, "358": {"path": [5, 2, 0], "s": [2.4804893546108966, 1.007865643669394], "s_vecs": [[-0.7074543493718243, 0.7067585855560536, 0.0008033042358097653], [0.6792428385028434, 0.6802246968840272, -0.27554224375154107]]}, "359": {"path": [5, 2, 1], "s": [2.4783045976779694, 1.008754130683676], "s_vecs": [[0.7067028936301682, -0.7075032771691895, -0.0031832262885175266], [-0.6814372933685726, -0.6818627754830289, 0.26590669532205147]]}, "360": {"path": [5, 2, 1], "s": [2.482915037330476, 1.0068810097859386], "s_vecs": [[-0.7066822220790131, 0.7075255772493586, 0.002791869522440371], [0.6796229104849417, 0.6798995623599626, -0.27540748836353046]]}, "361": {"path": [5, 2, 2], "s": [2.4810510867465574, 1.0076374538818083], "s_vecs": [[-0.7070321355983376, 0.7071768503633252, 0.0025419562271758456], [0.6816338403707102, 0.682442969716415, -0.2639069926055715]]}, "362": {"path": [5, 2, 2], "s": [2.481011028246244, 1.007653723235229], "s_vecs": [[0.7058346531011376, -0.7083444831128719, -0.006748016386710146], [-0.6820445024898358, -0.6821393287152375, 0.26363086473953984]]}, "363": {"path": [5, 2, 3], "s": [2.483528408679936, 1.0066323345698378], "s_vecs": [[-0.7068506828742344, 0.7073619567720711, 0.0010836197743982756], [0.6798227395168024, 0.6797530704563948, -0.27527587260959474]]}, "364": {"path": [5, 2, 3], "s": [2.4782189615548402, 1.0087889886983565], "s_vecs": [[0.7068466479127737, -0.7073656957560788, -0.0012604768915636527], [-0.6821658927767351, -0.6821345699270218, 0.2633289259511702]]}, "365": {"path": [5, 3, 0], "s": [2.482641002135071, 1.0069921498315706], "s_vecs": [[0.7066315472380799, -0.7075718970081208, -0.0037238437462635], [-0.6870786450382473, -0.6874042393727553, 0.23536853490806647]]}, "366": {"path": [5, 3, 0], "s": [2.4837441342673054, 1.0065449035222342], "s_vecs": [[-0.7066339081761747, 0.7075710179310721, 0.0034313845095419737], [0.6819706434227262, 0.6823442772634983, -0.26329133824595785]]}, "367": {"path": [5, 3, 1], "s": [2.484869770245864, 1.0060889427427187], "s_vecs": [[-0.7077887075089221, 0.7064073617466217, -0.00487696555526064], [0.6875106219918032, 0.6872353680849594, -0.23459900575572357]]}, "368": {"path": [5, 3, 1], "s": [2.484869770245864, 1.0060889427427187], "s_vecs": [[0.7064073617466191, -0.7077887075089245, -0.004876965555258642], [-0.6872353680849622, -0.6875106219918007, 0.23459900575572357]]}, "369": {"path": [5, 3, 2], "s": [2.483744134267304, 1.0065449035222345], "s_vecs": [[-0.7075710179310701, 0.7066339081761761, -0.003431384509543098], [0.6823442772634998, 0.6819706434227241, -0.2632913382459578]]}, "370": {"path": [5, 3, 2], "s": [2.4826410021350642, 1.0069921498315735], "s_vecs": [[0.7075718970081191, -0.7066315472380813, 0.0037238437462644297], [-0.6874042393727569, -0.6870786450382453, 0.23536853490806686]]}, "371": {"path": [5, 3, 3], "s": [2.481213754393905, 1.007571393465327], "s_vecs": [[0.706441934939012, -0.7077673536545287, -0.002272808942727772], [-0.6824868235824177, -0.6820523697696524, 0.26270953642375305]]}, "372": {"path": [5, 3, 3], "s": [2.481213754393904, 1.007571393465327], "s_vecs": [[-0.707767353654526, 0.7064419349390147, -0.0022728089427292986], [0.6820523697696554, 0.6824868235824147, -0.26270953642375305]]}, "373": {"path": [6, 0, 0], "s": [2.483376612049528, 1.0066938650665447], "s_vecs": [[-0.7054852514957431, 0.7086467609635392, 0.010503718287935823], [0.6812786991745385, 0.682174773182456, -0.2655125475086122]]}, "374": {"path": [6, 0, 0], "s": [2.481133813107285, 1.0076038570725405], "s_vecs": [[0.7055148058822763, -0.7086035195259407, -0.0113978417405802], [-0.6863921557469399, -0.6872264975781611, 0.23787717325443825]]}, "375": {"path": [6, 0, 1], "s": [2.480160196387308, 1.0079994040875206], "s_vecs": [[0.7041547275243429, -0.7098762582725932, -0.015550487002700578], [-0.6813257164410924, -0.6816759606212366, 0.26667049485675487]]}, "376": {"path": [6, 0, 1], "s": [2.480941820324865, 1.0076818325681782], "s_vecs": [[-0.7063103704667251, 0.7078640658760015, 0.007356956752182425], [0.6806460768998984, 0.681934813474147, -0.2677420926428231]]}, "377": {"path": [6, 0, 2], "s": [2.4788612053034984, 1.008527623350301], "s_vecs": [[0.7047141334478583, -0.7092909406455197, -0.016862729228337217], [-0.684999999610636, -0.6863863003657007, 0.24423113479594477]]}, "378": {"path": [6, 0, 2], "s": [2.4818664210615964, 1.007306428252753], "s_vecs": [[-0.7046440679452034, 0.709386301230741, 0.01574208168584708], [0.680819616116108, 0.682185819974405, -0.2666592532378427]]}, "379": {"path": [6, 0, 3], "s": [2.4824557260573243, 1.0070673058772082], "s_vecs": [[-0.7058613382931076, 0.7081819032800526, 0.015432529595147917], [0.6849646185563137, 0.6879479340367177, -0.23989812708859376]]}, "380": {"path": [6, 0, 3], "s": [2.482686519625554, 1.0069736876716362], "s_vecs": [[0.7043180950073631, -0.7094747970211606, -0.024115004395230427], [-0.6850798969473637, -0.6882171105888589, 0.23879435397703963]]}, "381": {"path": [6, 1, 0], "s": [2.4795039215136327, 1.0082662012786212], "s_vecs": [[0.7025995512152471, -0.710302485119092, -0.04271124284980815], [-0.6818849032233306, -0.6892202262858793, 0.244966239377083]]}, "382": {"path": [6, 1, 0], "s": [2.4795283142482263, 1.0082562823074586], "s_vecs": [[-0.7047662731065896, 0.7089737384626162, 0.02570483343244709], [0.6824867116217403, 0.6874380205932256, -0.24827576664389003]]}, "383": {"path": [6, 1, 1], "s": [2.482118060314487, 1.007204306665109], "s_vecs": [[0.7029334952773847, -0.7098576553883243, -0.04457140679527399], [-0.6884218481693958, -0.6947806877604942, 0.20821900700485574]]}, "384": {"path": [6, 1, 1], "s": [2.480578802021378, 1.0078293009529846], "s_vecs": [[-0.7030028086624983, 0.7098946411158111, 0.04285614924012901], [0.6814691494296687, 0.6896402969686227, -0.2449409299660499]]}, "385": {"path": [6, 1, 2], "s": [2.4867053527414775, 1.0053462897177847], "s_vecs": [[-0.7048499429711249, 0.7082662596682249, 0.03931238111822491], [0.6884525396057916, 0.696382328299105, -0.2026937432262118]]}, "386": {"path": [6, 1, 2], "s": [2.4873917815960778, 1.0050688510339274], "s_vecs": [[0.703003929441588, -0.7091696527694402, -0.05351522008324551], [-0.6882264453968848, -0.697345325624545, 0.20013459642442072]]}, "387": {"path": [6, 1, 3], "s": [2.483158725817142, 1.0067821980156813], "s_vecs": [[-0.7043131741986921, 0.7091598302683905, 0.03217588823747233], [0.6827289466868032, 0.6890874196435831, -0.24298089111054966]]}, "388": {"path": [6, 1, 3], "s": [2.4865971098147006, 1.0053900529894446], "s_vecs": [[0.7042616632517344, -0.7091350090346922, -0.033809002281454906], [-0.690482341687661, -0.6952551005620287, 0.1996358709250606]]}, "389": {"path": [6, 2, 0], "s": [2.4976543105161104, 1.0009391569818185], "s_vecs": [[0.7047130140966418, -0.7080684336796743, -0.04492951133986703], [-0.6964848680350483, -0.702474984728943, 0.14641627105029276]]}, "390": {"path": [6, 2, 0], "s": [2.4900012383598478, 1.0040155649266822], "s_vecs": [[-0.7048737851921122, 0.7080015451804014, 0.04343683887103576], [0.6883685995439529, 0.6975352851146602, -0.19898039396359307]]}, "391": {"path": [6, 2, 1], "s": [2.4994635574532067, 1.000214623071895], "s_vecs": [[-0.7061104851765501, 0.7075225296270738, 0.028633071680205978], [0.6974072613382284, 0.7018785410982069, -0.1448779671950328]]}, "392": {"path": [6, 2, 1], "s": [2.4997851622430005, 1.0000859424882786], "s_vecs": [[0.7048487213117479, -0.7076935317900923, -0.04856073648184722], [-0.696315807622479, -0.7033333492845002, 0.1430611611839569]]}, "393": {"path": [6, 2, 2], "s": [2.4921004666052324, 1.0031698294272735], "s_vecs": [[-0.7058915851356974, 0.707855262258995, 0.025651466368649387], [0.6908999232496401, 0.6960618383450679, -0.19533359478933976]]}, "394": {"path": [6, 2, 2], "s": [2.499609246581645, 1.000156325801278], "s_vecs": [[0.7058331232654623, -0.7078796019468964, -0.02657200121981667], [-0.6981189030716374, -0.7014821114426539, 0.14336263285811127]]}, "395": {"path": [6, 2, 3], "s": [2.4900275023744403, 1.0040049748912612], "s_vecs": [[0.7043449269495625, -0.7088225113974745, -0.03832585571898588], [-0.6902901416489994, -0.6965195700312332, 0.1958571134927464]]}, "396": {"path": [6, 2, 3], "s": [2.4900292172851137, 1.0040042834219272], "s_vecs": [[-0.7059223049520085, 0.7079190855865407, 0.022896891351445153], [0.6909315589720303, 0.6953755475207587, -0.1976522924903355]]}, "397": {"path": [6, 3, 0], "s": [2.4918157266167293, 1.0032844617263825], "s_vecs": [[-0.7068430444031771, 0.7073302453488551, 0.007538872168717972], [0.6928649326660516, 0.6944562842270003, -0.19408414252404854]]}, "398": {"path": [6, 3, 0], "s": [2.4919319324046665, 1.0032376757528636], "s_vecs": [[0.7055864197610605, -0.7082670592655056, -0.02248503965221474], [-0.6920201178883658, -0.6955354222563308, 0.19323206986543445]]}, "399": {"path": [6, 3, 1], "s": [2.4863962349418007, 1.0054712780155566], "s_vecs": [[-0.7066451545329637, 0.7075416278499771, 0.00612130986705077], [0.6866646664663082, 0.6878306154341375, -0.23533100156632447]]}, "400": {"path": [6, 3, 1], "s": [2.4910677754314126, 1.0035857011425708], "s_vecs": [[0.7066293715235062, -0.7075545174505141, -0.006444853424624503], [-0.6933317962374257, -0.694186675374593, 0.1933801439097467]]}, "401": {"path": [6, 3, 2], "s": [2.4842347184645743, 1.0063461320374618], "s_vecs": [[0.7053411830652905, -0.7087122338567704, -0.014858837565674216], [-0.6863848762886603, -0.6880571944714869, 0.23548481636451055]]}, "402": {"path": [6, 3, 2], "s": [2.4843389087893417, 1.0063039270347758], "s_vecs": [[-0.706875990542438, 0.7073192443508757, 0.00508139405610071], [0.6864832772788912, 0.6877492049483594, -0.2360968892411177]]}, "403": {"path": [6, 3, 3], "s": [2.489775303787498, 1.0041066742837987], "s_vecs": [[0.7055880440653978, -0.7083539967973828, -0.01949685341638653], [-0.6921103222644208, -0.6947907985943544, 0.19557363831472463]]}, "404": {"path": [6, 3, 3], "s": [2.4853611115914305, 1.005890044847123], "s_vecs": [[-0.7056563880853568, 0.7083114136548583, 0.018547324351104122], [0.6850396649320384, 0.6886918603812116, -0.2375377420842147]]}, "405": {"path": [7, 0, 0], "s": [2.500899915265012, 0.9996401634229658], "s_vecs": [[0.705921947082634, -0.7077186315332948, -0.028434894191876732], [-0.6980031977495675, -0.7019261772731081, 0.1417433511320345]]}, "406": {"path": [7, 0, 0], "s": [2.5008331333898415, 0.9996668576648623], "s_vecs": [[-0.7068813258270227, 0.7072687606320857, 0.009470556001858157], [0.699118916643169, 0.7006451415330675, -0.14258024420581494]]}, "407": {"path": [7, 0, 1], "s": [2.5075628249701833, 0.9969839938226586], "s_vecs": [[0.7061401634992989, -0.7073817671001082, -0.03125867987474752], [-0.7031524787228294, -0.7057452577923662, 0.08660382652936144]]}, "408": {"path": [7, 0, 1], "s": [2.5007254226547446, 0.9997099151117628], "s_vecs": [[-0.7061835845342564, 0.7073759529213822, 0.03039746967948273], [0.6973173440711331, 0.7022984242862639, -0.14326704053135147]]}, "409": {"path": [7, 0, 2], "s": [2.508264115742546, 0.9967052449976547], "s_vecs": [[-0.7069457339420244, 0.7071881462377155, 0.010613909837371517], [0.7039751110533058, 0.7050216969978617, -0.08581054585388107]]}, "410": {"path": [7, 0, 2], "s": [2.508331716092879, 0.9966783834692112], "s_vecs": [[0.7062578142153167, -0.7072044427282631, -0.03258490517417206], [-0.7030276415796459, -0.7060200317918046, 0.08536890466475416]]}, "411": {"path": [7, 0, 3], "s": [2.501526017697076, 0.9993899652906744], "s_vecs": [[-0.7068689962833709, 0.7072722929908716, 0.010105724158853066], [0.6991233502929712, 0.7007539631085132, -0.14202261884236655]]}, "412": {"path": [7, 0, 3], "s": [2.5082356882187478, 0.9967165413292571], "s_vecs": [[0.7068568944841984, -0.7072800848537735, -0.010402513609409532], [-0.7040903379772303, -0.7049284928131748, 0.08563069535660359]]}, "413": {"path": [7, 1, 0], "s": [2.512240118686525, 0.9951278070135575], "s_vecs": [[0.7069676177619499, -0.7071588962438897, -0.011094273257735555], [-0.7066952890925018, -0.7069491621311069, 0.02836636276633628]]}, "414": {"path": [7, 1, 0], "s": [2.50857341600144, 0.9965823539599238], "s_vecs": [[-0.7069745049705063, 0.7071563932103309, 0.010811330328142604], [0.7039453638070344, 0.705073440584846, -0.08562924825332777]]}, "415": {"path": [7, 1, 1], "s": [2.512404255767107, 0.9950627946363974], "s_vecs": [[-0.7071145564409782, 0.7070087852739687, -0.011295203172399447], [0.7069982266811615, 0.7066538792327494, -0.02817449972935956]]}, "416": {"path": [7, 1, 1], "s": [2.512404255767108, 0.9950627946364001], "s_vecs": [[0.707008785273971, -0.7071145564409758, -0.01129520317240006], [-0.7066538792327468, -0.7069982266811641, 0.028174499729359502]]}, "417": {"path": [7, 1, 2], "s": [2.508573416001436, 0.9965823539599249], "s_vecs": [[-0.7071563932103337, 0.7069745049705026, -0.010811330328142015], [0.7050734405848426, 0.7039453638070372, -0.08562924825332838]]}, "418": {"path": [7, 1, 2], "s": [2.5122401186865244, 0.9951278070135571], "s_vecs": [[0.7071588962438925, -0.7069676177619472, 0.011094273257735123], [-0.7069491621311044, -0.7066952890925043, 0.028366362766336167]]}, "419": {"path": [7, 1, 3], "s": [2.508548162925234, 0.9965923863645217], "s_vecs": [[0.7068869285000444, -0.7072470781232036, -0.010603810728427698], [-0.7040590864263813, -0.7049817091080375, 0.08544935718634615]]}, "420": {"path": [7, 1, 3], "s": [2.508548162925235, 0.996592386364522], "s_vecs": [[-0.7072470781232071, 0.7068869285000406, -0.010603810728426498], [0.7049817091080337, 0.7040590864263848, -0.08544935718634625]]}, "421": {"path": [7, 2, 0], "s": [2.50833171609288, 0.9966783834692106], "s_vecs": [[-0.707204442728268, 0.7062578142153121, -0.032584905174170994], [0.7060200317917998, 0.7030276415796508, -0.08536890466475545]]}, "422": {"path": [7, 2, 0], "s": [2.5082641157425405, 0.9967052449976587], "s_vecs": [[0.7071881462377183, -0.7069457339420219, 0.010613909837370608], [-0.7050216969978589, -0.7039751110533087, 0.08581054585388206]]}, "423": {"path": [7, 2, 1], "s": [2.5007254226547415, 0.9997099151117638], "s_vecs": [[-0.7073759529213849, 0.7061835845342539, -0.030397469679482328], [0.7022984242862614, 0.6973173440711357, -0.1432670405313513]]}, "424": {"path": [7, 2, 1], "s": [2.507562824970182, 0.9969839938226578], "s_vecs": [[0.707381767100111, -0.706140163499296, 0.03125867987474705], [-0.7057452577923634, -0.7031524787228319, 0.08660382652936222]]}, "425": {"path": [7, 2, 2], "s": [2.5008331333898446, 0.9996668576648647], "s_vecs": [[0.707268760632089, -0.7068813258270192, 0.009470556001856631], [-0.7006451415330639, -0.6991189166431726, 0.1425802442058143]]}, "426": {"path": [7, 2, 2], "s": [2.500899915265016, 0.9996401634229639], "s_vecs": [[-0.7077186315332981, 0.7059219470826309, -0.0284348941918756], [0.7019261772731049, 0.698003197749571, -0.14174335113203398]]}, "427": {"path": [7, 2, 3], "s": [2.508235688218751, 0.9967165413292572], "s_vecs": [[0.7072800848537772, -0.7068568944841948, 0.010402513609407922], [-0.7049284928131712, -0.704090337977234, 0.08563069535660406]]}, "428": {"path": [7, 2, 3], "s": [2.501526017697081, 0.9993899652906725], "s_vecs": [[-0.7072722929908742, 0.7068689962833679, -0.010105724158851553], [0.7007539631085103, 0.699123350292974, -0.1420226188423659]]}, "429": {"path": [7, 3, 0], "s": [2.4931151578606014, 1.0027615419679639], "s_vecs": [[-0.7074081737958775, 0.7067548174805416, -0.008444146779182454], [0.6945964462637446, 0.6929284057806844, -0.19335459989360604]]}, "430": {"path": [7, 3, 0], "s": [2.500599809671291, 0.9997601336811386], "s_vecs": [[0.7074188297516398, -0.7067403833814626, 0.008753845477478817], [-0.7004812390473343, -0.6993944194955528, 0.14203337537772598]]}, "431": {"path": [7, 3, 1], "s": [2.4924401597888375, 1.0030331080092216], "s_vecs": [[0.7065497786340991, -0.7076244105192218, -0.007423203447905452], [-0.6933770246393579, -0.6943449708710508, 0.19264828867225978]]}, "432": {"path": [7, 3, 1], "s": [2.4924401597888433, 1.0030331080092214], "s_vecs": [[-0.7076244105192203, 0.7065497786341008, -0.007423203447907062], [0.6943449708710526, 0.6933770246393564, -0.19264828867225978]]}, "433": {"path": [7, 3, 2], "s": [2.500599809671291, 0.9997601336811384], "s_vecs": [[0.7067403833814656, -0.7074188297516372, -0.0087538454774794], [-0.6993944194955501, -0.7004812390473371, 0.14203337537772606]]}, "434": {"path": [7, 3, 2], "s": [2.4931151578605966, 1.0027615419679656], "s_vecs": [[-0.7067548174805431, 0.7074081737958757, 0.008444146779182787], [0.6929284057806825, 0.6945964462637462, -0.19335459989360676]]}, "435": {"path": [7, 3, 3], "s": [2.501314911739199, 0.9994743117977557], "s_vecs": [[-0.7074177700578138, 0.7067328536896155, -0.009421895890031215], [0.7005978978809702, 0.699390779827266, -0.14147481251931135]]}, "436": {"path": [7, 3, 3], "s": [2.5013149117392013, 0.9994743117977537], "s_vecs": [[0.7067328536896179, -0.7074177700578117, -0.00942189589003177], [-0.6993907798272638, -0.7005978978809726, 0.14147481251931132]]}, "437": {"path": [8, 0, 0], "s": [2.4996092465816497, 1.0001563258012767], "s_vecs": [[0.7078796019468995, -0.7058331232654592, 0.02657200121981474], [-0.7014821114426506, -0.6981189030716406, 0.14336263285811143]]}, "438": {"path": [8, 0, 0], "s": [2.4921004666052387, 1.0031698294272715], "s_vecs": [[-0.7078552622589973, 0.705891585135695, -0.02565146636864779], [0.6960618383450653, 0.6908999232496426, -0.19533359478933987]]}, "439": {"path": [8, 0, 1], "s": [2.4997851622430023, 1.000085942488276], "s_vecs": [[-0.7076935317900981, 0.7048487213117424, -0.04856073648184414], [0.7033333492844943, 0.6963158076224848, -0.14306116118395795]]}, "440": {"path": [8, 0, 1], "s": [2.499463557453207, 1.0002146230718976], "s_vecs": [[0.7075225296270765, -0.7061104851765474, 0.028633071680204722], [-0.701878541098204, -0.6974072613382312, 0.14487796719503343]]}, "441": {"path": [8, 0, 2], "s": [2.490001238359857, 1.004015564926678], "s_vecs": [[-0.7080015451804025, 0.7048737851921112, -0.04343683887103496], [0.6975352851146592, 0.6883685995439545, -0.19898039396359207]]}, "442": {"path": [8, 0, 2], "s": [2.497654310516113, 1.0009391569818162], "s_vecs": [[0.7080684336796783, -0.7047130140966379, 0.0449295113398656], [-0.7024749847289392, -0.6964848680350524, 0.14641627105029234]]}, "443": {"path": [8, 0, 3], "s": [2.4900292172851213, 1.0040042834219225], "s_vecs": [[0.7079190855865396, -0.7059223049520095, 0.022896891351445015], [-0.6953755475207596, -0.6909315589720294, 0.19765229249033506]]}, "444": {"path": [8, 0, 3], "s": [2.4900275023744496, 1.0040049748912558], "s_vecs": [[-0.7088225113974751, 0.7043449269495619, -0.03832585571898606], [0.6965195700312324, 0.6902901416490002, -0.19585711349274587]]}, "445": {"path": [8, 1, 0], "s": [2.4873917815960866, 1.005068851033922], "s_vecs": [[-0.7091696527694391, 0.7030039294415893, -0.05351522008324475], [0.6973453256245462, 0.6882264453968839, -0.2001345964244202]]}, "446": {"path": [8, 1, 0], "s": [2.48670535274149, 1.0053462897177816], "s_vecs": [[0.7082662596682259, -0.7048499429711245, 0.0393123811182234], [-0.6963823282991041, -0.6884525396057929, 0.20269374322621153]]}, "447": {"path": [8, 1, 1], "s": [2.480578802021376, 1.0078293009529866], "s_vecs": [[-0.709894641115812, 0.7030028086624976, -0.04285614924012793], [0.689640296968622, 0.6814691494296697, -0.24494092996604983]]}, "448": {"path": [8, 1, 1], "s": [2.482118060314495, 1.0072043066651062], "s_vecs": [[0.7098576553883241, -0.7029334952773854, 0.04457140679527315], [-0.6947806877604946, -0.6884218481693957, 0.20821900700485524]]}, "449": {"path": [8, 1, 2], "s": [2.4795283142482267, 1.0082562823074557], "s_vecs": [[0.708973738462621, -0.7047662731065852, 0.025704833432445492], [-0.6874380205932209, -0.6824867116217455, 0.24827576664389026]]}, "450": {"path": [8, 1, 2], "s": [2.47950392151363, 1.0082662012786234], "s_vecs": [[-0.7103024851190928, 0.7025995512152463, -0.042711242849807485], [0.6892202262858784, 0.6818849032233313, -0.24496623937708306]]}, "451": {"path": [8, 1, 3], "s": [2.4865971098147055, 1.0053900529894422], "s_vecs": [[0.7091350090346918, -0.704261663251735, 0.033809002281454684], [-0.6952551005620292, -0.6904823416876605, 0.1996358709250607]]}, "452": {"path": [8, 1, 3], "s": [2.483158725817144, 1.0067821980156806], "s_vecs": [[-0.7091598302683902, 0.7043131741986924, -0.03217588823747211], [0.6890874196435832, 0.682728946686803, -0.24298089111054988]]}, "453": {"path": [8, 2, 0], "s": [2.4818664210615857, 1.007306428252757], "s_vecs": [[-0.7093863012307445, 0.7046440679451997, -0.015742081685845802], [0.6821858199744013, 0.680819616116112, -0.26665925323784223]]}, "454": {"path": [8, 2, 0], "s": [2.4788612053034966, 1.0085276233503018], "s_vecs": [[0.709290940645524, -0.7047141334478538, 0.016862729228335607], [-0.6863863003656963, -0.6849999996106403, 0.24423113479594477]]}, "455": {"path": [8, 2, 1], "s": [2.4809418203248543, 1.0076818325681878], "s_vecs": [[0.7078640658759934, -0.7063103704667334, 0.007356956752184993], [-0.6819348134741554, -0.6806460768998901, 0.2677420926428231]]}, "456": {"path": [8, 2, 1], "s": [2.480160196387295, 1.0079994040875238], "s_vecs": [[-0.7098762582725987, 0.7041547275243377, -0.015550487002699565], [0.6816759606212311, 0.6813257164410982, -0.2666704948567549]]}, "457": {"path": [8, 2, 2], "s": [2.481133813107287, 1.0076038570725392], "s_vecs": [[0.7086035195259383, -0.7055148058822789, 0.011397841740580505], [-0.6872264975781636, -0.6863921557469378, 0.23787717325443725]]}, "458": {"path": [8, 2, 2], "s": [2.483376612049507, 1.0066938650665531], "s_vecs": [[-0.7086467609635384, 0.7054852514957441, -0.010503718287935698], [0.6821747731824572, 0.6812786991745375, -0.2655125475086122]]}, "459": {"path": [8, 2, 3], "s": [2.4826865196255556, 1.0069736876716373], "s_vecs": [[-0.7094747970211596, 0.7043180950073644, -0.024115004395230455], [0.68821711058886, 0.6850798969473627, -0.23879435397703982]]}, "460": {"path": [8, 2, 3], "s": [2.482455726057319, 1.0070673058772135], "s_vecs": [[0.7081819032800496, -0.7058613382931107, 0.015432529595150346], [-0.6879479340367212, -0.6849646185563105, 0.23989812708859373]]}, "461": {"path": [8, 3, 0], "s": [2.484338908789346, 1.006303927034772], "s_vecs": [[0.7073192443508776, -0.7068759905424359, 0.0050813940560991006], [-0.6877492049483571, -0.6864832772788936, 0.2360968892411174]]}, "462": {"path": [8, 3, 0], "s": [2.4842347184645748, 1.0063461320374605], "s_vecs": [[-0.708712233856772, 0.7053411830652891, -0.014858837565672064], [0.688057194471485, 0.6863848762886624, -0.23548481636451035]]}, "463": {"path": [8, 3, 1], "s": [2.4910677754314143, 1.0035857011425708], "s_vecs": [[0.707554517450513, -0.7066293715235069, 0.006444853424624211], [-0.6941866753745937, -0.6933317962374246, 0.19338014390974784]]}, "464": {"path": [8, 3, 1], "s": [2.4863962349418074, 1.0054712780155541], "s_vecs": [[-0.7075416278499762, 0.7066451545329644, -0.006121309867050895], [0.6878306154341385, 0.6866646664663074, -0.23533100156632364]]}, "465": {"path": [8, 3, 2], "s": [2.491931932404671, 1.0032376757528616], "s_vecs": [[-0.708267059265508, 0.7055864197610578, -0.02248503965221367], [0.6955354222563278, 0.6920201178883685, -0.193232069865435]]}, "466": {"path": [8, 3, 2], "s": [2.49181572661673, 1.0032844617263856], "s_vecs": [[0.7073302453488575, -0.7068430444031752, 0.007538872168715932], [-0.694456284226998, -0.6928649326660541, 0.1940841425240491]]}, "467": {"path": [8, 3, 3], "s": [2.4853611115914283, 1.0058900448471246], "s_vecs": [[-0.7083114136548572, 0.7056563880853574, -0.01854732435110458], [0.6886918603812118, 0.6850396649320373, -0.23753774208421535]]}, "468": {"path": [8, 3, 3], "s": [2.489775303787502, 1.004106674283797], "s_vecs": [[0.7083539967973816, -0.7055880440653991, 0.019496853416387003], [-0.6947907985943561, -0.6921103222644195, 0.19557363831472463]]}, "469": {"path": [9, 0, 0], "s": [2.48101102824622, 1.0076537232352392], "s_vecs": [[0.7083444831128689, -0.7058346531011404, -0.006748016386710395], [-0.6821393287152402, -0.6820445024898328, -0.2636308647395407]]}, "470": {"path": [9, 0, 0], "s": [2.481051086746531, 1.0076374538818156], "s_vecs": [[-0.7071768503633225, 0.7070321355983405, 0.002541956227177067], [0.6824429697164179, 0.6816338403707071, 0.2639069926055723]]}, "471": {"path": [9, 0, 1], "s": [2.4829150373304896, 1.0068810097859324], "s_vecs": [[0.7075255772493498, -0.706682222079022, -0.0027918695224447287], [-0.679899562359972, -0.6796229104849322, -0.27540748836353096]]}, "472": {"path": [9, 0, 1], "s": [2.4783045976779525, 1.0087541306836836], "s_vecs": [[-0.7075032771691823, 0.7067028936301756, 0.0031832262885210516], [0.6818627754830366, 0.6814372933685651, 0.26590669532205136]]}, "473": {"path": [9, 0, 2], "s": [2.4804893546109055, 1.0078656436693958], "s_vecs": [[-0.7067585855560499, 0.707454349371828, 0.000803304235811611], [0.6802246968840311, 0.6792428385028394, 0.27554224375154124]]}, "474": {"path": [9, 0, 2], "s": [2.4802552690092656, 1.007960765666916], "s_vecs": [[0.7080685778417581, -0.706138991132278, -0.0025718234462720757], [-0.6793340462780124, -0.6801873188036098, -0.27540963110664757]]}, "475": {"path": [9, 0, 3], "s": [2.4782189615548167, 1.0087889886983659], "s_vecs": [[-0.7073656957560749, 0.7068466479127773, 0.00126047689156486], [0.6821345699270256, 0.6821658927767309, 0.26332892595117086]]}, "476": {"path": [9, 0, 3], "s": [2.483528408679951, 1.0066323345698325], "s_vecs": [[0.7073619567720668, -0.7068506828742382, -0.0010836197743999132], [-0.6797530704563988, -0.6798227395167978, -0.27527587260959496]]}, "477": {"path": [9, 1, 0], "s": [2.479020937928514, 1.008462640129621], "s_vecs": [[0.7067257534339836, -0.7074875832508323, -0.00017023238528143803], [-0.6798542681457891, -0.679055564246671, -0.27691463440849196]]}, "478": {"path": [9, 1, 0], "s": [2.476490523090025, 1.0094930615283113], "s_vecs": [[-0.7067515452973975, 0.707461813889279, 0.00018737190859854924], [0.6801615260293012, 0.6794057535267033, 0.2752964231229762]]}, "479": {"path": [9, 1, 1], "s": [2.474818487039058, 1.0101750948980022], "s_vecs": [[-0.7067496306209834, 0.7074637394093163, 0.00013053003584044542], [0.6798235796186914, 0.6790862786891405, 0.27691465596924164]]}, "480": {"path": [9, 1, 1], "s": [2.4748184870390717, 1.0101750948979829], "s_vecs": [[0.7074637394093009, -0.706749630620999, 0.00013053003583482492], [-0.6790862786891565, -0.6798235796186756, -0.2769146559692416]]}, "481": {"path": [9, 1, 2], "s": [2.476490523090032, 1.009493061528309], "s_vecs": [[-0.7074618138892658, 0.7067515452974109, -0.0001873719085933312], [0.6794057535267172, 0.6801615260292876, 0.275296423122976]]}, "482": {"path": [9, 1, 2], "s": [2.4790209379285164, 1.0084626401296204], "s_vecs": [[0.7074875832508203, -0.7067257534339955, 0.00017023238527674733], [-0.6790555642466836, -0.6798542681457767, -0.27691463440849173]]}, "483": {"path": [9, 1, 3], "s": [2.479974411064971, 1.008074917565955], "s_vecs": [[0.7073943575313231, -0.7068188921832959, -0.000525914085013221], [-0.6796638345603809, -0.6800125551096234, -0.2750272657100755]]}, "484": {"path": [9, 1, 3], "s": [2.4799744110649717, 1.0080749175659547], "s_vecs": [[-0.7068188921832801, 0.707394357531339, -0.0005259140850065597], [0.6800125551096399, 0.6796638345603645, 0.2750272657100755]]}, "485": {"path": [9, 2, 0], "s": [2.4802552690092616, 1.007960765666928], "s_vecs": [[-0.7061389911322705, 0.7080685778417656, -0.0025718234462705214], [0.6801873188036174, 0.679334046278005, 0.2754096311066476]]}, "486": {"path": [9, 2, 0], "s": [2.480489354610905, 1.007865643669402], "s_vecs": [[0.7074543493718175, -0.7067585855560603, 0.0008033042358081277], [-0.67924283850285, -0.6802246968840202, -0.27554224375154124]]}, "487": {"path": [9, 2, 1], "s": [2.478304597677961, 1.0087541306836807], "s_vecs": [[-0.7067028936301709, 0.7075032771691874, -0.003183226288518873], [0.6814372933685704, 0.6818627754830315, 0.2659066953220509]]}, "488": {"path": [9, 2, 1], "s": [2.482915037330485, 1.0068810097859349], "s_vecs": [[0.7066822220790169, -0.7075255772493547, 0.002791869522442425], [-0.6796229104849378, -0.6798995623599667, -0.2754074883635303]]}, "489": {"path": [9, 2, 2], "s": [2.481051086746527, 1.0076374538818198], "s_vecs": [[0.7070321355983258, -0.7071768503633372, 0.0025419562271712937], [-0.6816338403707225, -0.6824429697164028, -0.26390699260557177]]}, "490": {"path": [9, 2, 2], "s": [2.481011028246219, 1.007653723235244], "s_vecs": [[-0.7058346531011304, 0.708344483112879, -0.006748016386706551], [0.6820445024898435, 0.6821393287152298, 0.26363086473954006]]}, "491": {"path": [9, 2, 3], "s": [2.483528408679948, 1.0066323345698331], "s_vecs": [[0.7068506828742284, -0.7073619567720767, 0.0010836197743962356], [-0.6798227395168079, -0.6797530704563886, -0.27527587260959524]]}, "492": {"path": [9, 2, 3], "s": [2.4782189615548122, 1.0087889886983694], "s_vecs": [[-0.7068466479127684, 0.7073656957560841, -0.0012604768915617653], [0.6821658927767406, 0.6821345699270164, 0.26332892595117036]]}, "493": {"path": [9, 3, 0], "s": [2.482641002135062, 1.0069921498315741], "s_vecs": [[-0.7066315472380776, 0.7075718970081234, -0.0037238437462627505], [0.6870786450382501, 0.6874042393727529, 0.23536853490806653]]}, "494": {"path": [9, 3, 0], "s": [2.4837441342672895, 1.0065449035222407], "s_vecs": [[0.7066339081761713, -0.7075710179310754, 0.003431384509540683], [-0.6819706434227295, -0.6823442772634948, -0.2632913382459581]]}, "495": {"path": [9, 3, 1], "s": [2.4848697702458544, 1.0060889427427209], "s_vecs": [[0.7077887075089198, -0.706407361746624, -0.004876965555261167], [-0.6875106219918059, -0.687235368084957, -0.23459900575572312]]}, "496": {"path": [9, 3, 1], "s": [2.484869770245861, 1.0060889427427195], "s_vecs": [[-0.7064073617466144, 0.7077887075089295, -0.0048769655552577396], [0.687235368084967, 0.687510621991796, 0.23459900575572326]]}, "497": {"path": [9, 3, 2], "s": [2.4837441342672757, 1.0065449035222462], "s_vecs": [[0.7075710179310655, -0.706633908176181, -0.0034313845095453738], [-0.682344277263505, -0.681970643422719, -0.2632913382459582]]}, "498": {"path": [9, 3, 2], "s": [2.4826410021350607, 1.006992149831575], "s_vecs": [[-0.7075718970081137, 0.7066315472380869, 0.0037238437462667473], [0.6874042393727627, 0.6870786450382401, 0.235368534908066]]}, "499": {"path": [9, 3, 3], "s": [2.4812137543938864, 1.007571393465335], "s_vecs": [[-0.7064419349390159, 0.7077673536545248, -0.00227280894272934], [0.6824868235824134, 0.6820523697696566, 0.2627095364237533]]}, "500": {"path": [9, 3, 3], "s": [2.4812137543938766, 1.0075713934653345], "s_vecs": [[0.7077673536545233, -0.7064419349390174, -0.0022728089427304643], [-0.6820523697696581, -0.6824868235824118, -0.2627095364237533]]}, "501": {"path": [10, 0, 0], "s": [2.483376612049497, 1.0066938650665567], "s_vecs": [[0.7054852514957385, -0.7086467609635441, 0.010503718287933742], [-0.6812786991745434, -0.6821747731824512, -0.2655125475086128]]}, "502": {"path": [10, 0, 0], "s": [2.4811338131072658, 1.007603857072548], "s_vecs": [[-0.7055148058822717, 0.7086035195259454, -0.01139784174057834], [0.6863921557469448, 0.6872264975781562, 0.23787717325443808]]}, "503": {"path": [10, 0, 1], "s": [2.480160196387287, 1.0079994040875278], "s_vecs": [[-0.7041547275243429, 0.7098762582725932, -0.015550487002701632], [0.6813257164410924, 0.6816759606212368, 0.26667049485675454]]}, "504": {"path": [10, 0, 1], "s": [2.4809418203248494, 1.007681832568188], "s_vecs": [[0.7063103704667308, -0.7078640658759959, 0.007356956752185645], [-0.6806460768998924, -0.6819348134741532, -0.2677420926428228]]}, "505": {"path": [10, 0, 2], "s": [2.4788612053034784, 1.0085276233503095], "s_vecs": [[-0.7047141334478562, 0.7092909406455217, -0.016862729228336315], [0.6849999996106381, 0.6863863003656986, 0.24423113479594455]]}, "506": {"path": [10, 0, 2], "s": [2.4818664210615795, 1.0073064282527604], "s_vecs": [[0.704644067945203, -0.7093863012307418, 0.015742081685846995], [-0.6808196161161089, -0.6821858199744046, -0.26665925323784206]]}, "507": {"path": [10, 0, 3], "s": [2.4824557260573155, 1.0070673058772184], "s_vecs": [[0.7058613382930997, -0.7081819032800607, 0.015432529595145614], [-0.6849646185563221, -0.6879479340367096, -0.2398981270885941]]}, "508": {"path": [10, 0, 3], "s": [2.4826865196255383, 1.00697368767164], "s_vecs": [[-0.7043180950073673, 0.7094747970211563, -0.024115004395231066], [0.6850798969473595, 0.6882171105888633, 0.2387943539770398]]}, "509": {"path": [10, 1, 0], "s": [2.4795039215136314, 1.0082662012786259], "s_vecs": [[-0.7025995512152404, 0.7103024851190989, -0.04271124284980628], [0.6818849032233373, 0.6892202262858727, 0.24496623937708323]]}, "510": {"path": [10, 1, 0], "s": [2.479528314248217, 1.0082562823074657], "s_vecs": [[0.7047662731065839, -0.7089737384626222, 0.025704833432445187], [-0.6824867116217465, -0.6874380205932198, -0.24827576664389017]]}, "511": {"path": [10, 1, 1], "s": [2.482118060314491, 1.007204306665108], "s_vecs": [[-0.7029334952773798, 0.7098576553883296, -0.044571406795271856], [0.6884218481694011, 0.6947806877604887, 0.20821900700485663]]}, "512": {"path": [10, 1, 1], "s": [2.480578802021373, 1.007829300952988], "s_vecs": [[0.7030028086624927, -0.7098946411158168, 0.042856149240127], [-0.6814691494296745, -0.6896402969686171, -0.24494092996604983]]}, "513": {"path": [10, 1, 2], "s": [2.486705352741478, 1.005346289717787], "s_vecs": [[0.7048499429711266, -0.7082662596682231, 0.0393123811182256], [-0.6884525396057897, -0.6963823282991066, -0.2026937432262123]]}, "514": {"path": [10, 1, 2], "s": [2.4873917815960818, 1.0050688510339276], "s_vecs": [[-0.7030039294415851, 0.7091696527694434, -0.05351522008324368], [0.6882264453968878, 0.6973453256245418, 0.20013459642442172]]}, "515": {"path": [10, 1, 3], "s": [2.483158725817138, 1.0067821980156826], "s_vecs": [[0.704313174198692, -0.7091598302683907, 0.032175888237471736], [-0.6827289466868034, -0.6890874196435826, -0.24298089111055005]]}, "516": {"path": [10, 1, 3], "s": [2.4865971098147055, 1.0053900529894428], "s_vecs": [[-0.704261663251735, 0.709135009034692, -0.03380900228145425], [0.6904823416876608, 0.6952551005620289, 0.1996358709250606]]}, "517": {"path": [10, 2, 0], "s": [2.4976543105161095, 1.0009391569818178], "s_vecs": [[-0.7047130140966397, 0.7080684336796761, -0.04492951133986657], [0.6964848680350502, 0.702474984728941, 0.146416271050292]]}, "518": {"path": [10, 2, 0], "s": [2.4900012383598438, 1.0040155649266826], "s_vecs": [[0.7048737851921112, -0.7080015451804025, 0.043436838871035555], [-0.6883685995439541, -0.6975352851146589, -0.1989803939635939]]}, "519": {"path": [10, 2, 1], "s": [2.4994635574532102, 1.0002146230718951], "s_vecs": [[0.7061104851765438, -0.7075225296270798, 0.028633071680203737], [-0.6974072613382345, -0.7018785410982005, -0.1448779671950331]]}, "520": {"path": [10, 2, 1], "s": [2.4997851622429996, 1.0000859424882775], "s_vecs": [[-0.704848721311745, 0.7076935317900955, -0.04856073648184551], [0.696315807622482, 0.7033333492844971, 0.1430611611839572]]}, "521": {"path": [10, 2, 2], "s": [2.4921004666052333, 1.0031698294272735], "s_vecs": [[0.7058915851356955, -0.7078552622589971, 0.025651466368648693], [-0.6908999232496422, -0.6960618383450659, -0.1953335947893396]]}, "522": {"path": [10, 2, 2], "s": [2.4996092465816364, 1.0001563258012818], "s_vecs": [[-0.7058331232654589, 0.7078796019468998, -0.026572001219815546], [0.6981189030716409, 0.7014821114426504, 0.1433626328581119]]}, "523": {"path": [10, 2, 3], "s": [2.4900275023744465, 1.0040049748912612], "s_vecs": [[-0.704344926949559, 0.7088225113974783, -0.03832585571898396], [0.6902901416490034, 0.6965195700312291, 0.1958571134927466]]}, "524": {"path": [10, 2, 3], "s": [2.4900292172851164, 1.0040042834219252], "s_vecs": [[0.7059223049520077, -0.7079190855865414, 0.022896891351444487], [-0.6909315589720311, -0.6953755475207577, -0.19765229249033556]]}, "525": {"path": [10, 3, 0], "s": [2.4918157266167285, 1.0032844617263823], "s_vecs": [[0.7068430444031759, -0.7073302453488564, 0.0075388721687170285], [-0.6928649326660531, -0.6944562842269989, -0.1940841425240489]]}, "526": {"path": [10, 3, 0], "s": [2.4919319324046683, 1.0032376757528652], "s_vecs": [[-0.7055864197610582, 0.7082670592655075, -0.02248503965221478], [0.6920201178883678, 0.6955354222563284, 0.19323206986543476]]}, "527": {"path": [10, 3, 1], "s": [2.486396234941791, 1.00547127801556], "s_vecs": [[0.7066451545329615, -0.7075416278499793, 0.006121309867050284], [-0.6866646664663105, -0.6878306154341354, -0.2353310015663238]]}, "528": {"path": [10, 3, 1], "s": [2.4910677754314134, 1.0035857011425708], "s_vecs": [[-0.7066293715235048, 0.7075545174505155, -0.006444853424624086], [0.693331796237427, 0.6941866753745914, 0.19338014390974748]]}, "529": {"path": [10, 3, 2], "s": [2.4842347184645646, 1.0063461320374694], "s_vecs": [[-0.7053411830652921, 0.7087122338567687, -0.01485883756567448], [0.6863848762886586, 0.6880571944714886, 0.2354848163645103]]}, "530": {"path": [10, 3, 2], "s": [2.484338908789333, 1.0063039270347782], "s_vecs": [[0.7068759905424364, -0.7073192443508772, 0.0050813940560997944], [-0.6864832772788929, -0.6877492049483578, -0.23609688924111744]]}, "531": {"path": [10, 3, 3], "s": [2.4897753037874977, 1.0041066742837985], "s_vecs": [[-0.7055880440653969, 0.7083539967973835, -0.019496853416386586], [0.6921103222644216, 0.6947907985943537, 0.19557363831472516]]}, "532": {"path": [10, 3, 3], "s": [2.485361111591427, 1.0058900448471242], "s_vecs": [[0.7056563880853564, -0.7083114136548581, 0.018547324351104455], [-0.6850396649320383, -0.6886918603812111, -0.23753774208421474]]}, "533": {"path": [11, 0, 0], "s": [2.5008999152650078, 0.9996401634229689], "s_vecs": [[-0.7059219470826347, 0.7077186315332942, -0.02843489419187714], [0.6980031977495669, 0.7019261772731088, 0.14174335113203437]]}, "534": {"path": [11, 0, 0], "s": [2.5008331333898397, 0.9996668576648641], "s_vecs": [[0.7068813258270245, -0.7072687606320842, 0.009470556001858865], [-0.6991189166431674, -0.7006451415330693, -0.1425802442058148]]}, "535": {"path": [11, 0, 1], "s": [2.5075628249701865, 0.9969839938226563], "s_vecs": [[-0.7061401634992974, 0.7073817671001097, -0.031258679874746946], [0.703152478722831, 0.7057452577923647, 0.08660382652936054]]}, "536": {"path": [11, 0, 1], "s": [2.5007254226547477, 0.9997099151117612], "s_vecs": [[0.7061835845342552, -0.7073759529213837, 0.030397469679482203], [-0.6973173440711345, -0.7022984242862625, -0.14326704053135098]]}, "537": {"path": [11, 0, 2], "s": [2.508264115742549, 0.9967052449976532], "s_vecs": [[0.7069457339420234, -0.7071881462377168, 0.010613909837370698], [-0.7039751110533071, -0.7050216969978607, -0.08581054585387997]]}, "538": {"path": [11, 0, 2], "s": [2.508331716092883, 0.9966783834692086], "s_vecs": [[-0.7062578142153163, 0.7072044427282638, -0.03258490517417183], [0.7030276415796467, 0.7060200317918043, 0.08536890466475308]]}, "539": {"path": [11, 0, 3], "s": [2.5015260176970737, 0.9993899652906754], "s_vecs": [[0.7068689962833717, -0.7072722929908706, 0.010105724158853385], [-0.6991233502929701, -0.7007539631085142, -0.14202261884236655]]}, "540": {"path": [11, 0, 3], "s": [2.508235688218746, 0.9967165413292572], "s_vecs": [[-0.7068568944842, 0.707280084853772, -0.01040251360940981], [0.704090337977229, 0.7049284928131765, 0.08563069535660313]]}, "541": {"path": [11, 1, 0], "s": [2.512240118686528, 0.9951278070135555], "s_vecs": [[-0.70696761776195, 0.7071588962438893, -0.011094273257735366], [0.7066952890925015, 0.7069491621311071, 0.028366362766332878]]}, "542": {"path": [11, 1, 0], "s": [2.508573416001444, 0.9965823539599221], "s_vecs": [[0.706974504970506, -0.7071563932103311, 0.01081133032814243], [-0.7039453638070349, -0.7050734405848459, -0.08562924825332616]]}, "543": {"path": [11, 1, 1], "s": [2.5124042557671125, 0.9950627946363977], "s_vecs": [[0.7071145564409788, -0.7070087852739678, -0.011295203172398906], [-0.7069982266811607, -0.7066538792327499, -0.028174499729356685]]}, "544": {"path": [11, 1, 1], "s": [2.5124042557671125, 0.9950627946363974], "s_vecs": [[-0.7070087852739717, 0.7071145564409754, -0.011295203172399355], [0.7066538792327466, 0.7069982266811646, 0.02817449972935659]]}, "545": {"path": [11, 1, 2], "s": [2.508573416001438, 0.996582353959923], "s_vecs": [[0.707156393210335, -0.7069745049705016, -0.010811330328140793], [-0.7050734405848416, -0.7039453638070385, -0.08562924825332702]]}, "546": {"path": [11, 1, 2], "s": [2.512240118686525, 0.9951278070135571], "s_vecs": [[-0.7071588962438943, 0.7069676177619452, 0.011094273257733996], [0.7069491621311021, 0.7066952890925065, 0.02836636276633383]]}, "547": {"path": [11, 1, 3], "s": [2.5085481629252335, 0.996592386364522], "s_vecs": [[-0.7068869285000471, 0.7072470781232011, -0.010603810728428621], [0.7040590864263788, 0.7049817091080401, 0.0854493571863452]]}, "548": {"path": [11, 1, 3], "s": [2.508548162925234, 0.9965923863645227], "s_vecs": [[0.7072470781232068, -0.7068869285000412, -0.010603810728425908], [-0.7049817091080341, -0.7040590864263847, -0.0854493571863453]]}, "549": {"path": [11, 2, 0], "s": [2.5083317160928806, 0.9966783834692096], "s_vecs": [[0.7072044427282662, -0.7062578142153138, -0.03258490517417156], [-0.7060200317918015, -0.7030276415796491, -0.08536890466475403]]}, "550": {"path": [11, 2, 0], "s": [2.5082641157425427, 0.9967052449976559], "s_vecs": [[-0.7071881462377203, 0.7069457339420199, 0.010613909837369165], [0.7050216969978569, 0.7039751110533108, 0.08581054585388079]]}, "551": {"path": [11, 2, 1], "s": [2.5007254226547473, 0.9997099151117605], "s_vecs": [[0.7073759529213841, -0.7061835845342546, -0.030397469679482134], [-0.7022984242862621, -0.697317344071135, -0.14326704053135036]]}, "552": {"path": [11, 2, 1], "s": [2.5075628249701873, 0.9969839938226575], "s_vecs": [[-0.7073817671001117, 0.7061401634992955, 0.0312586798747468], [0.705745257792363, 0.7031524787228327, 0.08660382652936138]]}, "553": {"path": [11, 2, 2], "s": [2.5008331333898486, 0.9996668576648596], "s_vecs": [[-0.7072687606320852, 0.7068813258270229, 0.009470556001857908], [0.7006451415330677, 0.6991189166431686, 0.1425802442058134]]}, "554": {"path": [11, 2, 2], "s": [2.5008999152650224, 0.9996401634229627], "s_vecs": [[0.7077186315332976, -0.7059219470826313, -0.028434894191875497], [-0.7019261772731055, -0.6980031977495706, -0.14174335113203315]]}, "555": {"path": [11, 2, 3], "s": [2.508235688218747, 0.9967165413292572], "s_vecs": [[-0.7072800848537782, 0.7068568944841935, 0.010402513609407069], [0.7049284928131698, 0.7040903379772352, 0.08563069535660323]]}, "556": {"path": [11, 2, 3], "s": [2.5015260176970764, 0.9993899652906747], "s_vecs": [[0.7072722929908747, -0.7068689962833674, -0.010105724158850776], [-0.7007539631085096, -0.6991233502929747, -0.1420226188423662]]}, "557": {"path": [11, 3, 0], "s": [2.4931151578605943, 1.0027615419679656], "s_vecs": [[0.7074081737958761, -0.7067548174805429, -0.008444146779182662], [-0.6945964462637461, -0.6929284057806829, -0.1933545998936061]]}, "558": {"path": [11, 3, 0], "s": [2.500599809671295, 0.9997601336811368], "s_vecs": [[-0.7074188297516375, 0.7067403833814654, 0.008753845477479288], [0.7004812390473373, 0.6993944194955504, 0.1420333753777247]]}, "559": {"path": [11, 3, 1], "s": [2.4924401597888406, 1.003033108009221], "s_vecs": [[-0.7065497786340981, 0.7076244105192231, -0.0074232034479057435], [0.693377024639359, 0.6943449708710501, 0.19264828867226014]]}, "560": {"path": [11, 3, 1], "s": [2.4924401597888446, 1.0030331080092214], "s_vecs": [[0.7076244105192239, -0.7065497786340972, -0.007423203447906188], [-0.694344970871049, -0.6933770246393599, -0.19264828867226014]]}, "561": {"path": [11, 3, 2], "s": [2.500599809671292, 0.9997601336811379], "s_vecs": [[-0.7067403833814652, 0.7074188297516373, -0.008753845477479427], [0.6993944194955503, 0.7004812390473368, 0.14203337537772562]]}, "562": {"path": [11, 3, 2], "s": [2.4931151578605992, 1.0027615419679647], "s_vecs": [[0.7067548174805434, -0.7074081737958754, 0.008444146779182857], [-0.6929284057806822, -0.6945964462637464, -0.19335459989360657]]}, "563": {"path": [11, 3, 3], "s": [2.501314911739202, 0.9994743117977538], "s_vecs": [[0.7074177700578149, -0.7067328536896146, -0.009421895890029716], [-0.7005978978809692, -0.6993907798272673, -0.14147481251931113]]}, "564": {"path": [11, 3, 3], "s": [2.501314911739197, 0.9994743117977586], "s_vecs": [[-0.706732853689617, 0.7074177700578123, -0.009421895890031493], [0.6993907798272645, 0.7005978978809719, 0.14147481251931107]]}, "565": {"path": [12, 0, 0], "s": [2.499609246581651, 1.0001563258012753], "s_vecs": [[-0.7078796019468987, 0.7058331232654604, 0.026572001219815136], [0.701482111442652, 0.6981189030716398, 0.14336263285811027]]}, "566": {"path": [12, 0, 0], "s": [2.4921004666052404, 1.0031698294272702], "s_vecs": [[0.7078552622589969, -0.7058915851356955, -0.02565146636864804], [-0.6960618383450659, -0.6908999232496421, -0.19533359478933998]]}, "567": {"path": [12, 0, 1], "s": [2.4997851622430076, 1.0000859424882727], "s_vecs": [[0.7076935317900954, -0.7048487213117451, -0.04856073648184567], [-0.7033333492844972, -0.6963158076224822, -0.14306116118395634]]}, "568": {"path": [12, 0, 1], "s": [2.4994635574532125, 1.0002146230718942], "s_vecs": [[-0.7075225296270753, 0.7061104851765481, 0.028633071680204965], [0.7018785410982048, 0.6974072613382302, 0.14487796719503204]]}, "569": {"path": [12, 0, 2], "s": [2.4900012383598593, 1.0040155649266773], "s_vecs": [[0.7080015451804011, -0.7048737851921123, -0.04343683887103529], [-0.6975352851146603, -0.6883685995439528, -0.19898039396359263]]}, "570": {"path": [12, 0, 2], "s": [2.4976543105161184, 1.0009391569818153], "s_vecs": [[-0.7080684336796762, 0.7047130140966399, 0.04492951133986593], [0.7024749847289412, 0.6964848680350504, 0.14641627105029179]]}, "571": {"path": [12, 0, 3], "s": [2.4900292172851213, 1.0040042834219247], "s_vecs": [[-0.7079190855865389, 0.7059223049520101, 0.02289689135144536], [0.6953755475207603, 0.6909315589720287, 0.19765229249033522]]}, "572": {"path": [12, 0, 3], "s": [2.4900275023744505, 1.0040049748912594], "s_vecs": [[0.7088225113974739, -0.704344926949563, -0.038325855718985696], [-0.6965195700312334, -0.6902901416489989, -0.1958571134927461]]}, "573": {"path": [12, 1, 0], "s": [2.487391781596091, 1.005068851033921], "s_vecs": [[0.7091696527694404, -0.7030039294415878, -0.053515220083244705], [-0.697345325624545, -0.6882264453968852, -0.20013459642441989]]}, "574": {"path": [12, 1, 0], "s": [2.4867053527414917, 1.0053462897177798], "s_vecs": [[-0.7082662596682237, 0.7048499429711262, 0.03931238111822509], [0.6963823282991063, 0.6884525396057907, 0.2026937432262109]]}, "575": {"path": [12, 1, 1], "s": [2.4805788020213777, 1.0078293009529862], "s_vecs": [[0.709894641115816, -0.7030028086624941, -0.04285614924012637], [-0.6896402969686182, -0.6814691494296736, -0.2449409299660505]]}, "576": {"path": [12, 1, 1], "s": [2.4821180603144994, 1.0072043066651037], "s_vecs": [[-0.7098576553883282, 0.702933495277381, 0.044571406795271856], [0.6947806877604903, 0.6884218481693997, 0.20821900700485554]]}, "577": {"path": [12, 1, 2], "s": [2.4795283142482267, 1.0082562823074592], "s_vecs": [[-0.7089737384626207, 0.7047662731065849, 0.025704833432446672], [0.687438020593221, 0.6824867116217449, 0.24827576664389012]]}, "578": {"path": [12, 1, 2], "s": [2.479503921513629, 1.008266201278623], "s_vecs": [[0.7103024851190972, -0.7025995512152419, -0.042711242849805334], [-0.6892202262858736, -0.6818849032233358, -0.2449662393770836]]}, "579": {"path": [12, 1, 3], "s": [2.4865971098147104, 1.0053900529894397], "s_vecs": [[-0.7091350090346895, 0.7042616632517374, 0.03380900228145593], [0.695255100562032, 0.6904823416876582, 0.19963587092505983]]}, "580": {"path": [12, 1, 3], "s": [2.4831587258171433, 1.0067821980156806], "s_vecs": [[0.7091598302683879, -0.7043131741986948, -0.03217588823747315], [-0.6890874196435856, -0.6827289466868004, -0.2429808911105505]]}, "581": {"path": [12, 2, 0], "s": [2.4818664210615853, 1.0073064282527573], "s_vecs": [[0.709386301230744, -0.7046440679452005, -0.015742081685845802], [-0.6821858199744021, -0.6808196161161112, -0.26665925323784223]]}, "582": {"path": [12, 2, 0], "s": [2.478861205303496, 1.0085276233503022], "s_vecs": [[-0.7092909406455232, 0.7047141334478547, 0.016862729228335885], [0.6863863003656971, 0.6849999996106397, 0.24423113479594416]]}, "583": {"path": [12, 2, 1], "s": [2.4809418203248503, 1.007681832568187], "s_vecs": [[-0.7078640658759989, 0.7063103704667276, 0.007356956752184243], [0.6819348134741497, 0.6806460768998956, 0.2677420926428229]]}, "584": {"path": [12, 2, 1], "s": [2.480160196387292, 1.0079994040875278], "s_vecs": [[0.7098762582725957, -0.7041547275243402, -0.015550487002700258], [-0.6816759606212337, -0.6813257164410952, -0.26667049485675476]]}, "585": {"path": [12, 2, 2], "s": [2.4811338131072804, 1.0076038570725427], "s_vecs": [[-0.7086035195259418, 0.7055148058822756, 0.011397841740578896], [0.6872264975781602, 0.6863921557469412, 0.23787717325443766]]}, "586": {"path": [12, 2, 2], "s": [2.483376612049509, 1.0066938650665525], "s_vecs": [[0.7086467609635414, -0.7054852514957412, -0.010503718287934186], [-0.6821747731824537, -0.6812786991745408, -0.2655125475086132]]}, "587": {"path": [12, 2, 3], "s": [2.4826865196255503, 1.0069736876716329], "s_vecs": [[0.709474797021157, -0.704318095007367, -0.02411500439523033], [-0.6882171105888626, -0.6850798969473602, -0.23879435397703985]]}, "588": {"path": [12, 2, 3], "s": [2.482455726057328, 1.007067305877206], "s_vecs": [[-0.7081819032800577, 0.7058613382931028, 0.015432529595146849], [0.6879479340367128, 0.6849646185563188, 0.23989812708859412]]}, "589": {"path": [12, 3, 0], "s": [2.4843389087893444, 1.0063039270347724], "s_vecs": [[-0.7073192443508731, 0.7068759905424403, 0.00508139405610207], [0.687749204948362, 0.6864832772788887, 0.23609688924111707]]}, "590": {"path": [12, 3, 0], "s": [2.484234718464575, 1.006346132037463], "s_vecs": [[0.7087122338567635, -0.7053411830652973, -0.014858837565675409], [-0.6880571944714936, -0.6863848762886536, -0.23548481636450985]]}, "591": {"path": [12, 3, 1], "s": [2.4910677754314197, 1.0035857011425684], "s_vecs": [[-0.7075545174505136, 0.7066293715235066, 0.006444853424624253], [0.6941866753745932, 0.6933317962374249, 0.19338014390974817]]}, "592": {"path": [12, 3, 1], "s": [2.4863962349418034, 1.005471278015555], "s_vecs": [[0.7075416278499767, -0.7066451545329641, -0.006121309867051367], [-0.687830615434138, -0.6866646664663077, -0.2353310015663239]]}, "593": {"path": [12, 3, 2], "s": [2.49193193240467, 1.0032376757528636], "s_vecs": [[0.7082670592655056, -0.7055864197610602, -0.02248503965221424], [-0.6955354222563302, -0.6920201178883659, -0.1932320698654349]]}, "594": {"path": [12, 3, 2], "s": [2.491815726616728, 1.0032844617263836], "s_vecs": [[-0.7073302453488531, 0.7068430444031796, 0.0075388721687169175], [0.6944562842270022, 0.6928649326660499, 0.19408414252404915]]}, "595": {"path": [12, 3, 3], "s": [2.4853611115914402, 1.0058900448471197], "s_vecs": [[0.7083114136548552, -0.7056563880853595, -0.018547324351105413], [-0.6886918603812141, -0.6850396649320353, -0.23753774208421483]]}, "596": {"path": [12, 3, 3], "s": [2.489775303787504, 1.0041066742837965], "s_vecs": [[-0.7083539967973802, 0.7055880440654001, 0.019496853416387322], [0.6947907985943569, 0.6921103222644183, 0.19557363831472457]]}, "597": {"path": [13, 0, 0], "s": [2.5068915269572676, 0.9972509672304686], "s_vecs": [[-0.7063420882257402, 0.7055176668347113, 0.057668675942887486], [-0.7075328084802751, -0.7011415209478881, -0.08830567664027189]]}, "598": {"path": [13, 0, 0], "s": [2.5108345967962578, 0.9956848623919389], "s_vecs": [[0.7064176857684636, -0.7054381186299664, -0.05771580387850074], [0.7075174348585996, 0.7060731575239705, 0.029661011365722648]]}, "599": {"path": [13, 0, 1], "s": [2.507263464036493, 0.9971030311968888], "s_vecs": [[-0.707112180345675, 0.7063462405983502, 0.0326703657672101], [0.7060204938587006, 0.702723571656763, 0.08783304668220776]]}, "600": {"path": [13, 0, 1], "s": [2.5074646588813727, 0.9970230252877419], "s_vecs": [[0.7068243478673628, -0.7052404832406389, -0.0550926679367332], [-0.7070467968919618, -0.7019138881966637, -0.0860332526495331]]}, "601": {"path": [13, 0, 2], "s": [2.511739499637592, 0.9953261476202911], "s_vecs": [[0.7070099046630296, -0.7064128738461215, -0.03343420961885957], [0.7071959488091181, 0.7064322173971654, 0.028764773791837474]]}, "602": {"path": [13, 0, 2], "s": [2.5080296888357774, 0.9967984075820471], "s_vecs": [[-0.7069563849099586, 0.706444733075237, 0.033889658382753235], [-0.7062717682905056, -0.7026319729052061, -0.08653611943656936]]}, "603": {"path": [13, 0, 3], "s": [2.511557726345259, 0.9953981840735646], "s_vecs": [[0.7061378806215987, -0.7056532568616939, -0.058504483859965775], [0.7077635828203618, 0.7058622491486991, 0.028795764619549347]]}, "604": {"path": [13, 0, 3], "s": [2.5114263452109746, 0.9954502566906811], "s_vecs": [[-0.7068146591021095, 0.7065684052180253, 0.03426552824669923], [-0.7073910949094944, -0.7062031209246805, -0.029580244065730527]]}, "605": {"path": [13, 1, 0], "s": [2.5121700742874906, 0.9951555531959981], "s_vecs": [[-0.7070955479530687, 0.707027725885964, 0.01129959704908801], [0.7070125323435686, 0.7066237949778275, 0.028567314894256568]]}, "606": {"path": [13, 1, 0], "s": [2.5122097816798354, 0.9951398240032038], "s_vecs": [[0.7068473513928373, -0.7065369991627337, -0.03423873016117762], [0.7073519706981192, 0.706310827624616, 0.02789631390913624]]}, "607": {"path": [13, 1, 1], "s": [2.512337916052565, 0.9950890698366118], "s_vecs": [[-0.7070655685826748, 0.7070546403688436, 0.011489876315453427], [0.7065863293374396, 0.7070581708070921, -0.02836374954713532]]}, "608": {"path": [13, 1, 1], "s": [2.5123379160525703, 0.9950890698366105], "s_vecs": [[-0.7070546403688465, 0.707065568582672, 0.011489876315453297], [-0.7070581708070894, -0.7065863293374424, -0.028363749547133506]]}, "609": {"path": [13, 1, 2], "s": [2.512209781679841, 0.9951398240032017], "s_vecs": [[0.706536999162737, -0.706847351392834, -0.03423873016117652], [0.7063108276246126, 0.7073519706981226, -0.027896313909137577]]}, "610": {"path": [13, 1, 2], "s": [2.5121700742874893, 0.9951555531959991], "s_vecs": [[-0.7070277258859674, 0.7070955479530651, 0.011299597049088507], [-0.7066237949778237, -0.7070125323435722, 0.028567314894258004]]}, "611": {"path": [13, 1, 3], "s": [2.5118936895689807, 0.9952650505798178], "s_vecs": [[-0.7066518950890972, 0.7066918085537486, 0.03506831746775581], [-0.7075472815994908, -0.7060822033057103, -0.02871874781609483]]}, "612": {"path": [13, 1, 3], "s": [2.5118936895689825, 0.995265050579819], "s_vecs": [[0.7066918085537517, -0.7066518950890942, -0.03506831746775589], [0.7060822033057071, 0.7075472815994938, -0.028718747816097387]]}, "613": {"path": [13, 2, 0], "s": [2.508029688835777, 0.9967984075820467], "s_vecs": [[-0.7064447330752414, 0.7069563849099543, 0.03388965838275364], [0.7026319729052016, 0.70627176829051, -0.08653611943656916]]}, "614": {"path": [13, 2, 0], "s": [2.5117394996375912, 0.9953261476202908], "s_vecs": [[-0.7064128738461258, 0.707009904663025, 0.03343420961885961], [-0.7064322173971612, -0.7071959488091223, 0.028764773791837568]]}, "615": {"path": [13, 2, 1], "s": [2.507464658881366, 0.9970230252877441], "s_vecs": [[0.7052404832406445, -0.7068243478673574, -0.05509266793673502], [0.701913888196658, 0.7070467968919675, -0.08603325264953232]]}, "616": {"path": [13, 2, 1], "s": [2.507263464036492, 0.9971030311968905], "s_vecs": [[-0.7063462405983546, 0.7071121803456705, 0.032670365767210635], [-0.7027235716567584, -0.7060204938587052, 0.08783304668220746]]}, "617": {"path": [13, 2, 2], "s": [2.5108345967962533, 0.9956848623919401], "s_vecs": [[-0.7054381186299707, 0.7064176857684593, 0.05771580387850195], [-0.7060731575239662, -0.7075174348586041, 0.029661011365723102]]}, "618": {"path": [13, 2, 2], "s": [2.5068915269572627, 0.9972509672304702], "s_vecs": [[-0.7055176668347157, 0.7063420882257357, 0.057668675942888964], [0.7011415209478838, 0.7075328084802797, -0.08830567664027097]]}, "619": {"path": [13, 2, 3], "s": [2.511426345210974, 0.9954502566906793], "s_vecs": [[-0.7065684052180292, 0.7068146591021056, 0.034265528246700476], [-0.7062031209246763, -0.7073910949094984, 0.029580244065731863]]}, "620": {"path": [13, 2, 3], "s": [2.511557726345257, 0.9953981840735641], "s_vecs": [[0.7056532568616977, -0.706137880621595, -0.05850448385996622], [0.7058622491486952, 0.7077635828203657, -0.028795764619550645]]}, "621": {"path": [13, 3, 0], "s": [2.5105170182423935, 0.9958108157937297], "s_vecs": [[0.704288644678702, -0.7049295272149136, -0.08397539304579094], [0.7053738990602473, 0.7082279017699273, -0.029341126070925906]]}, "622": {"path": [13, 3, 0], "s": [2.5102808277800084, 0.9959045108952614], "s_vecs": [[-0.7056929531870366, 0.7060952420221451, 0.058540285409683916], [-0.7057163714467075, -0.7078394731475879, 0.030457894317201206]]}, "623": {"path": [13, 3, 1], "s": [2.5097819779168384, 0.9961024590968831], "s_vecs": [[-0.7044699124561073, 0.7046298923410529, 0.08496385857245714], [-0.7086869902277085, -0.7048718408103836, -0.03030574062075948]]}, "624": {"path": [13, 3, 1], "s": [2.5097819779168358, 0.9961024590968824], "s_vecs": [[0.7046298923410569, -0.7044699124561036, -0.08496385857245722], [0.7048718408103797, 0.7086869902277126, -0.03030574062075942]]}, "625": {"path": [13, 3, 2], "s": [2.5102808277800106, 0.9959045108952604], "s_vecs": [[-0.7060952420221499, 0.705692953187032, 0.05854028540968301], [-0.7078394731475832, -0.7057163714467124, -0.030457894317201105]]}, "626": {"path": [13, 3, 2], "s": [2.510517018242386, 0.9958108157937339], "s_vecs": [[0.7049295272149173, -0.7042886446786986, -0.08397539304579082], [0.7082279017699238, 0.7053738990602509, 0.029341126070925854]]}, "627": {"path": [13, 3, 3], "s": [2.511003474631411, 0.9956178974889602], "s_vecs": [[0.7059051004906057, -0.7058179709100851, -0.059321000006053795], [0.7055088158855304, 0.7080830385233541, -0.029592587979616756]]}, "628": {"path": [13, 3, 3], "s": [2.5110034746314103, 0.9956178974889605], "s_vecs": [[-0.7058179709100889, 0.7059051004906018, 0.05932100000605367], [-0.7080830385233502, -0.705508815885534, -0.02959258797961577]]}, "629": {"path": [14, 0, 0], "s": [2.5055501339590185, 0.9977848641367026], "s_vecs": [[-0.7053941611299713, 0.7066481423397118, 0.05538483882416207], [-0.7012410875867563, -0.7071152075548403, 0.09082411752843107]]}, "630": {"path": [14, 0, 0], "s": [2.506033215489273, 0.9975925237335307], "s_vecs": [[0.7038500026519765, -0.7059176982478772, -0.07921727758028459], [0.700439329340489, 0.7082643984465089, -0.08801299793923051]]}, "631": {"path": [14, 0, 1], "s": [2.4991275916694393, 1.0003490851501415], "s_vecs": [[-0.7051882469537671, 0.7070769458080457, 0.052456925806215644], [0.6950291253229719, 0.704003503652648, -0.14599171824997723]]}, "632": {"path": [14, 0, 1], "s": [2.5061099187911173, 0.9975619908986014], "s_vecs": [[0.7051022705567239, -0.7071429428550852, -0.052722352242693726], [-0.7020364988279273, -0.7066131856463286, 0.08855823047110403]]}, "633": {"path": [14, 0, 2], "s": [2.497377609714328, 1.0010500575785857], "s_vecs": [[0.7033882989692765, -0.7073451401350471, -0.07005536096858148], [0.694221572842682, 0.7047980179021766, -0.14600055397496264]]}, "634": {"path": [14, 0, 2], "s": [2.497053837026737, 1.001179855608068], "s_vecs": [[-0.7051031741482668, 0.7073981490797906, 0.04916678232836707], [-0.6950944838148796, -0.7032233328918923, 0.14940081206788913]]}, "635": {"path": [14, 0, 3], "s": [2.504254044201801, 0.9983012729033425], "s_vecs": [[0.7036844605134136, -0.7064084845146887, -0.07625767527014589], [-0.7005642174449647, -0.7077213688474587, 0.09132492163918889]]}, "636": {"path": [14, 0, 3], "s": [2.496751008180774, 1.001301287877157], "s_vecs": [[-0.7039053587818087, 0.7062879806851529, 0.07532950429906482], [0.6922843138794795, 0.7059190499020923, -0.14973551262725146]]}, "637": {"path": [14, 1, 0], "s": [2.486212298558357, 1.0055456653680128], "s_vecs": [[-0.7034730459476242, 0.70782769568294, 0.06407516562094179], [0.6846533582507377, 0.6991039658929331, -0.20616358531214912]]}, "638": {"path": [14, 1, 0], "s": [2.4940929409069, 1.002368419795516], "s_vecs": [[0.7032852849127722, -0.7078707154549597, -0.065641893836516], [-0.694295805877202, -0.7037614514707102, 0.15057607168858483]]}, "639": {"path": [14, 1, 1], "s": [2.4829497182356883, 1.0068669460517419], "s_vecs": [[0.7015278047534899, -0.7079784331277111, -0.0813958069176816], [0.6828530951186085, 0.700482064111401, -0.2074524724971188]]}, "640": {"path": [14, 1, 1], "s": [2.481133849856446, 1.0076038421484799], "s_vecs": [[-0.7035497289779964, 0.7084256645719825, 0.05613249175595959], [-0.6845665317801402, -0.6968151611646134, 0.2140497482774606]]}, "641": {"path": [14, 1, 2], "s": [2.4895437081248533, 1.0042000836703617], "s_vecs": [[0.7014592480680908, -0.7078168146432353, -0.08336834056194672], [-0.6919286236699176, -0.7043720600810056, 0.15841332243057551]]}, "642": {"path": [14, 1, 2], "s": [2.483556954784543, 1.0066207642968608], "s_vecs": [[-0.7017689528760932, 0.7077309703182509, 0.08146907653569385], [0.6826052645083436, 0.7007320868692433, -0.20742370958347445]]}, "643": {"path": [14, 1, 3], "s": [2.4935606589312527, 1.0025823879782831], "s_vecs": [[-0.7038566744352027, 0.7067592063930962, 0.07125451586824531], [-0.6922617066010244, -0.7049695391670298, 0.15424551345327064]]}, "644": {"path": [14, 1, 3], "s": [2.4946740289625913, 1.002134936659288], "s_vecs": [[0.7016252447293044, -0.7066861046803404, -0.09119630151640276], [0.6919238789303297, 0.706284423630692, -0.14967851783962755]]}, "645": {"path": [14, 2, 0], "s": [2.4907645111745196, 1.0037078932127255], "s_vecs": [[0.6998442939562628, -0.7031478995419604, -0.1257020110681963], [0.6862191707188805, 0.7106973307131499, -0.15495984594434634]]}, "646": {"path": [14, 2, 0], "s": [2.487598834861581, 1.004985194945675], "s_vecs": [[-0.70214663508017, 0.705780795356206, 0.09414654402555835], [-0.6881282823356288, -0.7065892936850252, 0.1649576827538341]]}, "647": {"path": [14, 2, 1], "s": [2.498938840454379, 1.0004246440642897], "s_vecs": [[0.699390228954478, -0.7032544440038936, -0.12761855128380584], [-0.6968411139970458, -0.7106267804214594, 0.097067197297475]]}, "648": {"path": [14, 2, 1], "s": [2.4910394132957054, 1.0035971276313298], "s_vecs": [[-0.6998943588647921, 0.7030960449648007, 0.12571331665378965], [0.6861681080278282, 0.7107486307182883, -0.15495067427277798]]}, "649": {"path": [14, 2, 2], "s": [2.5009666951793084, 0.9996134713904132], "s_vecs": [[-0.7023030412491387, 0.703858230132419, 0.10655529140812088], [-0.697272793881817, -0.7103091231064208, 0.09628915070781746]]}, "650": {"path": [14, 2, 2], "s": [2.5023117223064397, 0.999076165337103], "s_vecs": [[0.6995255199992254, -0.7021780087522443, -0.1327030176542568], [0.6969560682554801, 0.7113989804364979, -0.0903533594050255]]}, "651": {"path": [14, 2, 3], "s": [2.4925895110214578, 1.0029730081691244], "s_vecs": [[-0.7021894158968957, 0.7047568469448628, 0.10123147181935024], [0.6883404913599199, 0.7083093491435942, -0.15647758264416686]]}, "652": {"path": [14, 2, 3], "s": [2.5016842061787665, 0.9993267710710214], "s_vecs": [[0.7018694790092719, -0.7048290876531182, -0.10293294726823897], [-0.6986500705815969, -0.7093483000806241, 0.0933438163407655]]}, "653": {"path": [14, 3, 0], "s": [2.507994736731414, 0.9968122992387795], "s_vecs": [[-0.7020553516752983, 0.7035760048616281, 0.10999585704481504], [-0.7050816949835114, -0.7084385407240007, 0.03121918346188949]]}, "654": {"path": [14, 3, 0], "s": [2.5031888512791722, 0.9987260844192635], "s_vecs": [[-0.7023774484989945, 0.7033744388005655, 0.10922599819654738], [0.6972995971969624, 0.7107356269861471, -0.0928877832740264]]}, "655": {"path": [14, 3, 1], "s": [2.5087383634292024, 0.9965168295121614], "s_vecs": [[-0.7043649810994594, 0.7048457835140972, 0.08403805604103694], [-0.7051255432311122, -0.7083872945732657, 0.031391227599414845]]}, "656": {"path": [14, 3, 1], "s": [2.509251408161253, 0.9963130804146745], "s_vecs": [[0.7023617728366148, -0.7030782502097673, -0.11121562003504482], [0.7047999250167354, 0.708783231419522, -0.02972198773475359]]}, "657": {"path": [14, 3, 2], "s": [2.50512925173254, 0.997952500163817], "s_vecs": [[-0.704179050998144, 0.7052028531114061, 0.0825881353396837], [0.6993424047153318, 0.7089777550738583, -0.09094362966920376]]}, "658": {"path": [14, 3, 2], "s": [2.5094772073140086, 0.9962234335954967], "s_vecs": [[-0.7040179421301955, 0.7053111865480601, 0.08303533759148764], [-0.7056348649550632, -0.7079223491783063, 0.030420139607143366]]}, "659": {"path": [14, 3, 3], "s": [2.5039457405705408, 0.9984241908653977], "s_vecs": [[0.7019718315316247, -0.7043065070190023, -0.1057728316101465], [0.6986245472828708, 0.709814346428526, -0.08992961435505094]]}, "660": {"path": [14, 3, 3], "s": [2.503367772457692, 0.9986547032782216], "s_vecs": [[-0.7040366006846606, 0.7056698920140654, 0.07976508259411083], [-0.699427673341114, -0.7084620075268021, 0.09424708831433169]]}, "661": {"path": [15, 0, 0], "s": [2.50015561967708, 0.9999377560037243], "s_vecs": [[-0.6998858679609568, 0.700536957465484, 0.13931167594118277], [0.6945368132178771, 0.7130068866869566, -0.09612385043333083]]}, "662": {"path": [15, 0, 0], "s": [2.506406077491616, 0.9974441182739116], "s_vecs": [[-0.6994641424783157, 0.700731871448901, 0.14044485651954447], [-0.7042825565388676, -0.7092388461312176, 0.031086004785691228]]}, "663": {"path": [15, 0, 1], "s": [2.4998619842331298, 1.0000552093546513], "s_vecs": [[0.6966211443383213, -0.6969770694276344, -0.17012332571647626], [0.6931086507060871, 0.7150319275664019, -0.09126741410308126]]}, "664": {"path": [15, 0, 1], "s": [2.496844534828739, 1.0012637811955243], "s_vecs": [[-0.6998112750312299, 0.7015215440730524, 0.13465401048808295], [-0.6942956074375233, -0.7123208070824669, 0.10272622493961178]]}, "665": {"path": [15, 0, 2], "s": [2.505459000911158, 0.9978211573571254], "s_vecs": [[-0.6959833868104173, 0.697324341847718, 0.1713064142130941], [-0.7036643834752849, -0.7098665832263673, 0.0307549906010416]]}, "666": {"path": [15, 0, 2], "s": [2.4999638715818993, 1.0000144515760856], "s_vecs": [[-0.6965103351171563, 0.6970913654960798, 0.17010873353769265], [0.6932200036769222, 0.7149204997047355, -0.09129460884466131]]}, "667": {"path": [15, 0, 3], "s": [2.5055029674889555, 0.997803647586786], "s_vecs": [[-0.6998558304433161, 0.7001498260456587, 0.14139320239223124], [-0.703648448863427, -0.7098251441032964, 0.03204879421799967]]}, "668": {"path": [15, 0, 3], "s": [2.5067795614373334, 0.9972955095287894], "s_vecs": [[0.696170509229661, -0.6967094770689837, -0.1730390899224164], [0.7035969252955754, 0.7100418706776648, -0.028140870618641824]]}, "669": {"path": [15, 1, 0], "s": [2.5055858518804452, 0.997770640396835], "s_vecs": [[0.6917833910805384, -0.6912759532400558, -0.20874217661307187], [0.7027120057600528, 0.711007765511858, -0.025764206615342428]]}, "670": {"path": [15, 1, 0], "s": [2.5040659211674847, 0.9983762723125158], "s_vecs": [[-0.6961950071129445, 0.6965910563594526, 0.173416874239588], [-0.702778066553118, -0.710635566354546, 0.033167469059528686]]}, "671": {"path": [15, 1, 1], "s": [2.5056488028074044, 0.9977455728029121], "s_vecs": [[-0.6914771489977196, 0.6915844877306139, 0.20873487668420398], [-0.7108120979275038, -0.7029077603388583, -0.025823282039879616]]}, "672": {"path": [15, 1, 1], "s": [2.5056488028074018, 0.9977455728029112], "s_vecs": [[0.6915844877306176, -0.6914771489977161, -0.20873487668420404], [0.7029077603388553, 0.710812097927507, -0.025823282039876494]]}, "673": {"path": [15, 1, 2], "s": [2.5040659211674816, 0.9983762723125175], "s_vecs": [[-0.696591056359455, 0.6961950071129421, 0.17341687423958796], [-0.7106355663545438, -0.7027780665531201, -0.03316746905953068]]}, "674": {"path": [15, 1, 2], "s": [2.5055858518804466, 0.9977706403968338], "s_vecs": [[0.6912759532400581, -0.6917833910805362, -0.20874217661307168], [0.7110077655118558, 0.7027120057600549, 0.025764206615344898]]}, "675": {"path": [15, 1, 3], "s": [2.505404736349998, 0.9978427691655635], "s_vecs": [[0.6963668746793488, -0.6960117609890085, -0.17504514964515733], [0.7027483380057238, 0.7107834388079515, -0.03052337705000116]]}, "676": {"path": [15, 1, 3], "s": [2.5054047363499956, 0.9978427691655657], "s_vecs": [[-0.6960117609890129, 0.6963668746793443, 0.17504514964515708], [-0.7107834388079473, -0.7027483380057278, -0.030523377050003922]]}, "677": {"path": [15, 2, 0], "s": [2.4999638715818913, 1.000014451576088], "s_vecs": [[-0.6970913654960825, 0.6965103351171534, 0.1701087335376922], [-0.7149204997047327, -0.6932200036769246, -0.09129460884466302]]}, "678": {"path": [15, 2, 0], "s": [2.5054590009111566, 0.9978211573571263], "s_vecs": [[0.697324341847721, -0.6959833868104143, -0.1713064142130939], [0.7098665832263644, 0.7036643834752878, 0.03075499060104358]]}, "679": {"path": [15, 2, 1], "s": [2.4968445348287296, 1.0012637811955263], "s_vecs": [[-0.7015215440730582, 0.699811275031224, 0.13465401048808187], [0.7123208070824608, 0.6942956074375288, 0.10272622493961311]]}, "680": {"path": [15, 2, 1], "s": [2.499861984233123, 1.0000552093546555], "s_vecs": [[0.6969770694276369, -0.6966211443383191, -0.17012332571647534], [-0.7150319275663993, -0.6931086507060894, -0.0912674141030824]]}, "681": {"path": [15, 2, 2], "s": [2.5064060774916084, 0.9974441182739158], "s_vecs": [[0.7007318714489056, -0.6994641424783113, -0.14044485651954414], [0.7092388461312134, 0.7042825565388718, 0.0310860047856932]]}, "682": {"path": [15, 2, 2], "s": [2.500155619677076, 0.999937756003726], "s_vecs": [[-0.7005369574654873, 0.6998858679609534, 0.13931167594118227], [-0.7130068866869533, -0.6945368132178803, -0.09612385043333152]]}, "683": {"path": [15, 2, 3], "s": [2.50677956143733, 0.9972955095287906], "s_vecs": [[0.6967094770689877, -0.6961705092296572, -0.17303908992241604], [0.710041870677661, 0.7035969252955793, 0.02814087061864426]]}, "684": {"path": [15, 2, 3], "s": [2.5055029674889537, 0.9978036475867869], "s_vecs": [[-0.7001498260456651, 0.6998558304433096, 0.14139320239223085], [-0.7098251441032899, -0.7036484488634333, -0.03204879421800227]]}, "685": {"path": [15, 3, 0], "s": [2.5069680120386395, 0.997220542102979], "s_vecs": [[-0.702983194725234, 0.7024386526569675, 0.11133089053523351], [-0.7090333688034696, -0.7044229606994307, -0.03255724746736918]]}, "686": {"path": [15, 3, 0], "s": [2.50772478701138, 0.9969196033586323], "s_vecs": [[0.700309737564306, -0.6997195449717553, -0.14127572281582124], [0.7095090944301412, 0.704059279262168, 0.029956238177677966]]}, "687": {"path": [15, 3, 1], "s": [2.5082358267540767, 0.9967164862784321], "s_vecs": [[0.7027362392484083, -0.7024953936100219, -0.11252555267006706], [0.7041541491953479, 0.7093681750970598, -0.03104394192822063]]}, "688": {"path": [15, 3, 1], "s": [2.5082358267540754, 0.9967164862784323], "s_vecs": [[-0.7024953936100248, 0.7027362392484057, 0.11252555267006695], [-0.7093681750970571, -0.7041541491953507, -0.031043941928221228]]}, "689": {"path": [15, 3, 2], "s": [2.5077247870113846, 0.9969196033586314], "s_vecs": [[0.6997195449717599, -0.7003097375643011, -0.14127572281582154], [0.7040592792621633, 0.7095090944301456, -0.029956238177675974]]}, "690": {"path": [15, 3, 2], "s": [2.5069680120386337, 0.9972205421029807], "s_vecs": [[-0.7024386526569744, 0.7029831947252269, 0.1113308905352347], [-0.7044229606994238, -0.7090333688034767, 0.03255724746736683]]}, "691": {"path": [15, 3, 3], "s": [2.5068348747560685, 0.997273504200498], "s_vecs": [[-0.6997419112278592, 0.7001003396280673, 0.14219976133540946], [-0.7100814173183236, -0.7034411133344319, -0.030902764439696646]]}, "692": {"path": [15, 3, 3], "s": [2.50683487475607, 0.9972735042004967], "s_vecs": [[0.700100339628072, -0.6997419112278545, -0.14219976133540968], [0.7034411133344275, 0.7100814173183282, -0.030902764439694454]]}, "693": {"path": [16, 0, 0], "s": [2.5023117223064384, 0.9990761653371042], "s_vecs": [[0.7021780087522473, -0.6995255199992231, -0.13270301765425602], [-0.7113989804364954, -0.696956068255483, -0.09035335940502566]]}, "694": {"path": [16, 0, 0], "s": [2.500966695179306, 0.9996134713904137], "s_vecs": [[-0.7038582301324229, 0.7023030412491349, 0.10655529140812013], [0.7103091231064168, 0.6972727938818212, 0.09628915070781734]]}, "695": {"path": [16, 0, 1], "s": [2.4910394132957134, 1.003597127631326], "s_vecs": [[-0.7030960449648046, 0.6998943588647888, 0.12571331665378832], [-0.7107486307182849, -0.6861681080278321, -0.154950674272778]]}, "696": {"path": [16, 0, 1], "s": [2.498938840454376, 1.0004246440642905], "s_vecs": [[0.7032544440038984, -0.6993902289544737, -0.12761855128380464], [0.7106267804214552, 0.6968411139970505, 0.09706719729747568]]}, "697": {"path": [16, 0, 2], "s": [2.487598834861598, 1.004985194945668], "s_vecs": [[-0.7057807953562093, 0.7021466350801664, 0.09414654402555675], [0.7065892936850215, 0.6881282823356323, 0.16495768275383405]]}, "698": {"path": [16, 0, 2], "s": [2.4907645111745436, 1.0037078932127161], "s_vecs": [[0.7031478995419622, -0.6998442939562616, -0.12570201106819542], [-0.7106973307131483, -0.6862191707188825, -0.15495984594434595]]}, "699": {"path": [16, 0, 3], "s": [2.5016842061787647, 0.9993267710710226], "s_vecs": [[0.7048290876531219, -0.7018694790092688, -0.10293294726823835], [0.7093483000806209, 0.6986500705816006, 0.0933438163407653]]}, "700": {"path": [16, 0, 3], "s": [2.4925895110214724, 1.0029730081691195], "s_vecs": [[-0.7047568469448615, 0.7021894158968968, 0.10123147181935054], [-0.7083093491435954, -0.688340491359919, -0.15647758264416511]]}, "701": {"path": [16, 1, 0], "s": [2.483556954784558, 1.0066207642968532], "s_vecs": [[-0.7077309703182515, 0.7017689528760928, 0.08146907653569345], [-0.700732086869243, -0.6826052645083442, -0.20742370958347406]]}, "702": {"path": [16, 1, 0], "s": [2.4895437081248613, 1.0042000836703595], "s_vecs": [[0.7078168146432376, -0.7014592480680883, -0.08336834056194593], [0.7043720600810035, 0.6919286236699199, 0.15841332243057563]]}, "703": {"path": [16, 1, 1], "s": [2.481133849856457, 1.007603842148474], "s_vecs": [[-0.7084256645719836, 0.703549728977995, 0.05613249175595879], [0.6968151611646118, 0.6845665317801415, 0.2140497482774606]]}, "704": {"path": [16, 1, 1], "s": [2.482949718235696, 1.0068669460517392], "s_vecs": [[0.7079784331277095, -0.7015278047534913, -0.0813958069176821], [-0.7004820641114026, -0.6828530951186069, -0.20745247249711823]]}, "705": {"path": [16, 1, 2], "s": [2.494092940906913, 1.002368419795511], "s_vecs": [[0.7078707154549604, -0.7032852849127715, -0.06564189383651564], [0.7037614514707096, 0.694295805877203, 0.15057607168858383]]}, "706": {"path": [16, 1, 2], "s": [2.4862122985583732, 1.0055456653680066], "s_vecs": [[-0.707827695682939, 0.7034730459476248, 0.06407516562094187], [-0.6991039658929338, -0.6846533582507368, -0.20616358531214862]]}, "707": {"path": [16, 1, 3], "s": [2.4946740289625966, 1.0021349366592869], "s_vecs": [[0.7066861046803384, -0.7016252447293064, -0.09119630151640389], [-0.7062844236306942, -0.6919238789303279, -0.14967851783962616]]}, "708": {"path": [16, 1, 3], "s": [2.4935606589312624, 1.0025823879782814], "s_vecs": [[-0.7067592063930961, 0.7038566744352025, 0.07125451586824526], [0.7049695391670296, 0.6922617066010245, 0.1542455134532697]]}, "709": {"path": [16, 2, 0], "s": [2.497053837026744, 1.001179855608066], "s_vecs": [[-0.7073981490797923, 0.7051031741482653, 0.04916678232836668], [0.7032233328918907, 0.6950944838148816, 0.1494008120678886]]}, "710": {"path": [16, 2, 0], "s": [2.4973776097143388, 1.0010500575785841], "s_vecs": [[0.7073451401350505, -0.7033882989692732, -0.07005536096858009], [-0.7047980179021733, -0.6942215728426854, -0.1460005539749625]]}, "711": {"path": [16, 2, 1], "s": [2.5061099187911227, 0.9975619908986002], "s_vecs": [[0.7071429428550904, -0.7051022705567184, -0.05272235224269267], [0.7066131856463231, 0.7020364988279325, 0.08855823047110392]]}, "712": {"path": [16, 2, 1], "s": [2.4991275916694455, 1.0003490851501384], "s_vecs": [[-0.7070769458080488, 0.7051882469537641, 0.05245692580621465], [-0.704003503652645, -0.695029125322975, -0.14599171824997714]]}, "713": {"path": [16, 2, 2], "s": [2.506033215489273, 0.9975925237335306], "s_vecs": [[0.7059176982478806, -0.7038500026519731, -0.07921727758028327], [-0.7082643984465052, -0.7004393293404927, -0.0880129979392307]]}, "714": {"path": [16, 2, 2], "s": [2.505550133959021, 0.9977848641367035], "s_vecs": [[-0.706648142339717, 0.7053941611299663, 0.05538483882416127], [0.7071152075548351, 0.7012410875867616, 0.09082411752843117]]}, "715": {"path": [16, 2, 3], "s": [2.496751008180785, 1.0013012878771526], "s_vecs": [[-0.7062879806851552, 0.7039053587818063, 0.07532950429906374], [-0.7059190499020901, -0.6922843138794819, -0.1497355126272513]]}, "716": {"path": [16, 2, 3], "s": [2.5042540442018018, 0.9983012729033421], "s_vecs": [[0.7064084845146942, -0.7036844605134082, -0.07625767527014445], [0.7077213688474531, 0.70056421744497, 0.09132492163918904]]}, "717": {"path": [16, 3, 0], "s": [2.509477207314007, 0.9962234335954975], "s_vecs": [[0.7053111865480639, -0.7040179421301915, -0.08303533759148733], [0.7079223491783023, 0.705634864955067, 0.03042013960714348]]}, "718": {"path": [16, 3, 0], "s": [2.505129251732533, 0.9979525001638186], "s_vecs": [[-0.7052028531114093, 0.7041790509981407, 0.08258813533968307], [-0.7089777550738549, -0.6993424047153348, -0.09094362966920454]]}, "719": {"path": [16, 3, 1], "s": [2.509251408161255, 0.9963130804146745], "s_vecs": [[0.7030782502097703, -0.7023617728366119, -0.1112156200350442], [0.7087832314195188, 0.7047999250167384, 0.029721987734753735]]}, "720": {"path": [16, 3, 1], "s": [2.5087383634292046, 0.9965168295121631], "s_vecs": [[-0.7048457835141007, 0.7043649810994562, 0.08403805604103678], [-0.7083872945732624, -0.7051255432311156, -0.03139122759941498]]}, "721": {"path": [16, 3, 2], "s": [2.5031888512791753, 0.9987260844192619], "s_vecs": [[-0.7033744388005724, 0.7023774484989876, 0.1092259981965452], [-0.71073562698614, -0.6972995971969693, -0.09288778327402804]]}, "722": {"path": [16, 3, 2], "s": [2.5079947367314204, 0.9968122992387782], "s_vecs": [[0.703576004861636, -0.7020553516752911, -0.10999585704481336], [0.7084385407239934, 0.7050816949835188, 0.03121918346189137]]}, "723": {"path": [16, 3, 3], "s": [2.503367772457688, 0.9986547032782236], "s_vecs": [[-0.705669892014071, 0.7040366006846548, 0.07976508259411], [0.7084620075267962, 0.6994276733411198, 0.09424708831433251]]}, "724": {"path": [16, 3, 3], "s": [2.5039457405705456, 0.9984241908653936], "s_vecs": [[0.7043065070190093, -0.701971831531618, -0.10577283161014436], [-0.7098143464285193, -0.6986245472828776, -0.08992961435505255]]}, "725": {"path": [17, 0, 0], "s": [2.5068915269572543, 0.997250967230474], "s_vecs": [[0.7063420882257392, -0.7055176668347125, 0.05766867594288881], [0.7075328084802764, 0.7011415209478868, -0.08830567664027386]]}, "726": {"path": [17, 0, 0], "s": [2.5108345967962444, 0.995684862391943], "s_vecs": [[-0.7064176857684616, 0.7054381186299683, -0.05771580387850207], [-0.7075174348586016, -0.7060731575239685, 0.02966101136572409]]}, "727": {"path": [17, 0, 1], "s": [2.50726346403649, 0.9971030311968888], "s_vecs": [[0.7071121803456728, -0.7063462405983524, 0.03267036576721056], [-0.7060204938587027, -0.7027235716567608, 0.08783304668220855]]}, "728": {"path": [17, 0, 1], "s": [2.5074646588813705, 0.9970230252877416], "s_vecs": [[-0.7068243478673618, 0.70524048324064, -0.055092667936733286], [0.7070467968919628, 0.7019138881966626, -0.08603325264953397]]}, "729": {"path": [17, 0, 2], "s": [2.511739499637588, 0.995326147620292], "s_vecs": [[-0.7070099046630292, 0.706412873846122, -0.033434209618859304], [-0.7071959488091184, -0.706432217397165, 0.028764773791839057]]}, "730": {"path": [17, 0, 2], "s": [2.5080296888357747, 0.9967984075820476], "s_vecs": [[0.7069563849099582, -0.7064447330752374, 0.033889658382752985], [0.7062717682905061, 0.7026319729052054, -0.08653611943657072]]}, "731": {"path": [17, 0, 3], "s": [2.5115577263452513, 0.9953981840735662], "s_vecs": [[-0.7061378806215972, 0.7056532568616956, -0.05850448385996613], [-0.7077635828203637, -0.7058622491486974, 0.028795764619551883]]}, "732": {"path": [17, 0, 3], "s": [2.5114263452109715, 0.9954502566906789], "s_vecs": [[0.7068146591021102, -0.7065684052180246, 0.034265528246699886], [0.7073910949094937, 0.7062031209246808, -0.029580244065733143]]}, "733": {"path": [17, 1, 0], "s": [2.512170074287487, 0.9951555531960024], "s_vecs": [[0.707095547953068, -0.7070277258859647, 0.011299597049088205], [-0.7070125323435695, -0.7066237949778265, 0.028567314894258032]]}, "734": {"path": [17, 1, 0], "s": [2.5122097816798368, 0.9951398240032056], "s_vecs": [[-0.7068473513928367, 0.7065369991627343, -0.03423873016117744], [-0.7073519706981197, -0.7063108276246154, 0.027896313909137715]]}, "735": {"path": [17, 1, 1], "s": [2.5123379160525694, 0.9950890698366102], "s_vecs": [[0.7070655685826749, -0.7070546403688436, 0.011489876315453042], [-0.7065863293374397, -0.7070581708070921, -0.02836374954713275]]}, "736": {"path": [17, 1, 1], "s": [2.512337916052566, 0.9950890698366123], "s_vecs": [[0.7070546403688461, -0.7070655685826719, 0.01148987631545294], [0.7070581708070892, 0.7065863293374421, -0.028363749547135518]]}, "737": {"path": [17, 1, 2], "s": [2.5122097816798417, 0.9951398240032021], "s_vecs": [[-0.7065369991627356, 0.7068473513928358, -0.0342387301611769], [-0.7063108276246145, -0.7073519706981211, -0.02789631390913454]]}, "738": {"path": [17, 1, 2], "s": [2.512170074287492, 0.9951555531959965], "s_vecs": [[0.7070277258859681, -0.7070955479530648, 0.011299597049088627], [0.7066237949778235, 0.7070125323435729, 0.028567314894254913]]}, "739": {"path": [17, 1, 3], "s": [2.5118936895689794, 0.9952650505798202], "s_vecs": [[0.7066518950890975, -0.7066918085537482, 0.03506831746775655], [0.7075472815994905, 0.7060822033057105, -0.028718747816097324]]}, "740": {"path": [17, 1, 3], "s": [2.5118936895689803, 0.9952650505798185], "s_vecs": [[-0.706691808553751, 0.7066518950890948, -0.03506831746775668], [-0.7060822033057078, -0.7075472815994932, -0.028718747816094688]]}, "741": {"path": [17, 2, 0], "s": [2.508029688835782, 0.9967984075820453], "s_vecs": [[0.7064447330752395, -0.706956384909956, 0.03388965838275332], [-0.7026319729052036, -0.7062717682905082, -0.08653611943656823]]}, "742": {"path": [17, 2, 0], "s": [2.511739499637593, 0.99532614762029], "s_vecs": [[0.7064128738461241, -0.7070099046630267, 0.033434209618859394], [0.7064322173971629, 0.7071959488091205, 0.02876477379183516]]}, "743": {"path": [17, 2, 1], "s": [2.5074646588813696, 0.9970230252877427], "s_vecs": [[-0.705240483240642, 0.7068243478673597, -0.05509266793673454], [-0.7019138881966605, -0.707046796891965, -0.08603325264953177]]}, "744": {"path": [17, 2, 1], "s": [2.5072634640364955, 0.9971030311968869], "s_vecs": [[0.7063462405983519, -0.7071121803456732, 0.03267036576721004], [0.7027235716567614, 0.7060204938587024, 0.08783304668220675]]}, "745": {"path": [17, 2, 2], "s": [2.5108345967962524, 0.9956848623919409], "s_vecs": [[0.7054381186299674, -0.7064176857684626, 0.05771580387850131], [0.7060731575239696, 0.7075174348586006, 0.02966101136572151]]}, "746": {"path": [17, 2, 2], "s": [2.5068915269572685, 0.9972509672304679], "s_vecs": [[0.7055176668347137, -0.7063420882257379, 0.057668675942888284], [-0.701141520947886, -0.7075328084802776, -0.08830567664027018]]}, "747": {"path": [17, 2, 3], "s": [2.511426345210974, 0.9954502566906794], "s_vecs": [[0.7065684052180277, -0.7068146591021068, 0.034265528246700636], [0.7062031209246777, 0.7073910949094968, 0.029580244065729823]]}, "748": {"path": [17, 2, 3], "s": [2.5115577263452558, 0.9953981840735646], "s_vecs": [[-0.705653256861696, 0.7061378806215965, -0.058504483859965956], [-0.705862249148697, -0.7077635828203641, -0.028795764619548605]]}, "749": {"path": [17, 3, 0], "s": [2.5105170182423904, 0.9958108157937293], "s_vecs": [[-0.7042886446786996, 0.7049295272149163, -0.0839753930457909], [-0.70537389906025, -0.7082279017699249, -0.02934112607092488]]}, "750": {"path": [17, 3, 0], "s": [2.510280827780009, 0.99590451089526], "s_vecs": [[0.7056929531870328, -0.7060952420221488, 0.05854028540968366], [0.7057163714467113, 0.7078394731475841, 0.03045789431720007]]}, "751": {"path": [17, 3, 1], "s": [2.5097819779168318, 0.9961024590968843], "s_vecs": [[0.7044699124561051, -0.7046298923410552, 0.08496385857245749], [0.7086869902277111, 0.7048718408103812, -0.030305740620760753]]}, "752": {"path": [17, 3, 1], "s": [2.5097819779168384, 0.9961024590968829], "s_vecs": [[-0.7046298923410537, 0.7044699124561069, -0.08496385857245753], [-0.7048718408103831, -0.7086869902277093, -0.030305740620758893]]}, "753": {"path": [17, 3, 2], "s": [2.510280827780002, 0.995904510895262], "s_vecs": [[0.7060952420221487, -0.705692953187033, 0.0585402854096841], [0.7078394731475842, 0.7057163714467113, -0.030457894317202434]]}, "754": {"path": [17, 3, 2], "s": [2.510517018242388, 0.9958108157937321], "s_vecs": [[-0.704929527214917, 0.7042886446786988, -0.08397539304579107], [-0.7082279017699241, -0.7053738990602505, 0.029341126070927363]]}, "755": {"path": [17, 3, 3], "s": [2.511003474631408, 0.9956178974889615], "s_vecs": [[-0.705905100490604, 0.7058179709100867, -0.05932100000605394], [-0.7055088158855319, -0.7080830385233523, -0.029592587979615143]]}, "756": {"path": [17, 3, 3], "s": [2.511003474631408, 0.9956178974889617], "s_vecs": [[0.7058179709100882, -0.7059051004906026, 0.05932100000605379], [0.7080830385233511, 0.7055088158855333, -0.02959258797961819]]}, "757": {"path": [18, 0, 0], "s": [2.5055501339590243, 0.9977848641367033], "s_vecs": [[0.7053941611299659, -0.7066481423397175, 0.05538483882416059], [0.7012410875867618, 0.7071152075548348, 0.09082411752843098]]}, "758": {"path": [18, 0, 0], "s": [2.506033215489281, 0.9975925237335281], "s_vecs": [[-0.7038500026519722, 0.7059176982478815, -0.07921727758028306], [-0.7004393293404934, -0.7082643984465045, -0.08801299793923052]]}, "759": {"path": [18, 0, 1], "s": [2.4991275916694438, 1.0003490851501404], "s_vecs": [[0.7051882469537637, -0.7070769458080494, 0.05245692580621448], [-0.6950291253229756, -0.7040035036526444, -0.14599171824997817]]}, "760": {"path": [18, 0, 1], "s": [2.506109918791119, 0.9975619908986003], "s_vecs": [[-0.7051022705567195, 0.7071429428550896, -0.05272235224269261], [0.7020364988279317, 0.7066131856463241, 0.08855823047110402]]}, "761": {"path": [18, 0, 2], "s": [2.497377609714332, 1.0010500575785848], "s_vecs": [[-0.703388298969273, 0.7073451401350507, -0.07005536096857981], [-0.6942215728426855, -0.704798017902173, -0.1460005539749629]]}, "762": {"path": [18, 0, 2], "s": [2.4970538370267397, 1.0011798556080658], "s_vecs": [[0.7051031741482651, -0.7073981490797926, 0.04916678232836728], [0.6950944838148816, 0.7032233328918907, 0.14940081206788886]]}, "763": {"path": [18, 0, 3], "s": [2.504254044201808, 0.9983012729033391], "s_vecs": [[-0.7036844605134102, 0.7064084845146922, -0.0762576752701446], [0.7005642174449681, 0.7077213688474551, 0.09132492163918864]]}, "764": {"path": [18, 0, 3], "s": [2.49675100818078, 1.001301287877154], "s_vecs": [[0.7039053587818056, -0.7062879806851559, 0.07532950429906343], [-0.6922843138794827, -0.705919049902089, -0.14973551262725185]]}, "765": {"path": [18, 1, 0], "s": [2.486212298558364, 1.0055456653680102], "s_vecs": [[0.703473045947622, -0.7078276956829421, 0.06407516562094033], [-0.6846533582507397, -0.6991039658929306, -0.2061635853121502]]}, "766": {"path": [18, 1, 0], "s": [2.494092940906905, 1.0023684197955138], "s_vecs": [[-0.7032852849127689, 0.707870715454963, -0.06564189383651439], [0.6942958058772055, 0.7037614514707066, 0.150576071688585]]}, "767": {"path": [18, 1, 1], "s": [2.4829497182356945, 1.0068669460517379], "s_vecs": [[-0.7015278047534853, 0.7079784331277158, -0.08139580691767953], [-0.682853095118613, -0.700482064111396, -0.20745247249712]]}, "768": {"path": [18, 1, 1], "s": [2.4811338498564472, 1.0076038421484796], "s_vecs": [[0.7035497289779927, -0.7084256645719864, 0.056132491755958], [0.684566531780144, 0.6968151611646094, 0.21404974827746148]]}, "769": {"path": [18, 1, 2], "s": [2.489543708124856, 1.0042000836703606], "s_vecs": [[-0.7014592480680866, 0.7078168146432393, -0.08336834056194484], [0.6919286236699216, 0.7043720600810013, 0.15841332243057688]]}, "770": {"path": [18, 1, 2], "s": [2.4835569547845426, 1.00662076429686], "s_vecs": [[0.7017689528760902, -0.7077309703182539, 0.08146907653569223], [-0.6826052645083465, -0.7007320868692402, -0.2074237095834755]]}, "771": {"path": [18, 1, 3], "s": [2.4935606589312567, 1.002582387978284], "s_vecs": [[0.7038566744351996, -0.7067592063930994, 0.07125451586824397], [0.6922617066010275, 0.7049695391670265, 0.154245513453271]]}, "772": {"path": [18, 1, 3], "s": [2.49467402896259, 1.0021349366592884], "s_vecs": [[-0.7016252447293033, 0.7066861046803415, -0.09119630151640246], [-0.6919238789303309, -0.7062844236306909, -0.14967851783962757]]}, "773": {"path": [18, 2, 0], "s": [2.4907645111745245, 1.0037078932127215], "s_vecs": [[-0.699844293956261, 0.7031478995419623, -0.12570201106819617], [-0.6862191707188822, -0.7106973307131481, -0.15495984594434753]]}, "774": {"path": [18, 2, 0], "s": [2.4875988348615845, 1.0049851949456712], "s_vecs": [[0.7021466350801663, -0.7057807953562097, 0.09414654402555671], [0.6881282823356325, 0.7065892936850213, 0.16495768275383568]]}, "775": {"path": [18, 2, 1], "s": [2.498938840454381, 1.0004246440642883], "s_vecs": [[-0.6993902289544712, 0.7032544440039006, -0.12761855128380437], [0.6968411139970528, 0.7106267804214527, 0.09706719729747597]]}, "776": {"path": [18, 2, 1], "s": [2.4910394132957157, 1.0035971276313251], "s_vecs": [[0.6998943588647868, -0.7030960449648069, 0.1257133166537881], [-0.6861681080278342, -0.7107486307182826, -0.15495067427277953]]}, "777": {"path": [18, 2, 2], "s": [2.5009666951793124, 0.9996134713904127], "s_vecs": [[0.7023030412491365, -0.7038582301324213, 0.10655529140812003], [0.6972727938818194, 0.7103091231064186, 0.09628915070781692]]}, "778": {"path": [18, 2, 2], "s": [2.5023117223064433, 0.9990761653371002], "s_vecs": [[-0.6995255199992224, 0.7021780087522476, -0.13270301765425624], [-0.6969560682554834, -0.7113989804364949, -0.09035335940502535]]}, "779": {"path": [18, 2, 3], "s": [2.492589511021455, 1.0029730081691262], "s_vecs": [[0.702189415896896, -0.7047568469448623, 0.10123147181935047], [-0.6883404913599196, -0.7083093491435946, -0.1564775826441669]]}, "780": {"path": [18, 2, 3], "s": [2.501684206178763, 0.9993267710710225], "s_vecs": [[-0.7018694790092703, 0.70482908765312, -0.10293294726823878], [0.6986500705815987, 0.7093483000806224, 0.09334381634076529]]}, "781": {"path": [18, 3, 0], "s": [2.5079947367314244, 0.9968122992387759], "s_vecs": [[0.7020553516752935, -0.7035760048616335, 0.10999585704481404], [0.7050816949835165, 0.7084385407239958, 0.031219183461891016]]}, "782": {"path": [18, 3, 0], "s": [2.503188851279174, 0.9987260844192622], "s_vecs": [[0.7023774484989913, -0.7033744388005685, 0.10922599819654637], [-0.6972995971969655, -0.7107356269861438, -0.09288778327402611]]}, "783": {"path": [18, 3, 1], "s": [2.5087383634292095, 0.99651682951216], "s_vecs": [[0.7043649810994553, -0.7048457835141015, 0.08403805604103631], [0.7051255432311164, 0.7083872945732614, 0.0313912275994154]]}, "784": {"path": [18, 3, 1], "s": [2.5092514081612567, 0.9963130804146751], "s_vecs": [[-0.7023617728366105, 0.7030782502097715, -0.11121562003504427], [-0.7047999250167394, -0.7087832314195176, -0.02972198773475445]]}, "785": {"path": [18, 3, 2], "s": [2.5051292517325385, 0.9979525001638178], "s_vecs": [[0.7041790509981414, -0.7052028531114092, 0.08258813533968266], [-0.699342404715335, -0.7089777550738554, -0.09094362966920393]]}, "786": {"path": [18, 3, 2], "s": [2.5094772073140112, 0.9962234335954955], "s_vecs": [[0.704017942130192, -0.705311186548064, 0.08303533759148668], [0.705634864955067, 0.7079223491783027, 0.030420139607143473]]}, "787": {"path": [18, 3, 3], "s": [2.503945740570538, 0.9984241908653985], "s_vecs": [[-0.7019718315316219, 0.7043065070190052, -0.105772831610146], [-0.6986245472828738, -0.7098143464285233, -0.08992961435505108]]}, "788": {"path": [18, 3, 3], "s": [2.503367772457688, 0.9986547032782228], "s_vecs": [[0.7040366006846577, -0.7056698920140685, 0.0797650825941099], [0.6994276733411171, 0.7084620075267991, 0.0942470883143317]]}, "789": {"path": [19, 0, 0], "s": [2.5001556196770784, 0.9999377560037244], "s_vecs": [[0.6998858679609549, -0.7005369574654859, 0.13931167594118254], [-0.6945368132178791, -0.7130068866869546, -0.0961238504333307]]}, "790": {"path": [19, 0, 0], "s": [2.5064060774916217, 0.997444118273912], "s_vecs": [[0.6994641424783128, -0.7007318714489038, 0.14044485651954441], [0.7042825565388706, 0.7092388461312145, 0.031086004785691478]]}, "791": {"path": [19, 0, 1], "s": [2.4998619842331307, 1.0000552093546518], "s_vecs": [[-0.6966211443383189, 0.6969770694276369, -0.17012332571647512], [-0.6931086507060895, -0.7150319275663992, -0.09126741410308213]]}, "792": {"path": [19, 0, 1], "s": [2.496844534828732, 1.0012637811955256], "s_vecs": [[0.6998112750312229, -0.7015215440730598, 0.13465401048808162], [0.6942956074375304, 0.7123208070824598, 0.10272622493961309]]}, "793": {"path": [19, 0, 2], "s": [2.505459000911176, 0.9978211573571183], "s_vecs": [[0.6959833868104144, -0.6973243418477211, 0.17130641421309317], [0.7036643834752879, 0.7098665832263642, 0.030754990601042073]]}, "794": {"path": [19, 0, 2], "s": [2.499963871581907, 1.0000144515760825], "s_vecs": [[0.6965103351171524, -0.6970913654960839, 0.17010873353769135], [-0.693220003676926, -0.7149204997047314, -0.09129460884466253]]}, "795": {"path": [19, 0, 3], "s": [2.5055029674889635, 0.9978036475867841], "s_vecs": [[0.6998558304433132, -0.7001498260456616, 0.14139320239223097], [0.7036484488634299, 0.7098251441032937, 0.03204879421799971]]}, "796": {"path": [19, 0, 3], "s": [2.5067795614373454, 0.9972955095287838], "s_vecs": [[-0.6961705092296577, 0.696709477068987, -0.17303908992241565], [-0.7035969252955787, -0.7100418706776614, -0.028140870618642087]]}, "797": {"path": [19, 1, 0], "s": [2.505585851880454, 0.9977706403968318], "s_vecs": [[-0.691783391080536, 0.6912759532400585, -0.20874217661307126], [-0.7027120057600553, -0.7110077655118555, -0.025764206615343385]]}, "798": {"path": [19, 1, 0], "s": [2.504065921167494, 0.9983762723125136], "s_vecs": [[0.6961950071129437, -0.6965910563594535, 0.1734168742395874], [0.7027780665531189, 0.7106355663545451, 0.033167469059528984]]}, "799": {"path": [19, 1, 1], "s": [2.5056488028074, 0.9977455728029121], "s_vecs": [[0.6914771489977163, -0.6915844877306171, 0.20873487668420382], [0.710812097927507, 0.7029077603388549, -0.025823282039878423]]}, "800": {"path": [19, 1, 1], "s": [2.5056488028074013, 0.9977455728029121], "s_vecs": [[-0.6915844877306139, 0.6914771489977197, -0.2087348766842037], [-0.7029077603388587, -0.7108120979275034, -0.025823282039878215]]}, "801": {"path": [19, 1, 2], "s": [2.5040659211674923, 0.9983762723125125], "s_vecs": [[0.6965910563594531, -0.6961950071129438, 0.17341687423958763], [0.7106355663545454, 0.7027780665531184, -0.03316746905953022]]}, "802": {"path": [19, 1, 2], "s": [2.5055858518804532, 0.997770640396832], "s_vecs": [[-0.691275953240057, 0.6917833910805374, -0.2087421766130714], [-0.7110077655118572, -0.7027120057600538, 0.02576420661534437]]}, "803": {"path": [19, 1, 3], "s": [2.5054047363500027, 0.9978427691655617], "s_vecs": [[-0.6963668746793471, 0.6960117609890102, -0.17504514964515688], [-0.7027483380057252, -0.7107834388079497, -0.030523377050001452]]}, "804": {"path": [19, 1, 3], "s": [2.5054047363500054, 0.9978427691655603], "s_vecs": [[0.6960117609890103, -0.6963668746793469, 0.1750451496451568], [0.7107834388079497, 0.7027483380057251, -0.03052337705000331]]}, "805": {"path": [19, 2, 0], "s": [2.499963871581901, 1.0000144515760845], "s_vecs": [[0.697091365496079, -0.6965103351171571, 0.17010873353769218], [0.7149204997047363, 0.693220003676921, -0.0912946088446624]]}, "806": {"path": [19, 2, 0], "s": [2.5054590009111593, 0.9978211573571245], "s_vecs": [[-0.6973243418477179, 0.6959833868104175, -0.1713064142130935], [-0.7098665832263674, -0.7036643834752846, 0.030754990601042566]]}, "807": {"path": [19, 2, 1], "s": [2.4968445348287367, 1.0012637811955238], "s_vecs": [[0.7015215440730538, -0.699811275031229, 0.1346540104880819], [-0.7123208070824658, -0.6942956074375243, 0.10272622493961338]]}, "808": {"path": [19, 2, 1], "s": [2.499861984233126, 1.0000552093546524], "s_vecs": [[-0.6969770694276337, 0.6966211443383219, -0.17012332571647598], [0.7150319275664024, 0.6931086507060861, -0.09126741410308264]]}, "809": {"path": [19, 2, 2], "s": [2.5064060774916177, 0.9974441182739106], "s_vecs": [[-0.7007318714489016, 0.6994641424783151, -0.14044485651954386], [-0.7092388461312169, -0.704282556538868, 0.03108600478569231]]}, "810": {"path": [19, 2, 2], "s": [2.500155619677078, 0.9999377560037244], "s_vecs": [[0.7005369574654852, -0.6998858679609558, 0.13931167594118202], [0.7130068866869556, 0.694536813217878, -0.09612385043333209]]}, "811": {"path": [19, 2, 3], "s": [2.506779561437337, 0.9972955095287874], "s_vecs": [[-0.6967094770689841, 0.6961705092296604, -0.17303908992241562], [-0.7100418706776642, -0.7035969252955757, 0.02814087061864322]]}, "812": {"path": [19, 2, 3], "s": [2.50550296748896, 0.9978036475867849], "s_vecs": [[0.7001498260456592, -0.6998558304433156, 0.14139320239223074], [0.7098251441032959, 0.7036484488634274, -0.03204879421800098]]}, "813": {"path": [19, 3, 0], "s": [2.5069680120386435, 0.9972205421029772], "s_vecs": [[0.7029831947252284, -0.7024386526569728, 0.11133089053523366], [0.709033368803475, 0.7044229606994252, -0.0325572474673681]]}, "814": {"path": [19, 3, 0], "s": [2.50772478701139, 0.9969196033586303], "s_vecs": [[-0.7003097375643028, 0.6997195449717581, -0.1412757228158208], [-0.7095090944301439, -0.7040592792621649, 0.02995623817767732]]}, "815": {"path": [19, 3, 1], "s": [2.5082358267540847, 0.9967164862784282], "s_vecs": [[-0.7027362392484072, 0.7024953936100236, -0.11252555267006606], [-0.7041541491953496, -0.7093681750970584, -0.03104394192822036]]}, "816": {"path": [19, 3, 1], "s": [2.508235826754085, 0.9967164862784286], "s_vecs": [[0.7024953936100219, -0.7027362392484086, 0.11252555267006605], [0.70936817509706, 0.7041541491953477, -0.031043941928221692]]}, "817": {"path": [19, 3, 2], "s": [2.5077247870113872, 0.9969196033586312], "s_vecs": [[-0.6997195449717558, 0.7003097375643051, -0.1412757228158212], [-0.7040592792621673, -0.7095090944301417, -0.029956238177676717]]}, "818": {"path": [19, 3, 2], "s": [2.5069680120386475, 0.9972205421029765], "s_vecs": [[0.7024386526569718, -0.7029831947252295, 0.11133089053523312], [0.7044229606994263, 0.7090333688034739, 0.03255724746736724]]}, "819": {"path": [19, 3, 3], "s": [2.506834874756067, 0.9972735042004987], "s_vecs": [[0.6997419112278556, -0.7001003396280713, 0.14219976133540924], [0.7100814173183276, 0.7034411133344283, -0.030902764439695925]]}, "820": {"path": [19, 3, 3], "s": [2.5068348747560707, 0.9972735042004967], "s_vecs": [[-0.70010033962807, 0.6997419112278571, -0.1421997613354093], [-0.7034411133344302, -0.710081417318326, -0.030902764439694683]]}, "821": {"path": [20, 0, 0], "s": [2.502311722306428, 0.9990761653371087], "s_vecs": [[-0.7021780087522466, 0.6995255199992237, -0.13270301765425713], [0.7113989804364961, 0.696956068255482, -0.090353359405028]]}, "822": {"path": [20, 0, 0], "s": [2.500966695179301, 0.9996134713904169], "s_vecs": [[0.7038582301324214, -0.7023030412491361, 0.10655529140812013], [-0.7103091231064181, -0.6972727938818192, 0.09628915070781961]]}, "823": {"path": [20, 0, 1], "s": [2.4910394132957068, 1.0035971276313282], "s_vecs": [[0.7030960449647987, -0.6998943588647945, 0.12571331665379026], [0.7107486307182908, 0.686168108027826, -0.15495067427277812]]}, "824": {"path": [20, 0, 1], "s": [2.498938840454367, 1.000424644064295], "s_vecs": [[-0.7032544440038944, 0.6993902289544772, -0.12761855128380598], [-0.7106267804214588, -0.6968411139970463, 0.09706719729747748]]}, "825": {"path": [20, 0, 2], "s": [2.4875988348615827, 1.0049851949456747], "s_vecs": [[0.7057807953562012, -0.7021466350801739, 0.09414654402555922], [-0.7065892936850293, -0.688128282335624, 0.1649576827538342]]}, "826": {"path": [20, 0, 2], "s": [2.4907645111745227, 1.0037078932127246], "s_vecs": [[-0.7031478995419556, 0.6998442939562675, -0.12570201106819764], [0.7106973307131548, 0.6862191707188756, -0.1549598459443461]]}, "827": {"path": [20, 0, 3], "s": [2.5016842061787523, 0.9993267710710277], "s_vecs": [[-0.7048290876531196, 0.701869479009271, -0.10293294726823896], [-0.7093483000806233, -0.6986500705815977, 0.09334381634076785]]}, "828": {"path": [20, 0, 3], "s": [2.4925895110214595, 1.0029730081691235], "s_vecs": [[0.7047568469448594, -0.7021894158968986, 0.1012314718193511], [0.7083093491435973, 0.6883404913599165, -0.15647758264416686]]}, "829": {"path": [20, 1, 0], "s": [2.4835569547845435, 1.0066207642968612], "s_vecs": [[0.707730970318245, -0.701768952876099, 0.08146907653569585], [0.7007320868692496, 0.6826052645083376, -0.20742370958347384]]}, "830": {"path": [20, 1, 0], "s": [2.489543708124851, 1.0042000836703622], "s_vecs": [[-0.7078168146432304, 0.7014592480680956, -0.08336834056194815], [-0.7043720600810108, -0.6919286236699125, 0.1584133224305761]]}, "831": {"path": [20, 1, 1], "s": [2.4811338498564512, 1.0076038421484754], "s_vecs": [[0.7084256645719808, -0.7035497289779983, 0.056132491755960065], [-0.6968151611646152, -0.6845665317801384, 0.21404974827746043]]}, "832": {"path": [20, 1, 1], "s": [2.482949718235691, 1.0068669460517397], "s_vecs": [[-0.7079784331277073, 0.7015278047534936, -0.08139580691768282], [0.7004820641114049, 0.6828530951186045, -0.20745247249711823]]}, "833": {"path": [20, 1, 2], "s": [2.4940929409069015, 1.0023684197955154], "s_vecs": [[-0.7078707154549598, 0.703285284912772, -0.06564189383651564], [-0.7037614514707101, -0.6942958058772022, 0.15057607168858494]]}, "834": {"path": [20, 1, 2], "s": [2.486212298558366, 1.0055456653680097], "s_vecs": [[0.7078276956829382, -0.7034730459476262, 0.06407516562094209], [0.699103965892935, 0.6846533582507359, -0.20616358531214912]]}, "835": {"path": [20, 1, 3], "s": [2.4946740289625864, 1.0021349366592913], "s_vecs": [[-0.7066861046803365, 0.7016252447293083, -0.09119630151640426], [0.706284423630696, 0.6919238789303258, -0.14967851783962788]]}, "836": {"path": [20, 1, 3], "s": [2.4935606589312522, 1.002582387978285], "s_vecs": [[0.7067592063930964, -0.7038566744352023, 0.07125451586824591], [-0.7049695391670294, -0.6922617066010244, 0.15424551345327148]]}, "837": {"path": [20, 2, 0], "s": [2.4970538370267383, 1.0011798556080662], "s_vecs": [[0.7073981490797923, -0.7051031741482654, 0.04916678232836714], [-0.7032233328918907, -0.6950944838148815, 0.14940081206788938]]}, "838": {"path": [20, 2, 0], "s": [2.497377609714327, 1.0010500575785874], "s_vecs": [[-0.7073451401350491, 0.7033882989692747, -0.07005536096858052], [0.7047980179021748, 0.6942215728426838, -0.14600055397496317]]}, "839": {"path": [20, 2, 1], "s": [2.5061099187911173, 0.9975619908986008], "s_vecs": [[-0.7071429428550905, 0.7051022705567186, -0.05272235224269205], [-0.7066131856463232, -0.7020364988279324, 0.08855823047110546]]}, "840": {"path": [20, 2, 1], "s": [2.4991275916694415, 1.00034908515014], "s_vecs": [[0.7070769458080494, -0.7051882469537635, 0.052456925806213944], [0.7040035036526442, 0.6950291253229753, -0.145991718249979]]}, "841": {"path": [20, 2, 2], "s": [2.506033215489264, 0.9975925237335362], "s_vecs": [[-0.7059176982478805, 0.7038500026519727, -0.07921727758028425], [0.708264398446505, 0.7004393293404922, -0.0880129979392335]]}, "842": {"path": [20, 2, 2], "s": [2.505550133959008, 0.9977848641367077], "s_vecs": [[0.7066481423397168, -0.7053941611299666, 0.055384838824161904], [-0.7071152075548354, -0.7012410875867612, 0.09082411752843378]]}, "843": {"path": [20, 2, 3], "s": [2.4967510081807793, 1.0013012878771548], "s_vecs": [[0.7062879806851549, -0.7039053587818062, 0.07532950429906476], [0.7059190499020901, 0.6922843138794814, -0.1497355126272528]]}, "844": {"path": [20, 2, 3], "s": [2.504254044201795, 0.9983012729033449], "s_vecs": [[-0.706408484514694, 0.7036844605134085, -0.07625767527014553], [-0.7077213688474535, -0.7005642174449693, 0.09132492163919173]]}, "845": {"path": [20, 3, 0], "s": [2.5094772073140104, 0.9962234335954967], "s_vecs": [[-0.7053111865480631, 0.7040179421301924, -0.08303533759148737], [-0.7079223491783032, -0.7056348649550659, 0.030420139607145236]]}, "846": {"path": [20, 3, 0], "s": [2.505129251732531, 0.9979525001638204], "s_vecs": [[0.7052028531114094, -0.7041790509981407, 0.08258813533968316], [0.7089777550738551, 0.6993424047153346, -0.09094362966920651]]}, "847": {"path": [20, 3, 1], "s": [2.50925140816125, 0.9963130804146761], "s_vecs": [[-0.703078250209768, 0.7023617728366143, -0.11121562003504437], [-0.7087832314195215, -0.7047999250167357, 0.02972198773475545]]}, "848": {"path": [20, 3, 1], "s": [2.5087383634292024, 0.9965168295121611], "s_vecs": [[0.7048457835140982, -0.7043649810994584, 0.08403805604103685], [0.7083872945732645, 0.7051255432311131, -0.03139122759941656]]}, "849": {"path": [20, 3, 2], "s": [2.5031888512791665, 0.998726084419265], "s_vecs": [[0.7033744388005686, -0.7023774484989911, 0.10922599819654633], [0.7107356269861436, 0.6972995971969653, -0.09288778327402898]]}, "850": {"path": [20, 3, 2], "s": [2.507994736731413, 0.9968122992387808], "s_vecs": [[-0.7035760048616301, 0.7020553516752963, -0.1099958570448146], [-0.7084385407239988, -0.705081694983513, 0.031219183461891453]]}, "851": {"path": [20, 3, 3], "s": [2.5033677724576844, 0.9986547032782234], "s_vecs": [[0.7056698920140708, -0.7040366006846548, 0.07976508259411011], [-0.708462007526796, -0.6994276733411193, 0.09424708831433444]]}, "852": {"path": [20, 3, 3], "s": [2.5039457405705283, 0.9984241908654024], "s_vecs": [[-0.7043065070190043, 0.7019718315316227, -0.10577283161014613], [0.709814346428524, 0.6986245472828725, -0.08992961435505377]]}}, "edgedata": {"0-81": {"q_pre": 40, "f": 207.0174604545828}, "25-81": {"q_pre": 40, "f": 209.8224943869218}, "25-105": {"q_pre": 40, "f": 212.9567192951348}, "9-105": {"q_pre": 40, "f": 216.36917682485802}, "9-106": {"q_pre": 40, "f": 220.03166358180036}, "44-106": {"q_pre": 40, "f": 223.90538367893126}, "44-100": {"q_pre": 40, "f": 227.9436799134096}, "7-100": {"q_pre": 40, "f": 232.14137535620634}, "7-101": {"q_pre": 40, "f": 236.4246595240133}, "45-101": {"q_pre": 40, "f": 240.81214409823932}, "45-140": {"q_pre": 40, "f": 245.21983790315548}, "19-140": {"q_pre": 40, "f": 249.66426918727893}, "19-139": {"q_pre": 40, "f": 254.0762888806055}, "42-139": {"q_pre": 40, "f": 258.45429414545674}, "42-98": {"q_pre": 40, "f": 262.75577594517165}, "6-98": {"q_pre": 40, "f": 266.9608087708126}, "6-97": {"q_pre": 40, "f": 266.96080877081226}, "41-97": {"q_pre": 40, "f": 262.7557759451716}, "41-142": {"q_pre": 40, "f": 258.4542941454566}, "20-142": {"q_pre": 40, "f": 254.07628888060546}, "20-143": {"q_pre": 40, "f": 249.664269187279}, "48-143": {"q_pre": 40, "f": 245.2198379031554}, "48-104": {"q_pre": 40, "f": 240.81214409823906}, "8-104": {"q_pre": 40, "f": 236.4246595240132}, "8-102": {"q_pre": 40, "f": 232.14137535620625}, "46-102": {"q_pre": 40, "f": 227.94367991340948}, "46-112": {"q_pre": 40, "f": 223.90538367893117}, "11-112": {"q_pre": 40, "f": 220.03166358180064}, "11-111": {"q_pre": 40, "f": 216.36917682485836}, "28-111": {"q_pre": 40, "f": 212.9567192951351}, "28-84": {"q_pre": 40, "f": 209.82249438692202}, "1-84": {"q_pre": 40, "f": 207.01746045458378}, "1-83": {"q_pre": 40, "f": 207.0174604545839}, "27-83": {"q_pre": 40, "f": 209.8224943869214}, "27-114": {"q_pre": 40, "f": 212.95671929513557}, "12-114": {"q_pre": 40, "f": 216.36917682485876}, "12-115": {"q_pre": 40, "f": 220.03166358180113}, "37-115": {"q_pre": 40, "f": 223.90538367893154}, "37-93": {"q_pre": 40, "f": 227.94367991340962}, "4-93": {"q_pre": 40, "f": 232.1413753562065}, "4-94": {"q_pre": 40, "f": 236.4246595240134}, "38-94": {"q_pre": 40, "f": 240.81214409823932}, "38-136": {"q_pre": 40, "f": 245.21983790315608}, "18-136": {"q_pre": 40, "f": 249.6642691872793}, "18-137": {"q_pre": 40, "f": 254.07628888060532}, "40-137": {"q_pre": 40, "f": 258.454294145456}, "40-96": {"q_pre": 40, "f": 262.7557759451708}, "5-96": {"q_pre": 40, "f": 266.9608087708115}, "5-95": {"q_pre": 40, "f": 266.9608087708125}, "39-95": {"q_pre": 40, "f": 262.75577594517125}, "39-122": {"q_pre": 40, "f": 258.45429414545623}, "14-122": {"q_pre": 40, "f": 254.0762888806051}, "14-121": {"q_pre": 40, "f": 249.66426918727907}, "31-121": {"q_pre": 40, "f": 245.21983790315556}, "31-87": {"q_pre": 40, "f": 240.81214409823906}, "2-87": {"q_pre": 40, "f": 236.4246595240132}, "2-85": {"q_pre": 40, "f": 232.14137535620634}, "29-85": {"q_pre": 40, "f": 227.94367991340948}, "29-109": {"q_pre": 40, "f": 223.905383678931}, "10-109": {"q_pre": 40, "f": 220.03166358180013}, "10-108": {"q_pre": 40, "f": 216.3691768248583}, "26-108": {"q_pre": 40, "f": 212.95671929513506}, "26-82": {"q_pre": 40, "f": 209.82249438692267}, "0-82": {"q_pre": 40, "f": 207.0174604545843}, "0-226": {"f": 0.0}, "1-242": {"f": 0.0}, "2-86": {"f": 0.0}, "2-230": {"f": 0.0}, "2-262": {"f": 0.0}, "3-88": {"f": 0.0}, "3-89": {"f": 0.0}, "3-90": {"f": 0.0}, "3-91": {"f": 0.0}, "3-234": {"f": 0.0}, "3-250": {"f": 0.0}, "3-258": {"f": 0.0}, "3-274": {"f": 0.0}, "4-92": {"f": 0.0}, "4-254": {"f": 0.0}, "4-270": {"f": 0.0}, "5-266": {"f": 0.0}, "6-282": {"f": 0.0}, "7-99": {"f": 0.0}, "7-238": {"f": 0.0}, "7-286": {"f": 0.0}, "8-103": {"f": 0.0}, "8-246": {"f": 0.0}, "8-278": {"f": 0.0}, "9-107": {"f": 0.0}, "9-225": {"f": 0.0}, "9-239": {"f": 0.0}, "10-110": {"f": 0.0}, "10-227": {"f": 0.0}, "10-229": {"f": 0.0}, "11-113": {"f": 0.0}, "11-243": {"f": 0.0}, "11-245": {"f": 0.0}, "12-116": {"f": 0.0}, "12-241": {"f": 0.0}, "12-255": {"f": 0.0}, "13-117": {"f": 0.0}, "13-119": {"f": 0.0}, "13-118": {"f": 0.0}, "13-120": {"f": 0.0}, "13-231": {"f": 0.0}, "13-233": {"f": 0.0}, "13-259": {"f": 0.0}, "13-261": {"f": 0.0}, "14-123": {"f": 0.0}, "14-263": {"f": 0.0}, "14-265": {"f": 0.0}, "15-124": {"f": 0.0}, "15-126": {"f": 0.0}, "15-125": {"f": 0.0}, "15-127": {"f": 0.0}, "15-235": {"f": 0.0}, "15-237": {"f": 0.0}, "15-273": {"f": 0.0}, "15-287": {"f": 0.0}, "16-129": {"f": 0.0}, "16-130": {"f": 0.0}, "16-128": {"f": 0.0}, "16-131": {"f": 0.0}, "16-247": {"f": 0.0}, "16-249": {"f": 0.0}, "16-275": {"f": 0.0}, "16-277": {"f": 0.0}, "17-132": {"f": 0.0}, "17-134": {"f": 0.0}, "17-133": {"f": 0.0}, "17-135": {"f": 0.0}, "17-251": {"f": 0.0}, "17-253": {"f": 0.0}, "17-257": {"f": 0.0}, "17-271": {"f": 0.0}, "18-138": {"f": 0.0}, "18-267": {"f": 0.0}, "18-269": {"f": 0.0}, "19-141": {"f": 0.0}, "19-283": {"f": 0.0}, "19-285": {"f": 0.0}, "20-144": {"f": 0.0}, "20-279": {"f": 0.0}, "20-281": {"f": 0.0}, "21-146": {"f": 0.0}, "21-145": {"f": 0.0}, "21-147": {"f": 0.0}, "21-148": {"f": 0.0}, "21-228": {"f": 0.0}, "21-232": {"f": 0.0}, "21-236": {"f": 0.0}, "21-240": {"f": 0.0}, "22-149": {"f": 0.0}, "22-150": {"f": 0.0}, "22-151": {"f": 0.0}, "22-152": {"f": 0.0}, "22-244": {"f": 0.0}, "22-248": {"f": 0.0}, "22-252": {"f": 0.0}, "22-256": {"f": 0.0}, "23-153": {"f": 0.0}, "23-155": {"f": 0.0}, "23-154": {"f": 0.0}, "23-156": {"f": 0.0}, "23-260": {"f": 0.0}, "23-264": {"f": 0.0}, "23-268": {"f": 0.0}, "23-272": {"f": 0.0}, "24-158": {"f": 0.0}, "24-157": {"f": 0.0}, "24-160": {"f": 0.0}, "24-159": {"f": 0.0}, "24-276": {"f": 0.0}, "24-280": {"f": 0.0}, "24-284": {"f": 0.0}, "24-288": {"f": 0.0}, "25-161": {"f": 0.0}, "25-225": {"f": 0.0}, "25-226": {"f": 0.0}, "26-162": {"f": 0.0}, "26-226": {"f": 0.0}, "26-227": {"f": 0.0}, "27-163": {"f": 0.0}, "27-241": {"f": 0.0}, "27-242": {"f": 0.0}, "28-164": {"f": 0.0}, "28-242": {"f": 0.0}, "28-243": {"f": 0.0}, "29-165": {"f": 0.0}, "29-229": {"f": 0.0}, "29-230": {"f": 0.0}, "30-86": {"f": 0.0}, "30-166": {"f": 0.0}, "30-117": {"f": 0.0}, "30-167": {"f": 0.0}, "30-230": {"f": 0.0}, "30-231": {"f": 0.0}, "30-261": {"f": 0.0}, "30-262": {"f": 0.0}, "31-168": {"f": 0.0}, "31-262": {"f": 0.0}, "31-263": {"f": 0.0}, "32-118": {"f": 0.0}, "32-169": {"f": 0.0}, "32-88": {"f": 0.0}, "32-170": {"f": 0.0}, "32-233": {"f": 0.0}, "32-234": {"f": 0.0}, "32-258": {"f": 0.0}, "32-259": {"f": 0.0}, "33-89": {"f": 0.0}, "33-171": {"f": 0.0}, "33-124": {"f": 0.0}, "33-172": {"f": 0.0}, "33-234": {"f": 0.0}, "33-235": {"f": 0.0}, "33-273": {"f": 0.0}, "33-274": {"f": 0.0}, "34-128": {"f": 0.0}, "34-173": {"f": 0.0}, "34-90": {"f": 0.0}, "34-174": {"f": 0.0}, "34-249": {"f": 0.0}, "34-250": {"f": 0.0}, "34-274": {"f": 0.0}, "34-275": {"f": 0.0}, "35-91": {"f": 0.0}, "35-175": {"f": 0.0}, "35-132": {"f": 0.0}, "35-176": {"f": 0.0}, "35-250": {"f": 0.0}, "35-251": {"f": 0.0}, "35-257": {"f": 0.0}, "35-258": {"f": 0.0}, "36-133": {"f": 0.0}, "36-177": {"f": 0.0}, "36-92": {"f": 0.0}, "36-178": {"f": 0.0}, "36-253": {"f": 0.0}, "36-254": {"f": 0.0}, "36-270": {"f": 0.0}, "36-271": {"f": 0.0}, "37-179": {"f": 0.0}, "37-254": {"f": 0.0}, "37-255": {"f": 0.0}, "38-180": {"f": 0.0}, "38-269": {"f": 0.0}, "38-270": {"f": 0.0}, "39-181": {"f": 0.0}, "39-265": {"f": 0.0}, "39-266": {"f": 0.0}, "40-182": {"f": 0.0}, "40-266": {"f": 0.0}, "40-267": {"f": 0.0}, "41-183": {"f": 0.0}, "41-281": {"f": 0.0}, "41-282": {"f": 0.0}, "42-184": {"f": 0.0}, "42-282": {"f": 0.0}, "42-283": {"f": 0.0}, "43-125": {"f": 0.0}, "43-185": {"f": 0.0}, "43-99": {"f": 0.0}, "43-186": {"f": 0.0}, "43-237": {"f": 0.0}, "43-238": {"f": 0.0}, "43-286": {"f": 0.0}, "43-287": {"f": 0.0}, "44-187": {"f": 0.0}, "44-238": {"f": 0.0}, "44-239": {"f": 0.0}, "45-188": {"f": 0.0}, "45-285": {"f": 0.0}, "45-286": {"f": 0.0}, "46-189": {"f": 0.0}, "46-245": {"f": 0.0}, "46-246": {"f": 0.0}, "47-103": {"f": 0.0}, "47-190": {"f": 0.0}, "47-129": {"f": 0.0}, "47-191": {"f": 0.0}, "47-246": {"f": 0.0}, "47-247": {"f": 0.0}, "47-277": {"f": 0.0}, "47-278": {"f": 0.0}, "48-192": {"f": 0.0}, "48-278": {"f": 0.0}, "48-279": {"f": 0.0}, "49-193": {"f": 0.0}, "49-107": {"f": 0.0}, "49-145": {"f": 0.0}, "49-194": {"f": 0.0}, "49-225": {"f": 0.0}, "49-228": {"f": 0.0}, "49-239": {"f": 0.0}, "49-240": {"f": 0.0}, "50-110": {"f": 0.0}, "50-195": {"f": 0.0}, "50-146": {"f": 0.0}, "50-196": {"f": 0.0}, "50-227": {"f": 0.0}, "50-228": {"f": 0.0}, "50-229": {"f": 0.0}, "50-232": {"f": 0.0}, "51-113": {"f": 0.0}, "51-197": {"f": 0.0}, "51-149": {"f": 0.0}, "51-198": {"f": 0.0}, "51-243": {"f": 0.0}, "51-244": {"f": 0.0}, "51-245": {"f": 0.0}, "51-248": {"f": 0.0}, "52-199": {"f": 0.0}, "52-116": {"f": 0.0}, "52-150": {"f": 0.0}, "52-200": {"f": 0.0}, "52-241": {"f": 0.0}, "52-244": {"f": 0.0}, "52-255": {"f": 0.0}, "52-256": {"f": 0.0}, "53-119": {"f": 0.0}, "53-201": {"f": 0.0}, "53-147": {"f": 0.0}, "53-202": {"f": 0.0}, "53-231": {"f": 0.0}, "53-232": {"f": 0.0}, "53-233": {"f": 0.0}, "53-236": {"f": 0.0}, "54-120": {"f": 0.0}, "54-203": {"f": 0.0}, "54-153": {"f": 0.0}, "54-204": {"f": 0.0}, "54-259": {"f": 0.0}, "54-260": {"f": 0.0}, "54-261": {"f": 0.0}, "54-264": {"f": 0.0}, "55-123": {"f": 0.0}, "55-205": {"f": 0.0}, "55-154": {"f": 0.0}, "55-206": {"f": 0.0}, "55-263": {"f": 0.0}, "55-264": {"f": 0.0}, "55-265": {"f": 0.0}, "55-268": {"f": 0.0}, "56-126": {"f": 0.0}, "56-207": {"f": 0.0}, "56-148": {"f": 0.0}, "56-208": {"f": 0.0}, "56-235": {"f": 0.0}, "56-236": {"f": 0.0}, "56-237": {"f": 0.0}, "56-240": {"f": 0.0}, "57-209": {"f": 0.0}, "57-127": {"f": 0.0}, "57-157": {"f": 0.0}, "57-210": {"f": 0.0}, "57-273": {"f": 0.0}, "57-276": {"f": 0.0}, "57-287": {"f": 0.0}, "57-288": {"f": 0.0}, "58-130": {"f": 0.0}, "58-211": {"f": 0.0}, "58-151": {"f": 0.0}, "58-212": {"f": 0.0}, "58-247": {"f": 0.0}, "58-248": {"f": 0.0}, "58-249": {"f": 0.0}, "58-252": {"f": 0.0}, "59-131": {"f": 0.0}, "59-213": {"f": 0.0}, "59-158": {"f": 0.0}, "59-214": {"f": 0.0}, "59-275": {"f": 0.0}, "59-276": {"f": 0.0}, "59-277": {"f": 0.0}, "59-280": {"f": 0.0}, "60-134": {"f": 0.0}, "60-215": {"f": 0.0}, "60-152": {"f": 0.0}, "60-216": {"f": 0.0}, "60-251": {"f": 0.0}, "60-252": {"f": 0.0}, "60-253": {"f": 0.0}, "60-256": {"f": 0.0}, "61-217": {"f": 0.0}, "61-135": {"f": 0.0}, "61-155": {"f": 0.0}, "61-218": {"f": 0.0}, "61-257": {"f": 0.0}, "61-260": {"f": 0.0}, "61-271": {"f": 0.0}, "61-272": {"f": 0.0}, "62-138": {"f": 0.0}, "62-219": {"f": 0.0}, "62-156": {"f": 0.0}, "62-220": {"f": 0.0}, "62-267": {"f": 0.0}, "62-268": {"f": 0.0}, "62-269": {"f": 0.0}, "62-272": {"f": 0.0}, "63-141": {"f": 0.0}, "63-221": {"f": 0.0}, "63-159": {"f": 0.0}, "63-222": {"f": 0.0}, "63-283": {"f": 0.0}, "63-284": {"f": 0.0}, "63-285": {"f": 0.0}, "63-288": {"f": 0.0}, "64-144": {"f": 0.0}, "64-223": {"f": 0.0}, "64-160": {"f": 0.0}, "64-224": {"f": 0.0}, "64-279": {"f": 0.0}, "64-280": {"f": 0.0}, "64-281": {"f": 0.0}, "64-284": {"f": 0.0}, "65-161": {"f": 0.0}, "65-193": {"f": 0.0}, "65-162": {"f": 0.0}, "65-195": {"f": 0.0}, "65-225": {"f": 0.0}, "65-226": {"f": 0.0}, "65-227": {"f": 0.0}, "65-228": {"f": 0.0}, "66-165": {"f": 0.0}, "66-196": {"f": 0.0}, "66-166": {"f": 0.0}, "66-201": {"f": 0.0}, "66-229": {"f": 0.0}, "66-230": {"f": 0.0}, "66-231": {"f": 0.0}, "66-232": {"f": 0.0}, "67-169": {"f": 0.0}, "67-202": {"f": 0.0}, "67-171": {"f": 0.0}, "67-207": {"f": 0.0}, "67-233": {"f": 0.0}, "67-234": {"f": 0.0}, "67-235": {"f": 0.0}, "67-236": {"f": 0.0}, "68-185": {"f": 0.0}, "68-208": {"f": 0.0}, "68-187": {"f": 0.0}, "68-194": {"f": 0.0}, "68-237": {"f": 0.0}, "68-238": {"f": 0.0}, "68-239": {"f": 0.0}, "68-240": {"f": 0.0}, "69-163": {"f": 0.0}, "69-199": {"f": 0.0}, "69-164": {"f": 0.0}, "69-197": {"f": 0.0}, "69-241": {"f": 0.0}, "69-242": {"f": 0.0}, "69-243": {"f": 0.0}, "69-244": {"f": 0.0}, "70-189": {"f": 0.0}, "70-198": {"f": 0.0}, "70-190": {"f": 0.0}, "70-211": {"f": 0.0}, "70-245": {"f": 0.0}, "70-246": {"f": 0.0}, "70-247": {"f": 0.0}, "70-248": {"f": 0.0}, "71-173": {"f": 0.0}, "71-212": {"f": 0.0}, "71-175": {"f": 0.0}, "71-215": {"f": 0.0}, "71-249": {"f": 0.0}, "71-250": {"f": 0.0}, "71-251": {"f": 0.0}, "71-252": {"f": 0.0}, "72-177": {"f": 0.0}, "72-216": {"f": 0.0}, "72-179": {"f": 0.0}, "72-200": {"f": 0.0}, "72-253": {"f": 0.0}, "72-254": {"f": 0.0}, "72-255": {"f": 0.0}, "72-256": {"f": 0.0}, "73-176": {"f": 0.0}, "73-217": {"f": 0.0}, "73-170": {"f": 0.0}, "73-203": {"f": 0.0}, "73-257": {"f": 0.0}, "73-258": {"f": 0.0}, "73-259": {"f": 0.0}, "73-260": {"f": 0.0}, "74-167": {"f": 0.0}, "74-204": {"f": 0.0}, "74-168": {"f": 0.0}, "74-205": {"f": 0.0}, "74-261": {"f": 0.0}, "74-262": {"f": 0.0}, "74-263": {"f": 0.0}, "74-264": {"f": 0.0}, "75-181": {"f": 0.0}, "75-206": {"f": 0.0}, "75-182": {"f": 0.0}, "75-219": {"f": 0.0}, "75-265": {"f": 0.0}, "75-266": {"f": 0.0}, "75-267": {"f": 0.0}, "75-268": {"f": 0.0}, "76-180": {"f": 0.0}, "76-220": {"f": 0.0}, "76-178": {"f": 0.0}, "76-218": {"f": 0.0}, "76-269": {"f": 0.0}, "76-270": {"f": 0.0}, "76-271": {"f": 0.0}, "76-272": {"f": 0.0}}, "max_vertex": 288, "max_face": 852}} \ No newline at end of file diff --git a/src/nfd_solver/data/out_hypar_mesh_07.json b/src/nfd_solver/data/out_hypar_mesh_07.json new file mode 100644 index 00000000..d7e26b62 --- /dev/null +++ b/src/nfd_solver/data/out_hypar_mesh_07.json @@ -0,0 +1 @@ +{"compas": "1.7.1", "datatype": "compas.datastructures/Mesh", "data": {"attributes": {"name": "Mesh"}, "dva": {"x": 0.0, "y": 0.0, "z": 0.0, "rx": 0.0, "ry": 0.0, "rz": 0.0, "px": 0.0, "py": 0.0, "pz": 0.0, "is_anchor": false}, "dea": {"q_pre": 0.0}, "dfa": {"s_pre": [1.0, 2.5, 0.0]}, "vertex": {"0": {"z": 20.0, "y": -46.98355913741212, "x": -44.487094537112114, "is_anchor": true, "r": [344.1653120466599, 304.2642935286212, -107.48297149556872]}, "1": {"z": 20.0, "y": 43.016440862587885, "x": 45.512905462887865, "is_anchor": true, "r": [-344.16531204666046, -304.2642935286217, -107.48297149556893]}, "2": {"z": 9.974313686374925, "y": -40.878521532078274, "x": 3.361004708817919, "r": [0.09102108120715613, 0.03607030708212022, -0.011525358417022957]}, "3": {"z": 12.224665250964847, "y": -1.9835591374121415, "x": 0.5129054628878801, "r": [-3.9968028886505635e-15, -2.220446049250313e-15, -0.0037353048224222363]}, "4": {"z": 10.276736980336835, "y": -4.8486469579146245, "x": 35.34922894231549, "r": [-0.005354065352385362, -0.017376999347007427, -0.0026268793988357686]}, "5": {"z": 0.0, "y": -46.98355913741212, "x": 45.512905462887865, "is_anchor": true, "r": [-288.607724544716, 248.67994352612277, 107.48487762687996]}, "6": {"z": 0.0, "y": 43.016440862587885, "x": -44.487094537112114, "is_anchor": true, "r": [288.607724544715, -248.67994352612243, 107.48487762688006]}, "7": {"z": 10.276736980336807, "y": 0.8815286830903811, "x": -34.32341801653967, "r": [0.005354065352879189, 0.01737699934703585, -0.002626879399047155]}, "8": {"z": 9.974313686374925, "y": 36.91140325725403, "x": -2.335193783042133, "r": [-0.09102108120697494, -0.036070307082987085, -0.01152535841745106]}, "9": {"z": 14.948134750359477, "y": -22.680714110190937, "x": -36.89464735127992, "r": [0.1307445154263558, -0.005989494414785135, -0.006655839389955176]}, "10": {"z": 14.880152507056147, "y": -42.43050589618759, "x": -20.201635757498057, "r": [0.10029244220382427, 0.0220762292382517, -0.015582746877086606]}, "11": {"z": 14.880152507056142, "y": 38.46338762136337, "x": 21.227446683273843, "r": [-0.10029244220389533, -0.022076229239441858, -0.015582746877060849]}, "12": {"z": 14.948134750359497, "y": 18.71359583536669, "x": 37.9204582770557, "r": [-0.13074451542492938, 0.005989494415492125, -0.006655839389490659]}, "13": {"z": 11.865504380315674, "y": -22.379531453800503, "x": 0.177970390719836, "r": [-0.04424240810062319, -0.0005168638259327452, 0.005094601911183716]}, "14": {"z": 5.04058594561314, "y": -42.408970179821694, "x": 25.476645500340158, "r": [0.06044788805882462, 0.03386166025165949, -0.0054965531587019]}, "15": {"z": 11.762809835763552, "y": -0.693462390273802, "x": -17.19946234688216, "r": [-0.0038093958626035374, -0.0007459823537310228, -0.0027590987517012167]}, "16": {"z": 11.865504380315667, "y": 18.41241317897621, "x": 0.847840535055944, "r": [0.04424240810062363, 0.0005168638259256397, 0.005094601911190821]}, "17": {"z": 11.762809835763564, "y": -3.2736558845504837, "x": 18.225273272657972, "r": [0.0038093958625786684, 0.0007459823537292465, -0.002759098751688782]}, "18": {"z": 5.4033433217933, "y": -26.960957344397077, "x": 37.91806611322491, "r": [-0.012090643081720032, -0.04502068219733246, -0.005615159960392191]}, "19": {"z": 5.403343321793281, "y": 22.99383906957285, "x": -36.89225518744915, "r": [0.012090643081542396, 0.04502068219766642, -0.00561515996047568]}, "20": {"z": 5.040585945613142, "y": 38.44185190499745, "x": -24.4508345745644, "r": [-0.06044788805875356, -0.033861660252455295, -0.005496553158646833]}, "21": {"z": 13.79851688135502, "y": -22.613943712234473, "x": -19.469931441548955, "r": [-0.06528653253449868, -0.0016903640583558754, 0.00326646611693171]}, "22": {"z": 13.798516881355019, "y": 18.646825437410193, "x": 20.495742367324702, "r": [0.06528653253446137, 0.0016903640583372237, 0.0032664661169548026]}, "23": {"z": 9.126630463374205, "y": -23.903442730624352, "x": 19.597575063506213, "r": [-0.02651522476077517, 0.001263356984864572, 0.005965796364812093]}, "24": {"z": 9.126630463374191, "y": 19.93632445580013, "x": -18.57176413773045, "r": [0.026515224760743195, -0.0012633569848503612, 0.0059657963648316326]}, "25": {"x": -40.07924128621773, "y": -34.78376902905306, "z": 17.38930026869398, "r": [0.12084754507167839, -0.012592037211795137, -0.014045125670732572]}, "26": {"x": -32.29995903739917, "y": -44.34263692302747, "z": 17.39646036297333, "r": [0.05679098103687563, 0.0084840188164792, -0.008865208780172829]}, "27": {"x": 41.10505221199347, "y": 30.816650754228796, "z": 17.389300268693983, "r": [-0.12084754507229922, 0.012592037212005192, -0.014045125671137138]}, "28": {"x": 33.32576996317494, "y": 40.37551864820325, "z": 17.39646036297333, "r": [-0.05679098103773672, -0.008484018816896644, -0.00886520878026209]}, "29": {"x": -8.28351139075227, "y": -41.27088766343401, "z": 12.417758088608348, "r": [0.10410529601821894, 0.03280125065876405, -0.015080841072414586]}, "30": {"x": 1.1130800804260819, "y": -32.114068567757826, "z": 11.212725090445026, "r": [-0.05718329676867562, -0.0038521274844711684, 0.013616028482616116]}, "31": {"x": 14.64211727101087, "y": -41.25869538178488, "z": 7.520976528301266, "r": [0.07355248206581422, 0.03453203702193974, -0.007906588507728074]}, "32": {"x": 0.11656333648164396, "y": -12.116125536555556, "z": 12.152804055515443, "r": [-0.023305395877084134, -4.1754635979884824e-05, -0.0015243562499751562]}, "33": {"x": -8.22214632010737, "y": -1.3214196348124458, "z": 12.112806565113296, "r": [-0.0025366780588416127, -0.0004882277534243862, -0.00357932515319348]}, "34": {"x": 0.9092475892941314, "y": 8.149007261731269, "z": 12.15280405551544, "r": [0.0233053958770868, 4.175463595856854e-05, -0.00152435624995384]}, "35": {"x": 9.24795724588314, "y": -2.6456986400118483, "z": 12.112806565113296, "r": [0.0025366780588411686, 0.00048822775341328395, -0.0035793251531508474]}, "36": {"x": 27.001201534149793, "y": -3.977821710225707, "z": 11.160599133301435, "r": [0.003571005095157176, 0.001123993228736353, -0.0010657990622302549]}, "37": {"x": 35.99382995559481, "y": 6.7951208762734066, "z": 12.603415100588505, "r": [-0.06947843907013507, -0.002893562838832686, 0.0006608105876981796]}, "38": {"x": 35.99386829563082, "y": -16.128788646941146, "z": 7.895272408369461, "r": [0.01673659921250703, -0.03186667037260804, -0.007948381745352506]}, "39": {"x": 35.78928170104788, "y": -44.321362295044885, "z": 2.5303475193532083, "r": [0.06314276727466961, 0.038114428959616475, -0.005630328485906944]}, "40": {"x": 41.10001573464306, "y": -37.26840498875746, "z": 2.7718499294007914, "r": [-0.05639804395104875, -0.06246405846996339, -5.264675361082993e-05]}, "41": {"x": -34.763470775272125, "y": 40.35424402022064, "z": 2.5303475193532092, "r": [-0.0631427672747833, -0.03811442895948858, -0.0056303284858216784]}, "42": {"x": -40.0742048088673, "y": 33.30128671393322, "z": 2.771849929400781, "r": [0.05639804395144665, 0.062464058468947314, -5.264675374583305e-05]}, "43": {"x": -25.975390608374006, "y": 0.010703435401446804, "z": 11.16059913330141, "r": [-0.003571005095132307, -0.0011239932287248067, -0.0010657990622817692]}, "44": {"x": -34.968019029819025, "y": -10.762239151097651, "z": 12.603415100588482, "r": [0.06947843907007822, 0.002893562838867325, 0.000660810587680416]}, "45": {"x": -34.96805736985501, "y": 12.161670372116918, "z": 7.895272408369432, "r": [-0.01673659921225834, 0.03186667037264357, -0.007948381745498168]}, "46": {"x": 9.309322316528059, "y": 37.303769388609766, "z": 12.417758088608338, "r": [-0.10410529601850982, -0.032801250658707204, -0.0150808410724661]}, "47": {"x": -0.08726915465030195, "y": 28.146950292933692, "z": 11.212725090445023, "r": [0.05718329676866318, 0.0038521274845066955, 0.013616028482621445]}, "48": {"x": -13.61630634523509, "y": 37.291577106960645, "z": 7.520976528301267, "r": [-0.07355248206581777, -0.03453203702127183, -0.007906588507621493]}, "49": {"x": -28.619600450227917, "y": -22.7621653460511, "z": 14.488312870794934, "r": [-0.0751801469158, -0.0027965819900908073, 0.0023100403614861875]}, "50": {"x": -20.436449917963774, "y": -33.057079438658434, "z": 14.571159223694664, "r": [-0.09454098130596122, -0.0025297944109272663, 0.016859523556314038]}, "51": {"x": 21.46226084373957, "y": 29.08996116383421, "z": 14.571159223694663, "r": [0.0945409813059852, 0.002529794410991215, 0.01685952355636733]}, "52": {"x": 29.645411376003636, "y": 18.795047071226797, "z": 14.488312870794926, "r": [0.07518014691578223, 0.00279658199007482, 0.002310040361463095]}, "53": {"x": -9.775537681835445, "y": -22.43477863824774, "z": 12.920153468494412, "r": [-0.05482011053614144, -0.000938659137148079, 0.0043218199407251134]}, "54": {"x": 9.918916700260151, "y": -22.96675849683233, "z": 10.621405883292836, "r": [-0.034713036598919444, 5.714722282590401e-05, 0.005669095766696941]}, "55": {"x": 21.916137938767616, "y": -33.54557074344945, "z": 7.2932848184457075, "r": [-0.0227488140294696, -0.0009145363394509332, 0.006489548561379621]}, "56": {"x": -18.217379532210824, "y": -11.7234535503425, "z": 12.829908791933558, "r": [-0.0333050455201267, -0.0005411211738426402, -0.003068580773688545]}, "57": {"x": -17.447211548969975, "y": 9.732707147352524, "z": 10.578301258861128, "r": [0.017149344267995303, -0.0013973251438628154, 0.0015508810158788577]}, "58": {"x": 10.801348607611216, "y": 18.467660363423462, "z": 12.920153468494407, "r": [0.05482011053611924, 0.0009386591371312036, 0.004321819940703797]}, "59": {"x": -8.893105774484365, "y": 18.99964022200806, "z": 10.621405883292836, "r": [0.03471303659891056, -5.7147222822351296e-05, 0.005669095766711152]}, "60": {"x": 19.243190457986564, "y": 7.756335275518189, "z": 12.829908791933565, "r": [0.03330504552014979, 0.0005411211738577393, -0.003068580773673446]}, "61": {"x": 18.473022474745783, "y": -13.699825422176787, "z": 10.578301258861135, "r": [-0.017149344267998856, 0.001397325143841499, 0.0015508810158877395]}, "62": {"x": 28.991007371413726, "y": -25.234895674273705, "z": 7.379025546616587, "r": [-0.018782512992707723, 0.0031389170499522834, 0.005684667089454365]}, "63": {"x": -27.96519644563797, "y": 21.267777399449507, "z": 7.3790255466165595, "r": [0.018782512992647327, -0.00313891704993452, 0.005684667089431272]}, "64": {"x": -20.890327012991875, "y": 29.578452468625294, "z": 7.293284818445681, "r": [0.022748814029412756, 0.0009145363395859363, 0.006489548561413372]}, "65": {"x": -30.773855012560254, "y": -33.98995981644711, "z": 16.07498231771176, "r": [-0.1081651719732033, -0.004708868634490493, 0.015294018451511349]}, "66": {"x": -9.69195683586394, "y": -32.375926778363336, "z": 12.949612419923318, "r": [-0.07716594348567529, -0.0034742604669855126, 0.01642067602931263]}, "67": {"x": -9.158447549983137, "y": -11.971637621912418, "z": 12.592703293237554, "r": [-0.028548610805501973, -0.00040126122598138636, -0.002474316955353828]}, "68": {"x": -26.884648049564877, "y": -11.349557961428372, "z": 12.845339015520809, "r": [-0.03643151888483942, -0.0002844880941452743, -0.0031312718730234224]}, "69": {"x": 31.799665938336002, "y": 30.022841541622853, "z": 16.07498231771176, "r": [0.10816517197320419, 0.004708868634479835, 0.015294018451520675]}, "70": {"x": 10.717767761639703, "y": 28.4088085035391, "z": 12.949612419923309, "r": [0.07716594348568329, 0.0034742604669713018, 0.01642067602929309]}, "71": {"x": 10.184258475758874, "y": 8.004519347088108, "z": 12.592703293237559, "r": [0.02854861080550819, 0.00040126122599470904, -0.002474316955358269]}, "72": {"x": 27.91045897534065, "y": 7.382439686604096, "z": 12.84533901552082, "r": [0.036431518884793235, 0.0002844880941461625, -0.0031312718730198696]}, "73": {"x": 9.285695608358141, "y": -12.846179523161425, "z": 11.496300076550787, "r": [-0.01970833551275497, 0.0005730928604421592, -0.00018746801143620928]}, "74": {"x": 11.617097076011039, "y": -32.54300679863095, "z": 9.345935250785054, "r": [-0.03841558947463142, -0.0028941645954105866, 0.009988262462663045]}, "75": {"x": 31.800108298347503, "y": -35.12967399375011, "z": 5.079700980757732, "r": [-0.010534662008616635, 0.0008088570709929854, 0.003407871799565143]}, "76": {"x": 27.437499694663135, "y": -14.778298697829447, "z": 9.383545966232944, "r": [-0.015426998551472337, 0.0029603101366291185, 0.0036311737973626634]}, "77": {"x": -8.259884682582339, "y": 8.879061248337136, "z": 11.496300076550787, "r": [0.019708335512744313, -0.0005730928604226193, -0.000187468011439762]}, "78": {"x": -10.591286150235284, "y": 28.5758885238068, "z": 9.345935250785043, "r": [0.038415589474602996, 0.00289416459542835, 0.009988262462677255]}, "79": {"x": -30.77429737257171, "y": 31.16255571892586, "z": 5.079700980757725, "r": [0.010534662008630846, -0.000808857070936142, 0.003407871799570472]}, "80": {"x": -26.41168876888731, "y": 10.811180423005203, "z": 9.383545966232937, "r": [0.015426998551429705, -0.0029603101365900386, 0.0036311737973537817]}, "81": {"x": -42.13229039778268, "y": -40.87681856895796, "z": 18.669568262411175, "r": [0.09670906946294622, -0.017059171242635784, -0.012716913410031339]}, "82": {"x": -38.387534678383005, "y": -45.573745952498584, "z": 18.68571391883254, "r": [0.030767785213697607, 0.0034058843032482855, -0.006159619527309701]}, "83": {"x": 43.15810132355841, "y": 36.9097002941337, "z": 18.669568262411175, "r": [-0.09670906946334412, 0.01705917124220946, -0.01271691341047898]}, "84": {"x": 39.41334560415878, "y": 41.60662767767435, "z": 18.68571391883254, "r": [-0.030767785213669185, -0.0034058843032624964, -0.006159619527139171]}, "85": {"x": -2.421478032898846, "y": -40.978238568011854, "z": 11.194660999059709, "r": [0.114349341933905, 0.032760126757850117, -0.021876220904530896]}, "86": {"x": 2.1023211344916675, "y": -36.639905473953135, "z": 10.64017455028516, "r": [-0.006927671053725604, -0.013152046444346865, 8.559851072220681e-05]}, "87": {"x": 9.052102326045043, "y": -40.97195707006441, "z": 8.749271664449953, "r": [0.10130009883066116, 0.03605570920765899, -0.016970342819409012]}, "88": {"x": 0.30192769243070355, "y": -6.967739915406112, "z": 12.184581046781384, "r": [6.239741836111534e-05, 0.0002350364302969865, 2.2322537589047897e-05]}, "89": {"x": -3.7827717881719143, "y": -1.6201703998286978, "z": 12.172819068251293, "r": [6.289475228626884e-06, 3.5960058738737644e-05, 2.766086140582047e-05]}, "90": {"x": 0.7238832333450607, "y": 3.000621640581824, "z": 12.184581046781393, "r": [-6.239741835933899e-05, -0.0002350364302934338, 2.232253758194247e-05]}, "91": {"x": 4.808582713947668, "y": -2.346947874995594, "z": 12.172819068251288, "r": [-6.289475232179598e-06, -3.5960058731632216e-05, 2.7660861389833258e-05]}, "92": {"x": 31.245136240102877, "y": -4.395310724592422, "z": 10.726928043114967, "r": [-3.830708295282648e-05, -0.00018058065037251936, -5.325922535881489e-05]}, "93": {"x": 35.51043728864598, "y": 0.9334148963043745, "z": 11.44198239549527, "r": [-0.04884260496825732, -0.008696769349503697, 0.001260229576537597]}, "94": {"x": 35.51060682618517, "y": -10.539449068481561, "z": 9.096109951468154, "r": [0.009458114870852796, -0.022942020779872507, -0.005878366205717356]}, "95": {"x": 40.72857563612913, "y": -45.559667858977974, "z": 1.2667561693556664, "r": [0.08348149148004325, 0.0413371362575532, -0.009479976713415716]}, "96": {"x": 43.15430940028586, "y": -42.20390906378799, "z": 1.4026778091284724, "r": [-0.0637535014557784, -0.07487083160233965, -0.0010411408144399559]}, "97": {"x": -39.70276471035338, "y": 41.592549584153744, "z": 1.2667561693556668, "r": [-0.08348149147991535, -0.0413371362572974, -0.009479976713382854]}, "98": {"x": -42.12849847451011, "y": 38.23679078896375, "z": 1.402677809128467, "r": [0.06375350145555103, 0.0748708316031923, -0.0010411408145074574]}, "99": {"x": -30.219325314327072, "y": 0.42819244976817106, "z": 10.726928043114938, "r": [3.8307082981248186e-05, 0.00018058065036363757, -5.325922539078931e-05]}, "100": {"x": -34.48462636287018, "y": -4.900533171128618, "z": 11.441982395495245, "r": [0.048842604967020975, 0.00869676934950192, 0.0012602295767933924]}, "101": {"x": -34.48479590040934, "y": 6.57233079365732, "z": 9.096109951468122, "r": [-0.00945811486991488, 0.02294202077948171, -0.005878366205834595]}, "102": {"x": 3.447288958674635, "y": 37.01112029318762, "z": 11.19466099905971, "r": [-0.11434934193366608, -0.03276012675723905, -0.021876220904164967]}, "103": {"x": -1.076510208715882, "y": 32.67278719912896, "z": 10.640174550285156, "r": [0.006927671053741591, 0.013152046444375287, 8.559851073997038e-05]}, "104": {"x": -8.02629140026926, "y": 37.00483879524017, "z": 8.749271664449953, "r": [-0.10130009883059721, -0.0360557092071474, -0.01697034281924914]}, "105": {"x": -38.33165407103012, "y": -28.714794392287274, "z": 16.151633225297815, "r": [0.16724120899921502, -0.0058675586633683, -0.013999479299990014]}, "106": {"x": -35.77223883515925, "y": -16.69288964086435, "z": 13.768182929014593, "r": [0.1266250836006435, -0.0011146076780548242, -0.0013984228917465202]}, "107": {"x": -32.83947880798856, "y": -22.738091590525933, "z": 14.730796091312222, "r": [0.0006545177112435852, 0.003547089805751469, -0.0012288419702120024]}, "108": {"x": -26.233907073698514, "y": -43.29389428449291, "z": 16.128926255586254, "r": [0.09463030725293464, 0.011750951406369836, -0.01948043610639516]}, "109": {"x": -14.21417529493607, "y": -41.75553621580349, "z": 13.643636314081938, "r": [0.11691250398681419, 0.023694645686383353, -0.024083773053270363]}, "110": {"x": -20.456712614213664, "y": -37.904208200969165, "z": 14.776731646064375, "r": [-0.005483977994682476, -0.010527327365849715, 0.001512899237056331]}, "111": {"x": 27.259717999474297, "y": 39.32677600966869, "z": 16.128926255586254, "r": [-0.09463030725321175, -0.011750951406405363, -0.019480436106174892]}, "112": {"x": 15.23998622071186, "y": 37.78841794097925, "z": 13.643636314081931, "r": [-0.11691250398687458, -0.023694645686532567, -0.024083773052943513]}, "113": {"x": 21.482523539989437, "y": 33.93708992614491, "z": 14.77673164606437, "r": [0.0054839779947037925, 0.01052732736584261, 0.0015128992370705419]}, "114": {"x": 39.35746499680588, "y": 24.74767611746302, "z": 16.151633225297825, "r": [-0.16724120899836237, 0.005867558663240402, -0.013999479299798168]}, "115": {"x": 36.79804976093503, "y": 12.725771366040103, "z": 13.76818292901461, "r": [-0.12662508360082825, 0.0011146076782537762, -0.0013984228915475683]}, "116": {"x": 33.86528973376426, "y": 18.77097331570163, "z": 14.730796091312216, "r": [-0.0006545177112649014, -0.0035470898057745615, -0.0012288419702333186]}, "117": {"x": 0.5592218488379515, "y": -27.34230283053411, "z": 11.560182750765843, "r": [-0.001575788709162751, -0.00381086361548455, -0.00010823726164943537]}, "118": {"x": 0.10719869449904978, "y": -17.280066264932472, "z": 12.013859972913513, "r": [-0.00012988975353422916, -0.00039764205912007355, -1.8736283823983513e-05]}, "119": {"x": -4.768796626654864, "y": -22.375967475261593, "z": 12.385697516386983, "r": [-0.0006720061612206507, -0.0017672796978622785, 1.4758989905772069e-06]}, "120": {"x": 5.089614863948504, "y": -22.634995813277442, "z": 11.237157954461981, "r": [-0.0004595516673600031, -0.0013266635779203284, -9.987746171802314e-05]}, "121": {"x": 20.119855070117495, "y": -41.73787040840937, "z": 6.283958673322575, "r": [0.08638121982104252, 0.03569358596780603, -0.01232246623510136]}, "122": {"x": 30.70242764272176, "y": -43.27052770081832, "z": 3.788523284879597, "r": [0.07691336713019581, 0.03623768029976304, -0.009348116966005904]}, "123": {"x": 23.569521680818966, "y": -38.093093460065234, "z": 6.188695461076192, "r": [-0.0020661250558475786, -0.004539519743957499, -0.0004094224554211934]}, "124": {"x": -12.720611549879573, "y": -0.9983305827017736, "z": 11.941397089752584, "r": [2.4591997139111754e-05, 0.0001126654273404526, 8.668633656228053e-06]}, "125": {"x": -21.634871259459416, "y": -0.34618142879154573, "z": 11.465622001456781, "r": [4.478319475964554e-05, 0.0001926260083608966, -3.3800450419008143e-05]}, "126": {"x": -17.647344236271067, "y": -6.204385196360391, "z": 12.28349256831179, "r": [0.00018206822618793694, 0.000833403956193024, -0.00013403747507823027]}, "127": {"x": -17.254158737159212, "y": 4.533737812142869, "z": 11.166317785333383, "r": [-7.779759656045826e-05, -0.00027990793822851856, 6.316096523306669e-05]}, "128": {"x": 0.9186122312767242, "y": 13.31294799010818, "z": 12.013859972913517, "r": [0.00012988975352179466, 0.0003976420590845464, -1.8736283816878085e-05]}, "129": {"x": 0.46658907693782425, "y": 23.37518455570986, "z": 11.560182750765835, "r": [0.0015757887091663036, 0.0038108636154490227, -0.0001082372616565408]}, "130": {"x": 5.794607552430645, "y": 18.408849200437324, "z": 12.385697516386976, "r": [0.000672006161217098, 0.0017672796978267513, 1.4758989710372816e-06]}, "131": {"x": -4.063803938172723, "y": 18.66787753845318, "z": 11.237157954461983, "r": [0.0004595516673511213, 0.0013266635779203284, -9.987746172157586e-05]}, "132": {"x": 13.74642247565536, "y": -2.96878769212252, "z": 11.94139708975259, "r": [-2.459199715332261e-05, -0.0001126654273360117, 8.668633626029987e-06]}, "133": {"x": 22.660682185235213, "y": -3.6209368460327305, "z": 11.4656220014568, "r": [-4.478319475254011e-05, -0.00019262600836356114, -3.3800450458087994e-05]}, "134": {"x": 18.67315516204683, "y": 2.237266921536095, "z": 12.283492568311798, "r": [-0.00018206822618793694, -0.0008334039561939122, -0.00013403747507823027]}, "135": {"x": 18.27996966293503, "y": -8.500856086967143, "z": 11.166317785333389, "r": [7.77975965462474e-05, 0.0002799079382391767, 6.316096525083026e-05]}, "136": {"x": 36.79705585585707, "y": -21.60577406824705, "z": 6.66500323080175, "r": [0.01717999942741244, -0.03706860507506349, -0.010381110686896733]}, "137": {"x": 39.35332214902377, "y": -32.18466701027138, "z": 4.105396819237061, "r": [-0.020604117635045327, -0.05235943916584063, -0.005975781908265532]}, "138": {"x": 33.53404790087782, "y": -26.05689209717809, "z": 6.390790709600179, "r": [0.0007254426779113032, 0.0024621730506027006, 0.0004998827939690642]}, "139": {"x": -38.32751122324801, "y": 28.217548735447153, "z": 4.105396819237046, "r": [0.02060411763410741, 0.05235943916568431, -0.00597578190819803]}, "140": {"x": -35.77124493008129, "y": 17.638655793422828, "z": 6.6650032308017275, "r": [-0.01717999942823667, 0.03706860507538323, -0.01038111068668357]}, "141": {"x": -32.50823697510204, "y": 22.089773822353862, "z": 6.390790709600164, "r": [-0.0007254426779610412, -0.0024621730505920425, 0.0004998827939406425]}, "142": {"x": -29.676616716946008, "y": 39.30340942599408, "z": 3.788523284879598, "r": [-0.07691336713036634, -0.03623768029939356, -0.00934811696591531]}, "143": {"x": -19.094044144341723, "y": 37.77075213358513, "z": 6.283958673322577, "r": [-0.0863812198212699, -0.035693585966896535, -0.012322466235117346]}, "144": {"x": -22.54371075504323, "y": 34.12597518524101, "z": 6.188695461076172, "r": [0.0020661250558475786, 0.0045395197438722334, -0.00040942245541764066]}, "145": {"x": -24.079099061219313, "y": -22.679601384624036, "z": 14.146965261008978, "r": [0.0002692496300120695, 0.0010022851668836097, -0.00020296914233774999]}, "146": {"x": -19.964695928923014, "y": -27.900024763561696, "z": 14.195677376558429, "r": [-0.0006196618100986484, -0.001733320789256254, 0.000230275733699159]}, "147": {"x": -14.617817124461823, "y": -22.50070265695649, "z": 13.356611988716201, "r": [-0.00021025539799879311, -0.0006303362571813409, 5.63777503206353e-05]}, "148": {"x": -18.80220199962143, "y": -17.179924836864085, "z": 13.307437584001601, "r": [0.0002432340898081975, 0.0009226985747048388, -0.00014159551087544742]}, "149": {"x": 20.990506854698815, "y": 23.932906488737476, "z": 14.195677376558429, "r": [0.0006196618100773321, 0.001733320789256254, 0.000230275733699159]}, "150": {"x": 25.10490998699503, "y": 18.712483109799745, "z": 14.146965261008972, "r": [-0.0002692496300120695, -0.0010022851669120314, -0.00020296914235551355]}, "151": {"x": 15.643628050237574, "y": 18.533584382132215, "z": 13.356611988716192, "r": [0.00021025539800234583, 0.0006303362571706828, 5.637775030997716e-05]}, "152": {"x": 19.828012925397157, "y": 13.212806562039777, "z": 13.307437584001608, "r": [-0.0002432340897868812, -0.000922698574690628, -0.00014159551083281485]}, "153": {"x": 14.819372041368261, "y": -23.392340990726467, "z": 9.867297546480835, "r": [-0.0003280332861805846, -0.0009407990426169022, -0.00012238159047406327]}, "154": {"x": 20.630023919958848, "y": -28.81823015844116, "z": 8.226187660067476, "r": [-0.0006713398656330583, -0.001770188966531805, -0.00023365529555974263]}, "155": {"x": 18.92861492138136, "y": -18.859568030046947, "z": 9.856674015176706, "r": [8.926681653065316e-05, 0.00028858443638313247, 5.010566633245617e-05]}, "156": {"x": 24.36806512038021, "y": -24.525283647864068, "z": 8.24796537036213, "r": [4.0814866430594066e-05, 0.00012348799521433307, 2.1586479510560252e-05]}, "157": {"x": -17.90280399560559, "y": 14.892449755222703, "z": 9.856674015176692, "r": [-8.926681653775859e-05, -0.00028858443637602704, 5.0105666321798026e-05]}, "158": {"x": -13.793561115592485, "y": 19.425222715902215, "z": 9.867297546480831, "r": [0.0003280332861841373, 0.0009407990426453239, -0.0001223815904438652]}, "159": {"x": -23.342254194604433, "y": 20.558165373039852, "z": 8.247965370362104, "r": [-4.0814866380856074e-05, -0.00012348799525341292, 2.158647948924397e-05]}, "160": {"x": -19.604212994183086, "y": 24.85111188361695, "z": 8.22618766006746, "r": [0.0006713398656188474, 0.0017701889664749615, -0.0002336552955810589]}, "161": {"x": -35.513828424930985, "y": -34.39544351734758, "z": 16.744661147456917, "r": [4.1882500617873575e-05, 0.00016018941116868746, -4.485831619760461e-05]}, "162": {"x": -31.634250937129096, "y": -39.3126343763047, "z": 16.773397408215686, "r": [-0.0013512888294400227, -0.0029938177521984244, 0.0006386284077812832]}, "163": {"x": 36.53963935070672, "y": 30.428325242523318, "z": 16.744661147456917, "r": [-4.188250055392473e-05, -0.00016018941113316032, -4.485831620826275e-05]}, "164": {"x": 32.66006186290483, "y": 35.34551610148044, "z": 16.77339740821568, "r": [0.0013512888294258119, 0.002993817752155792, 0.0006386284077564142]}, "165": {"x": -9.126371430679692, "y": -36.977429575963406, "z": 12.735611838359109, "r": [-0.007707594690992359, -0.014232700241564089, 0.0010535386566630223]}, "166": {"x": -4.222980995475547, "y": -32.178231422624506, "z": 12.05918635813966, "r": [-0.0032284427741924304, -0.006742882412552831, 0.00014342818324664108]}, "167": {"x": 6.431525671758918, "y": -32.26060335768087, "z": 10.260375230895763, "r": [-0.002728025400084988, -0.00599040749481361, -0.0002599047293330159]}, "168": {"x": 12.996540207562465, "y": -37.02766101068278, "z": 8.470060016355024, "r": [-0.004598023089592118, -0.009179893705208997, -0.0004415050435646606]}, "169": {"x": -4.5103562934160335, "y": -12.048507837712224, "z": 12.373245627846416, "r": [4.5381053197068866e-05, 0.0001458817794190992, 2.1144323589794567e-06]}, "170": {"x": 4.714329723955344, "y": -12.478103171872885, "z": 11.825678585849559, "r": [8.513445797575514e-05, 0.0003168881000128465, 3.076970703119741e-05]}, "171": {"x": -8.707646049526673, "y": -6.6516466992733045, "z": 12.343241251956995, "r": [0.00013006725031061706, 0.0005544001668553733, -1.5137128816178347e-05]}, "172": {"x": -8.220626231898745, "y": 3.764719359712431, "z": 11.801263120599346, "r": [-5.4328851685880863e-05, -0.00020084245696416758, 3.526119696672936e-05]}, "173": {"x": 5.536167219191786, "y": 8.081389562887917, "z": 12.373245627846414, "r": [-4.538105319529251e-05, -0.00014588177942842506, 2.114432353650386e-06]}, "174": {"x": -3.688518798179556, "y": 8.510984897048587, "z": 11.82567858584956, "r": [-8.513445797397878e-05, -0.00031688810001995193, 3.076970700988113e-05]}, "175": {"x": 9.73345697530243, "y": 2.684528424449005, "z": 12.343241251957002, "r": [-0.00013006725031772248, -0.0005544001668562615, -1.5137128798414778e-05]}, "176": {"x": 9.246437157674535, "y": -7.731837634536726, "z": 11.801263120599344, "r": [5.432885169476265e-05, 0.00020084245696594394, 3.5261196984492926e-05]}, "177": {"x": 27.33114283553177, "y": 1.6761880420430126, "z": 11.988277803339198, "r": [-0.00020331164208187147, -0.0009615557733488878, -0.00028336046139543214]}, "178": {"x": 27.1059961832373, "y": -9.413457352684578, "z": 10.265435186020055, "r": [0.00012010947048679554, 0.00045701377863949233, 0.0001271792856130105]}, "179": {"x": 32.02420986022077, "y": 7.106829149722912, "z": 12.7353755310492, "r": [-0.0005659583898030007, -0.0030683986577422218, -0.0011332406772073256]}, "180": {"x": 31.788741070887767, "y": -15.424410990620533, "z": 8.64523682557483, "r": [0.0006401921895076157, 0.0024610448291522147, 0.0007036329442211553]}, "181": {"x": 33.66349102508685, "y": -39.83172781840143, "z": 3.8160059629845366, "r": [-0.0003874059122779272, -0.0009876757407454306, -0.00011274260246629808]}, "182": {"x": 36.534876882588314, "y": -36.14378984333861, "z": 3.9197409596223833, "r": [0.00012254858289395543, 0.0003674058832743299, 4.940761825800166e-05]}, "183": {"x": -32.637680099311076, "y": 35.86460954357716, "z": 3.8160059629845446, "r": [0.00038740591216424036, 0.0009876757408875392, -0.00011274260238280931]}, "184": {"x": -35.509065956812535, "y": 32.17667156851436, "z": 3.9197409596223776, "r": [-0.00012254858283000658, -0.000367405883309857, 4.940761823490902e-05]}, "185": {"x": -26.30533190975599, "y": -5.643306316867286, "z": 11.98827780333918, "r": [0.00020331164211029318, 0.0009615557733511082, -0.0002833604613812213]}, "186": {"x": -26.080185257461512, "y": 5.446339077860319, "z": 10.265435186020044, "r": [-0.00012010947053653354, -0.0004570137786235051, 0.0001271792856343268]}, "187": {"x": -30.99839893444498, "y": -11.073947424547171, "z": 12.735375531049185, "r": [0.0005659583898456333, 0.0030683986577315636, -0.001133240677184233]}, "188": {"x": -30.762930145111945, "y": 11.457292715796285, "z": 8.645236825574818, "r": [-0.0006401921895218265, -0.0024610448291504383, 0.0007036329442087208]}, "189": {"x": 10.152182356455471, "y": 33.01031130113921, "z": 12.735611838359105, "r": [0.007707594690998576, 0.01423270024159251, 0.0010535386566843385]}, "190": {"x": 5.248791921251331, "y": 28.211113147800322, "z": 12.059186358139655, "r": [0.003228442774190654, 0.006742882412595463, 0.00014342818327151008]}, "191": {"x": -5.405714745983147, "y": 28.29348508285672, "z": 10.260375230895752, "r": [0.002728025400090317, 0.005990407494799399, -0.0002599047293614376]}, "192": {"x": -11.970729281786701, "y": 33.06054273585858, "z": 8.47006001635501, "r": [0.004598023089592118, 0.009179893705208997, -0.00044150504355755515]}, "193": {"x": -29.612906696832937, "y": -28.39430552562288, "z": 15.275124790564718, "r": [3.338124697194189e-05, 0.00012252024494330271, -2.9805087542911224e-05]}, "194": {"x": -27.639028720427472, "y": -17.040893476564445, "z": 13.651408632466289, "r": [0.000338021113037712, 0.00162071212874082, -0.00046258312707436744]}, "195": {"x": -25.595798362955875, "y": -33.47511514460146, "z": 15.314292283312279, "r": [-0.0009029357175549535, -0.002308306343572042, 0.0004016815466165724]}, "196": {"x": -15.015516798099679, "y": -32.6532968963089, "z": 13.74257304487372, "r": [-0.002349950137269019, -0.005173965563230354, 0.00047210662958718785]}, "197": {"x": 26.621609288731662, "y": 29.507996869777237, "z": 15.314292283312279, "r": [0.0009029357175549535, 0.0023083063435649365, 0.00040168154660591426]}, "198": {"x": 16.04132772387545, "y": 28.68617862148467, "z": 13.742573044873712, "r": [0.002349950137269019, 0.00517396556325167, 0.0004721066295942933]}, "199": {"x": 30.638717622608702, "y": 24.42718725079865, "z": 15.275124790564728, "r": [-3.338124695773104e-05, -0.00012252024495040814, -2.9805087507384087e-05]}, "200": {"x": 28.664839646203173, "y": 13.073775201740128, "z": 13.651408632466286, "r": [-0.00033802111305192284, -0.0016207121287337145, -0.00046258312707436744]}, "201": {"x": -9.797792732683376, "y": -27.489901284070502, "z": 12.954570114615814, "r": [-0.001412520702274378, -0.003445360767123873, 0.00015596481755864033]}, "202": {"x": -9.480848604212518, "y": -17.226433018748253, "z": 12.757478362837997, "r": [2.9731863904203237e-06, 9.35790155409677e-06, -3.941466850676534e-07]}, "203": {"x": 9.530608696213791, "y": -17.95269144035735, "z": 11.063739422721834, "r": [-5.029496288955215e-05, -0.00016214547841997273, -1.90601942477997e-05]}, "204": {"x": 10.66080063781371, "y": -27.85036849587252, "z": 10.003176138409309, "r": [-0.0012284240435249671, -0.0030896661190951136, -0.0002710854271370522]}, "205": {"x": 16.84453695051853, "y": -32.978018398649766, "z": 8.30351806094583, "r": [-0.0018900114392010892, -0.0043352708229988934, -0.00039163976987488525]}, "206": {"x": 26.939446348757244, "y": -34.27532124737748, "z": 6.176364425568855, "r": [-0.0007615570884809131, -0.0019310562125980368, -0.00024042615059727268]}, "207": {"x": -13.697535515459442, "y": -11.844046115164343, "z": 12.714808584469726, "r": [0.00021447872833491033, 0.0008423302219497941, -8.327750984093996e-05]}, "208": {"x": -22.594755881277425, "y": -11.540755467190948, "z": 12.843917840634035, "r": [0.00035440625415006366, 0.0016246582846264346, -0.00037028548434037134]}, "209": {"x": -12.891748371139576, "y": 9.290387514797873, "z": 11.037530836367209, "r": [-0.00010589147884232375, -0.00036921480484508606, 6.031545596840715e-05]}, "210": {"x": -21.98906521446211, "y": 10.24788494994827, "z": 9.982025210618527, "r": [-0.00023303462320001245, -0.0008319772134228742, 0.00018346232395494155]}, "211": {"x": 10.823603658459156, "y": 23.522783009246226, "z": 12.954570114615802, "r": [0.0014125207022601671, 0.003445360767123873, 0.0001559648175266659]}, "212": {"x": 10.506659529988267, "y": 13.25931474392396, "z": 12.757478362837999, "r": [-2.973186397525751e-06, -9.357901557649484e-06, -3.941466992785081e-07]}, "213": {"x": -8.504797770437992, "y": 13.985573165533067, "z": 11.063739422721834, "r": [5.029496290376301e-05, 0.0001621454784128673, -1.906019421937799e-05]}, "214": {"x": -9.634989712037937, "y": 23.883250221048325, "z": 10.003176138409309, "r": [0.0012284240435249671, 0.0030896661191235353, -0.0002710854271406049]}, "215": {"x": 14.723346441235174, "y": 7.876927840340034, "z": 12.714808584469731, "r": [-0.00021447872831359405, -0.0008423302219426887, -8.327750983205817e-05]}, "216": {"x": 23.620566807053176, "y": 7.573637192366653, "z": 12.843917840634044, "r": [-0.00035440625414651095, -0.0016246582846246582, -0.0003702854843492531]}, "217": {"x": 13.917559296915385, "y": -13.25750578962215, "z": 11.03753083636721, "r": [0.00010589147883877104, 0.00036921480484153335, 6.031545596307808e-05]}, "218": {"x": 23.01487614023792, "y": -14.215003224772524, "z": 9.982025210618538, "r": [0.0002330346231609326, 0.0008319772134193215, 0.0001834623239655997]}, "219": {"x": 30.254675238827446, "y": -30.271032566087293, "z": 6.240258677696037, "r": [6.370030973812391e-06, 1.866456466359523e-05, 3.0407751374639247e-06]}, "220": {"x": 28.079563252328448, "y": -20.071982030542763, "z": 8.382905575098242, "r": [0.0003070840681402842, 0.0010554288171178428, 0.00023871193584312778]}, "221": {"x": -29.228864313051687, "y": 26.303914291263077, "z": 6.240258677696017, "r": [-6.370030959601536e-06, -1.8664564649384374e-05, 3.0407751481220657e-06]}, "222": {"x": -27.05375232655269, "y": 16.104863755718554, "z": 8.382905575098214, "r": [-0.0003070840680834408, -0.001055428817139159, 0.00023871193580760064]}, "223": {"x": -15.818726024742787, "y": 29.010900123825618, "z": 8.30351806094581, "r": [0.0018900114392224054, 0.004335270822991788, -0.0003916397699299523]}, "224": {"x": -25.913635422981482, "y": 30.308202972553286, "z": 6.17636442556883, "r": [0.0007615570885661782, 0.0019310562125625097, -0.00024042615062391803]}, "225": {"x": -34.181508074886445, "y": -28.62605075987057, "z": 15.762260190838585, "r": [-0.10082449884737343, -0.006846565437939489, 0.008490764100685055]}, "226": {"x": -37.176614143490625, "y": -40.19247609591329, "z": 17.773826745585914, "r": [-0.120512023053152, -0.0054284433318230185, 0.020858179758178608]}, "227": {"x": -26.203070403873753, "y": -38.59276044498794, "z": 15.816384506977286, "r": [-0.11485841923632734, 0.0021197465825082418, 0.025592690372519655]}, "228": {"x": -24.95226703755793, "y": -28.17977450366381, "z": 14.780570623288485, "r": [-0.08717737867758046, -0.0031131761855647255, 0.008631281235878419]}, "229": {"x": -14.878651084652297, "y": -37.38674865449668, "z": 13.807234831322477, "r": [-0.09392644342707968, -0.00036016778994962806, 0.025176881488462755]}, "230": {"x": -3.5480260728217767, "y": -36.734022866825676, "z": 11.744876916948698, "r": [-0.06769946591749232, -0.0035758003252226445, 0.019713115415626703]}, "231": {"x": -4.681034667627994, "y": -27.38190172126179, "z": 12.310585805295323, "r": [-0.059269272635816606, -0.0014196441506157953, 0.00971888000927379]}, "232": {"x": -14.988173272151553, "y": -27.689299984843252, "z": 13.622362198134882, "r": [-0.0734747009628336, -0.0017852077737359195, 0.009553880090308553]}, "233": {"x": -4.748767149622377, "y": -17.25361804694067, "z": 12.435672956093633, "r": [-0.038210778350169505, 9.031789198843398e-05, 0.0007426166312853866]}, "234": {"x": -4.231825256891348, "y": -6.856959526487493, "z": 12.312924439810782, "r": [-0.013359538966138729, -0.00023369859439981155, -0.003476789545842962]}, "235": {"x": -13.205401114422434, "y": -6.4532664672453, "z": 12.365024075777534, "r": [-0.016534575176379462, -0.00037012221390142486, -0.0037978136900136406]}, "236": {"x": -14.227025737285015, "y": -17.22389256074095, "z": 13.080385829119647, "r": [-0.04574681262825209, -0.0007464564384633832, -0.00032368692332340743]}, "237": {"x": -22.027206305018293, "y": -5.954177488540767, "z": 12.191659498743412, "r": [-0.01847307725492442, 7.920691572849137e-06, -0.003397498331551674]}, "238": {"x": -30.456680281872714, "y": -5.308786476717181, "z": 11.775016389046348, "r": [-0.018401826777221686, 0.0016863095755041968, -0.00223105373400756]}, "239": {"x": -31.829182025945546, "y": -16.918047177831944, "z": 13.761777490301764, "r": [-0.05852421198417801, -0.0006166347022542595, -0.0011432337271202186]}, "240": {"x": -23.332448948411926, "y": -17.148838720512096, "z": 13.528378772402572, "r": [-0.05283579764949309, -0.001110696087707197, -0.0011339049817138402]}, "241": {"x": 35.20731900066215, "y": 24.658932485046314, "z": 15.762260190838589, "r": [0.10082449884737343, 0.006846565437967911, 0.008490764100699266]}, "242": {"x": 38.20242506926634, "y": 36.225357821089034, "z": 17.773826745585907, "r": [0.12051202305309516, 0.005428443331766175, 0.020858179758178608]}, "243": {"x": 27.22888132964951, "y": 34.62564217016371, "z": 15.81638450697728, "r": [0.11485841923632734, -0.0021197465824229766, 0.025592690372533866]}, "244": {"x": 25.978077963333707, "y": 24.212656228839567, "z": 14.780570623288487, "r": [0.08717737867760889, 0.0031131761855931472, 0.00863128123589263]}, "245": {"x": 15.904462010428073, "y": 33.419630379672455, "z": 13.807234831322472, "r": [0.09392644342706546, 0.00036016778992120635, 0.025176881488462755]}, "246": {"x": 4.573836998597571, "y": 32.76690459200155, "z": 11.744876916948696, "r": [0.06769946591748521, 0.003575800325251066, 0.019713115415669336]}, "247": {"x": 5.706845593403765, "y": 23.41478344643749, "z": 12.31058580529531, "r": [0.059269272635816606, 0.0014196441506157953, 0.00971888000927379]}, "248": {"x": 16.01398419792734, "y": 23.72218171001902, "z": 13.622362198134875, "r": [0.0734747009628336, 0.0017852077737359195, 0.009553880090294342]}, "249": {"x": 5.774578075398138, "y": 13.28649977211639, "z": 12.435672956093635, "r": [0.03821077835017661, -9.031789198843398e-05, 0.0007426166312711757]}, "250": {"x": 5.257636182667097, "y": 2.8898412516631966, "z": 12.312924439810793, "r": [0.01335953896612807, 0.00023369859439981155, -0.003476789545842962]}, "251": {"x": 14.231212040198185, "y": 2.4861481924209956, "z": 12.365024075777542, "r": [0.01653457517636525, 0.00037012221390497757, -0.003797813689985219]}, "252": {"x": 15.252836663060746, "y": 13.256774285916658, "z": 13.080385829119653, "r": [0.04574681262825209, 0.0007464564384491723, -0.000323686923266564]}, "253": {"x": 23.05301723079407, "y": 1.9870592137164795, "z": 12.191659498743425, "r": [0.01847307725495284, -7.920691567520066e-06, -0.003397498331523252]}, "254": {"x": 31.482491207648515, "y": 1.34166820189293, "z": 11.775016389046371, "r": [0.018401826777250108, -0.0016863095754917623, -0.002231053733993349]}, "255": {"x": 32.85499295172128, "y": 12.950928903007656, "z": 13.76177749030177, "r": [0.05852421198417801, 0.0006166347022684704, -0.001143233727091797]}, "256": {"x": 24.358259874187624, "y": 13.18172044568778, "z": 13.528378772402572, "r": [0.052835797649464666, 0.001110696087707197, -0.0011339049816996294]}, "257": {"x": 13.759672001134447, "y": -8.092783748455622, "z": 11.547136831148494, "r": [-0.008663425537520197, 0.0006302102597288695, -0.0016749312558346219]}, "258": {"x": 4.713287018603792, "y": -7.351783773720221, "z": 12.052343739152711, "r": [-0.010167957986894294, 9.758219221112086e-05, -0.0027890940429102784]}, "259": {"x": 4.766697385946955, "y": -17.59144362258376, "z": 11.603455373433992, "r": [-0.031106860994967178, 0.00017206436379524348, 0.0019286977612864575]}, "260": {"x": 14.214376615261047, "y": -18.36560728074891, "z": 10.529459480602705, "r": [-0.02583705225453059, 0.00098787305262249, 0.0033345094885390836]}, "261": {"x": 5.557645684814982, "y": -27.54041304916044, "z": 10.849254610924675, "r": [-0.044514407685774415, -0.0014193589014439567, 0.008847347398045713]}, "262": {"x": 7.520071723396843, "y": -36.74093150922212, "z": 9.618622343231529, "r": [-0.042448915347776506, -0.004041881598368491, 0.01260188063989176]}, "263": {"x": 18.30333432052383, "y": -37.463550786462946, "z": 7.378396550252011, "r": [-0.02300609975975476, -0.0024818348535404766, 0.006812161138114448]}, "264": {"x": 15.635899691971527, "y": -28.269099902620177, "z": 9.18213976649429, "r": [-0.031986128536956926, -0.0003457401448656583, 0.007667242235214644]}, "265": {"x": 28.672860098061566, "y": -38.86564629110355, "z": 5.030590411207244, "r": [-0.009676314899820682, -0.0007550834440621657, 0.002921243080692193]}, "266": {"x": 38.49119201700844, "y": -40.92884138232397, "z": 2.6154171892999845, "r": [-0.0019535043674636654, 9.48813478203192e-05, 0.000663650629682877]}, "267": {"x": 34.87509317067999, "y": -31.166000470296968, "z": 5.20297842561655, "r": [-0.010211897678971127, 0.001885341563934162, 0.0035271380447667866]}, "268": {"x": 25.473674401475527, "y": -29.47636282301474, "z": 7.290112257774151, "r": [-0.02071608211531384, 0.0012086668652955268, 0.005983870012883585]}, "269": {"x": 32.48978716932706, "y": -20.795092734670654, "z": 7.580141608538963, "r": [-0.016397374666269116, 0.002300035434217307, 0.004981885999725932]}, "270": {"x": 31.366570668673, "y": -9.939466214915758, "z": 9.744913092754834, "r": [-0.008285848775301474, 0.0001703813011033617, 0.002026821747449503]}, "271": {"x": 22.7254534071373, "y": -8.922141470442561, "z": 10.782226600197681, "r": [-0.007877549775940906, 0.000982293693482461, 5.994488235216977e-05]}, "272": {"x": 23.523398972809616, "y": -19.41848491459848, "z": 9.188754679220423, "r": [-0.021166370558887593, 0.002058801213792094, 0.004604236883963608]}, "273": {"x": -12.73386107535863, "y": 4.125665473631332, "z": 11.547136831148492, "r": [0.008663425537520197, -0.0006302102597288695, -0.0016749312557919893]}, "274": {"x": -3.687476092828017, "y": 3.3846654988959246, "z": 12.052343739152715, "r": [0.010167957986904952, -9.758219221112086e-05, -0.0027890940429244893]}, "275": {"x": -3.740886460171168, "y": 13.624325347759472, "z": 11.60345537343399, "r": [0.031106860994974284, -0.00017206436379524348, 0.0019286977612722467]}, "276": {"x": -13.188565689485253, "y": 14.398489005924638, "z": 10.529459480602705, "r": [0.02583705225450217, -0.000987873052608279, 0.0033345094885675053]}, "277": {"x": -4.531834759039201, "y": 23.573294774336233, "z": 10.84925461092467, "r": [0.044514407685774415, 0.001419358901415535, 0.008847347398045713]}, "278": {"x": -6.494260797621072, "y": 32.773813234397934, "z": 9.618622343231515, "r": [0.0424489153477694, 0.004041881598368491, 0.012601880639905971]}, "279": {"x": -17.277523394748098, "y": 33.49643251163876, "z": 7.378396550251987, "r": [0.02300609975975476, 0.002481834853483633, 0.006812161138086026]}, "280": {"x": -14.610088766195764, "y": 24.30198162779598, "z": 9.18213976649428, "r": [0.03198612853697114, 0.00034574014489408, 0.0076672422351720115]}, "281": {"x": -27.647049172285826, "y": 34.898528016279286, "z": 5.030590411207239, "r": [0.009676314899820682, 0.0007550834440621657, 0.0029212430806992984]}, "282": {"x": -37.46538109123266, "y": 36.96172310749972, "z": 2.61541718929999, "r": [0.001953504367406822, -9.48813478203192e-05, 0.0006636506296473499]}, "283": {"x": -33.84928224490418, "y": 27.19888219547272, "z": 5.2029784256165446, "r": [0.010211897678971127, -0.0018853415639910054, 0.0035271380447525758]}, "284": {"x": -24.447863475699766, "y": 25.50924454819053, "z": 7.290112257774126, "r": [0.02071608211534226, -0.0012086668653523702, 0.0059838700128693745]}, "285": {"x": -31.463976243551297, "y": 16.82797445984646, "z": 7.5801416085389315, "r": [0.016397374666212272, -0.002300035434217307, 0.0049818859996833]}, "286": {"x": -30.340759742897166, "y": 5.972347940091501, "z": 9.744913092754823, "r": [0.00828584877524463, -0.0001703813011033617, 0.002026821747477925]}, "287": {"x": -21.699642481361504, "y": 4.955023195618292, "z": 10.782226600197669, "r": [0.007877549775884063, -0.0009822936934895665, 5.9944882337958916e-05]}, "288": {"x": -22.497588047033837, "y": 15.451366639774255, "z": 9.188754679220402, "r": [0.021166370558916014, -0.0020588012137636724, 0.0046042368839493975]}}, "face": {"341": [49, 107, 225], "342": [225, 193, 49], "343": [9, 105, 225], "344": [225, 107, 9], "345": [25, 161, 225], "346": [225, 105, 25], "347": [65, 193, 225], "348": [225, 161, 65], "349": [25, 81, 226], "350": [226, 161, 25], "351": [0, 82, 226], "352": [226, 81, 0], "353": [26, 162, 226], "354": [226, 82, 26], "355": [65, 161, 226], "356": [226, 162, 65], "357": [26, 108, 227], "358": [227, 162, 26], "359": [10, 110, 227], "360": [227, 108, 10], "361": [50, 195, 227], "362": [227, 110, 50], "363": [65, 162, 227], "364": [227, 195, 65], "365": [50, 146, 228], "366": [228, 195, 50], "367": [21, 145, 228], "368": [228, 146, 21], "369": [49, 193, 228], "370": [228, 145, 49], "371": [65, 195, 228], "372": [228, 193, 65], "373": [50, 110, 229], "374": [229, 196, 50], "375": [10, 109, 229], "376": [229, 110, 10], "377": [29, 165, 229], "378": [229, 109, 29], "379": [66, 196, 229], "380": [229, 165, 66], "381": [29, 85, 230], "382": [230, 165, 29], "383": [2, 86, 230], "384": [230, 85, 2], "385": [30, 166, 230], "386": [230, 86, 30], "387": [66, 165, 230], "388": [230, 166, 66], "389": [30, 117, 231], "390": [231, 166, 30], "391": [13, 119, 231], "392": [231, 117, 13], "393": [53, 201, 231], "394": [231, 119, 53], "395": [66, 166, 231], "396": [231, 201, 66], "397": [53, 147, 232], "398": [232, 201, 53], "399": [21, 146, 232], "400": [232, 147, 21], "401": [50, 196, 232], "402": [232, 146, 50], "403": [66, 201, 232], "404": [232, 196, 66], "405": [53, 119, 233], "406": [233, 202, 53], "407": [13, 118, 233], "408": [233, 119, 13], "409": [32, 169, 233], "410": [233, 118, 32], "411": [67, 202, 233], "412": [233, 169, 67], "413": [32, 88, 234], "414": [234, 169, 32], "415": [3, 89, 234], "416": [234, 88, 3], "417": [33, 171, 234], "418": [234, 89, 33], "419": [67, 169, 234], "420": [234, 171, 67], "421": [33, 124, 235], "422": [235, 171, 33], "423": [15, 126, 235], "424": [235, 124, 15], "425": [56, 207, 235], "426": [235, 126, 56], "427": [67, 171, 235], "428": [235, 207, 67], "429": [56, 148, 236], "430": [236, 207, 56], "431": [21, 147, 236], "432": [236, 148, 21], "433": [53, 202, 236], "434": [236, 147, 53], "435": [67, 207, 236], "436": [236, 202, 67], "437": [56, 126, 237], "438": [237, 208, 56], "439": [15, 125, 237], "440": [237, 126, 15], "441": [43, 185, 237], "442": [237, 125, 43], "443": [68, 208, 237], "444": [237, 185, 68], "445": [43, 99, 238], "446": [238, 185, 43], "447": [7, 100, 238], "448": [238, 99, 7], "449": [44, 187, 238], "450": [238, 100, 44], "451": [68, 185, 238], "452": [238, 187, 68], "453": [44, 106, 239], "454": [239, 187, 44], "455": [9, 107, 239], "456": [239, 106, 9], "457": [49, 194, 239], "458": [239, 107, 49], "459": [68, 187, 239], "460": [239, 194, 68], "461": [49, 145, 240], "462": [240, 194, 49], "463": [21, 148, 240], "464": [240, 145, 21], "465": [56, 208, 240], "466": [240, 148, 56], "467": [68, 194, 240], "468": [240, 208, 68], "469": [52, 116, 241], "470": [241, 199, 52], "471": [12, 114, 241], "472": [241, 116, 12], "473": [27, 163, 241], "474": [241, 114, 27], "475": [69, 199, 241], "476": [241, 163, 69], "477": [27, 83, 242], "478": [242, 163, 27], "479": [1, 84, 242], "480": [242, 83, 1], "481": [28, 164, 242], "482": [242, 84, 28], "483": [69, 163, 242], "484": [242, 164, 69], "485": [28, 111, 243], "486": [243, 164, 28], "487": [11, 113, 243], "488": [243, 111, 11], "489": [51, 197, 243], "490": [243, 113, 51], "491": [69, 164, 243], "492": [243, 197, 69], "493": [51, 149, 244], "494": [244, 197, 51], "495": [22, 150, 244], "496": [244, 149, 22], "497": [52, 199, 244], "498": [244, 150, 52], "499": [69, 197, 244], "500": [244, 199, 69], "501": [51, 113, 245], "502": [245, 198, 51], "503": [11, 112, 245], "504": [245, 113, 11], "505": [46, 189, 245], "506": [245, 112, 46], "507": [70, 198, 245], "508": [245, 189, 70], "509": [46, 102, 246], "510": [246, 189, 46], "511": [8, 103, 246], "512": [246, 102, 8], "513": [47, 190, 246], "514": [246, 103, 47], "515": [70, 189, 246], "516": [246, 190, 70], "517": [47, 129, 247], "518": [247, 190, 47], "519": [16, 130, 247], "520": [247, 129, 16], "521": [58, 211, 247], "522": [247, 130, 58], "523": [70, 190, 247], "524": [247, 211, 70], "525": [58, 151, 248], "526": [248, 211, 58], "527": [22, 149, 248], "528": [248, 151, 22], "529": [51, 198, 248], "530": [248, 149, 51], "531": [70, 211, 248], "532": [248, 198, 70], "533": [58, 130, 249], "534": [249, 212, 58], "535": [16, 128, 249], "536": [249, 130, 16], "537": [34, 173, 249], "538": [249, 128, 34], "539": [71, 212, 249], "540": [249, 173, 71], "541": [34, 90, 250], "542": [250, 173, 34], "543": [3, 91, 250], "544": [250, 90, 3], "545": [35, 175, 250], "546": [250, 91, 35], "547": [71, 173, 250], "548": [250, 175, 71], "549": [35, 132, 251], "550": [251, 175, 35], "551": [17, 134, 251], "552": [251, 132, 17], "553": [60, 215, 251], "554": [251, 134, 60], "555": [71, 175, 251], "556": [251, 215, 71], "557": [60, 152, 252], "558": [252, 215, 60], "559": [22, 151, 252], "560": [252, 152, 22], "561": [58, 212, 252], "562": [252, 151, 58], "563": [71, 215, 252], "564": [252, 212, 71], "565": [60, 134, 253], "566": [253, 216, 60], "567": [17, 133, 253], "568": [253, 134, 17], "569": [36, 177, 253], "570": [253, 133, 36], "571": [72, 216, 253], "572": [253, 177, 72], "573": [36, 92, 254], "574": [254, 177, 36], "575": [4, 93, 254], "576": [254, 92, 4], "577": [37, 179, 254], "578": [254, 93, 37], "579": [72, 177, 254], "580": [254, 179, 72], "581": [37, 115, 255], "582": [255, 179, 37], "583": [12, 116, 255], "584": [255, 115, 12], "585": [52, 200, 255], "586": [255, 116, 52], "587": [72, 179, 255], "588": [255, 200, 72], "589": [52, 150, 256], "590": [256, 200, 52], "591": [22, 152, 256], "592": [256, 150, 22], "593": [60, 216, 256], "594": [256, 152, 60], "595": [72, 200, 256], "596": [256, 216, 72], "597": [61, 135, 257], "598": [257, 217, 61], "599": [17, 132, 257], "600": [257, 135, 17], "601": [35, 176, 257], "602": [257, 132, 35], "603": [73, 217, 257], "604": [257, 176, 73], "605": [35, 91, 258], "606": [258, 176, 35], "607": [3, 88, 258], "608": [258, 91, 3], "609": [32, 170, 258], "610": [258, 88, 32], "611": [73, 176, 258], "612": [258, 170, 73], "613": [32, 118, 259], "614": [259, 170, 32], "615": [13, 120, 259], "616": [259, 118, 13], "617": [54, 203, 259], "618": [259, 120, 54], "619": [73, 170, 259], "620": [259, 203, 73], "621": [54, 153, 260], "622": [260, 203, 54], "623": [23, 155, 260], "624": [260, 153, 23], "625": [61, 217, 260], "626": [260, 155, 61], "627": [73, 203, 260], "628": [260, 217, 73], "629": [54, 120, 261], "630": [261, 204, 54], "631": [13, 117, 261], "632": [261, 120, 13], "633": [30, 167, 261], "634": [261, 117, 30], "635": [74, 204, 261], "636": [261, 167, 74], "637": [30, 86, 262], "638": [262, 167, 30], "639": [2, 87, 262], "640": [262, 86, 2], "641": [31, 168, 262], "642": [262, 87, 31], "643": [74, 167, 262], "644": [262, 168, 74], "645": [31, 121, 263], "646": [263, 168, 31], "647": [14, 123, 263], "648": [263, 121, 14], "649": [55, 205, 263], "650": [263, 123, 55], "651": [74, 168, 263], "652": [263, 205, 74], "653": [55, 154, 264], "654": [264, 205, 55], "655": [23, 153, 264], "656": [264, 154, 23], "657": [54, 204, 264], "658": [264, 153, 54], "659": [74, 205, 264], "660": [264, 204, 74], "661": [55, 123, 265], "662": [265, 206, 55], "663": [14, 122, 265], "664": [265, 123, 14], "665": [39, 181, 265], "666": [265, 122, 39], "667": [75, 206, 265], "668": [265, 181, 75], "669": [39, 95, 266], "670": [266, 181, 39], "671": [5, 96, 266], "672": [266, 95, 5], "673": [40, 182, 266], "674": [266, 96, 40], "675": [75, 181, 266], "676": [266, 182, 75], "677": [40, 137, 267], "678": [267, 182, 40], "679": [18, 138, 267], "680": [267, 137, 18], "681": [62, 219, 267], "682": [267, 138, 62], "683": [75, 182, 267], "684": [267, 219, 75], "685": [62, 156, 268], "686": [268, 219, 62], "687": [23, 154, 268], "688": [268, 156, 23], "689": [55, 206, 268], "690": [268, 154, 55], "691": [75, 219, 268], "692": [268, 206, 75], "693": [62, 138, 269], "694": [269, 220, 62], "695": [18, 136, 269], "696": [269, 138, 18], "697": [38, 180, 269], "698": [269, 136, 38], "699": [76, 220, 269], "700": [269, 180, 76], "701": [38, 94, 270], "702": [270, 180, 38], "703": [4, 92, 270], "704": [270, 94, 4], "705": [36, 178, 270], "706": [270, 92, 36], "707": [76, 180, 270], "708": [270, 178, 76], "709": [36, 133, 271], "710": [271, 178, 36], "711": [17, 135, 271], "712": [271, 133, 17], "713": [61, 218, 271], "714": [271, 135, 61], "715": [76, 178, 271], "716": [271, 218, 76], "717": [61, 155, 272], "718": [272, 218, 61], "719": [23, 156, 272], "720": [272, 155, 23], "721": [62, 220, 272], "722": [272, 156, 62], "723": [76, 218, 272], "724": [272, 220, 76], "725": [57, 127, 273], "726": [273, 209, 57], "727": [15, 124, 273], "728": [273, 127, 15], "729": [33, 172, 273], "730": [273, 124, 33], "731": [77, 209, 273], "732": [273, 172, 77], "733": [33, 89, 274], "734": [274, 172, 33], "735": [3, 90, 274], "736": [274, 89, 3], "737": [34, 174, 274], "738": [274, 90, 34], "739": [77, 172, 274], "740": [274, 174, 77], "741": [34, 128, 275], "742": [275, 174, 34], "743": [16, 131, 275], "744": [275, 128, 16], "745": [59, 213, 275], "746": [275, 131, 59], "747": [77, 174, 275], "748": [275, 213, 77], "749": [59, 158, 276], "750": [276, 213, 59], "751": [24, 157, 276], "752": [276, 158, 24], "753": [57, 209, 276], "754": [276, 157, 57], "755": [77, 213, 276], "756": [276, 209, 77], "757": [59, 131, 277], "758": [277, 214, 59], "759": [16, 129, 277], "760": [277, 131, 16], "761": [47, 191, 277], "762": [277, 129, 47], "763": [78, 214, 277], "764": [277, 191, 78], "765": [47, 103, 278], "766": [278, 191, 47], "767": [8, 104, 278], "768": [278, 103, 8], "769": [48, 192, 278], "770": [278, 104, 48], "771": [78, 191, 278], "772": [278, 192, 78], "773": [48, 143, 279], "774": [279, 192, 48], "775": [20, 144, 279], "776": [279, 143, 20], "777": [64, 223, 279], "778": [279, 144, 64], "779": [78, 192, 279], "780": [279, 223, 78], "781": [64, 160, 280], "782": [280, 223, 64], "783": [24, 158, 280], "784": [280, 160, 24], "785": [59, 214, 280], "786": [280, 158, 59], "787": [78, 223, 280], "788": [280, 214, 78], "789": [64, 144, 281], "790": [281, 224, 64], "791": [20, 142, 281], "792": [281, 144, 20], "793": [41, 183, 281], "794": [281, 142, 41], "795": [79, 224, 281], "796": [281, 183, 79], "797": [41, 97, 282], "798": [282, 183, 41], "799": [6, 98, 282], "800": [282, 97, 6], "801": [42, 184, 282], "802": [282, 98, 42], "803": [79, 183, 282], "804": [282, 184, 79], "805": [42, 139, 283], "806": [283, 184, 42], "807": [19, 141, 283], "808": [283, 139, 19], "809": [63, 221, 283], "810": [283, 141, 63], "811": [79, 184, 283], "812": [283, 221, 79], "813": [63, 159, 284], "814": [284, 221, 63], "815": [24, 160, 284], "816": [284, 159, 24], "817": [64, 224, 284], "818": [284, 160, 64], "819": [79, 221, 284], "820": [284, 224, 79], "821": [63, 141, 285], "822": [285, 222, 63], "823": [19, 140, 285], "824": [285, 141, 19], "825": [45, 188, 285], "826": [285, 140, 45], "827": [80, 222, 285], "828": [285, 188, 80], "829": [45, 101, 286], "830": [286, 188, 45], "831": [7, 99, 286], "832": [286, 101, 7], "833": [43, 186, 286], "834": [286, 99, 43], "835": [80, 188, 286], "836": [286, 186, 80], "837": [43, 125, 287], "838": [287, 186, 43], "839": [15, 127, 287], "840": [287, 125, 15], "841": [57, 210, 287], "842": [287, 127, 57], "843": [80, 186, 287], "844": [287, 210, 80], "845": [57, 157, 288], "846": [288, 210, 57], "847": [24, 159, 288], "848": [288, 157, 24], "849": [63, 222, 288], "850": [288, 159, 63], "851": [80, 210, 288], "852": [288, 222, 80]}, "facedata": {"341": {"path": [5, 0, 0], "s": [2.4938803992712404, 1.0024538469168567], "s_vecs": [[-0.8898281443506255, -0.4393832973630374, 0.12307798958346336], [0.4526533286386764, -0.8840207392643507, 0.11667174732058044]]}, "342": {"path": [5, 0, 0], "s": [2.4938685769823854, 1.0024585990914703], "s_vecs": [[0.8864012377112783, 0.44035907022820275, -0.1427471017277291], [-0.45216214750261735, 0.8896997670108003, -0.0631166930910434]]}, "343": {"path": [5, 0, 1], "s": [2.4856985826766116, 1.005753480097328], "s_vecs": [[-0.8859992766012375, -0.43615611171584, 0.1573948159089228], [-0.45520616972672856, 0.8827750628362587, -0.11617026933411184]]}, "344": {"path": [5, 0, 1], "s": [2.493583666194142, 1.002573137566164], "s_vecs": [[0.8895969671290975, 0.44035703349286814, -0.1212555942135128], [0.453412244186458, -0.8834334372069876, 0.11816386438521301]]}, "345": {"path": [5, 0, 2], "s": [2.4867770407651437, 1.0053173079122473], "s_vecs": [[0.8819622846764186, 0.4374548463278964, -0.1754302876717374], [-0.45389715385016216, 0.8885977945922149, -0.0661160583563047]]}, "346": {"path": [5, 0, 2], "s": [2.4870384461557813, 1.0052116419286787], "s_vecs": [[-0.8859372712699881, -0.436276337820829, 0.15741063633799868], [0.4553268347790221, -0.8827156520705223, 0.1161488317626574]]}, "347": {"path": [5, 0, 3], "s": [2.4937173124030614, 1.0025194064963556], "s_vecs": [[0.8865012222902302, 0.4401476160418505, -0.1427783560999468], [0.45196769171560747, -0.8897886994360422, 0.06325564007408185]]}, "348": {"path": [5, 0, 3], "s": [2.4875831172943226, 1.0049915448530564], "s_vecs": [[-0.8823334309952175, -0.4367232289499452, 0.17538682346100432], [-0.4531713253453628, 0.8889581322934522, -0.06625095406154222]]}, "349": {"path": [5, 1, 0], "s": [2.493626951598667, 1.0025557344883724], "s_vecs": [[-0.8776895830128653, -0.4320766306163789, 0.20729394864756626], [0.45336231576952535, -0.8888084810327472, 0.06694844796075253]]}, "350": {"path": [5, 1, 0], "s": [2.4899307181071864, 1.0040440008308622], "s_vecs": [[0.8817458233542177, 0.43787426489718917, -0.17547202380476154], [0.4543183391326713, -0.8883867258317416, 0.0660596101539287]]}, "351": {"path": [5, 1, 1], "s": [2.490438944923395, 1.003839104386033], "s_vecs": [[0.8773058050284595, 0.42769767790402896, -0.21773658576102473], [-0.4443207930724664, 0.8953098110129363, -0.03161289527130958]]}, "352": {"path": [5, 1, 1], "s": [2.4944730329212588, 1.002215685239246], "s_vecs": [[-0.877649613969174, -0.4321549808266549, 0.20729984960552564], [0.4534396857234314, -0.8887703883609399, 0.06693017394105585]]}, "353": {"path": [5, 1, 2], "s": [2.4823321307500525, 1.0071174477545057], "s_vecs": [[0.8807185849409574, 0.4342763526350726, -0.18904714671630352], [0.44532689480083654, -0.8951819130820432, 0.018256485363232502]]}, "354": {"path": [5, 1, 2], "s": [2.490265214445989, 1.0039091360621115], "s_vecs": [[-0.8772558955227069, -0.42779823209385737, 0.21774013499587933], [-0.4444193250341758, 0.8952617684218892, -0.03158843994690472]]}, "355": {"path": [5, 1, 3], "s": [2.4906463995325065, 1.0037554911324422], "s_vecs": [[-0.8821217157171284, -0.43713431919409096, 0.17542766498756268], [0.4535841127911131, -0.8887517143434553, 0.0661954898393245]]}, "356": {"path": [5, 1, 3], "s": [2.4880676431630526, 1.0047958329709141], "s_vecs": [[0.8800169279343701, 0.4353640819848478, -0.1898112817154041], [-0.44686911594661, 0.8943660760312759, -0.020428295511698585]]}, "357": {"path": [5, 2, 0], "s": [2.4767190210527374, 1.009399927383512], "s_vecs": [[0.8760591972889707, 0.4379767758305948, -0.2017340493779899], [-0.44166007959582065, 0.8967182713716724, 0.028856816865576382]]}, "358": {"path": [5, 2, 0], "s": [2.4796115263657033, 1.0082224467088936], "s_vecs": [[-0.880022659504795, -0.4362347835463407, 0.18777468514787818], [0.44726917306736164, -0.8942023909410372, 0.018771543862211477]]}, "359": {"path": [5, 2, 1], "s": [2.4784742669677304, 1.0086850742487647], "s_vecs": [[0.8807678031251824, 0.441831751703795, -0.17039008235339226], [0.44034705348511827, -0.8965161244233752, -0.04851093831153345]]}, "360": {"path": [5, 2, 1], "s": [2.4760556494708847, 1.0096703604114188], "s_vecs": [[-0.8759244440064764, -0.4382502671318937, 0.2017252382592938], [-0.44192726941786187, 0.8965846405875949, 0.028918347243328542]]}, "361": {"path": [5, 2, 2], "s": [2.4884744785153985, 1.0046315610564271], "s_vecs": [[-0.8834832282637186, -0.441196541730713, 0.1574896724918097], [0.448382907382532, -0.8937675573229741, 0.011503123232938318]]}, "362": {"path": [5, 2, 2], "s": [2.4852121308976907, 1.0059503448089828], "s_vecs": [[0.8797973000298764, 0.44265985938020047, -0.17323094340688847], [-0.4427019915229359, 0.8957512828941242, 0.040553494241026875]]}, "363": {"path": [5, 2, 3], "s": [2.48561631930208, 1.0057867662785367], "s_vecs": [[-0.8793380729691509, -0.4372523751920468, 0.18861313267059135], [-0.4487474507550757, 0.8934127155962481, -0.020962944730134284]]}, "364": {"path": [5, 2, 3], "s": [2.489840232587123, 1.004080489695646], "s_vecs": [[0.8836288328575723, 0.4405061776764315, -0.1586013656046651], [0.44768793764703296, -0.8941238766659033, 0.01086294901410663]]}, "365": {"path": [5, 3, 0], "s": [2.4962529656792083, 1.001501063542963], "s_vecs": [[0.8868214392926524, 0.4438602963951258, -0.12859149308931467], [0.44812770202917956, -0.8939566610145497, 0.004801135466107075]]}, "366": {"path": [5, 3, 0], "s": [2.4907641548354054, 1.0037080368073652], "s_vecs": [[-0.8830975263095899, -0.44166767553721237, 0.15833010898574884], [-0.4492044744139944, 0.8933269530234167, -0.01350167279804787]]}, "367": {"path": [5, 3, 1], "s": [2.499362892261605, 1.000254908056917], "s_vecs": [[-0.8895440193877561, -0.4429700025791432, 0.11175425891888378], [0.450892872133502, -0.8906460210939703, 0.0586965328505871]]}, "368": {"path": [5, 3, 1], "s": [2.498593580844381, 1.000562884322765], "s_vecs": [[0.8865534568403481, 0.44415897575015084, -0.1294054574776739], [-0.44869022735292097, 0.8936626638573352, -0.006642522517543839]]}, "369": {"path": [5, 3, 2], "s": [2.493510923558623, 1.0026023854076875], "s_vecs": [[-0.8863884795970409, -0.44036919974801464, 0.14279506696990485], [-0.4521743876897675, 0.8896962284477106, -0.06307887287597261]]}, "370": {"path": [5, 3, 2], "s": [2.4996076890048586, 1.000156949027188], "s_vecs": [[0.8896137550007867, 0.44299901984251583, -0.11108211076483328], [0.4508883245347953, -0.8906159590772809, 0.05918557455208349]]}, "371": {"path": [5, 3, 3], "s": [2.492064786062717, 1.0031841924743135], "s_vecs": [[0.8832414907947754, 0.44099316725912596, -0.15940356134474115], [-0.448527376938925, 0.8936763071793091, -0.012878281043694054]]}, "372": {"path": [5, 3, 3], "s": [2.4933586199904902, 1.002663628070291], "s_vecs": [[-0.886486614680458, -0.44016148025498847, 0.14282630462249737], [0.4519834238534302, -0.8897835800607634, 0.06321522930418982]]}, "373": {"path": [6, 0, 0], "s": [2.481950938758473, 1.007272126519372], "s_vecs": [[-0.8796121926201942, -0.44502377870588067, 0.16803638588184824], [-0.44526595437443267, 0.8945761801993963, 0.0383625819631878]]}, "374": {"path": [6, 0, 0], "s": [2.4894568102892727, 1.004235136623842], "s_vecs": [[0.8837467583741233, 0.4459208499754494, -0.14193753069713932], [0.4433508040849793, -0.8948946928432111, -0.05102502560760644]]}, "375": {"path": [6, 0, 1], "s": [2.473338838498573, 1.010779421358058], "s_vecs": [[0.8749857673716832, 0.4499963120969468, -0.1786147418219836], [-0.4395927711301719, 0.8930115048648793, 0.09637763095791345]]}, "376": {"path": [6, 0, 1], "s": [2.4746277418230416, 1.0102529595656544], "s_vecs": [[-0.8806057369047178, -0.44425814310604156, 0.16482790544829132], [0.4429662964336381, -0.8953273657703835, -0.046580772068873066]]}, "377": {"path": [6, 0, 2], "s": [2.4798729358654534, 1.0081161675033659], "s_vecs": [[0.8799770776421213, 0.45084619601294473, -0.1495929489150118], [0.43729096198602846, -0.891864129801391, -0.11556378558588842]]}, "378": {"path": [6, 0, 2], "s": [2.4723320547581022, 1.0111910312324943], "s_vecs": [[-0.8748496989234995, -0.45027262194150647, 0.17858491040226063], [-0.4398635036308187, 0.8928722163063483, 0.09643289647112298]]}, "379": {"path": [6, 0, 3], "s": [2.4870288353384384, 1.0052155264455527], "s_vecs": [[-0.8836392542680093, -0.4471148759689437, 0.13881626707253245], [0.44468946853250035, -0.8943005235652897, -0.049778008468915946]]}, "380": {"path": [6, 0, 3], "s": [2.4848261083074368, 1.0061066211602634], "s_vecs": [[0.87882587989525, 0.4513951849635332, -0.15462037323094807], [-0.4399539149312833, 0.8920278128038155, 0.10357091252411904]]}, "381": {"path": [6, 1, 0], "s": [2.4762864715122763, 1.0095762460282884], "s_vecs": [[0.8752602573966273, 0.45908748366765056, -0.1521780672820333], [-0.43704717111502905, 0.8855087316558423, 0.15768340553657673]]}, "382": {"path": [6, 1, 0], "s": [2.4767896577817723, 1.0093711398322849], "s_vecs": [[-0.8808312104702538, -0.4521412952171389, 0.14037317343736064], [0.4393577923979069, -0.8911281065749675, -0.11338177953865011]]}, "383": {"path": [6, 1, 1], "s": [2.4836650788295094, 1.0065769419998405], "s_vecs": [[0.8797048827764301, 0.45788133147243937, -0.1283121409233506], [0.43480017039805874, -0.8837889148906676, -0.17281772402793585]]}, "384": {"path": [6, 1, 1], "s": [2.475124928168076, 1.0100500267880774], "s_vecs": [[-0.8751559947301452, -0.45929866853912016, 0.15214045473207127], [-0.4372559123048533, 0.8853992119813663, 0.1577196962247449]]}, "385": {"path": [6, 1, 2], "s": [2.4873693172938873, 1.0050779281622135], "s_vecs": [[-0.8835554704764584, -0.452668832476131, 0.12008604704885968], [0.44121232343476724, -0.8905526188299902, -0.11066941196347363]]}, "386": {"path": [6, 1, 2], "s": [2.486254792983683, 1.0055284788409884], "s_vecs": [[0.8784571546206086, 0.4584408980121803, -0.13470326842972266], [-0.4373085230367129, 0.8849686712913333, 0.1599740807515418]]}, "387": {"path": [6, 1, 3], "s": [2.482299350657956, 1.0071307472796736], "s_vecs": [[-0.8796111812115222, -0.4527172470149503, 0.1460522651069644], [-0.4420013725984964, 0.8913268800421142, 0.10085226589142969]]}, "388": {"path": [6, 1, 3], "s": [2.4900155016301766, 1.004009813739428], "s_vecs": [[0.883331181514878, 0.45175278164973764, -0.12508176539869306], [0.4398321735181352, -0.8910576362528126, -0.11208901825720047]]}, "389": {"path": [6, 2, 0], "s": [2.4972571179785734, 1.0010983578749995], "s_vecs": [[0.886095209986743, 0.45216838204943327, -0.10187753978845063], [0.44123302033351397, -0.8902048770231009, -0.11335210051715046]]}, "390": {"path": [6, 2, 0], "s": [2.491811423521096, 1.0032861942928784], "s_vecs": [[-0.8827641647936574, -0.453278447363035, 0.12355597319560302], [-0.4428086769505366, 0.8906116587943695, 0.10359222382426603]]}, "391": {"path": [6, 2, 1], "s": [2.50189672756414, 0.9992418841500356], "s_vecs": [[-0.8887896937829406, -0.44987847695295563, 0.08753420017179493], [0.4462279726872321, -0.8929938771671636, -0.05867309207294068]]}, "392": {"path": [6, 2, 1], "s": [2.5009747761623045, 0.9996102415059933], "s_vecs": [[0.8856136762118335, 0.4525577206950338, -0.10430688350189193], [-0.4421985914562441, 0.8903368866912691, 0.10844645642441283]]}, "393": {"path": [6, 2, 2], "s": [2.4990573112200742, 1.0003772177515478], "s_vecs": [[-0.8860236216060452, -0.4493539532602079, 0.11420668389166463], [-0.4465442002576913, 0.8933322522169073, 0.050554568194051464]]}, "394": {"path": [6, 2, 2], "s": [2.5031816718276905, 0.998728948895919], "s_vecs": [[0.8890053751633222, 0.449136659432684, -0.08913867894673845], [0.4453903438280686, -0.8933676909788836, -0.05934315748064512]]}, "395": {"path": [6, 2, 3], "s": [2.494145067575834, 1.002347470682551], "s_vecs": [[0.8825674983270411, 0.4523574488861024, -0.12824721959561344], [-0.4414445344254553, 0.8911005014186578, 0.10519800091878809]]}, "396": {"path": [6, 2, 3], "s": [2.495439084553043, 1.0018277005738947], "s_vecs": [[-0.8864168974596842, -0.44905909445412356, 0.11229876929864499], [0.4457361661339755, -0.8935004469183183, -0.05455475741812694]]}, "397": {"path": [6, 3, 0], "s": [2.5016562766645802, 0.9993379279639532], "s_vecs": [[-0.8891855156060396, -0.4465696081896033, 0.09962280802008046], [0.4487917139179125, -0.893636382199052, -0.00011802039132825098]]}, "398": {"path": [6, 3, 0], "s": [2.500528241456789, 0.999788748054099], "s_vecs": [[0.8861812703266335, 0.4484267827920084, -0.11660264403984594], [-0.4454877247365294, 0.893798120593673, 0.05162951415894018]]}, "399": {"path": [6, 3, 1], "s": [2.4975653828407003, 1.0009747961659072], "s_vecs": [[-0.8863733287512513, -0.44480229546526145, 0.12842600993280226], [-0.44933560162526226, 0.8933341907675069, -0.007179186432122675]]}, "400": {"path": [6, 3, 1], "s": [2.5024698045742495, 0.9990130531965913], "s_vecs": [[0.8893951989384974, 0.4460559438750017, -0.10005136200438267], [0.448276741010001, -0.8938947711264772, -0.00031878236357051754]]}, "401": {"path": [6, 3, 2], "s": [2.493482246329033, 1.002613916213185], "s_vecs": [[0.88312938028635, 0.44651814384474775, -0.14388900198586665], [-0.44471412922450365, 0.894475946996125, 0.04628308020731929]]}, "402": {"path": [6, 3, 2], "s": [2.4951859680785393, 1.0019293279070371], "s_vecs": [[-0.8866383785699016, -0.44451589119791673, 0.127585297426694], [0.44878715549869574, -0.8936226712653654, 0.0053488746426061246]]}, "403": {"path": [6, 3, 3], "s": [2.497039334763353, 1.0011856702437276], "s_vecs": [[0.8865737267173005, 0.4481162019283287, -0.11479937571227067], [0.4446574847239715, -0.8939735930360586, -0.05559618901643029]]}, "404": {"path": [6, 3, 3], "s": [2.49128366084122, 1.0034987341248145], "s_vecs": [[-0.8830128915970051, -0.4476913324948061, 0.14092801028369356], [-0.446027562639577, 0.8938885648561914, 0.04497384779109738]]}, "405": {"path": [7, 0, 0], "s": [2.50621637122732, 0.9975196190964641], "s_vecs": [[0.8887552258644467, 0.4493782846668213, -0.09040633699327613], [-0.445896568734916, 0.8932842894468341, 0.056740005444950684]]}, "406": {"path": [7, 0, 0], "s": [2.506905539748124, 0.9972453929202231], "s_vecs": [[-0.8911212550978254, -0.4478544976661094, 0.07300176458903994], [0.44864433669562415, -0.8936894739984147, -0.006114181497203379]]}, "407": {"path": [7, 0, 1], "s": [2.5077321695608426, 0.9969166685124125], "s_vecs": [[0.8909307468410982, 0.4495039987816205, -0.06471908074514196], [0.44585326325802027, -0.8928464377211291, -0.06356183045558453]]}, "408": {"path": [7, 0, 1], "s": [2.5050078664959505, 0.9980008579761639], "s_vecs": [[-0.8885417459733062, -0.4501093777823484, 0.08885445230879585], [-0.4467201475833743, 0.8929161834572165, 0.056051753436328317]]}, "409": {"path": [7, 0, 2], "s": [2.5106906056377762, 0.9957419661292514], "s_vecs": [[-0.8925387002112359, -0.44850983764869984, 0.04704884863176182], [0.4484378832826983, -0.8937242425914295, -0.012666611279612026]]}, "410": {"path": [7, 0, 2], "s": [2.5103177762109032, 0.995889852548279], "s_vecs": [[0.8908144927646017, 0.449682393893518, -0.0650790604014915], [-0.4460842576320965, 0.8927817690725803, 0.06284542866792986]]}, "411": {"path": [7, 0, 3], "s": [2.5086799135872537, 0.9965400474009292], "s_vecs": [[-0.8910726993275964, -0.4479660288078512, 0.07291009221743483], [-0.44874088569907683, 0.8936396944201326, 0.0063019091313914095]]}, "412": {"path": [7, 0, 3], "s": [2.511148391025258, 0.9955604411650465], "s_vecs": [[0.8927106793179315, 0.4482042421533262, -0.04669689869231169], [0.4481387082040327, -0.8938773308333333, -0.012450527358163583]]}, "413": {"path": [7, 1, 0], "s": [2.5132683404752156, 0.9947206829205082], "s_vecs": [[0.8935143836016433, 0.44849949528286104, -0.021914584823687255], [0.44815316062713617, -0.8937542280325126, -0.01902956893668277]]}, "414": {"path": [7, 1, 0], "s": [2.5120355141810653, 0.9952088598616053], "s_vecs": [[-0.8925168200393381, -0.4485895261007725, 0.046702923030064784], [-0.4484825540063195, 0.8936921287617675, 0.013333331962756295]]}, "415": {"path": [7, 1, 1], "s": [2.5141453593630185, 0.9943736907214451], "s_vecs": [[-0.8938471881364908, -0.44835672526521864, 0.003667583664762759], [0.4482661093288133, -0.8934292090348003, 0.029012819074669932]]}, "416": {"path": [7, 1, 1], "s": [2.5141024919262236, 0.99439064557968], "s_vecs": [[0.8935118038550856, 0.44855064233146585, -0.02095179313711911], [-0.4481614637221592, 0.8937097873250526, 0.020835509924671855]]}, "417": {"path": [7, 1, 2], "s": [2.5126852896422482, 0.9949515008128786], "s_vecs": [[-0.893726117771747, -0.4478119316648304, 0.02679739299362212], [-0.4485284028142441, 0.8931220037296168, -0.033990562262157624]]}, "418": {"path": [7, 1, 2], "s": [2.5139879065447364, 0.9944359690401383], "s_vecs": [[0.8937909493350132, 0.4484792121360329, -0.0020335114110300607], [0.44833260639801853, -0.8933626694888143, 0.030016908637947242]]}, "419": {"path": [7, 1, 3], "s": [2.5124895618677394, 0.9950290094505081], "s_vecs": [[0.8926893244640834, 0.4482826252991008, -0.04635145998568233], [-0.44818250748199445, 0.89384588705029, 0.013113740520246457]]}, "420": {"path": [7, 1, 3], "s": [2.5126009745844566, 0.9949848882843246], "s_vecs": [[-0.8936991714449396, -0.4477539895082271, 0.02860342353801115], [0.4485787944995421, -0.8929682674367012, 0.03721207433661205]]}, "421": {"path": [7, 2, 0], "s": [2.512536899041529, 0.9950102627164163], "s_vecs": [[-0.8940906766888079, -0.4478286398318247, 0.0071673708238962006], [0.44672708003422645, -0.8905125601968715, 0.08615274862537557]]}, "422": {"path": [7, 2, 0], "s": [2.5126657102828323, 0.9949592537395648], "s_vecs": [[0.8937515728215798, 0.4478597051364309, -0.025096027455790502], [-0.44851199936143904, 0.8930893861352153, -0.035047607642023255]]}, "423": {"path": [7, 2, 1], "s": [2.509351305547871, 0.9962734171468162], "s_vecs": [[-0.8942729991605075, -0.4464450931938041, 0.031025501376226793], [-0.44733467394968085, 0.8897433465551047, -0.0908210699301407]]}, "424": {"path": [7, 2, 1], "s": [2.5121179774605613, 0.9951761909395629], "s_vecs": [[0.8939304515794376, 0.4481726662953983, -0.005441408333913295], [0.44689533109774404, -0.8903236224860595, 0.08722620183373057]]}, "425": {"path": [7, 2, 2], "s": [2.510058736758063, 0.9959926289330379], "s_vecs": [[0.8931380021982764, 0.4467535841983478, -0.05211280106846244], [-0.4489675160341859, 0.8924877135873138, -0.04351839429231784]]}, "426": {"path": [7, 2, 2], "s": [2.509928822072058, 0.9960441818171316], "s_vecs": [[-0.8942620026961009, -0.44629687663758855, 0.033385152949949135], [0.4473644572194475, -0.8893012969074954, 0.09491177869682738]]}, "427": {"path": [7, 2, 3], "s": [2.512578575975235, 0.9949937581672039], "s_vecs": [[0.8937262387990867, 0.4478060925122992, -0.026890771482121406], [0.4485600331010674, -0.892933348252222, 0.03826136802892842]]}, "428": {"path": [7, 2, 3], "s": [2.509936070659893, 0.9960413052842099], "s_vecs": [[-0.8930516378386548, -0.4467733174380374, 0.053407630345363194], [-0.44904534117731, 0.892487632334078, -0.04270957384082678]]}, "429": {"path": [7, 3, 0], "s": [2.5055048775942836, 0.997802886897762], "s_vecs": [[-0.8916954775124596, -0.44523529288156244, 0.08151508668029733], [-0.4498452893770274, 0.8916754439823761, -0.050538284736735634]]}, "430": {"path": [7, 3, 0], "s": [2.509612659060617, 0.9961696642603739], "s_vecs": [[0.8931086629844699, 0.4466537186670515, -0.053454388996477906], [0.4490215722730488, -0.8923344595571217, 0.04603085834892307]]}, "431": {"path": [7, 3, 1], "s": [2.504509700546569, 0.9981993679059888], "s_vecs": [[0.8892539854449171, 0.4462532740983812, -0.10042591660924079], [-0.44856160620999863, 0.8937517999417391, -0.0004533599097678101]]}, "432": {"path": [7, 3, 1], "s": [2.5049539384325983, 0.9980223435023725], "s_vecs": [[-0.8916821212392967, -0.44509213263240227, 0.08243778339407404], [0.44987052013657886, -0.8915578184641553, 0.05235619779434347]]}, "433": {"path": [7, 3, 2], "s": [2.5075114862567984, 0.9970044060424175], "s_vecs": [[0.8913386752803797, 0.4474369400273399, -0.072907822957408], [0.4482291332985733, -0.8938984026557719, -0.006024100917936936]]}, "434": {"path": [7, 3, 2], "s": [2.5037160582988838, 0.9985157828554225], "s_vecs": [[-0.8890475380914409, -0.44675867361988997, 0.1000058126257894], [-0.44906806009347255, 0.8934973154069296, -0.0006517395915036084]]}, "435": {"path": [7, 3, 3], "s": [2.509492983777979, 0.9962171706239692], "s_vecs": [[-0.8930210055841687, -0.44667235776170294, 0.054747496719405174], [0.44910148855715487, -0.8923361919321687, 0.04521032563190889]]}, "436": {"path": [7, 3, 3], "s": [2.5092757678482, 0.9963034083511065], "s_vecs": [[0.891287996177477, 0.4475526118508679, -0.07281735710257657], [-0.4483298585378061, 0.8938466008786393, 0.00621224928453765]]}, "437": {"path": [8, 0, 0], "s": [2.5096596642003983, 0.996151006314445], "s_vecs": [[0.8941787726058502, 0.44661403720129333, -0.0313085355112159], [0.4474539115312262, -0.8891140026596444, 0.09623558245239502]]}, "438": {"path": [8, 0, 0], "s": [2.5051302404401623, 0.9979521062987682], "s_vecs": [[-0.8938148698119627, -0.44457388813742477, 0.05872849810268654], [-0.44836504189738985, 0.8883082824231127, -0.09938402579313983]]}, "439": {"path": [8, 0, 1], "s": [2.508703943918357, 0.9965305017598998], "s_vecs": [[-0.8945544641526693, -0.4468677626929791, 0.009028473309583132], [0.44344042989698235, -0.8848017100723797, 0.14313112514673906]]}, "440": {"path": [8, 0, 1], "s": [2.5090757640492773, 0.996382825828013], "s_vecs": [[0.8941866087080661, 0.44675966424092967, -0.028915587742588265], [-0.4474286179160605, 0.889564384400136, -0.0921023228617536]]}, "441": {"path": [8, 0, 2], "s": [2.5038000379953984, 0.9984822917414591], "s_vecs": [[-0.8950739118812476, -0.44468324696567, 0.033158741497068864], [-0.444435887463509, 0.8835721088683849, -0.14757056062913912]]}, "442": {"path": [8, 0, 2], "s": [2.5082634396073797, 0.9967055136725671], "s_vecs": [[0.8943218954358004, 0.44737316760555296, -0.0067524995883828445], [0.4435615772770155, -0.884521587210542, 0.14448075623441953]]}, "443": {"path": [8, 0, 3], "s": [2.505038310407727, 0.9979887291995515], "s_vecs": [[0.8937791412774714, 0.44491886772656164, -0.05662197239783018], [-0.44847395889186553, 0.8881026013337544, -0.10072178364225043]]}, "444": {"path": [8, 0, 3], "s": [2.5045847843625353, 0.9981694433380097], "s_vecs": [[-0.8951289523363637, -0.44436451501726987, 0.03583764058459226], [0.44435855936034, -0.8828569139730921, 0.1520169075238389]]}, "445": {"path": [8, 1, 0], "s": [2.5027417023385126, 0.9989045204561255], "s_vecs": [[-0.8952617492043017, -0.44547157391272346, 0.007840742782090654], [0.43789641218645003, -0.8765195403260161, 0.19990054432368098]]}, "446": {"path": [8, 1, 0], "s": [2.5034703021290365, 0.9986138033568507], "s_vecs": [[0.8949150714792138, 0.4451626776161338, -0.03093873457315277], [-0.4445349042151396, 0.8833082508102541, -0.14884640736331628]]}, "447": {"path": [8, 1, 1], "s": [2.4964448544075992, 1.0014240833664438], "s_vecs": [[-0.8962845316748317, -0.44215638593250567, 0.034231106606894275], [-0.43930253511491835, 0.8746251424506007, -0.20504668452543184]]}, "448": {"path": [8, 1, 1], "s": [2.502811084124784, 0.9988768292810364], "s_vecs": [[0.8949471107253634, 0.4461592230806906, -0.003408322807334066], [0.43755541509669027, -0.8761435241770976, 0.20228144690529357]]}, "449": {"path": [8, 1, 2], "s": [2.4975815902544225, 1.0009683005972712], "s_vecs": [[0.8946617869719898, 0.4431258548560821, -0.05674296159130515], [-0.44630809206724364, 0.8809395272399955, -0.1573360616688693]]}, "450": {"path": [8, 1, 2], "s": [2.4968343601246588, 1.0012678613871617], "s_vecs": [[-0.8962588383968831, -0.4422075359084733, 0.03424309830061743], [0.43935495180256706, -0.8745992823078377, 0.20504468223579692]]}, "451": {"path": [8, 1, 3], "s": [2.504281548518269, 0.9982903086432904], "s_vecs": [[0.8949778860141918, 0.4448348587086304, -0.03371249061165911], [0.44444897535914196, -0.8825787531087141, 0.1533618363977044]]}, "452": {"path": [8, 1, 3], "s": [2.4974638833805116, 1.0010154767948256], "s_vecs": [[-0.8948426799575739, -0.44226685157953116, 0.06046991086710604], [-0.44612083121058876, 0.8814456613375475, -0.15501532204652138]]}, "453": {"path": [8, 2, 0], "s": [2.488814459331806, 1.004494324848629], "s_vecs": [[-0.8936655471313409, -0.4381930224277658, 0.09668901160969738], [-0.44855938090505465, 0.8783392075243126, -0.1652716501026005]]}, "454": {"path": [8, 2, 0], "s": [2.4984565088138404, 1.0006177778883532], "s_vecs": [[0.894866959108901, 0.44205708819378814, -0.061633239999356916], [0.4459311738396454, -0.8796382219359852, 0.16547503348630804]]}, "455": {"path": [8, 2, 1], "s": [2.4902732829263847, 1.0039058833985421], "s_vecs": [[0.889718946308587, 0.4407857302893206, -0.11877767699718597], [-0.45317651241090706, 0.8841843834974223, -0.11335353800552589]]}, "456": {"path": [8, 2, 1], "s": [2.489872063874463, 1.0040676532230237], "s_vecs": [[-0.8936329953854961, -0.4382567573350984, 0.0967010041750877], [0.4486242279300472, -0.8783074080462618, 0.16526463349799342]]}, "457": {"path": [8, 2, 2], "s": [2.4997041613305955, 1.0001183494727002], "s_vecs": [[0.8923877335839541, 0.4422882920675101, -0.08958347866040288], [0.4502602837783253, -0.8859402512299757, 0.11124544081637512]]}, "458": {"path": [8, 2, 2], "s": [2.4906892683833823, 1.003738214852734], "s_vecs": [[-0.8899590983920713, -0.4397776806700506, 0.12069960552397103], [-0.4523934976671571, 0.8847641232139739, -0.11194895953908482]]}, "459": {"path": [8, 2, 3], "s": [2.498296631401047, 1.0006818119904342], "s_vecs": [[-0.8950280927451683, -0.4412249699036813, 0.06515549961777584], [0.44577098700310547, -0.8801725910262962, 0.16304734635170687]]}, "460": {"path": [8, 2, 3], "s": [2.49883606772509, 1.0004657897690623], "s_vecs": [[0.892418318659162, 0.4425438368257871, -0.088002823869838], [-0.45020540689255456, 0.8863343181246822, -0.1082892797979757]]}, "461": {"path": [8, 3, 0], "s": [2.499843312364952, 1.000062678982427], "s_vecs": [[0.8895997278013584, 0.4431948026132421, -0.11041146331952291], [-0.45090940587274325, 0.890700143122639, -0.05774047745559452]]}, "462": {"path": [8, 3, 0], "s": [2.4997817615005404, 1.000087303020936], "s_vecs": [[-0.8924409801187169, -0.44192089283526, 0.09085714875798562], [0.4500443866749444, -0.8861671001844772, 0.1103082978429467]]}, "463": {"path": [8, 3, 1], "s": [2.5051688243690613, 0.9979367361118423], "s_vecs": [[0.891787768239776, 0.44504778798451367, -0.08152939855052954], [0.4497802783165291, -0.8915671183078238, 0.052969564749851566]]}, "464": {"path": [8, 3, 1], "s": [2.4995975326169657, 1.0001610128741851], "s_vecs": [[-0.8895320110166937, -0.44316201136016603, 0.11108660163948228], [-0.4509109724113304, 0.8907295390937172, -0.05727288315566592]]}, "465": {"path": [8, 3, 2], "s": [2.505561392505767, 0.9977803806674221], "s_vecs": [[-0.8937967975221962, -0.4442883594489637, 0.06111577862724591], [0.44839739600250444, -0.8877992833238436, 0.10369285311844108]]}, "466": {"path": [8, 3, 2], "s": [2.5057239104156555, 0.9977156659630927], "s_vecs": [[0.8917995403981968, 0.4451927486897145, -0.08060394692359388], [-0.4497575636941416, 0.8916857717953904, -0.051133338220469365]]}, "467": {"path": [8, 3, 3], "s": [2.498938068596966, 1.0004249530696177], "s_vecs": [[-0.8924743537460723, -0.44216720762135003, 0.08931790643464696], [-0.44998309308931783, 0.8865557039199805, -0.10739739187111627]]}, "468": {"path": [8, 3, 3], "s": [2.5054802336731234, 0.9978127012939595], "s_vecs": [[0.8937648798680817, 0.4446306109340282, -0.0590589479657906], [0.44849961132261806, -0.8875838522675542, 0.10508569758701182]]}, "469": {"path": [9, 0, 0], "s": [2.4938803992712515, 1.0024538469168525], "s_vecs": [[0.8898281443506266, 0.4393832973630347, 0.12307798958346361], [-0.45265332863867375, 0.8840207392643519, 0.11667174732058032]]}, "470": {"path": [9, 0, 0], "s": [2.4938685769823827, 1.0024585990914707], "s_vecs": [[-0.886401237711278, -0.4403590702282035, -0.14274710172772972], [0.4521621475026182, -0.8896997670108, -0.06311669309104374]]}, "471": {"path": [9, 0, 1], "s": [2.4856985826766143, 1.005753480097328], "s_vecs": [[0.8859992766012412, 0.4361561117158327, 0.15739481590892196], [0.455206169726721, -0.8827750628362627, -0.11617026933411194]]}, "472": {"path": [9, 0, 1], "s": [2.4935836661941577, 1.0025731375661593], "s_vecs": [[-0.8895969671291014, -0.44035703349286026, -0.12125559421351402], [-0.45341224418645054, 0.8834334372069916, 0.11816386438521234]]}, "473": {"path": [9, 0, 2], "s": [2.486777040765147, 1.0053173079122466], "s_vecs": [[-0.8819622846764216, -0.43745484632789, -0.17543028767173724], [0.45389715385015567, -0.888597794592218, -0.06611605835630435]]}, "474": {"path": [9, 0, 2], "s": [2.4870384461557746, 1.0052116419286805], "s_vecs": [[0.8859372712699936, 0.43627633782081815, 0.1574106363379975], [-0.45532683477901126, 0.8827156520705275, 0.11614883176265836]]}, "475": {"path": [9, 0, 3], "s": [2.493717312403051, 1.0025194064963572], "s_vecs": [[-0.8865012222902334, -0.4401476160418445, -0.1427783560999463], [-0.45196769171560136, 0.8897886994360455, 0.06325564007408174]]}, "476": {"path": [9, 0, 3], "s": [2.4875831172943137, 1.0049915448530577], "s_vecs": [[0.8823334309952204, 0.43672322894993953, 0.17538682346100382], [0.45317132534535687, -0.8889581322934552, -0.0662509540615421]]}, "477": {"path": [9, 1, 0], "s": [2.4936269515986567, 1.0025557344883749], "s_vecs": [[0.8776895830128674, 0.4320766306163746, 0.20729394864756653], [-0.45336231576952113, 0.8888084810327497, 0.06694844796075218]]}, "478": {"path": [9, 1, 0], "s": [2.489930718107182, 1.0040440008308622], "s_vecs": [[-0.8817458233542184, -0.4378742648971876, -0.1754720238047618], [-0.4543183391326697, 0.8883867258317425, 0.06605961015392758]]}, "479": {"path": [9, 1, 1], "s": [2.4904389449233877, 1.0038391043860364], "s_vecs": [[-0.8773058050284588, -0.4276976779040304, -0.2177365857610251], [0.44432079307246747, -0.8953098110129359, -0.03161289527130734]]}, "480": {"path": [9, 1, 1], "s": [2.494473032921248, 1.0022156852392523], "s_vecs": [[0.8776496139691742, 0.43215498082665416, 0.20729984960552597], [-0.4534396857234304, 0.8887703883609405, 0.06693017394105419]]}, "481": {"path": [9, 1, 2], "s": [2.482332130750045, 1.007117447754509], "s_vecs": [[-0.8807185849409569, -0.43427635263507347, -0.189047146716304], [-0.44532689480083737, 0.8951819130820428, 0.018256485363231434]]}, "482": {"path": [9, 1, 2], "s": [2.490265214445984, 1.003909136062113], "s_vecs": [[0.8772558955227073, 0.4277982320938566, 0.21774013499587908], [0.44441932503417486, -0.8952617684218898, -0.031588439946903454]]}, "483": {"path": [9, 1, 3], "s": [2.490646399532498, 1.003755491132445], "s_vecs": [[0.8821217157171287, 0.43713431919408996, 0.1754276649875626], [-0.453584112791112, 0.8887517143434557, 0.06619548983932362]]}, "484": {"path": [9, 1, 3], "s": [2.488067643163045, 1.004795832970917], "s_vecs": [[-0.8800169279343708, -0.4353640819848462, -0.1898112817154043], [0.4468691159466083, -0.8943660760312768, -0.020428295511697572]]}, "485": {"path": [9, 2, 0], "s": [2.4767190210527286, 1.009399927383517], "s_vecs": [[-0.8760591972889711, -0.437976775830594, -0.2017340493779902], [0.4416600795958198, -0.8967182713716726, 0.028856816865576486]]}, "486": {"path": [9, 2, 0], "s": [2.47961152636568, 1.0082224467089012], "s_vecs": [[0.880022659504795, 0.4362347835463408, 0.18777468514787873], [-0.4472691730673617, 0.8942023909410374, 0.018771543862210555]]}, "487": {"path": [9, 2, 1], "s": [2.4784742669677278, 1.0086850742487665], "s_vecs": [[-0.8807678031251802, -0.4418317517037997, -0.170390082353392], [-0.44034705348512265, 0.896516124423373, -0.048510938311535176]]}, "488": {"path": [9, 2, 1], "s": [2.4760556494708794, 1.0096703604114223], "s_vecs": [[0.8759244440064753, 0.4382502671318957, 0.20172523825929442], [0.4419272694178637, -0.896584640587594, 0.028918347243329444]]}, "489": {"path": [9, 2, 2], "s": [2.4884744785153847, 1.0046315610564311], "s_vecs": [[0.883483228263717, 0.44119654173071576, 0.15748967249181017], [-0.4483829073825347, 0.8937675573229725, 0.011503123232937354]]}, "490": {"path": [9, 2, 2], "s": [2.4852121308976862, 1.0059503448089848], "s_vecs": [[-0.8797973000298754, -0.44265985938020275, -0.17323094340688877], [0.4427019915229382, -0.8957512828941231, 0.040553494241026986]]}, "491": {"path": [9, 2, 3], "s": [2.4856163193020593, 1.0057867662785465], "s_vecs": [[0.8793380729691521, 0.4372523751920441, 0.18861313267059165], [0.4487474507550729, -0.8934127155962496, -0.020962944730133395]]}, "492": {"path": [9, 2, 3], "s": [2.4898402325871047, 1.004080489695653], "s_vecs": [[-0.8836288328575728, -0.4405061776764301, -0.15860136560466634], [-0.4476879376470314, 0.8941238766659039, 0.010862949014105824]]}, "493": {"path": [9, 3, 0], "s": [2.496252965679201, 1.0015010635429658], "s_vecs": [[-0.8868214392926538, -0.4438602963951232, -0.1285914930893156], [-0.448127702029177, 0.8939566610145514, 0.004801135466106617]]}, "494": {"path": [9, 3, 0], "s": [2.490764154835395, 1.0037080368073692], "s_vecs": [[0.8830975263095897, 0.44166767553721265, 0.15833010898574898], [0.4492044744139944, -0.8933269530234167, -0.013501672798046621]]}, "495": {"path": [9, 3, 1], "s": [2.499362892261601, 1.0002549080569179], "s_vecs": [[0.889544019387755, 0.4429700025791461, 0.1117542589188838], [-0.4508928721335048, 0.8906460210939694, 0.05869653285058643]]}, "496": {"path": [9, 3, 1], "s": [2.498593580844369, 1.00056288432277], "s_vecs": [[-0.8865534568403477, -0.4441589757501511, -0.12940545747767432], [0.4486902273529211, -0.8936626638573348, -0.0066425225175417366]]}, "497": {"path": [9, 3, 2], "s": [2.4935109235586292, 1.0026023854076855], "s_vecs": [[0.8863884795970393, 0.44036919974801736, 0.14279506696990676], [0.45217438768977025, -0.8896962284477093, -0.0630788728759718]]}, "498": {"path": [9, 3, 2], "s": [2.4996076890048533, 1.0001569490271904], "s_vecs": [[-0.8896137550007862, -0.442999019842517, -0.11108211076483301], [-0.4508883245347963, 0.8906159590772804, 0.05918557455208315]]}, "499": {"path": [9, 3, 3], "s": [2.4920647860627065, 1.0031841924743177], "s_vecs": [[-0.883241490794777, -0.4409931672591233, -0.15940356134474215], [0.44852737693892225, -0.8936763071793107, -0.012878281043692777]]}, "500": {"path": [9, 3, 3], "s": [2.4933586199904973, 1.0026636280702887], "s_vecs": [[0.8864866146804601, 0.44016148025498464, 0.14282630462249812], [-0.45198342385342627, 0.889783580060766, 0.06321522930418849]]}, "501": {"path": [10, 0, 0], "s": [2.4819509387584615, 1.0072721265193771], "s_vecs": [[0.8796121926201941, 0.44502377870588095, 0.16803638588184874], [0.44526595437443295, -0.8945761801993964, 0.038362581963187606]]}, "502": {"path": [10, 0, 0], "s": [2.4894568102892687, 1.0042351366238438], "s_vecs": [[-0.8837467583741226, -0.445920849975451, -0.1419375306971396], [-0.4433508040849809, 0.8948946928432105, -0.051025025607606585]]}, "503": {"path": [10, 0, 1], "s": [2.4733388384985617, 1.0107794213580628], "s_vecs": [[-0.8749857673716825, -0.4499963120969485, -0.17861474182198347], [0.4395927711301734, -0.8930115048648787, 0.09637763095791488]]}, "504": {"path": [10, 0, 1], "s": [2.4746277418230327, 1.010252959565658], "s_vecs": [[0.8806057369047162, 0.44425814310604483, 0.16482790544829115], [-0.4429662964336412, 0.8953273657703821, -0.046580772068874454]]}, "505": {"path": [10, 0, 2], "s": [2.479872935865439, 1.008116167503371], "s_vecs": [[-0.879977077642122, -0.4508461960129442, -0.14959294891501065], [-0.43729096198602746, 0.8918641298013914, -0.11556378558589042]]}, "506": {"path": [10, 0, 2], "s": [2.472332054758087, 1.0111910312325019], "s_vecs": [[0.8748496989235003, 0.45027262194150497, 0.1785849104022609], [0.43986350363081694, -0.8928722163063493, 0.0964328964711238]]}, "507": {"path": [10, 0, 3], "s": [2.4870288353384353, 1.0052155264455558], "s_vecs": [[0.8836392542680078, 0.4471148759689466, 0.13881626707253247], [-0.44468946853250335, 0.894300523565288, -0.04977800846891621]]}, "508": {"path": [10, 0, 3], "s": [2.4848261083074146, 1.006106621160271], "s_vecs": [[-0.878825879895249, -0.4513951849635346, -0.15462037323094785], [0.4399539149312849, -0.8920278128038144, 0.10357091252411857]]}, "509": {"path": [10, 1, 0], "s": [2.4762864715122563, 1.0095762460282969], "s_vecs": [[-0.8752602573966276, -0.4590874836676502, -0.15217806728203087], [0.4370471711150288, -0.8855087316558422, 0.15768340553657695]]}, "510": {"path": [10, 1, 0], "s": [2.4767896577817536, 1.0093711398322924], "s_vecs": [[0.8808312104702543, 0.45214129521713836, 0.1403731734373594], [-0.43935779239790607, 0.8911281065749675, -0.11338177953865206]]}, "511": {"path": [10, 1, 1], "s": [2.4836650788295005, 1.0065769419998427], "s_vecs": [[-0.8797048827764289, -0.45788133147244087, -0.12831214092335075], [-0.43480017039805996, 0.8837889148906665, -0.17281772402793685]]}, "512": {"path": [10, 1, 1], "s": [2.4751249281680656, 1.0100500267880808], "s_vecs": [[0.8751559947301426, 0.4592986685391259, 0.15214045473207027], [0.4372559123048587, -0.8853992119813636, 0.15771969622474663]]}, "513": {"path": [10, 1, 2], "s": [2.4873693172938767, 1.0050779281622182], "s_vecs": [[0.8835554704764581, 0.4526688324761313, 0.12008604704885924], [-0.4412123234347678, 0.8905526188299897, -0.1106694119634725]]}, "514": {"path": [10, 1, 2], "s": [2.486254792983675, 1.0055284788409924], "s_vecs": [[-0.878457154620608, -0.4584408980121813, -0.13470326842972283], [0.43730852303671375, -0.8849686712913328, 0.15997408075154299]]}, "515": {"path": [10, 1, 3], "s": [2.4822993506579327, 1.007130747279684], "s_vecs": [[0.879611181211521, 0.4527172470149522, 0.14605226510696423], [0.4420013725984985, -0.891326880042113, 0.10085226589142926]]}, "516": {"path": [10, 1, 3], "s": [2.490015501630159, 1.0040098137394349], "s_vecs": [[-0.8833311815148807, -0.4517527816497332, -0.12508176539869365], [-0.439832173518131, 0.8910576362528152, -0.1120890182571988]]}, "517": {"path": [10, 2, 0], "s": [2.4972571179785548, 1.0010983578750055], "s_vecs": [[-0.8860952099867432, -0.45216838204943344, -0.1018775397884503], [-0.4412330203335144, 0.8902048770231012, -0.11335210051714797]]}, "518": {"path": [10, 2, 0], "s": [2.491811423521079, 1.0032861942928855], "s_vecs": [[0.882764164793655, 0.4532784473630398, 0.12355597319560269], [0.4428086769505417, -0.8906116587943672, 0.10359222382426438]]}, "519": {"path": [10, 2, 1], "s": [2.5018967275641355, 0.9992418841500372], "s_vecs": [[0.8887896937829418, 0.4498784769529531, 0.08753420017179457], [-0.4462279726872294, 0.8929938771671648, -0.05867309207294161]]}, "520": {"path": [10, 2, 1], "s": [2.500974776162291, 0.9996102415059991], "s_vecs": [[-0.8856136762118355, -0.45255772069503014, -0.10430688350189124], [0.4421985914562406, -0.890336886691271, 0.1084464564244117]]}, "521": {"path": [10, 2, 2], "s": [2.4990573112200725, 1.0003772177515466], "s_vecs": [[0.886023621606047, 0.4493539532602044, 0.11420668389166423], [0.4465442002576877, -0.8933322522169089, 0.05055456819405252]]}, "522": {"path": [10, 2, 2], "s": [2.5031816718276882, 0.9987289488959212], "s_vecs": [[-0.8890053751633247, -0.44913665943267944, -0.08913867894673874], [-0.4453903438280639, 0.893367690978886, -0.05934315748064605]]}, "523": {"path": [10, 2, 3], "s": [2.4941450675758103, 1.0023474706825615], "s_vecs": [[-0.8825674983270421, -0.4523574488861003, -0.1282472195956143], [0.4414445344254535, -0.8911005014186593, 0.10519800091878563]]}, "524": {"path": [10, 2, 3], "s": [2.4954390845530376, 1.0018277005738967], "s_vecs": [[0.8864168974596843, 0.4490590944541226, 0.1122987692986456], [-0.44573616613397465, 0.8935004469183184, -0.05455475741812587]]}, "525": {"path": [10, 3, 0], "s": [2.501656276664571, 0.9993379279639565], "s_vecs": [[0.8891855156060408, 0.44656960818960106, 0.09962280802007986], [-0.4487917139179103, 0.893636382199053, -0.0001180203913283967]]}, "526": {"path": [10, 3, 0], "s": [2.5005282414567893, 0.9997887480540972], "s_vecs": [[-0.886181270326634, -0.44842678279200787, -0.116602644039846], [0.4454877247365286, -0.8937981205936734, 0.05162951415894195]]}, "527": {"path": [10, 3, 1], "s": [2.4975653828407003, 1.000974796165909], "s_vecs": [[0.886373328751251, 0.4448022954652623, 0.12842600993280245], [0.44933560162526315, -0.8933341907675065, -0.007179186432120635]]}, "528": {"path": [10, 3, 1], "s": [2.5024698045742424, 0.999013053196594], "s_vecs": [[-0.8893951989384987, -0.4460559438749991, -0.10005136200438378], [-0.44827674100999854, 0.8938947711264787, -0.0003187823635716139]]}, "529": {"path": [10, 3, 2], "s": [2.493482246329029, 1.0026139162131853], "s_vecs": [[-0.8831293802863496, -0.4465181438447481, -0.14388900198586696], [0.44471412922450404, -0.8944759469961244, 0.04628308020731912]]}, "530": {"path": [10, 3, 2], "s": [2.49518596807854, 1.0019293279070371], "s_vecs": [[0.8866383785699026, 0.4445158911979143, 0.12758529742669467], [-0.44878715549869325, 0.8936226712653667, 0.005348874642605771]]}, "531": {"path": [10, 3, 3], "s": [2.4970393347633544, 1.0011856702437272], "s_vecs": [[-0.8865737267172991, -0.4481162019283315, -0.11479937571227168], [-0.4446574847239744, 0.8939735930360573, -0.05559618901642999]]}, "532": {"path": [10, 3, 3], "s": [2.4912836608412174, 1.0034987341248174], "s_vecs": [[0.8830128915970046, 0.44769133249480714, 0.14092801028369367], [0.44602756263957816, -0.8938885648561908, 0.0449738477910972]]}, "533": {"path": [11, 0, 0], "s": [2.506216371227319, 0.9975196190964659], "s_vecs": [[-0.8887552258644488, -0.44937828466681734, -0.09040633699327595], [0.44589656873491185, -0.8932842894468361, 0.056740005444952404]]}, "534": {"path": [11, 0, 0], "s": [2.5069055397481215, 0.9972453929202234], "s_vecs": [[0.8911212550978275, 0.44785449766610497, 0.07300176458903941], [-0.44864433669561965, 0.8936894739984168, -0.006114181497204666]]}, "535": {"path": [11, 0, 1], "s": [2.5077321695608417, 0.9969166685124122], "s_vecs": [[-0.8909307468410997, -0.4495039987816172, -0.0647190807451411], [-0.4458532632580168, 0.8928464377211306, -0.06356183045558618]]}, "536": {"path": [11, 0, 1], "s": [2.505007866495947, 0.9980008579761663], "s_vecs": [[0.888541745973308, 0.4501093777823444, 0.08885445230879517], [0.44672014758337014, -0.8929161834572182, 0.056051753436329795]]}, "537": {"path": [11, 0, 2], "s": [2.510690605637776, 0.9957419661292524], "s_vecs": [[0.8925387002112362, 0.44850983764869923, 0.04704884863176232], [-0.4484378832826976, 0.8937242425914298, -0.012666611279611627]]}, "538": {"path": [11, 0, 2], "s": [2.5103177762108997, 0.99588985254828], "s_vecs": [[-0.8908144927646018, -0.44968239389351716, -0.06507906040149192], [0.4460842576320957, -0.8927817690725806, 0.06284542866792883]]}, "539": {"path": [11, 0, 3], "s": [2.508679913587252, 0.9965400474009294], "s_vecs": [[0.8910726993275974, 0.4479660288078488, 0.07291009221743462], [0.44874088569907455, -0.8936396944201337, 0.006301909131392166]]}, "540": {"path": [11, 0, 3], "s": [2.5111483910252566, 0.9955604411650465], "s_vecs": [[-0.8927106793179317, -0.44820424215332594, -0.046696898692313436], [-0.44813870820403234, 0.8938773308333336, -0.01245052735816391]]}, "541": {"path": [11, 1, 0], "s": [2.5132683404752147, 0.9947206829205104], "s_vecs": [[-0.8935143836016439, -0.448499495282859, -0.021914584823686703], [-0.44815316062713406, 0.8937542280325134, -0.019029568936684817]]}, "542": {"path": [11, 1, 0], "s": [2.5120355141810657, 0.9952088598616058], "s_vecs": [[0.8925168200393393, 0.4485895261007702, 0.04670292303006393], [0.44848255400631704, -0.8936921287617686, 0.013333331962758434]]}, "543": {"path": [11, 1, 1], "s": [2.5141453593630176, 0.9943736907214455], "s_vecs": [[0.8938471881364904, 0.44835672526521925, 0.0036675836647633592], [-0.44826610932881394, 0.8934292090347998, 0.02901281907467316]]}, "544": {"path": [11, 1, 1], "s": [2.5141024919262227, 0.9943906455796803], "s_vecs": [[-0.8935118038550852, -0.4485506423314661, -0.02095179313712033], [0.4481614637221594, -0.8937097873250522, 0.020835509924670544]]}, "545": {"path": [11, 1, 2], "s": [2.5126852896422487, 0.9949515008128786], "s_vecs": [[0.8937261177717473, 0.4478119316648301, 0.02679739299362212], [0.4485284028142438, -0.8931220037296169, -0.03399056226215926]]}, "546": {"path": [11, 1, 2], "s": [2.5139879065447346, 0.9944359690401368], "s_vecs": [[-0.8937909493350138, -0.44847921213603253, -0.0020335114110326645], [-0.44833260639801814, 0.8933626694888147, 0.03001690863794923]]}, "547": {"path": [11, 1, 3], "s": [2.5124895618677447, 0.9950290094505065], "s_vecs": [[-0.8926893244640839, -0.4482826252991001, -0.04635145998568271], [0.4481825074819937, -0.8938458870502904, 0.013113740520249396]]}, "548": {"path": [11, 1, 3], "s": [2.512600974584455, 0.9949848882843256], "s_vecs": [[0.8936991714449406, 0.4477539895082255, 0.02860342353801031], [-0.44857879449954036, 0.8929682674367022, 0.03721207433661233]]}, "549": {"path": [11, 2, 0], "s": [2.512536899041531, 0.9950102627164145], "s_vecs": [[0.8940906766888079, 0.4478286398318248, 0.007167370823897623], [-0.4467270800342266, 0.8905125601968714, 0.0861527486253754]]}, "550": {"path": [11, 2, 0], "s": [2.5126657102828345, 0.994959253739564], "s_vecs": [[-0.8937515728215801, -0.4478597051364295, -0.025096027455791512], [0.44851199936143765, -0.8930893861352155, -0.03504760764202426]]}, "551": {"path": [11, 2, 1], "s": [2.5093513055478747, 0.9962734171468139], "s_vecs": [[0.8942729991605085, 0.44644509319380243, 0.031025501376226193], [0.4473346739496792, -0.8897433465551057, -0.09082106993014036]]}, "552": {"path": [11, 2, 1], "s": [2.5121179774605618, 0.9951761909395631], "s_vecs": [[-0.893930451579438, -0.44817266629539737, -0.0054414083339148975], [-0.44689533109774315, 0.8903236224860597, 0.08722620183373021]]}, "553": {"path": [11, 2, 2], "s": [2.510058736758059, 0.9959926289330376], "s_vecs": [[-0.8931380021982773, -0.44675358419834665, -0.05211280106846246], [0.4489675160341846, -0.892487713587315, -0.043518394292317276]]}, "554": {"path": [11, 2, 2], "s": [2.509928822072051, 0.9960441818171346], "s_vecs": [[0.894262002696102, 0.4462968766375866, 0.03338515294994873], [-0.44736445721944545, 0.8893012969074966, 0.09491177869682747]]}, "555": {"path": [11, 2, 3], "s": [2.5125785759752337, 0.9949937581672041], "s_vecs": [[-0.8937262387990881, -0.4478060925122971, -0.02689077148212161], [-0.4485600331010654, 0.8929333482522231, 0.038261368028928065]]}, "556": {"path": [11, 2, 3], "s": [2.5099360706598937, 0.9960413052842101], "s_vecs": [[0.8930516378386558, 0.44677331743803533, 0.05340763034536286], [0.449045341177308, -0.8924876323340789, -0.04270957384082644]]}, "557": {"path": [11, 3, 0], "s": [2.5055048775942863, 0.997802886897762], "s_vecs": [[0.8916954775124595, 0.4452352928815621, 0.08151508668029796], [0.4498452893770271, -0.891675443982376, -0.050538284736735314]]}, "558": {"path": [11, 3, 0], "s": [2.5096126590606156, 0.9961696642603757], "s_vecs": [[-0.8931086629844711, -0.44665371866704884, -0.053454388996478], [-0.44902157227304623, 0.892334459557123, 0.046030858348922864]]}, "559": {"path": [11, 3, 1], "s": [2.5045097005465644, 0.9981993679059896], "s_vecs": [[-0.8892539854449197, -0.4462532740983762, -0.10042591660924077], [0.44856160620999325, -0.8937517999417419, -0.000453359909764757]]}, "560": {"path": [11, 3, 1], "s": [2.5049539384325987, 0.9980223435023727], "s_vecs": [[0.891682121239299, 0.4450921326323974, 0.08243778339407334], [-0.44987052013657386, 0.8915578184641577, 0.05235619779434149]]}, "561": {"path": [11, 3, 2], "s": [2.507511486256796, 0.997004406042419], "s_vecs": [[-0.8913386752803825, -0.44743694002733403, -0.07290782295740812], [-0.4482291332985673, 0.8938984026557749, -0.006024100917938487]]}, "562": {"path": [11, 3, 2], "s": [2.5037160582988798, 0.9985157828554234], "s_vecs": [[0.889047538091443, 0.44675867361988664, 0.10000581262578774], [0.449068060093469, -0.8934973154069314, -0.0006517395915013741]]}, "563": {"path": [11, 3, 3], "s": [2.509492983777977, 0.9962171706239704], "s_vecs": [[0.8930210055841701, 0.4466723577617002, 0.05474749671940494], [-0.4491014885571521, 0.8923361919321702, 0.04521032563190886]]}, "564": {"path": [11, 3, 3], "s": [2.509275767848198, 0.9963034083511068], "s_vecs": [[-0.8912879961774784, -0.4475526118508653, -0.07281735710257704], [0.4483298585378034, -0.8938466008786409, 0.006212249284538753]]}, "565": {"path": [12, 0, 0], "s": [2.509659664200392, 0.9961510063144483], "s_vecs": [[-0.8941787726058513, -0.44661403720129084, -0.031308535511216096], [-0.4474539115312237, 0.8891140026596454, 0.09623558245239465]]}, "566": {"path": [12, 0, 0], "s": [2.5051302404401543, 0.9979521062987722], "s_vecs": [[0.8938148698119633, 0.4445738881374229, 0.058728498102686086], [0.44836504189738796, -0.8883082824231135, -0.0993840257931396]]}, "567": {"path": [12, 0, 1], "s": [2.5087039439183556, 0.9965305017599], "s_vecs": [[0.8945544641526709, 0.44686776269297585, 0.009028473309582924], [-0.4434404298969791, 0.8848017100723817, 0.14313112514673754]]}, "568": {"path": [12, 0, 1], "s": [2.5090757640492782, 0.9963828258280125], "s_vecs": [[-0.8941866087080672, -0.4467596642409281, -0.028915587742588365], [0.44742861791605903, -0.8895643844001372, -0.09210232286175284]]}, "569": {"path": [12, 0, 2], "s": [2.503800037995397, 0.9984822917414584], "s_vecs": [[0.8950739118812487, 0.44468324696566786, 0.033158741497068746], [0.44443588746350693, -0.883572108868386, -0.147570560629138]]}, "570": {"path": [12, 0, 2], "s": [2.5082634396073766, 0.9967055136725711], "s_vecs": [[-0.8943218954358012, -0.4473731676055514, -0.006752499588382442], [-0.443561577277014, 0.884521587210543, 0.14448075623441825]]}, "571": {"path": [12, 0, 3], "s": [2.50503831040772, 0.9979887291995543], "s_vecs": [[-0.8937791412774719, -0.44491886772656, -0.05662197239782968], [0.4484739588918639, -0.888102601333755, -0.10072178364225019]]}, "572": {"path": [12, 0, 3], "s": [2.50458478436253, 0.9981694433380116], "s_vecs": [[0.8951289523363649, 0.4443645150172674, 0.03583764058459194], [-0.44435855936033775, 0.8828569139730934, 0.15201690752383756]]}, "573": {"path": [12, 1, 0], "s": [2.502741702338505, 0.9989045204561282], "s_vecs": [[0.8952617492043046, 0.4454715739127182, 0.007840742782089585], [-0.43789641218644476, 0.8765195403260193, 0.19990054432367996]]}, "574": {"path": [12, 1, 0], "s": [2.5034703021290334, 0.9986138033568515], "s_vecs": [[-0.8949150714792146, -0.4451626776161323, -0.030938734573152556], [0.4445349042151381, -0.8833082508102551, -0.14884640736331523]]}, "575": {"path": [12, 1, 1], "s": [2.496444854407582, 1.0014240833664476], "s_vecs": [[0.8962845316748317, 0.4421563859325061, 0.03423110660689398], [0.4393025351149189, -0.8746251424506009, -0.20504668452543118]]}, "576": {"path": [12, 1, 1], "s": [2.5028110841247777, 0.998876829281039], "s_vecs": [[-0.8949471107253651, -0.44615922308068684, -0.003408322807332692], [-0.43755541509668633, 0.8761435241770996, 0.2022814469052928]]}, "577": {"path": [12, 1, 2], "s": [2.49758159025442, 1.0009683005972727], "s_vecs": [[-0.8946617869719896, -0.4431258548560826, -0.05674296159130564], [0.4463080920672442, -0.8809395272399955, -0.15733606166886782]]}, "578": {"path": [12, 1, 2], "s": [2.496834360124651, 1.0012678613871655], "s_vecs": [[0.8962588383968839, 0.44220753590847156, 0.03424309830061685], [-0.43935495180256534, 0.8745992823078386, 0.20504468223579655]]}, "579": {"path": [12, 1, 3], "s": [2.504281548518263, 0.9982903086432935], "s_vecs": [[-0.8949778860141926, -0.4448348587086286, -0.03371249061165866], [-0.4444489753591402, 0.8825787531087151, 0.15336183639770312]]}, "580": {"path": [12, 1, 3], "s": [2.497463883380516, 1.0010154767948247], "s_vecs": [[0.8948426799575758, 0.44226685157952716, 0.06046991086710546], [0.44612083121058477, -0.8814456613375496, -0.15501532204652047]]}, "581": {"path": [12, 2, 0], "s": [2.4888144593318087, 1.004494324848626], "s_vecs": [[0.8936655471313413, 0.43819302242776553, 0.09668901160969776], [0.44855938090505454, -0.8783392075243129, -0.1652716501025994]]}, "582": {"path": [12, 2, 0], "s": [2.4984565088138346, 1.0006177778883572], "s_vecs": [[-0.894866959108901, -0.44205708819378786, -0.06163323999935722], [-0.4459311738396452, 0.8796382219359854, 0.16547503348630654]]}, "583": {"path": [12, 2, 1], "s": [2.49027328292639, 1.0039058833985401], "s_vecs": [[-0.8897189463085905, -0.44078573028931345, -0.11877767699718689], [0.45317651241089996, -0.8841843834974262, -0.11335353800552413]]}, "584": {"path": [12, 2, 1], "s": [2.4898720638744694, 1.0040676532230217], "s_vecs": [[0.8936329953854961, 0.43825675733509845, 0.09670100417508863], [-0.4486242279300474, 0.878307408046262, 0.16526463349799306]]}, "585": {"path": [12, 2, 2], "s": [2.499704161330592, 1.000118349472706], "s_vecs": [[-0.8923877335839565, -0.4422882920675057, -0.08958347866040253], [-0.45026028377832084, 0.8859402512299782, 0.11124544081637411]]}, "586": {"path": [12, 2, 2], "s": [2.490689268383385, 1.0037382148527332], "s_vecs": [[0.889959098392072, 0.4397776806700497, 0.12069960552397106], [0.4523934976671563, -0.8847641232139747, -0.11194895953908354]]}, "587": {"path": [12, 2, 3], "s": [2.4982966314010446, 1.0006818119904362], "s_vecs": [[0.8950280927451704, 0.44122496990367677, 0.06515549961777498], [-0.44577098700310097, 0.8801725910262986, 0.16304734635170595]]}, "588": {"path": [12, 2, 3], "s": [2.498836067725092, 1.0004657897690614], "s_vecs": [[-0.8924183186591638, -0.44254383682578297, -0.08800282386983777], [0.4502054068925504, -0.886334318124684, -0.10828927979797458]]}, "589": {"path": [12, 3, 0], "s": [2.499843312364945, 1.0000626789824305], "s_vecs": [[-0.8895997278013595, -0.4431948026132405, -0.11041146331952192], [0.4509094058727414, -0.8907001431226402, -0.057740477455593395]]}, "590": {"path": [12, 3, 0], "s": [2.499781761500527, 1.0000873030209414], "s_vecs": [[0.8924409801187188, 0.44192089283525643, 0.09085714875798402], [-0.4500443866749407, 0.8861671001844789, 0.11030829784294659]]}, "591": {"path": [12, 3, 1], "s": [2.505168824369052, 0.9979367361118459], "s_vecs": [[-0.8917877682397783, -0.4450477879845094, -0.08152939855052735], [-0.4497802783165247, 0.8915671183078261, 0.05296956474985058]]}, "592": {"path": [12, 3, 1], "s": [2.499597532616959, 1.0001610128741893], "s_vecs": [[0.889532011016694, 0.44316201136016503, 0.1110866016394815], [0.45091097241132916, -0.8907295390937179, -0.05727288315566458]]}, "593": {"path": [12, 3, 2], "s": [2.50556139250576, 0.997780380667425], "s_vecs": [[0.8937967975221974, 0.4442883594489613, 0.06111577862724504], [-0.44839739600250184, 0.8877992833238452, 0.10369285311844037]]}, "594": {"path": [12, 3, 2], "s": [2.505723910415645, 0.9977156659630962], "s_vecs": [[-0.8917995403981976, -0.4451927486897132, -0.08060394692359289], [0.4497575636941404, -0.8916857717953911, -0.051133338220470184]]}, "595": {"path": [12, 3, 3], "s": [2.4989380685969613, 1.000424953069619], "s_vecs": [[0.8924743537460739, 0.4421672076213475, 0.08931790643464549], [0.44998309308931517, -0.886555703919982, -0.10739739187111604]]}, "596": {"path": [12, 3, 3], "s": [2.5054802336731172, 0.9978127012939617], "s_vecs": [[-0.8937648798680832, -0.4446306109340261, -0.0590589479657897], [-0.4484996113226159, 0.8875838522675555, 0.10508569758701114]]}, "597": {"path": [13, 0, 0], "s": [2.5090656076893323, 0.9963868590516123], "s_vecs": [[0.8934095853711934, 0.4489276640824038, -0.01683048390239216], [0.44316699214276933, -0.8868482546421439, -0.130779166205148]]}, "598": {"path": [13, 0, 0], "s": [2.5097998184122536, 0.9960953784678908], "s_vecs": [[-0.8917199159443039, -0.4509593475593392, 0.03835698576711694], [-0.4434049286809493, 0.887469783483226, 0.12565608869322015]]}, "599": {"path": [13, 0, 1], "s": [2.5110987325821723, 0.9955801289538466], "s_vecs": [[-0.8939145297180172, -0.44822393634278923, -0.003480868913259251], [0.4469062614812076, -0.8906348271154203, -0.0839309131248781]]}, "600": {"path": [13, 0, 1], "s": [2.510777196954816, 0.9957076251258425], "s_vecs": [[0.8934411475372422, 0.4489214007328486, -0.015247683476281415], [-0.44315156344149764, 0.8864846737362266, 0.13327270932239638]]}, "601": {"path": [13, 0, 2], "s": [2.512756736518078, 0.9949232106981618], "s_vecs": [[-0.8931941696059159, -0.44929504167851386, 0.018388608025114363], [-0.4467418709093297, 0.8912934196326128, 0.07757409938913398]]}, "602": {"path": [13, 0, 2], "s": [2.5115627106142595, 0.9953962086770138], "s_vecs": [[0.8940766516529006, 0.4478827287025775, 0.005291719859489338], [0.4467354773215668, -0.8908055568321765, -0.08302332936703787]]}, "603": {"path": [13, 0, 3], "s": [2.5108559203576246, 0.9956764064916641], "s_vecs": [[0.8920411370507528, 0.4503905725589211, -0.037562507361024684], [-0.44295267359566876, 0.8877545702691341, 0.12523877962002722]]}, "604": {"path": [13, 0, 3], "s": [2.5111960540589218, 0.9955415452167404], "s_vecs": [[-0.8931987877504978, -0.44924107407833597, 0.019452067293338583], [0.446713320778568, -0.8914568982376113, -0.07584067262070816]]}, "605": {"path": [13, 1, 0], "s": [2.513615562313814, 0.9945832757729737], "s_vecs": [[-0.8937887927864013, -0.4484880349371511, -0.000276419319145009], [0.44833078137588617, -0.8934587394348285, -0.02703685259815622]]}, "606": {"path": [13, 1, 0], "s": [2.513453431493496, 0.9946474315676892], "s_vecs": [[0.8934111680963078, 0.44890314185866564, -0.01739120324215018], [-0.4464382136989576, 0.8914906448868142, 0.0770542109723817]]}, "607": {"path": [13, 1, 1], "s": [2.5137979522376366, 0.9945111132637534], "s_vecs": [[-0.8933951804576827, -0.44873778317508406, 0.021896426331613615], [-0.4483246844565945, 0.8936153646632671, 0.021367202545757847]]}, "608": {"path": [13, 1, 1], "s": [2.5137794814537338, 0.9945184207463695], "s_vecs": [[0.8938450514825186, 0.44837185249616174, 0.0019250530834606112], [0.4482641568602387, -0.8935180007403637, -0.02616921908126161]]}, "609": {"path": [13, 1, 2], "s": [2.512691283442642, 0.9949491274450339], "s_vecs": [[0.8923788021898661, 0.44946445297577275, -0.040518871077185784], [-0.4462182531443423, 0.8922110470027107, 0.06963273775415538]]}, "610": {"path": [13, 1, 2], "s": [2.5129324652578897, 0.9948536359664713], "s_vecs": [[-0.8933823655095378, -0.44870938851720676, 0.02297463064114476], [0.448338572971123, -0.8936485192989724, -0.019617541664827653]]}, "611": {"path": [13, 1, 3], "s": [2.5118938985196952, 0.9952649677891623], "s_vecs": [[0.8934149542319904, 0.44885309538864876, -0.018455847709594384], [0.44641096073136016, -0.8916515024412133, -0.0753316157614544]]}, "612": {"path": [13, 1, 3], "s": [2.511822249748887, 0.9952933573424367], "s_vecs": [[-0.8920964369981801, -0.4499615404318035, 0.04121358061841447], [-0.4466582122131894, 0.8919605878385322, 0.070019648708471]]}, "613": {"path": [13, 2, 0], "s": [2.50936396356959, 0.9962683916300974], "s_vecs": [[-0.8905556645286393, -0.4502575201823867, 0.06464343659770361], [-0.44668595346375295, 0.8924918463824163, 0.0626894179194817]]}, "614": {"path": [13, 2, 0], "s": [2.5105821742107732, 0.9957849719800143], "s_vecs": [[0.8923849053865854, 0.4493840328052261, -0.04126950081944767], [0.4461884311643778, -0.8923210133981639, -0.0684038956722862]]}, "615": {"path": [13, 2, 1], "s": [2.5060360125434036, 0.9975914102937097], "s_vecs": [[0.8882008513747186, 0.4521860841395343, -0.08140634451797599], [-0.4425855468760386, 0.889622777698198, 0.11264700216597445]]}, "616": {"path": [13, 2, 1], "s": [2.5066346247998217, 0.9973531743580889], "s_vecs": [[-0.890644372213938, -0.45014124171959397, 0.06422978084021633], [0.4465200120288447, -0.8925250812872857, -0.06339446451295451]]}, "617": {"path": [13, 2, 2], "s": [2.50633078487345, 0.9974740824668251], "s_vecs": [[0.8903888075763116, 0.45130683299890456, -0.05941307794865749], [0.44261829929100216, -0.8888465025094221, -0.11849445602857969]]}, "618": {"path": [13, 2, 2], "s": [2.5044766875385442, 0.9982125257700236], "s_vecs": [[-0.8879715855501265, -0.4528964569046997, 0.07994537246622974], [-0.44345359501827, 0.8892536173225053, 0.11214683742402859]]}, "619": {"path": [13, 2, 3], "s": [2.509699860014207, 0.9961350517770065], "s_vecs": [[-0.8921011354343784, -0.4498821700717669, 0.0419713855884027], [0.4466305154328298, -0.8920704882265436, -0.06878536704460268]]}, "620": {"path": [13, 2, 3], "s": [2.509256585295435, 0.996311024807236], "s_vecs": [[0.8902892962371042, 0.451482384092523, -0.05957034379431667], [-0.44281146829636037, 0.8887880765190947, 0.118210653423071]]}, "621": {"path": [13, 3, 0], "s": [2.5044678006370344, 0.9982160678464709], "s_vecs": [[0.8874316582687362, 0.4546758047108202, -0.07572954847989988], [-0.4386583307911072, 0.8835213191450343, 0.1642222501483232]]}, "622": {"path": [13, 3, 0], "s": [2.5049474594491645, 0.9980249248619959], "s_vecs": [[-0.8900815160132785, -0.45194896024618153, 0.05913570988750402], [0.443284958624389, -0.8885185993764626, -0.11846157191031471]]}, "623": {"path": [13, 3, 1], "s": [2.5045170953109013, 0.9981964206515661], "s_vecs": [[0.8896958719089784, 0.4529450035531909, -0.05728943414210559], [0.43845827334225296, -0.8826569633581529, -0.16932521245548282]]}, "624": {"path": [13, 3, 1], "s": [2.5029462122063864, 0.9988229023092781], "s_vecs": [[-0.8872762774485712, -0.45517764564485286, 0.07452595777455592], [-0.43934249300516803, 0.8832427336961922, 0.16389157151263484]]}, "625": {"path": [13, 3, 2], "s": [2.5074138827892756, 0.9970432153861135], "s_vecs": [[-0.8917106002139309, -0.4508969830179725, 0.039295243623131824], [0.4433867087614499, -0.887682651078753, -0.12420844362395797]]}, "626": {"path": [13, 3, 2], "s": [2.5069693151718146, 0.9972200237435549], "s_vecs": [[0.8896565896652785, 0.45308422026717965, -0.05679649469842413], [-0.43856722350739175, 0.8824664026159431, 0.1700348161968418]]}, "627": {"path": [13, 3, 3], "s": [2.5079529004119046, 0.9968289275246771], "s_vecs": [[-0.8899872754039418, -0.4521127387416691, 0.05930194842140746], [-0.4434660463933794, 0.8884665854335256, 0.11817356838276778]]}, "628": {"path": [13, 3, 3], "s": [2.508519840406908, 0.9966036384206856], "s_vecs": [[0.8920372525481766, 0.45032136480301493, -0.038473477465010425], [0.4429273261824086, -0.8879680078889228, -0.12380711080822529]]}, "629": {"path": [14, 0, 0], "s": [2.5009074992585534, 0.9996371320175486], "s_vecs": [[-0.8882214595647959, -0.4526322703433701, 0.07865536607498516], [0.44300654126987654, -0.8891990718132204, -0.11432504134531654]]}, "630": {"path": [14, 0, 0], "s": [2.5003416747252913, 0.9998633487859898], "s_vecs": [[0.884931002510346, 0.456025237881401, -0.0945415422512561], [-0.4385376693578341, 0.884267356732945, 0.16048661741942816]]}, "631": {"path": [14, 0, 1], "s": [2.499306299624239, 1.0002775571669082], "s_vecs": [[-0.8855802314718306, -0.4533350280368575, 0.10116820637493071], [-0.44329898073159046, 0.8899257109183829, 0.10732307640365055]]}, "632": {"path": [14, 0, 1], "s": [2.5025872556377213, 0.998966167660329], "s_vecs": [[0.8884536378021475, 0.45190775421590446, -0.08018425753019326], [0.4421196592941864, -0.8895794224595736, -0.11479833623395588]]}, "633": {"path": [14, 0, 2], "s": [2.494630240860542, 1.0021525270765599], "s_vecs": [[0.8820881584452657, 0.45717746990652053, -0.11361884412593015], [-0.4381167986980997, 0.884779118590594, 0.158806744203703]]}, "634": {"path": [14, 0, 2], "s": [2.495282494922023, 1.0018905695397529], "s_vecs": [[-0.8860740895680295, -0.452975555744697, 0.09841673482681065], [0.44239430447900596, -0.8897666283686936, -0.11226141993554065]]}, "635": {"path": [14, 0, 3], "s": [2.4971616625847424, 1.0011366254166805], "s_vecs": [[0.885437634941312, 0.4555624991076065, -0.09199458699493288], [0.4376530355196985, -0.8839100151896818, -0.16481172757959361]]}, "636": {"path": [14, 0, 3], "s": [2.492648147294578, 1.0029494145466953], "s_vecs": [[-0.8825511255626377, -0.45750608555788874, 0.10858955956084967], [-0.4391376404204743, 0.8845038899359322, 0.15751508325916797]]}, "637": {"path": [14, 1, 0], "s": [2.4851248903989456, 1.005985658772532], "s_vecs": [[-0.8798614561577129, -0.45843146302761767, 0.12523742122220066], [-0.4385295013926516, 0.8847618866589253, 0.15776019879567565]]}, "638": {"path": [14, 1, 0], "s": [2.4913156841314352, 1.00348583518495], "s_vecs": [[0.8829071305046209, 0.45652473366966995, -0.10981878915710655], [0.4366032848231347, -0.8842526454211582, -0.16575533399360698]]}, "639": {"path": [14, 1, 1], "s": [2.481760206082968, 1.0073495391989626], "s_vecs": [[0.8766277220811093, 0.4640177289908271, -0.12732393357527388], [-0.4344411152336802, 0.8770338862101794, 0.2051157717816604]]}, "640": {"path": [14, 1, 1], "s": [2.4821356161565324, 1.0071971828320678], "s_vecs": [[-0.8812290922655452, -0.45773543234821384, 0.11795575830724354], [0.4360035526556345, -0.8835097563102784, -0.17120576093174528]]}, "641": {"path": [14, 1, 2], "s": [2.4881326042435856, 1.004769599392], "s_vecs": [[0.8799245572742648, 0.46208519867587466, -0.11049906185288011], [0.4327545058595732, -0.8754918683758784, -0.21502912841275787]]}, "642": {"path": [14, 1, 2], "s": [2.4805650556980536, 1.0078348859495958], "s_vecs": [[-0.8765587837148187, -0.4641568711377564, 0.1272913888211063], [-0.4345801933118861, 0.8769602552877428, 0.20513597009462]]}, "643": {"path": [14, 1, 3], "s": [2.4890518128540924, 1.0043985372620088], "s_vecs": [[-0.8834130012546645, -0.45681439120899964, 0.10441303174689073], [0.4376267934139557, -0.8839475306035198, -0.16468015310339676]]}, "644": {"path": [14, 1, 3], "s": [2.4885348124082576, 1.0046072040200416], "s_vecs": [[0.8787664825427874, 0.4627727167529528, -0.11666568385120153], [-0.4346698429851123, 0.8770123896993128, 0.20472272935167404]]}, "645": {"path": [14, 2, 0], "s": [2.48776066604973, 1.0049198197066542], "s_vecs": [[0.8782570381144976, 0.46580613612371363, -0.10811668951575555], [-0.43247355364435053, 0.8701990215663189, 0.23605145257601873]]}, "646": {"path": [14, 2, 0], "s": [2.4880789146699325, 1.004791281040074], "s_vecs": [[-0.8815160588746873, -0.46104558308616056, 0.10181556002291985], [0.43313653963619303, -0.8754804785114735, -0.21430508574764545]]}, "647": {"path": [14, 2, 1], "s": [2.4923986913857403, 1.0030497964232332], "s_vecs": [[0.8801907538399408, 0.464193712662532, -0.09893651489340066], [0.4314096622969183, -0.8693828018222621, -0.24095486542614716]]}, "648": {"path": [14, 2, 1], "s": [2.486594185299241, 1.0053912354416394], "s_vecs": [[-0.8782154687149005, -0.4658897694240677, 0.10809400194209016], [-0.4325579615604022, 0.8701542485855432, 0.2360618426583133]]}, "649": {"path": [14, 2, 2], "s": [2.4917857201076568, 1.0032965434491645], "s_vecs": [[-0.883094965037214, -0.4596996156656544, 0.0939124383815661], [0.43414301256303706, -0.8764969535499474, -0.20802147740161786]]}, "650": {"path": [14, 2, 2], "s": [2.4914975145552165, 1.0034126004120467], "s_vecs": [[0.8793816680045761, 0.4648724590536166, -0.1028663151421951], [-0.432572758229546, 0.8703505632339583, 0.23530980837188786]]}, "651": {"path": [14, 2, 3], "s": [2.4886045673465986, 1.0045790451415746], "s_vecs": [[-0.88024846290091, -0.461890534649443, 0.1087188004065404], [-0.4351028206874229, 0.8770896426062041, 0.20346816523173772]]}, "652": {"path": [14, 2, 3], "s": [2.49317484224925, 1.0027375367483629], "s_vecs": [[0.8824496637801825, 0.4599889872477842, -0.09845162520243653], [0.43366053026836904, -0.8765926172628856, -0.2086238908839571]]}, "653": {"path": [14, 3, 0], "s": [2.497473554417888, 1.0010116005343241], "s_vecs": [[0.8845789766144992, 0.45837067121303754, -0.08611830179093477], [0.43411279073404824, -0.8766994559415248, -0.20722970074999125]]}, "654": {"path": [14, 3, 0], "s": [2.493739223536064, 1.0025105979024769], "s_vecs": [[-0.8822923780561619, -0.4604375401498537, 0.09776211559062635], [-0.4353816034759883, 0.8772276499044084, 0.2022733536525913]]}, "655": {"path": [14, 3, 1], "s": [2.499837855540875, 1.0000648619904546], "s_vecs": [[-0.8875201080693539, -0.454877103191605, 0.07344983842443964], [0.43892884854422326, -0.8831367884853673, -0.16556231074551347]]}, "656": {"path": [14, 3, 1], "s": [2.4994863563354612, 1.0002054996872607], "s_vecs": [[0.8841630052221802, 0.4588453395937465, -0.08784494595355317], [-0.43479028408730414, 0.8769810463632007, 0.2046012052334668]]}, "657": {"path": [14, 3, 2], "s": [2.498658345788341, 1.0005369498450711], "s_vecs": [[-0.8850380289809769, -0.4564464056410433, 0.09145690807609477], [-0.4394115144341859, 0.8839903969726848, 0.1596198579210305]]}, "658": {"path": [14, 3, 2], "s": [2.501506975777565, 0.9993975728262372], "s_vecs": [[0.8876750306436447, 0.4543665126046236, -0.07472691747500723], [0.43823048261909037, -0.8834282879849203, -0.16585687833632798]]}, "659": {"path": [14, 3, 3], "s": [2.49494046396574, 1.0020279185444834], "s_vecs": [[0.8817012711694532, 0.4606652029925743, -0.10193350366773803], [-0.4348793301078148, 0.8772872511461932, 0.20309369074723754]]}, "660": {"path": [14, 3, 3], "s": [2.495275063237682, 1.0018935534730933], "s_vecs": [[-0.8855612871741214, -0.4559758294986852, 0.088697517279228], [0.4385397837793519, -0.8836109788937878, -0.16405638061691233]]}, "661": {"path": [15, 0, 0], "s": [2.492015090887371, 1.0032041977361321], "s_vecs": [[-0.8804013028893817, -0.4639022871630791, 0.09842872464653393], [-0.43246065093666625, 0.8705471480299277, 0.2347880926461009]]}, "662": {"path": [15, 0, 0], "s": [2.4952885612046516, 1.0018881338489685], "s_vecs": [[0.8817830184092571, 0.4624842086231697, -0.09255844218254905], [0.43152336165849525, -0.8702808579415873, -0.237484350312618]]}, "663": {"path": [15, 0, 1], "s": [2.492821719875935, 1.0028795802230182], "s_vecs": [[0.879412796849381, 0.466021971770209, -0.09724533184146075], [-0.4314235567055599, 0.8665121131583061, 0.251058703233828]]}, "664": {"path": [15, 0, 1], "s": [2.492943732153462, 1.0028304962344425], "s_vecs": [[-0.8812995271612989, -0.46310697834955106, 0.0940375990187943], [0.4312389683272586, -0.8695335884580471, -0.24071620373234798]]}, "665": {"path": [15, 0, 2], "s": [2.4948236106291866, 1.0020748518447398], "s_vecs": [[0.8801245061540081, 0.46525274788572635, -0.09444963870732483], [0.43090645306661685, -0.8663859036623662, -0.25237887122477703]]}, "666": {"path": [15, 0, 2], "s": [2.4916350654422006, 1.0033572069496905], "s_vecs": [[-0.8793920468187166, -0.4660636455240276, 0.09723325723661468], [-0.43146585094873346, 0.8664896991560374, 0.2510633798895514]]}, "667": {"path": [15, 0, 3], "s": [2.4945490394558476, 1.0021851486813587], "s_vecs": [[-0.8822266277538279, -0.46207019873544747, 0.0903731637306833], [0.4315360517608313, -0.8703336350166583, -0.2372677807654536]]}, "668": {"path": [15, 0, 3], "s": [2.494461432217461, 1.002220346128028], "s_vecs": [[0.8797552936130318, 0.4657558477083062, -0.0954049982200377], [-0.43148483226829226, 0.866462038567105, 0.2511262137741507]]}, "669": {"path": [15, 1, 0], "s": [2.4946139946747588, 1.0021590535997706], "s_vecs": [[0.8798332793257237, 0.4658634285564516, -0.09415235804041722], [-0.43106724231595384, 0.8656063007863324, 0.2547680604807445]]}, "670": {"path": [15, 1, 0], "s": [2.4946029367841915, 1.0021634958959704], "s_vecs": [[-0.8805093676687098, -0.4647451743713683, 0.09335510883811055], [0.43062102843061034, -0.8665432005741186, -0.252326002251307]]}, "671": {"path": [15, 1, 1], "s": [2.4942624218959137, 1.002300310526157], "s_vecs": [[0.879958610507468, 0.4656508234566191, -0.09403273051410792], [0.4308701247770802, -0.8656896988580229, -0.25481813292167593]]}, "672": {"path": [15, 1, 1], "s": [2.4931540523274784, 1.002745898379659], "s_vecs": [[-0.8798192816714239, -0.46589153542518, 0.09414408541351815], [-0.43109581116744616, 0.8655911732720813, 0.2547711175689725]]}, "673": {"path": [15, 1, 2], "s": [2.494817957889051, 1.0020771223385512], "s_vecs": [[-0.880598153402099, -0.46470142391954383, 0.09273337496263757], [0.43078254176401654, -0.8665890306783016, -0.2518925437947193]]}, "674": {"path": [15, 1, 2], "s": [2.494776123467911, 1.0020939259771435], "s_vecs": [[0.8797368468622477, 0.46609608794254076, -0.09390163511637963], [-0.4313227340455412, 0.865450045293997, 0.2548664713062468]]}, "675": {"path": [15, 1, 3], "s": [2.4942455135603794, 1.0023071050577554], "s_vecs": [[-0.880099318971809, -0.4653052572939068, 0.0944256653670462], [-0.43124502234878265, 0.8666146838829492, 0.2510113949163546]]}, "676": {"path": [15, 1, 3], "s": [2.496097168306768, 1.0015635736231738], "s_vecs": [[0.8806769134626481, 0.4646369482417096, -0.09230753177576843], [0.43080408051899, -0.8665866066688872, -0.2518640453702972]]}, "677": {"path": [15, 2, 0], "s": [2.499553489922884, 1.000178635935948], "s_vecs": [[0.8816988395230704, 0.4635744954132782, -0.08778293448043156], [0.4301956600056314, -0.866293348676435, -0.25390456504617576]]}, "678": {"path": [15, 2, 0], "s": [2.4961237219867543, 1.0015529190236443], "s_vecs": [[-0.8804935094921997, -0.4650134504240719, 0.09216111255192552], [-0.43108313337550774, 0.8662790560193632, 0.2524439130210019]]}, "679": {"path": [15, 2, 1], "s": [2.4994742845579747, 1.0002103304063867], "s_vecs": [[-0.8840694295864076, -0.4602198691378261, 0.08135671896977306], [0.43075144430636536, -0.8699212986416535, -0.24018769201938667]]}, "680": {"path": [15, 2, 1], "s": [2.4995364509666893, 1.0001854540001327], "s_vecs": [[0.8815591752567934, 0.4638556221366125, -0.08770052641129411], [-0.43048178826121275, 0.8661428522887913, 0.25393304118303595]]}, "681": {"path": [15, 2, 2], "s": [2.4982749564026707, 1.0006904938917582], "s_vecs": [[-0.883099353663178, -0.46134929654405854, 0.08539530512844257], [-0.43168964251895203, 0.8702493686999153, 0.23729746905363083]]}, "682": {"path": [15, 2, 2], "s": [2.5008477486511467, 0.9996610154890047], "s_vecs": [[0.8846528627102522, 0.45962377000129967, -0.07832817212439139], [0.43082676015364374, -0.8700537285664445, -0.23957214392149742]]}, "683": {"path": [15, 2, 3], "s": [2.497274984833076, 1.0010911954764588], "s_vecs": [[0.8805728883466335, 0.4649373245955958, -0.09178601476672077], [-0.4310888819265336, 0.8662914093040714, 0.25239169963629315]]}, "684": {"path": [15, 2, 3], "s": [2.4973009490856244, 1.0010807872056287], "s_vecs": [[-0.8832797961190365, -0.4609840369004997, 0.08550157595525268], [0.43131934601236865, -0.8704449280013168, -0.23725355439327928]]}, "685": {"path": [15, 3, 0], "s": [2.4994838026006994, 1.000206521602085], "s_vecs": [[-0.886393820490027, -0.4570486960520511, 0.07356958905834411], [0.43446830656512436, -0.8761869753199008, -0.2086472498505474]]}, "686": {"path": [15, 3, 0], "s": [2.4992315443767055, 1.0003074767622162], "s_vecs": [[0.8831013837172219, 0.46134633360558497, -0.08539031880378684], [-0.43168786058380604, 0.8702506272957977, 0.2372960950286523]]}, "687": {"path": [15, 3, 1], "s": [2.498187330075217, 1.0007255940749369], "s_vecs": [[-0.884311124339, -0.4589302711634371, 0.08588854161148446], [-0.4352362119154668, 0.8768631580399912, 0.20415788475983046]]}, "688": {"path": [15, 3, 1], "s": [2.500848654046693, 0.9996606535764112], "s_vecs": [[0.8865726522686613, 0.4567120949095992, -0.07350506521728128], [0.4341554300501926, -0.876356350866194, -0.20858717327395923]]}, "689": {"path": [15, 3, 2], "s": [2.495812142962487, 1.001677953626967], "s_vecs": [[0.8812853264309616, 0.46305853221987237, -0.09440852268652002], [-0.4322846296169759, 0.87060668889596, 0.23489144779350124]]}, "690": {"path": [15, 3, 2], "s": [2.496016555018795, 1.001595920897718], "s_vecs": [[-0.8847478763982727, -0.45843759195136435, 0.08400100889025854], [0.4345560913637053, -0.8765643126084498, -0.20687196359094956]]}, "691": {"path": [15, 3, 3], "s": [2.49834471519162, 1.0006625526086568], "s_vecs": [[0.8832743330748645, 0.4609963041929385, -0.08549187126040483], [0.43133306543112226, -0.8704380202339381, -0.23725395591436185]]}, "692": {"path": [15, 3, 3], "s": [2.4951557721813025, 1.0019414530638582], "s_vecs": [[-0.8816858036052034, -0.46269636375761436, 0.09242412394244315], [-0.4323282120257829, 0.870672877413725, 0.23456567869723458]]}, "693": {"path": [16, 0, 0], "s": [2.50225625957905, 0.9990983099471076], "s_vecs": [[0.8850193483722746, 0.4594746837549596, -0.07499178618351843], [-0.43053214319631006, 0.8690486114283941, 0.24371414536126584]]}, "694": {"path": [16, 0, 0], "s": [2.5024547114795106, 0.9990190785598433], "s_vecs": [[-0.8883364734300936, -0.45508475004206306, 0.061287684349613014], [0.4337394781083859, -0.8754070312166227, -0.21338367985102324]]}, "695": {"path": [16, 0, 1], "s": [2.5042390174343585, 0.9983072632425067], "s_vecs": [[0.8871409652304275, 0.4569912414199522, -0.06434215628556988], [0.42937115414409777, -0.8684303621587272, -0.2479296635536532]]}, "696": {"path": [16, 0, 1], "s": [2.500974488195927, 0.9996103566027874], "s_vecs": [[-0.8844802918216004, -0.4600540020924901, 0.07774913850236598], [-0.43045198012568375, 0.8688810857506865, 0.24445194135164133]]}, "697": {"path": [16, 0, 2], "s": [2.504034618034317, 0.9983887530926051], "s_vecs": [[-0.8898736002733759, -0.45335846426772525, 0.05090263660470072], [0.43271210770116186, -0.874119491517403, -0.22062489976921362]]}, "698": {"path": [16, 0, 2], "s": [2.5038559773770914, 0.9984599843553577], "s_vecs": [[0.8870516848897629, 0.4571717679177808, -0.06429061325857453], [-0.42955557095123514, 0.8683353403338009, 0.24794303416740854]]}, "699": {"path": [16, 0, 3], "s": [2.5036137786153025, 0.9985565750411771], "s_vecs": [[-0.888451449857489, -0.45511269828455186, 0.059383946536752566], [-0.4337035969513175, 0.8748213146681898, 0.21584452134281557]]}, "700": {"path": [16, 0, 3], "s": [2.5045534055657406, 0.9981819491029345], "s_vecs": [[0.8904958539558818, 0.45265779583989396, -0.04602232015830909], [0.4331187177856301, -0.8743243641639226, -0.21900932065344708]]}, "701": {"path": [16, 1, 0], "s": [2.5029634158500484, 0.9988160370897612], "s_vecs": [[0.8933333739147454, 0.4488561167381229, -0.021992487737178962], [0.4320820073933385, -0.8713418349080128, -0.23252644070316042]]}, "702": {"path": [16, 1, 0], "s": [2.5039607206694616, 0.9984182177313046], "s_vecs": [[-0.89052923416011, -0.4527001846788364, 0.044946923120003215], [-0.4319910107778386, 0.8724707691554386, 0.22842618846458623]]}, "703": {"path": [16, 1, 1], "s": [2.503400707168149, 0.9986415649886131], "s_vecs": [[-0.894458801987178, -0.4471434055572329, 0.002495278409822374], [0.4382763176711574, -0.87780015294483, -0.19334104804371913]]}, "704": {"path": [16, 1, 1], "s": [2.502747231598086, 0.9989023136002706], "s_vecs": [[0.893284988585748, 0.4489536770750395, -0.02196645187919409], [-0.43218203020292195, 0.8712915715389951, 0.23252890171931065]]}, "705": {"path": [16, 1, 2], "s": [2.5059964070681757, 0.9976071765102041], "s_vecs": [[-0.8932585514775515, -0.44917884137287645, 0.01809775331765004], [-0.43822261474927643, 0.8790358066414735, 0.18776844933183257]]}, "706": {"path": [16, 1, 2], "s": [2.5033110178290285, 0.9986773446026294], "s_vecs": [[0.8948090549485349, 0.44644344700039107, 0.0022369203201580423], [0.4385941959563564, -0.8781189427301401, -0.19116028272603594]]}, "707": {"path": [16, 1, 3], "s": [2.5044868658930586, 0.9982084689865369], "s_vecs": [[0.8910992723501336, 0.4520053267124564, -0.040413753112379575], [-0.43240556191772667, 0.8727254443884314, 0.22666214668451085]]}, "708": {"path": [16, 1, 3], "s": [2.5050755542816185, 0.9979738917363412], "s_vecs": [[-0.8931159510210195, -0.44935125894252964, 0.020672303175591003], [0.4383676823811716, -0.879752003299439, -0.18403854958780763]]}, "709": {"path": [16, 2, 0], "s": [2.507177606144489, 0.9971371768290781], "s_vecs": [[-0.8942131998626041, -0.44762377854893276, -0.003963088323348143], [0.443716772989411, -0.8851689863459269, -0.13996889289834413]]}, "710": {"path": [16, 2, 0], "s": [2.506623529905057, 0.9973575888736244], "s_vecs": [[0.8935201250053014, 0.44873570560887943, -0.016064019491146123], [-0.4382093703663038, 0.8792474904432919, 0.186805776870902]]}, "711": {"path": [16, 2, 1], "s": [2.5099485917046973, 0.9960363364661817], "s_vecs": [[-0.8931684455244779, -0.44941395937111656, 0.016649956209080885], [-0.4434296584393172, 0.8862389244516392, 0.13398024780986287]]}, "712": {"path": [16, 2, 1], "s": [2.5076658711018576, 0.9969430253088349], "s_vecs": [[0.8944557930112003, 0.4471109385979016, 0.006375181158867288], [0.443583738600661, -0.8854205287334954, -0.13879464739808212]]}, "713": {"path": [16, 2, 2], "s": [2.507795746717782, 0.9968913948721767], "s_vecs": [[0.8916957527926583, 0.4511171393707468, -0.0370406670767254], [-0.4383201799836641, 0.8810164660781814, 0.17800395028819252]]}, "714": {"path": [16, 2, 2], "s": [2.508207226913231, 0.9967278513413218], "s_vecs": [[-0.8931329617742648, -0.4494215603645265, 0.018269473770311177], [0.44344880217322225, -0.8866071884556567, -0.13145665913102372]]}, "715": {"path": [16, 2, 3], "s": [2.5057326746305377, 0.9977121762873669], "s_vecs": [[0.893388721421817, 0.4489020671102436, -0.018534470060979066], [0.43834979490080966, -0.8799493489555243, -0.1831354705762019]]}, "716": {"path": [16, 2, 3], "s": [2.5068720783878793, 0.9972587040052336], "s_vecs": [[-0.8913322930118088, -0.4516891152226121, 0.03877739836199557], [-0.4385463920989414, 0.8807459057004533, 0.17878398017968367]]}, "717": {"path": [16, 3, 0], "s": [2.505704368062485, 0.9977234472928274], "s_vecs": [[-0.8893634551993536, -0.453615390785449, 0.05714649419196218], [-0.43902335883842886, 0.8822006022494627, 0.1702368578919074]]}, "718": {"path": [16, 3, 0], "s": [2.506024849412434, 0.9975958540818768], "s_vecs": [[0.8915582328487973, 0.4512181788890113, -0.03906497766048345], [0.43847907120214147, -0.8815383602213188, -0.17500349589655573]]}, "719": {"path": [16, 3, 1], "s": [2.5028023588587516, 0.9988803115640223], "s_vecs": [[0.8864728677161062, 0.4569366607400696, -0.07331263789345682], [-0.4343724970701182, 0.8761981981480492, 0.20879954825425748]]}, "720": {"path": [16, 3, 1], "s": [2.503152197776967, 0.9987407087033038], "s_vecs": [[-0.8893946136951395, -0.4534888387673005, 0.05766363016285825], [0.438925870021878, -0.8823880970120782, -0.16951497537663313]]}, "721": {"path": [16, 3, 2], "s": [2.503447190102228, 0.9986230226401989], "s_vecs": [[0.8886272508834032, 0.454730539791381, -0.059680358313638666], [0.43372838769900246, -0.8755280760290939, -0.21290907399361092]]}, "722": {"path": [16, 3, 2], "s": [2.5015581975766676, 0.9993771092041053], "s_vecs": [[-0.8862978571271377, -0.45726717899924896, 0.07336780943923954], [-0.43467999707772687, 0.87603023159706, 0.20886439013989172]]}, "723": {"path": [16, 3, 3], "s": [2.505041167072321, 0.9979875911268108], "s_vecs": [[-0.8911803144694018, -0.4518018355235449, 0.040899248401087884], [0.4387155046513074, -0.8812756423701031, -0.17573260409983943]]}, "724": {"path": [16, 3, 3], "s": [2.5045448741385994, 0.9981853492881966], "s_vecs": [[0.8887274869874264, 0.4547654977940734, -0.0578946965543692], [-0.4336929748311848, 0.8749573222513952, 0.21531392853400227]]}, "725": {"path": [17, 0, 0], "s": [2.509065607689323, 0.9963868590516178], "s_vecs": [[-0.8934095853711926, -0.4489276640824051, -0.016830483902392356], [-0.44316699214277055, 0.8868482546421432, -0.13077916620514812]]}, "726": {"path": [17, 0, 0], "s": [2.5097998184122536, 0.996095378467893], "s_vecs": [[0.8917199159443046, 0.4509593475593378, 0.038356985767118004], [0.44340492868094783, -0.8874697834832267, 0.1256560886932201]]}, "727": {"path": [17, 0, 1], "s": [2.5110987325821705, 0.9955801289538473], "s_vecs": [[0.8939145297180162, 0.44822393634279134, -0.0034808689132577106], [-0.44690626148120965, 0.8906348271154193, -0.08393091312487835]]}, "728": {"path": [17, 0, 1], "s": [2.5107771969548134, 0.9957076251258434], "s_vecs": [[-0.8934411475372412, -0.4489214007328506, -0.015247683476282303], [0.44315156344149964, -0.8864846737362261, 0.13327270932239535]]}, "729": {"path": [17, 0, 2], "s": [2.5127567365180705, 0.9949232106981662], "s_vecs": [[0.8931941696059149, 0.4492950416785151, 0.018388608025115227], [0.4467418709093307, -0.891293419632612, 0.07757409938913434]]}, "730": {"path": [17, 0, 2], "s": [2.5115627106142595, 0.9953962086770143], "s_vecs": [[-0.8940766516528996, -0.4478827287025792, 0.005291719859488082], [-0.44673547732156843, 0.8908055568321757, -0.08302332936703795]]}, "731": {"path": [17, 0, 3], "s": [2.51085592035762, 0.9956764064916657], "s_vecs": [[-0.8920411370507527, -0.4503905725589219, -0.03756250736102508], [0.44295267359566937, -0.8877545702691341, 0.1252387796200271]]}, "732": {"path": [17, 0, 3], "s": [2.511196054058919, 0.9955415452167409], "s_vecs": [[0.8931987877504965, 0.44924107407833785, 0.01945206729333912], [-0.44671332077856996, 0.8914568982376102, -0.07584067262070898]]}, "733": {"path": [17, 1, 0], "s": [2.513615562313814, 0.9945832757729742], "s_vecs": [[0.8937887927864007, 0.4484880349371524, -0.0002764193191441607], [-0.44833078137588744, 0.8934587394348279, -0.027036852598157173]]}, "734": {"path": [17, 1, 0], "s": [2.5134534314934918, 0.9946474315676909], "s_vecs": [[-0.8934111680963076, -0.44890314185866537, -0.01739120324215074], [0.44643821369895714, -0.8914906448868141, 0.07705421097238181]]}, "735": {"path": [17, 1, 1], "s": [2.513797952237641, 0.9945111132637532], "s_vecs": [[0.8933951804576826, 0.44873778317508445, 0.021896426331615645], [0.4483246844565949, -0.893615364663267, 0.021367202545756993]]}, "736": {"path": [17, 1, 1], "s": [2.513779481453736, 0.9945184207463715], "s_vecs": [[-0.8938450514825195, -0.4483718524961603, 0.0019250530834618584], [-0.44826415686023735, 0.8935180007403644, -0.02616921908126141]]}, "737": {"path": [17, 1, 2], "s": [2.512691283442641, 0.9949491274450344], "s_vecs": [[-0.8923788021898656, -0.4494644529757736, -0.040518871077185006], [0.44621825314434316, -0.8922110470027101, 0.06963273775415565]]}, "738": {"path": [17, 1, 2], "s": [2.51293246525789, 0.9948536359664713], "s_vecs": [[0.8933823655095376, 0.44870938851720654, 0.022974630641144772], [-0.4483385729711227, 0.8936485192989724, -0.019617541664830068]]}, "739": {"path": [17, 1, 3], "s": [2.5118938985196952, 0.9952649677891616], "s_vecs": [[-0.8934149542319899, -0.44885309538864915, -0.018455847709594613], [-0.44641096073136044, 0.8916515024412128, -0.07533161576145497]]}, "740": {"path": [17, 1, 3], "s": [2.511822249748882, 0.9952933573424383], "s_vecs": [[0.8920964369981809, 0.44996154043180203, 0.041213580618414805], [0.4466582122131879, -0.8919605878385328, 0.07001964870847162]]}, "741": {"path": [17, 2, 0], "s": [2.509363963569582, 0.9962683916300987], "s_vecs": [[0.890555664528639, 0.4502575201823868, 0.06464343659770533], [0.4466859534637531, -0.892491846382416, 0.06268941791948143]]}, "742": {"path": [17, 2, 0], "s": [2.5105821742107652, 0.9957849719800176], "s_vecs": [[-0.8923849053865845, -0.44938403280522815, -0.041269500819446775], [-0.4461884311643799, 0.8923210133981629, -0.06840389567228661]]}, "743": {"path": [17, 2, 1], "s": [2.5060360125433885, 0.9975914102937157], "s_vecs": [[-0.8882008513747206, -0.4521860841395302, -0.08140634451797506], [0.4425855468760349, -0.8896227776981998, 0.11264700216597223]]}, "744": {"path": [17, 2, 1], "s": [2.506634624799818, 0.9973531743580905], "s_vecs": [[0.8906443722139393, 0.4501412417195912, 0.06422978084021663], [-0.4465200120288416, 0.892525081287287, -0.0633944645129568]]}, "745": {"path": [17, 2, 2], "s": [2.506330784873443, 0.9974740824668267], "s_vecs": [[-0.8903888075763112, -0.4513068329989045, -0.059413077948657515], [-0.44261829929100216, 0.8888465025094219, -0.11849445602857919]]}, "746": {"path": [17, 2, 2], "s": [2.5044766875385407, 0.998212525770029], "s_vecs": [[0.8879715855501253, 0.4528964569047016, 0.07994537246623064], [0.44345359501827186, -0.8892536173225044, 0.11214683742402796]]}, "747": {"path": [17, 2, 3], "s": [2.509699860014197, 0.9961350517770116], "s_vecs": [[0.8921011354343785, 0.4498821700717672, 0.04197138558840287], [-0.44663051543283006, 0.8920704882265437, -0.06878536704460345]]}, "748": {"path": [17, 2, 3], "s": [2.5092565852954243, 0.99631102480724], "s_vecs": [[-0.8902892962371034, -0.4514823840925247, -0.05957034379431637], [0.44281146829636214, -0.8887880765190936, 0.11821065342307085]]}, "749": {"path": [17, 3, 0], "s": [2.5044678006370296, 0.9982160678464735], "s_vecs": [[-0.8874316582687359, -0.45467580471081975, -0.07572954847990004], [0.43865833079110683, -0.8835213191450341, 0.16422225014832292]]}, "750": {"path": [17, 3, 0], "s": [2.504947459449162, 0.998024924861997], "s_vecs": [[0.8900815160132788, 0.4519489602461814, 0.05913570988750402], [-0.4432849586243891, 0.8885185993764627, -0.11846157191031423]]}, "751": {"path": [17, 3, 1], "s": [2.5045170953109004, 0.9981964206515654], "s_vecs": [[-0.8896958719089776, -0.4529450035531922, -0.057289434142107284], [-0.438458273342254, 0.8826569633581525, -0.16932521245548282]]}, "752": {"path": [17, 3, 1], "s": [2.5029462122063793, 0.9988229023092803], "s_vecs": [[0.8872762774485694, 0.4551776456448562, 0.0745259577745565], [0.43934249300517114, -0.8832427336961906, 0.16389157151263523]]}, "753": {"path": [17, 3, 2], "s": [2.5074138827892707, 0.9970432153861156], "s_vecs": [[0.8917106002139306, 0.45089698301797293, 0.03929524362313289], [-0.44338670876145025, 0.8876826510787529, -0.12420844362395769]]}, "754": {"path": [17, 3, 2], "s": [2.5069693151718107, 0.9972200237435562], "s_vecs": [[-0.8896565896652777, -0.45308422026718087, -0.056796494698425376], [0.4385672235073927, -0.8824664026159424, 0.1700348161968423]]}, "755": {"path": [17, 3, 3], "s": [2.5079529004118988, 0.9968289275246796], "s_vecs": [[0.8899872754039417, 0.4521127387416699, 0.05930194842140723], [0.44346604639338016, -0.8884665854335255, 0.11817356838276757]]}, "756": {"path": [17, 3, 3], "s": [2.5085198404068967, 0.99660363842069], "s_vecs": [[-0.8920372525481751, -0.45032136480301727, -0.038473477465010744], [-0.4429273261824109, 0.8879680078889214, -0.12380711080822486]]}, "757": {"path": [18, 0, 0], "s": [2.5009074992585463, 0.999637132017551], "s_vecs": [[0.8882214595647949, 0.45263227034337206, 0.07865536607498516], [-0.4430065412698784, 0.8891990718132196, -0.11432504134531747]]}, "758": {"path": [18, 0, 0], "s": [2.500341674725272, 0.999863348785998], "s_vecs": [[-0.8849310025103462, -0.4560252378814003, -0.0945415422512558], [0.43853766935783384, -0.8842673567329453, 0.16048661741942594]]}, "759": {"path": [18, 0, 1], "s": [2.499306299624227, 1.000277557166914], "s_vecs": [[0.8855802314718327, 0.45333502803685344, 0.10116820637493043], [0.4432989807315866, -0.889925710918385, 0.10732307640364955]]}, "760": {"path": [18, 0, 1], "s": [2.5025872556377067, 0.9989661676603372], "s_vecs": [[-0.8884536378021504, -0.45190775421589935, -0.08018425753019157], [-0.44211965929418146, 0.889579422459576, -0.11479833623395519]]}, "761": {"path": [18, 0, 2], "s": [2.494630240860535, 1.0021525270765625], "s_vecs": [[-0.882088158445265, -0.4571774699065213, -0.1136188441259314], [0.4381167986981004, -0.8847791185905935, 0.1588067442037032]]}, "762": {"path": [18, 0, 2], "s": [2.495282494922005, 1.0018905695397602], "s_vecs": [[0.8860740895680298, 0.4529755557446964, 0.09841673482681089], [-0.44239430447900574, 0.8897666283686942, -0.11226141993553823]]}, "763": {"path": [18, 0, 3], "s": [2.4971616625847366, 1.0011366254166831], "s_vecs": [[-0.8854376349413141, -0.4555624991076027, -0.09199458699493177], [-0.4376530355196948, 0.8839100151896837, -0.1648117275795934]]}, "764": {"path": [18, 0, 3], "s": [2.4926481472945725, 1.002949414546697], "s_vecs": [[0.882551125562638, 0.45750608555788796, 0.10858955956084931], [0.43913764042047365, -0.8845038899359324, 0.1575150832591675]]}, "765": {"path": [18, 1, 0], "s": [2.4851248903989376, 1.0059856587725358], "s_vecs": [[0.8798614561577114, 0.4584314630276204, 0.12523742122220127], [0.43852950139265406, -0.8847618866589239, 0.15776019879567726]]}, "766": {"path": [18, 1, 0], "s": [2.49131568413143, 1.0034858351849545], "s_vecs": [[-0.8829071305046214, -0.45652473366966895, -0.10981878915710741], [-0.4366032848231334, 0.8842526454211587, -0.16575533399360848]]}, "767": {"path": [18, 1, 1], "s": [2.481760206082957, 1.0073495391989682], "s_vecs": [[-0.8766277220811077, -0.4640177289908303, -0.1273239335752735], [0.43444111523368345, -0.8770338862101781, 0.20511577178166007]]}, "768": {"path": [18, 1, 1], "s": [2.4821356161565307, 1.0071971828320692], "s_vecs": [[0.8812290922655435, 0.4577354323482168, 0.11795575830724422], [-0.43600355265563706, 0.8835097563102766, -0.17120576093174666]]}, "769": {"path": [18, 1, 2], "s": [2.4881326042435727, 1.0047695993920047], "s_vecs": [[-0.8799245572742614, -0.46208519867588105, -0.11049906185287914], [-0.43275450585957986, 0.875491868375875, -0.21502912841275756]]}, "770": {"path": [18, 1, 2], "s": [2.480565055698036, 1.0078348859496034], "s_vecs": [[0.8765587837148188, 0.4641568711377566, 0.12729138882110627], [0.43458019331188646, -0.8769602552877429, 0.20513597009461915]]}, "771": {"path": [18, 1, 3], "s": [2.4890518128540853, 1.0043985372620106], "s_vecs": [[0.8834130012546655, 0.4568143912089979, 0.10441303174688965], [-0.43762679341395394, 0.8839475306035205, -0.16468015310339776]]}, "772": {"path": [18, 1, 3], "s": [2.488534812408258, 1.0046072040200418], "s_vecs": [[-0.878766482542788, -0.4627727167529517, -0.11666568385120032], [0.4346698429851109, -0.8770123896993128, 0.20472272935167607]]}, "773": {"path": [18, 2, 0], "s": [2.4877606660497245, 1.004919819706656], "s_vecs": [[-0.8782570381144932, -0.46580613612372257, -0.10811668951575383], [0.4324735536443598, -0.8701990215663146, 0.23605145257601817]]}, "774": {"path": [18, 2, 0], "s": [2.488078914669921, 1.0047912810400794], "s_vecs": [[0.881516058874683, 0.4610455830861693, 0.10181556002291908], [-0.43313653963620186, 0.8754804785114695, -0.2143050857476454]]}, "775": {"path": [18, 2, 1], "s": [2.492398691385733, 1.0030497964232366], "s_vecs": [[-0.8801907538399356, -0.4641937126625412, -0.09893651489340068], [-0.43140966229692773, 0.8693828018222577, -0.24095486542614555]]}, "776": {"path": [18, 2, 1], "s": [2.4865941852992415, 1.0053912354416403], "s_vecs": [[0.8782154687148963, 0.465889769424076, 0.10809400194208875], [0.43255796156041076, -0.8701542485855391, 0.23606184265831257]]}, "777": {"path": [18, 2, 2], "s": [2.491785720107654, 1.0032965434491652], "s_vecs": [[0.8830949650372137, 0.4596996156656547, 0.0939124383815666], [-0.434143012563037, 0.8764969535499472, -0.20802147740161964]]}, "778": {"path": [18, 2, 2], "s": [2.4914975145552205, 1.0034126004120443], "s_vecs": [[-0.8793816680045758, -0.46487245905361707, -0.10286631514219516], [0.43257275822954616, -0.870350563233958, 0.23530980837188864]]}, "779": {"path": [18, 2, 3], "s": [2.4886045673465955, 1.0045790451415733], "s_vecs": [[0.8802484629009097, 0.4618905346494437, 0.10871880040653939], [0.4351028206874231, -0.8770896426062035, 0.20346816523174002]]}, "780": {"path": [18, 2, 3], "s": [2.493174842249247, 1.0027375367483642], "s_vecs": [[-0.8824496637801817, -0.45998898724778503, -0.0984516252024366], [-0.4336605302683696, 0.8765926172628847, -0.20862389088395883]]}, "781": {"path": [18, 3, 0], "s": [2.497473554417887, 1.001011600534324], "s_vecs": [[-0.8845789766144956, -0.4583706712130444, -0.08611830179093488], [-0.43411279073405495, 0.8766994559415211, -0.20722970074999214]]}, "782": {"path": [18, 3, 0], "s": [2.4937392235360565, 1.0025105979024795], "s_vecs": [[0.8822923780561609, 0.46043754014985505, 0.09776211559062759], [0.4353816034759893, -0.8772276499044076, 0.2022733536525918]]}, "783": {"path": [18, 3, 1], "s": [2.499837855540865, 1.0000648619904584], "s_vecs": [[0.8875201080693511, 0.45487710319161023, 0.07344983842444003], [-0.4389288485442284, 0.8831367884853646, -0.16556231074551375]]}, "784": {"path": [18, 3, 1], "s": [2.4994863563354563, 1.0002054996872625], "s_vecs": [[-0.8841630052221775, -0.45884533959375123, -0.08784494595355376], [0.43479028408730847, -0.8769810463631982, 0.2046012052334676]]}, "785": {"path": [18, 3, 2], "s": [2.49865834578833, 1.0005369498450762], "s_vecs": [[0.885038028980973, 0.4564464056410509, 0.09145690807609608], [0.43941151443419346, -0.8839903969726812, 0.1596198579210301]]}, "786": {"path": [18, 3, 2], "s": [2.501506975777553, 0.9993975728262428], "s_vecs": [[-0.8876750306436436, -0.4543665126046261, -0.07472691747500705], [-0.438230482619093, 0.8834282879849193, -0.16585687833632776]]}, "787": {"path": [18, 3, 3], "s": [2.4949404639657367, 1.002027918544486], "s_vecs": [[-0.8817012711694524, -0.46066520299257574, -0.10193350366773898], [0.43487933010781593, -0.8772872511461927, 0.203093690747238]]}, "788": {"path": [18, 3, 3], "s": [2.495275063237675, 1.0018935534730962], "s_vecs": [[0.8855612871741209, 0.4559758294986867, 0.08869751727922898], [-0.43853978377935326, 0.8836109788937871, -0.1640563806169134]]}, "789": {"path": [19, 0, 0], "s": [2.492015090887371, 1.0032041977361303], "s_vecs": [[0.880401302889385, 0.46390228716307325, 0.09842872464653357], [0.43246065093666053, -0.8705471480299307, 0.23478809264610084]]}, "790": {"path": [19, 0, 0], "s": [2.4952885612046343, 1.001888133848972], "s_vecs": [[-0.8817830184092521, -0.46248420862317896, -0.09255844218254973], [-0.43152336165850447, 0.8702808579415829, -0.23748435031261725]]}, "791": {"path": [19, 0, 1], "s": [2.49282171987592, 1.0028795802230244], "s_vecs": [[-0.8794127968493805, -0.4660219717702101, -0.09724533184146135], [0.431423556705561, -0.8665121131583061, 0.2510587032338263]]}, "792": {"path": [19, 0, 1], "s": [2.4929437321534493, 1.002830496234448], "s_vecs": [[0.8812995271612982, 0.4631069783495521, 0.09403759901879452], [-0.43123896832726005, 0.8695335884580471, -0.24071620373234537]]}, "793": {"path": [19, 0, 2], "s": [2.494823610629171, 1.0020748518447464], "s_vecs": [[-0.8801245061540095, -0.46525274788572324, -0.09444963870732483], [-0.430906453066614, 0.8663859036623679, -0.2523788712247762]]}, "794": {"path": [19, 0, 2], "s": [2.4916350654421833, 1.0033572069497003], "s_vecs": [[0.8793920468187124, 0.4660636455240357, 0.09723325723661423], [0.4314658509487417, -0.8664896991560336, 0.2510633798895505]]}, "795": {"path": [19, 0, 3], "s": [2.4945490394558365, 1.0021851486813644], "s_vecs": [[0.8822266277538255, 0.46207019873545213, 0.09037316373068338], [-0.431536051760836, 0.8703336350166564, -0.23726778076545219]]}, "796": {"path": [19, 0, 3], "s": [2.494461432217438, 1.0022203461280368], "s_vecs": [[-0.87975529361303, -0.4657558477083098, -0.09540499822003772], [0.4314848322682965, -0.8664620385671038, 0.25112621377414834]]}, "797": {"path": [19, 1, 0], "s": [2.494613994674743, 1.0021590535997769], "s_vecs": [[-0.8798332793257236, -0.465863428556452, -0.09415235804041715], [0.4310672423159544, -0.8656063007863323, 0.25476806048074396]]}, "798": {"path": [19, 1, 0], "s": [2.494602936784176, 1.0021634958959769], "s_vecs": [[0.8805093676687098, 0.4647451743713681, 0.09335510883811071], [-0.43062102843061034, 0.8665432005741187, -0.2523260022513065]]}, "799": {"path": [19, 1, 1], "s": [2.49426242189591, 1.0023003105261659], "s_vecs": [[-0.8799586105074643, -0.46565082345662684, -0.09403273051410753], [-0.43087012477708786, 0.8656896988580193, -0.2548181329216759]]}, "800": {"path": [19, 1, 1], "s": [2.493154052327473, 1.0027458983796582], "s_vecs": [[0.8798192816714228, 0.46589153542518214, 0.09414408541351853], [0.4310958111674482, -0.8655911732720803, 0.2547711175689721]]}, "801": {"path": [19, 1, 2], "s": [2.4948179578890346, 1.0020771223385574], "s_vecs": [[0.8805981534020945, 0.46470142391955327, 0.09273337496263626], [-0.4307825417640263, 0.8665890306782973, -0.25189254379471826]]}, "802": {"path": [19, 1, 2], "s": [2.4947761234679033, 1.0020939259771477], "s_vecs": [[-0.8797368468622417, -0.46609608794255186, -0.09390163511637825], [0.43132273404555244, -0.8654500452939913, 0.2548664713062469]]}, "803": {"path": [19, 1, 3], "s": [2.4942455135603487, 1.0023071050577657], "s_vecs": [[0.8800993189718049, 0.46530525729391403, 0.09442566536704614], [0.43124502234879025, -0.8666146838829458, 0.2510113949163527]]}, "804": {"path": [19, 1, 3], "s": [2.496097168306751, 1.0015635736231747], "s_vecs": [[-0.8806769134626443, -0.4646369482417171, -0.09230753177576695], [-0.4308040805189979, 0.8665866066688837, -0.2518640453702959]]}, "805": {"path": [19, 2, 0], "s": [2.4995534899228877, 1.0001786359359435], "s_vecs": [[-0.8816988395230715, -0.4635744954132758, -0.08778293448043188], [-0.43019566000562914, 0.8662933486764365, -0.25390456504617503]]}, "806": {"path": [19, 2, 0], "s": [2.496123721986755, 1.0015529190236463], "s_vecs": [[0.8804935094921994, 0.46501345042407294, 0.09216111255192536], [0.431083133375509, -0.8662790560193628, 0.2524439130210012]]}, "807": {"path": [19, 2, 1], "s": [2.49947428455798, 1.0002103304063847], "s_vecs": [[0.8840694295864084, 0.46021986913782376, 0.0813567189697736], [-0.4307514443063632, 0.8699212986416545, -0.24018769201938625]]}, "808": {"path": [19, 2, 1], "s": [2.499536450966692, 1.000185454000132], "s_vecs": [[-0.8815591752567953, -0.4638556221366088, -0.08770052641129472], [0.43048178826120903, -0.8661428522887933, 0.25393304118303495]]}, "809": {"path": [19, 2, 2], "s": [2.4982749564026756, 1.0006904938917567], "s_vecs": [[0.8830993536631749, 0.46134929654406404, 0.08539530512844168], [0.43168964251895764, -0.870249368699912, 0.23729746905363067]]}, "810": {"path": [19, 2, 2], "s": [2.500847748651152, 0.9996610154890084], "s_vecs": [[-0.8846528627102538, -0.4596237700012966, -0.07832817212439187], [-0.4308267601536408, 0.870053728566446, -0.23957214392149692]]}, "811": {"path": [19, 2, 3], "s": [2.4972749848330724, 1.001091195476461], "s_vecs": [[-0.8805728883466342, -0.46493732459559517, -0.09178601476672069], [0.43108888192653316, -0.8662914093040723, 0.25239169963629227]]}, "812": {"path": [19, 2, 3], "s": [2.4973009490856315, 1.001080787205625], "s_vecs": [[0.8832797961190351, 0.4609840369005021, 0.08550157595525214], [-0.4313193460123712, 0.8704449280013153, -0.2372535543932796]]}, "813": {"path": [19, 3, 0], "s": [2.499483802600693, 1.0002065216020886], "s_vecs": [[0.8863938204900288, 0.45704869605204756, 0.07356958905834456], [-0.43446830656512103, 0.8761869753199026, -0.2086472498505464]]}, "814": {"path": [19, 3, 0], "s": [2.4992315443767064, 1.000307476762217], "s_vecs": [[-0.8831013837172221, -0.4613463336055847, -0.08539031880378645], [0.431687860583806, -0.8702506272957982, 0.23729609502865145]]}, "815": {"path": [19, 3, 1], "s": [2.4981873300752087, 1.0007255940749407], "s_vecs": [[0.8843111243389976, 0.45893027116344187, 0.08588854161148521], [0.4352362119154712, -0.8768631580399889, 0.20415788475983132]]}, "816": {"path": [19, 3, 1], "s": [2.5008486540466826, 0.999660653576413], "s_vecs": [[-0.8865726522686571, -0.4567120949096069, -0.07350506521728233], [-0.43415543005019996, 0.87635635086619, -0.20858717327395984]]}, "817": {"path": [19, 3, 2], "s": [2.495812142962486, 1.0016779536269675], "s_vecs": [[-0.8812853264309581, -0.4630585322198789, -0.09440852268652028], [0.4322846296169824, -0.8706066888959567, 0.23489144779350168]]}, "818": {"path": [19, 3, 2], "s": [2.496016555018784, 1.001595920897722], "s_vecs": [[0.8847478763982699, 0.45843759195136957, 0.08400100889025923], [-0.4345560913637103, 0.876564312608447, -0.20687196359095028]]}, "819": {"path": [19, 3, 3], "s": [2.4983447151916245, 1.0006625526086554], "s_vecs": [[-0.8832743330748664, -0.4609963041929347, -0.08549187126040463], [-0.4313330654311186, 0.8704380202339399, -0.23725395591436146]]}, "820": {"path": [19, 3, 3], "s": [2.495155772181304, 1.0019414530638544], "s_vecs": [[0.8816858036052022, 0.4626963637576167, 0.0924241239424427], [0.4323282120257853, -0.8706728774137239, 0.23456567869723427]]}, "821": {"path": [20, 0, 0], "s": [2.5022562595790463, 0.9990983099471091], "s_vecs": [[-0.8850193483722737, -0.45947468375496103, -0.07499178618351836], [0.4305321431963116, -0.8690486114283935, 0.24371414536126487]]}, "822": {"path": [20, 0, 0], "s": [2.502454711479503, 0.9990190785598467], "s_vecs": [[0.888336473430093, 0.4550847500420635, 0.0612876843496134], [-0.4337394781083864, 0.8754070312166223, -0.21338367985102283]]}, "823": {"path": [20, 0, 1], "s": [2.504239017434352, 0.9983072632425083], "s_vecs": [[-0.8871409652304256, -0.45699124141995545, -0.06434215628556968], [-0.42937115414410104, 0.8684303621587255, -0.24792966355365242]]}, "824": {"path": [20, 0, 1], "s": [2.500974488195926, 0.9996103566027856], "s_vecs": [[0.8844802918215994, 0.4600540020924917, 0.07774913850236614], [0.4304519801256854, -0.8688810857506859, 0.24445194135164053]]}, "825": {"path": [20, 0, 2], "s": [2.5040346180342974, 0.9983887530926135], "s_vecs": [[0.8898736002733708, 0.4533584642677344, 0.0509026366047009], [-0.43271210770117075, 0.8741194915173978, -0.2206248997692149]]}, "826": {"path": [20, 0, 2], "s": [2.5038559773770723, 0.9984599843553651], "s_vecs": [[-0.8870516848897609, -0.4571717679177846, -0.06429061325857496], [0.42955557095123903, -0.8683353403337996, 0.24794303416740696]]}, "827": {"path": [20, 0, 3], "s": [2.503613778615302, 0.9985565750411776], "s_vecs": [[0.8884514498574887, 0.4551126982845526, 0.059383946536752], [0.43370359695131816, -0.8748213146681891, 0.21584452134281634]]}, "828": {"path": [20, 0, 3], "s": [2.50455340556574, 0.9981819491029313], "s_vecs": [[-0.8904958539558786, -0.4526577958398998, -0.04602232015830868], [-0.4331187177856358, 0.8743243641639192, -0.21900932065344775]]}, "829": {"path": [20, 1, 0], "s": [2.502963415850023, 0.9988160370897732], "s_vecs": [[-0.89333337391474, -0.4488561167381343, -0.021992487737180738], [-0.43208200739334923, 0.8713418349080074, -0.23252644070316106]]}, "830": {"path": [20, 1, 0], "s": [2.5039607206694368, 0.9984182177313148], "s_vecs": [[0.890529234160106, 0.4527001846788443, 0.04494692312000369], [0.43199101077784613, -0.8724707691554348, 0.22842618846458737]]}, "831": {"path": [20, 1, 1], "s": [2.5034007071681383, 0.9986415649886167], "s_vecs": [[0.8944588019871756, 0.4471434055572374, 0.0024952784098228598], [-0.4382763176711618, 0.8778001529448284, -0.1933410480437171]]}, "832": {"path": [20, 1, 1], "s": [2.502747231598075, 0.9989023136002751], "s_vecs": [[-0.8932849885857428, -0.4489536770750501, -0.021966451879194715], [0.4321820302029319, -0.8712915715389896, 0.23252890171931312]]}, "833": {"path": [20, 1, 2], "s": [2.505996407068162, 0.9976071765102104], "s_vecs": [[0.8932585514775484, 0.44917884137288316, 0.01809775331765108], [0.43822261474928303, -0.8790358066414707, 0.187768449331831]]}, "834": {"path": [20, 1, 2], "s": [2.503311017829012, 0.9986773446026367], "s_vecs": [[-0.8948090549485328, -0.4464434470003955, 0.00223692032015696], [-0.4385941959563606, 0.8781189427301385, -0.19116028272603416]]}, "835": {"path": [20, 1, 3], "s": [2.504486865893047, 0.9982084689865414], "s_vecs": [[-0.8910992723501311, -0.45200532671246063, -0.04041375311237981], [0.4324055619177306, -0.8727254443884289, 0.22666214668451118]]}, "836": {"path": [20, 1, 3], "s": [2.5050755542816088, 0.9979738917363454], "s_vecs": [[0.8931159510210163, 0.4493512589425361, 0.02067230317559085], [-0.43836768238117785, 0.8797520032994359, -0.18403854958780788]]}, "837": {"path": [20, 2, 0], "s": [2.5071776061444853, 0.9971371768290789], "s_vecs": [[0.8942131998626036, 0.4476237785489331, -0.0039630883233468875], [-0.44371677298941103, 0.8851689863459267, -0.13996889289834313]]}, "838": {"path": [20, 2, 0], "s": [2.5066235299050525, 0.9973575888736261], "s_vecs": [[-0.893520125005303, -0.44873570560887555, -0.016064019491147455], [0.4382093703662999, -0.8792474904432941, 0.18680577687089928]]}, "839": {"path": [20, 2, 1], "s": [2.5099485917046906, 0.996036336466184], "s_vecs": [[0.8931684455244759, 0.44941395937112016, 0.01664995620908212], [0.44342965843932064, -0.8862389244516374, 0.13398024780986217]]}, "840": {"path": [20, 2, 1], "s": [2.5076658711018496, 0.9969430253088376], "s_vecs": [[-0.8944557930111983, -0.44711093859790596, 0.006375181158866122], [-0.4435837386006653, 0.8854205287334935, -0.13879464739808134]]}, "841": {"path": [20, 2, 2], "s": [2.5077957467177727, 0.9968913948721798], "s_vecs": [[-0.8916957527926566, -0.4511171393707499, -0.037040667076725556], [0.43832017998366707, -0.8810164660781796, 0.17800395028819246]]}, "842": {"path": [20, 2, 2], "s": [2.5082072269132216, 0.9967278513413259], "s_vecs": [[0.8931329617742632, 0.4494215603645294, 0.018269473770311795], [-0.4434488021732251, 0.8866071884556551, -0.13145665913102417]]}, "843": {"path": [20, 2, 3], "s": [2.50573267463054, 0.997712176287366], "s_vecs": [[-0.8933887214218188, -0.4489020671102407, -0.01853447006097894], [-0.4383497949008069, 0.8799493489555262, -0.1831354705762012]]}, "844": {"path": [20, 2, 3], "s": [2.5068720783878766, 0.9972587040052336], "s_vecs": [[0.8913322930118103, 0.4516891152226091, 0.03877739836199576], [0.4385463920989386, -0.880745905700455, 0.17878398017968292]]}, "845": {"path": [20, 3, 0], "s": [2.505704368062479, 0.9977234472928314], "s_vecs": [[0.8893634551993519, 0.45361539078545227, 0.05714649419196278], [0.4390233588384319, -0.8822006022494611, 0.17023685789190807]]}, "846": {"path": [20, 3, 0], "s": [2.506024849412427, 0.9975958540818786], "s_vecs": [[-0.8915582328487954, -0.4512181788890152, -0.039064977660482926], [-0.43847907120214535, 0.8815383602213168, -0.17500349589655662]]}, "847": {"path": [20, 3, 1], "s": [2.502802358858748, 0.9988803115640236], "s_vecs": [[-0.8864728677161039, -0.45693666074007444, -0.07331263789345795], [0.4343724970701225, -0.876198198148047, 0.20879954825425884]]}, "848": {"path": [20, 3, 1], "s": [2.5031521977769624, 0.9987407087033057], "s_vecs": [[0.8893946136951372, 0.45348883876730517, 0.057663630162859005], [-0.43892587002188255, 0.882388097012076, -0.1695149753766333]]}, "849": {"path": [20, 3, 2], "s": [2.503447190102222, 0.9986230226402024], "s_vecs": [[-0.888627250883403, -0.45473053979138184, -0.059680358313639076], [-0.43372838769900324, 0.8755280760290938, -0.21290907399361056]]}, "850": {"path": [20, 3, 2], "s": [2.5015581975766734, 0.9993771092041004], "s_vecs": [[0.8862978571271398, 0.45726717899924507, 0.0733678094392396], [0.434679997077723, -0.8760302315970621, 0.20886439013989144]]}, "851": {"path": [20, 3, 3], "s": [2.505041167072321, 0.9979875911268105], "s_vecs": [[0.8911803144694033, 0.45180183552354203, 0.04089924840108744], [-0.4387155046513046, 0.8812756423701044, -0.1757326040998395]]}, "852": {"path": [20, 3, 3], "s": [2.504544874138601, 0.9981853492881958], "s_vecs": [[-0.888727486987427, -0.4547654977940718, -0.05789469655436924], [0.43369297483118313, -0.8749573222513958, 0.21531392853400294]]}}, "edgedata": {"0-81": {"q_pre": 40, "f": 267.1551804128545}, "25-81": {"q_pre": 40, "f": 262.2345499310709}, "25-105": {"q_pre": 40, "f": 257.42830901578054}, "9-105": {"q_pre": 40, "f": 252.74025161835996}, "9-106": {"q_pre": 40, "f": 248.2132278609552}, "44-106": {"q_pre": 40, "f": 243.88872486019665}, "44-100": {"q_pre": 40, "f": 239.8072272289551}, "7-100": {"q_pre": 40, "f": 236.02042045378647}, "7-101": {"q_pre": 40, "f": 232.56879124880254}, "45-101": {"q_pre": 40, "f": 229.49080809862863}, "45-140": {"q_pre": 40, "f": 226.82519017559872}, "19-140": {"q_pre": 40, "f": 224.59363354923508}, "19-139": {"q_pre": 40, "f": 222.8246581871715}, "42-139": {"q_pre": 40, "f": 221.53528883078536}, "42-98": {"q_pre": 40, "f": 220.74040947420247}, "6-98": {"q_pre": 40, "f": 220.45601919308365}, "6-97": {"q_pre": 40, "f": 205.9978619563406}, "41-97": {"q_pre": 40, "f": 209.86353031086364}, "41-142": {"q_pre": 40, "f": 213.7787409901746}, "20-142": {"q_pre": 40, "f": 217.69241150953712}, "20-143": {"q_pre": 40, "f": 221.59983522205613}, "48-143": {"q_pre": 40, "f": 225.44332600611884}, "48-104": {"q_pre": 40, "f": 229.22197062528244}, "8-104": {"q_pre": 40, "f": 232.88812848764644}, "8-102": {"q_pre": 40, "f": 236.42774019673624}, "46-102": {"q_pre": 40, "f": 239.8167469451623}, "46-112": {"q_pre": 40, "f": 243.01583812547779}, "11-112": {"q_pre": 40, "f": 246.0381731542266}, "11-111": {"q_pre": 40, "f": 248.81534555998167}, "28-111": {"q_pre": 40, "f": 251.40720836630413}, "28-84": {"q_pre": 40, "f": 253.72861520432627}, "1-84": {"q_pre": 40, "f": 255.8735674968425}, "1-83": {"q_pre": 40, "f": 267.1551804128556}, "27-83": {"q_pre": 40, "f": 262.234549931071}, "27-114": {"q_pre": 40, "f": 257.4283090157798}, "12-114": {"q_pre": 40, "f": 252.74025161835948}, "12-115": {"q_pre": 40, "f": 248.2132278609552}, "37-115": {"q_pre": 40, "f": 243.88872486019648}, "37-93": {"q_pre": 40, "f": 239.80722722895504}, "4-93": {"q_pre": 40, "f": 236.02042045378641}, "4-94": {"q_pre": 40, "f": 232.5687912488024}, "38-94": {"q_pre": 40, "f": 229.49080809862812}, "38-136": {"q_pre": 40, "f": 226.8251901755984}, "18-136": {"q_pre": 40, "f": 224.59363354923508}, "18-137": {"q_pre": 40, "f": 222.82465818717162}, "40-137": {"q_pre": 40, "f": 221.53528883078567}, "40-96": {"q_pre": 40, "f": 220.74040947420244}, "5-96": {"q_pre": 40, "f": 220.45601919308368}, "5-95": {"q_pre": 40, "f": 205.9978619563407}, "39-95": {"q_pre": 40, "f": 209.8635303108635}, "39-122": {"q_pre": 40, "f": 213.77874099017464}, "14-122": {"q_pre": 40, "f": 217.69241150953684}, "14-121": {"q_pre": 40, "f": 221.59983522205562}, "31-121": {"q_pre": 40, "f": 225.44332600611858}, "31-87": {"q_pre": 40, "f": 229.2219706252823}, "2-87": {"q_pre": 40, "f": 232.88812848764627}, "2-85": {"q_pre": 40, "f": 236.4277401967361}, "29-85": {"q_pre": 40, "f": 239.81674694516246}, "29-109": {"q_pre": 40, "f": 243.01583812547767}, "10-109": {"q_pre": 40, "f": 246.03817315422663}, "10-108": {"q_pre": 40, "f": 248.8153455599817}, "26-108": {"q_pre": 40, "f": 251.40720836630462}, "26-82": {"q_pre": 40, "f": 253.72861520432636}, "0-82": {"q_pre": 40, "f": 255.87356749684335}, "0-226": {"f": 0.0}, "1-242": {"f": 0.0}, "2-86": {"f": 0.0}, "2-230": {"f": 0.0}, "2-262": {"f": 0.0}, "3-88": {"f": 0.0}, "3-89": {"f": 0.0}, "3-90": {"f": 0.0}, "3-91": {"f": 0.0}, "3-234": {"f": 0.0}, "3-250": {"f": 0.0}, "3-258": {"f": 0.0}, "3-274": {"f": 0.0}, "4-92": {"f": 0.0}, "4-254": {"f": 0.0}, "4-270": {"f": 0.0}, "5-266": {"f": 0.0}, "6-282": {"f": 0.0}, "7-99": {"f": 0.0}, "7-238": {"f": 0.0}, "7-286": {"f": 0.0}, "8-103": {"f": 0.0}, "8-246": {"f": 0.0}, "8-278": {"f": 0.0}, "9-107": {"f": 0.0}, "9-225": {"f": 0.0}, "9-239": {"f": 0.0}, "10-110": {"f": 0.0}, "10-227": {"f": 0.0}, "10-229": {"f": 0.0}, "11-113": {"f": 0.0}, "11-243": {"f": 0.0}, "11-245": {"f": 0.0}, "12-116": {"f": 0.0}, "12-241": {"f": 0.0}, "12-255": {"f": 0.0}, "13-117": {"f": 0.0}, "13-119": {"f": 0.0}, "13-118": {"f": 0.0}, "13-120": {"f": 0.0}, "13-231": {"f": 0.0}, "13-233": {"f": 0.0}, "13-259": {"f": 0.0}, "13-261": {"f": 0.0}, "14-123": {"f": 0.0}, "14-263": {"f": 0.0}, "14-265": {"f": 0.0}, "15-124": {"f": 0.0}, "15-126": {"f": 0.0}, "15-125": {"f": 0.0}, "15-127": {"f": 0.0}, "15-235": {"f": 0.0}, "15-237": {"f": 0.0}, "15-273": {"f": 0.0}, "15-287": {"f": 0.0}, "16-129": {"f": 0.0}, "16-130": {"f": 0.0}, "16-128": {"f": 0.0}, "16-131": {"f": 0.0}, "16-247": {"f": 0.0}, "16-249": {"f": 0.0}, "16-275": {"f": 0.0}, "16-277": {"f": 0.0}, "17-132": {"f": 0.0}, "17-134": {"f": 0.0}, "17-133": {"f": 0.0}, "17-135": {"f": 0.0}, "17-251": {"f": 0.0}, "17-253": {"f": 0.0}, "17-257": {"f": 0.0}, "17-271": {"f": 0.0}, "18-138": {"f": 0.0}, "18-267": {"f": 0.0}, "18-269": {"f": 0.0}, "19-141": {"f": 0.0}, "19-283": {"f": 0.0}, "19-285": {"f": 0.0}, "20-144": {"f": 0.0}, "20-279": {"f": 0.0}, "20-281": {"f": 0.0}, "21-146": {"f": 0.0}, "21-145": {"f": 0.0}, "21-147": {"f": 0.0}, "21-148": {"f": 0.0}, "21-228": {"f": 0.0}, "21-232": {"f": 0.0}, "21-236": {"f": 0.0}, "21-240": {"f": 0.0}, "22-149": {"f": 0.0}, "22-150": {"f": 0.0}, "22-151": {"f": 0.0}, "22-152": {"f": 0.0}, "22-244": {"f": 0.0}, "22-248": {"f": 0.0}, "22-252": {"f": 0.0}, "22-256": {"f": 0.0}, "23-153": {"f": 0.0}, "23-155": {"f": 0.0}, "23-154": {"f": 0.0}, "23-156": {"f": 0.0}, "23-260": {"f": 0.0}, "23-264": {"f": 0.0}, "23-268": {"f": 0.0}, "23-272": {"f": 0.0}, "24-158": {"f": 0.0}, "24-157": {"f": 0.0}, "24-160": {"f": 0.0}, "24-159": {"f": 0.0}, "24-276": {"f": 0.0}, "24-280": {"f": 0.0}, "24-284": {"f": 0.0}, "24-288": {"f": 0.0}, "25-161": {"f": 0.0}, "25-225": {"f": 0.0}, "25-226": {"f": 0.0}, "26-162": {"f": 0.0}, "26-226": {"f": 0.0}, "26-227": {"f": 0.0}, "27-163": {"f": 0.0}, "27-241": {"f": 0.0}, "27-242": {"f": 0.0}, "28-164": {"f": 0.0}, "28-242": {"f": 0.0}, "28-243": {"f": 0.0}, "29-165": {"f": 0.0}, "29-229": {"f": 0.0}, "29-230": {"f": 0.0}, "30-86": {"f": 0.0}, "30-166": {"f": 0.0}, "30-117": {"f": 0.0}, "30-167": {"f": 0.0}, "30-230": {"f": 0.0}, "30-231": {"f": 0.0}, "30-261": {"f": 0.0}, "30-262": {"f": 0.0}, "31-168": {"f": 0.0}, "31-262": {"f": 0.0}, "31-263": {"f": 0.0}, "32-118": {"f": 0.0}, "32-169": {"f": 0.0}, "32-88": {"f": 0.0}, "32-170": {"f": 0.0}, "32-233": {"f": 0.0}, "32-234": {"f": 0.0}, "32-258": {"f": 0.0}, "32-259": {"f": 0.0}, "33-89": {"f": 0.0}, "33-171": {"f": 0.0}, "33-124": {"f": 0.0}, "33-172": {"f": 0.0}, "33-234": {"f": 0.0}, "33-235": {"f": 0.0}, "33-273": {"f": 0.0}, "33-274": {"f": 0.0}, "34-128": {"f": 0.0}, "34-173": {"f": 0.0}, "34-90": {"f": 0.0}, "34-174": {"f": 0.0}, "34-249": {"f": 0.0}, "34-250": {"f": 0.0}, "34-274": {"f": 0.0}, "34-275": {"f": 0.0}, "35-91": {"f": 0.0}, "35-175": {"f": 0.0}, "35-132": {"f": 0.0}, "35-176": {"f": 0.0}, "35-250": {"f": 0.0}, "35-251": {"f": 0.0}, "35-257": {"f": 0.0}, "35-258": {"f": 0.0}, "36-133": {"f": 0.0}, "36-177": {"f": 0.0}, "36-92": {"f": 0.0}, "36-178": {"f": 0.0}, "36-253": {"f": 0.0}, "36-254": {"f": 0.0}, "36-270": {"f": 0.0}, "36-271": {"f": 0.0}, "37-179": {"f": 0.0}, "37-254": {"f": 0.0}, "37-255": {"f": 0.0}, "38-180": {"f": 0.0}, "38-269": {"f": 0.0}, "38-270": {"f": 0.0}, "39-181": {"f": 0.0}, "39-265": {"f": 0.0}, "39-266": {"f": 0.0}, "40-182": {"f": 0.0}, "40-266": {"f": 0.0}, "40-267": {"f": 0.0}, "41-183": {"f": 0.0}, "41-281": {"f": 0.0}, "41-282": {"f": 0.0}, "42-184": {"f": 0.0}, "42-282": {"f": 0.0}, "42-283": {"f": 0.0}, "43-125": {"f": 0.0}, "43-185": {"f": 0.0}, "43-99": {"f": 0.0}, "43-186": {"f": 0.0}, "43-237": {"f": 0.0}, "43-238": {"f": 0.0}, "43-286": {"f": 0.0}, "43-287": {"f": 0.0}, "44-187": {"f": 0.0}, "44-238": {"f": 0.0}, "44-239": {"f": 0.0}, "45-188": {"f": 0.0}, "45-285": {"f": 0.0}, "45-286": {"f": 0.0}, "46-189": {"f": 0.0}, "46-245": {"f": 0.0}, "46-246": {"f": 0.0}, "47-103": {"f": 0.0}, "47-190": {"f": 0.0}, "47-129": {"f": 0.0}, "47-191": {"f": 0.0}, "47-246": {"f": 0.0}, "47-247": {"f": 0.0}, "47-277": {"f": 0.0}, "47-278": {"f": 0.0}, "48-192": {"f": 0.0}, "48-278": {"f": 0.0}, "48-279": {"f": 0.0}, "49-193": {"f": 0.0}, "49-107": {"f": 0.0}, "49-145": {"f": 0.0}, "49-194": {"f": 0.0}, "49-225": {"f": 0.0}, "49-228": {"f": 0.0}, "49-239": {"f": 0.0}, "49-240": {"f": 0.0}, "50-110": {"f": 0.0}, "50-195": {"f": 0.0}, "50-146": {"f": 0.0}, "50-196": {"f": 0.0}, "50-227": {"f": 0.0}, "50-228": {"f": 0.0}, "50-229": {"f": 0.0}, "50-232": {"f": 0.0}, "51-113": {"f": 0.0}, "51-197": {"f": 0.0}, "51-149": {"f": 0.0}, "51-198": {"f": 0.0}, "51-243": {"f": 0.0}, "51-244": {"f": 0.0}, "51-245": {"f": 0.0}, "51-248": {"f": 0.0}, "52-199": {"f": 0.0}, "52-116": {"f": 0.0}, "52-150": {"f": 0.0}, "52-200": {"f": 0.0}, "52-241": {"f": 0.0}, "52-244": {"f": 0.0}, "52-255": {"f": 0.0}, "52-256": {"f": 0.0}, "53-119": {"f": 0.0}, "53-201": {"f": 0.0}, "53-147": {"f": 0.0}, "53-202": {"f": 0.0}, "53-231": {"f": 0.0}, "53-232": {"f": 0.0}, "53-233": {"f": 0.0}, "53-236": {"f": 0.0}, "54-120": {"f": 0.0}, "54-203": {"f": 0.0}, "54-153": {"f": 0.0}, "54-204": {"f": 0.0}, "54-259": {"f": 0.0}, "54-260": {"f": 0.0}, "54-261": {"f": 0.0}, "54-264": {"f": 0.0}, "55-123": {"f": 0.0}, "55-205": {"f": 0.0}, "55-154": {"f": 0.0}, "55-206": {"f": 0.0}, "55-263": {"f": 0.0}, "55-264": {"f": 0.0}, "55-265": {"f": 0.0}, "55-268": {"f": 0.0}, "56-126": {"f": 0.0}, "56-207": {"f": 0.0}, "56-148": {"f": 0.0}, "56-208": {"f": 0.0}, "56-235": {"f": 0.0}, "56-236": {"f": 0.0}, "56-237": {"f": 0.0}, "56-240": {"f": 0.0}, "57-209": {"f": 0.0}, "57-127": {"f": 0.0}, "57-157": {"f": 0.0}, "57-210": {"f": 0.0}, "57-273": {"f": 0.0}, "57-276": {"f": 0.0}, "57-287": {"f": 0.0}, "57-288": {"f": 0.0}, "58-130": {"f": 0.0}, "58-211": {"f": 0.0}, "58-151": {"f": 0.0}, "58-212": {"f": 0.0}, "58-247": {"f": 0.0}, "58-248": {"f": 0.0}, "58-249": {"f": 0.0}, "58-252": {"f": 0.0}, "59-131": {"f": 0.0}, "59-213": {"f": 0.0}, "59-158": {"f": 0.0}, "59-214": {"f": 0.0}, "59-275": {"f": 0.0}, "59-276": {"f": 0.0}, "59-277": {"f": 0.0}, "59-280": {"f": 0.0}, "60-134": {"f": 0.0}, "60-215": {"f": 0.0}, "60-152": {"f": 0.0}, "60-216": {"f": 0.0}, "60-251": {"f": 0.0}, "60-252": {"f": 0.0}, "60-253": {"f": 0.0}, "60-256": {"f": 0.0}, "61-217": {"f": 0.0}, "61-135": {"f": 0.0}, "61-155": {"f": 0.0}, "61-218": {"f": 0.0}, "61-257": {"f": 0.0}, "61-260": {"f": 0.0}, "61-271": {"f": 0.0}, "61-272": {"f": 0.0}, "62-138": {"f": 0.0}, "62-219": {"f": 0.0}, "62-156": {"f": 0.0}, "62-220": {"f": 0.0}, "62-267": {"f": 0.0}, "62-268": {"f": 0.0}, "62-269": {"f": 0.0}, "62-272": {"f": 0.0}, "63-141": {"f": 0.0}, "63-221": {"f": 0.0}, "63-159": {"f": 0.0}, "63-222": {"f": 0.0}, "63-283": {"f": 0.0}, "63-284": {"f": 0.0}, "63-285": {"f": 0.0}, "63-288": {"f": 0.0}, "64-144": {"f": 0.0}, "64-223": {"f": 0.0}, "64-160": {"f": 0.0}, "64-224": {"f": 0.0}, "64-279": {"f": 0.0}, "64-280": {"f": 0.0}, "64-281": {"f": 0.0}, "64-284": {"f": 0.0}, "65-161": {"f": 0.0}, "65-193": {"f": 0.0}, "65-162": {"f": 0.0}, "65-195": {"f": 0.0}, "65-225": {"f": 0.0}, "65-226": {"f": 0.0}, "65-227": {"f": 0.0}, "65-228": {"f": 0.0}, "66-165": {"f": 0.0}, "66-196": {"f": 0.0}, "66-166": {"f": 0.0}, "66-201": {"f": 0.0}, "66-229": {"f": 0.0}, "66-230": {"f": 0.0}, "66-231": {"f": 0.0}, "66-232": {"f": 0.0}, "67-169": {"f": 0.0}, "67-202": {"f": 0.0}, "67-171": {"f": 0.0}, "67-207": {"f": 0.0}, "67-233": {"f": 0.0}, "67-234": {"f": 0.0}, "67-235": {"f": 0.0}, "67-236": {"f": 0.0}, "68-185": {"f": 0.0}, "68-208": {"f": 0.0}, "68-187": {"f": 0.0}, "68-194": {"f": 0.0}, "68-237": {"f": 0.0}, "68-238": {"f": 0.0}, "68-239": {"f": 0.0}, "68-240": {"f": 0.0}, "69-163": {"f": 0.0}, "69-199": {"f": 0.0}, "69-164": {"f": 0.0}, "69-197": {"f": 0.0}, "69-241": {"f": 0.0}, "69-242": {"f": 0.0}, "69-243": {"f": 0.0}, "69-244": {"f": 0.0}, "70-189": {"f": 0.0}, "70-198": {"f": 0.0}, "70-190": {"f": 0.0}, "70-211": {"f": 0.0}, "70-245": {"f": 0.0}, "70-246": {"f": 0.0}, "70-247": {"f": 0.0}, "70-248": {"f": 0.0}, "71-173": {"f": 0.0}, "71-212": {"f": 0.0}, "71-175": {"f": 0.0}, "71-215": {"f": 0.0}, "71-249": {"f": 0.0}, "71-250": {"f": 0.0}, "71-251": {"f": 0.0}, "71-252": {"f": 0.0}, "72-177": {"f": 0.0}, "72-216": {"f": 0.0}, "72-179": {"f": 0.0}, "72-200": {"f": 0.0}, "72-253": {"f": 0.0}, "72-254": {"f": 0.0}, "72-255": {"f": 0.0}, "72-256": {"f": 0.0}, "73-176": {"f": 0.0}, "73-217": {"f": 0.0}, "73-170": {"f": 0.0}, "73-203": {"f": 0.0}, "73-257": {"f": 0.0}, "73-258": {"f": 0.0}, "73-259": {"f": 0.0}, "73-260": {"f": 0.0}, "74-167": {"f": 0.0}, "74-204": {"f": 0.0}, "74-168": {"f": 0.0}, "74-205": {"f": 0.0}, "74-261": {"f": 0.0}, "74-262": {"f": 0.0}, "74-263": {"f": 0.0}, "74-264": {"f": 0.0}, "75-181": {"f": 0.0}, "75-206": {"f": 0.0}, "75-182": {"f": 0.0}, "75-219": {"f": 0.0}, "75-265": {"f": 0.0}, "75-266": {"f": 0.0}, "75-267": {"f": 0.0}, "75-268": {"f": 0.0}, "76-180": {"f": 0.0}, "76-220": {"f": 0.0}, "76-178": {"f": 0.0}, "76-218": {"f": 0.0}, "76-269": {"f": 0.0}, "76-270": {"f": 0.0}, "76-271": {"f": 0.0}, "76-272": {"f": 0.0}}, "max_vertex": 288, "max_face": 852}} \ No newline at end of file diff --git a/src/nfd_solver/data/out_hypar_mesh_09.json b/src/nfd_solver/data/out_hypar_mesh_09.json new file mode 100644 index 00000000..f14c6d5d --- /dev/null +++ b/src/nfd_solver/data/out_hypar_mesh_09.json @@ -0,0 +1 @@ +{"compas": "1.7.1", "datatype": "compas.datastructures/Mesh", "data": {"attributes": {"name": "Mesh"}, "dva": {"x": 0.0, "y": 0.0, "z": 0.0, "rx": 0.0, "ry": 0.0, "rz": 0.0, "is_anchor": false}, "dea": {"q_pre": 0.0}, "dfa": {"s_pre": [-1.0, -1.0, 0.0], "px": 0.0, "py": 0.0, "pz": -0.05}, "vertex": {"0": {"z": 0.0, "y": -46.98355913741212, "x": -44.487094537112114, "is_anchor": true, "r": [-131.0090747972429, -131.00907479724282, -65.89713605047118]}, "1": {"z": 0.0, "y": 43.016440862587885, "x": 45.512905462887865, "is_anchor": true, "r": [131.00907479724248, 131.00907479724242, -65.89713605047116]}, "2": {"z": 7.864150558017319, "y": -43.5698657578111, "x": 0.5092423311436793, "r": [0.0029864089083018533, -0.14537928573712833, -0.14326424569768315]}, "3": {"z": 32.10102482132103, "y": -1.983559137412121, "x": 0.5129054628878952, "r": [-1.7763568394002505e-15, -3.469446951953614e-15, -0.6662060577324249]}, "4": {"z": 7.864150558017319, "y": -1.9798960056679367, "x": 42.09921208328679, "r": [0.1453792857370475, -0.002986408908332537, -0.14326424569773133]}, "5": {"z": 0.0, "y": -46.98355913741212, "x": 45.512905462887865, "is_anchor": true, "r": [131.01435613966044, -131.01435613966024, -65.83967890046895]}, "6": {"z": 0.0, "y": 43.016440862587885, "x": -44.487094537112114, "is_anchor": true, "r": [-131.01435613966044, 131.01435613966024, -65.83967890046894]}, "7": {"z": 7.864150558017314, "y": -1.9872222691563095, "x": -41.07340115751101, "r": [-0.14537928573692405, 0.002986408908314468, -0.1432642456977129]}, "8": {"z": 7.864150558017314, "y": 39.60274748298681, "x": 0.5165685946320921, "r": [-0.0029864089083331755, 0.1453792857369054, -0.143264245697738]}, "9": {"z": 5.731959828793848, "y": -25.103969739878337, "x": -41.68291414138212, "r": [-0.09672918919177009, -0.7257240610344999, -0.2959684664234534]}, "10": {"z": 5.73195982879385, "y": -44.1793787416822, "x": -22.607505139578336, "r": [-0.7257240610346471, -0.09672918919204188, -0.29596846642336994]}, "11": {"z": 5.731959828793846, "y": 40.21226046685793, "x": 23.63331606535411, "r": [0.7257240610347797, 0.0967291891923967, -0.2959684664233575]}, "12": {"z": 5.731959828793851, "y": 21.136851465054086, "x": 42.70872506715791, "r": [0.09672918919222617, 0.7257240610346691, -0.29596846642340435]}, "13": {"z": 26.626738959396906, "y": -25.951344493296716, "x": 1.8081092521022364, "r": [0.01757984151920669, 0.883034835572512, -0.18825933960375263]}, "14": {"z": 5.728718401285502, "y": -44.1761330168039, "x": 23.627035625376216, "r": [0.7119769351865178, -0.11446007882449694, -0.32072464876954165]}, "15": {"z": 26.626738959396896, "y": -0.6883553481977704, "x": -23.454879892996697, "r": [0.8830348355725395, 0.017579841519209605, -0.18825933960376062]}, "16": {"z": 26.6267389593969, "y": 21.984226218472475, "x": -0.7822983263264673, "r": [-0.017579841519210465, -0.8830348355725413, -0.18825933960376418]}, "17": {"z": 26.6267389593969, "y": -3.2787629266264875, "x": 24.480690818772487, "r": [-0.8830348355725137, -0.017579841519221567, -0.1882593396037251]}, "18": {"z": 5.728718401285506, "y": -25.097689299900487, "x": 42.70547934227963, "r": [0.11446007882477938, -0.7119769351865037, -0.32072464876950324]}, "19": {"z": 5.728718401285501, "y": 21.13057102507624, "x": -41.67966841650387, "r": [-0.11446007882470788, 0.7119769351864637, -0.32072464876947304]}, "20": {"z": 5.728718401285501, "y": 40.209014741979644, "x": -22.601224699600465, "r": [-0.7119769351864705, 0.11446007882457421, -0.32072464876947726]}, "21": {"z": 21.290797523187905, "y": -25.98554867641447, "x": -23.489084076114445, "r": [0.6469178004476426, 0.6469178004476399, -0.020653259118110334]}, "22": {"z": 21.29079752318789, "y": 22.018430401590212, "x": 24.514895001890224, "r": [-0.646917800447659, -0.6469178004476439, -0.020653259118149414]}, "23": {"z": 20.646759484314476, "y": -26.747975100827592, "x": 25.27732142630334, "r": [-0.5703260727472466, 0.5703260727472608, -0.034388801551771486]}, "24": {"z": 20.646759484314465, "y": 22.78085682600333, "x": -24.25151050052758, "r": [0.5703260727472701, -0.5703260727472821, -0.03438880155179991]}, "25": {"x": -42.670980794469365, "y": -36.25099830716949, "z": 3.2011036669536663, "r": [-0.0062915219698038705, -0.7249505316498134, -0.3532529889002407]}, "26": {"x": -33.75453370686949, "y": -45.16744539476941, "z": 3.2011036669536677, "r": [-0.7249505316497384, -0.006291521969686409, -0.3532529889002518]}, "27": {"x": 43.69679172024514, "y": 32.283880032345245, "z": 3.201103666953668, "r": [0.006291521969685965, 0.7249505316497082, -0.35325298890025514]}, "28": {"x": 34.780344632645246, "y": 41.20032711994515, "z": 3.201103666953664, "r": [0.7249505316498449, 0.006291521969818525, -0.35325298890019674]}, "29": {"x": -11.134685095900675, "y": -43.70949006092445, "z": 7.325278717804048, "r": [-0.40759403862938715, -0.12273976623966965, -0.17272830352085533]}, "30": {"x": 1.5989726448326975, "y": -37.006841727126336, "z": 18.74224611389498, "r": [0.005304160820669174, 0.8386974584169407, 0.7123968866750823]}, "31": {"x": 12.153101154926796, "y": -43.70575860241518, "z": 7.32150463337705, "r": [0.4042979545369638, -0.14033140896622331, -0.20163329077207304]}, "32": {"x": 1.3632934218500883, "y": -13.506099892397229, "z": 30.896964816626216, "r": [0.010030345816142122, 0.4682586467476111, -0.5847650486031348]}, "33": {"x": -11.009635292097219, "y": -1.1331711784499277, "z": 30.89696481662622, "r": [0.46825864674760576, 0.010030345816136405, -0.5847650486031135]}, "34": {"x": -0.33748249607430514, "y": 9.53898161757299, "z": 30.896964816626213, "r": [-0.010030345816140485, -0.4682586467476202, -0.5847650486031544]}, "35": {"x": 12.035446217873004, "y": -2.8339470963743207, "z": 30.896964816626227, "r": [-0.46825864674760753, -0.010030345816150477, -0.5847650486031224]}, "36": {"x": 35.53618805260209, "y": -3.069626319356957, "z": 18.742246113894954, "r": [-0.8386974584168829, -0.0053041608206634006, 0.7123968866751058]}, "37": {"x": 42.238836386400145, "y": 9.664031421376421, "z": 7.325278717804049, "r": [0.1227397662396097, 0.40759403862935667, -0.17272830352088908]}, "38": {"x": 42.23510492789088, "y": -13.62375482945106, "z": 7.321504633377051, "r": [0.14033140896605723, -0.4042979545369615, -0.201633290772115]}, "39": {"x": 34.777798188585535, "y": -45.16686401469388, "z": 3.2010448964628737, "r": [0.7246436272929593, -0.008109388049025057, -0.3623913869018234]}, "40": {"x": 43.696210340169614, "y": -36.24845186310981, "z": 3.2010448964628755, "r": [0.008109388048930244, -0.7246436272932537, -0.36239138690179695]}, "41": {"x": -33.751987262809784, "y": 41.199745739869634, "z": 3.201044896462873, "r": [-0.7246436272932149, 0.008109388048911814, -0.36239138690183803]}, "42": {"x": -42.67039941439387, "y": 32.281333588285555, "z": 3.201044896462873, "r": [-0.0081093880487626, 0.7246436272932095, -0.3623913869018782]}, "43": {"x": -34.5103771268263, "y": -0.8974919554673065, "z": 18.742246113894968, "r": [0.8386974584169193, 0.005304160820660875, 0.7123968866751098]}, "44": {"x": -41.21302546062436, "y": -13.631149696200671, "z": 7.325278717804043, "r": [-0.12273976623974203, -0.4075940386294037, -0.17272830352085555]}, "45": {"x": -41.209294002115115, "y": 9.656636554626814, "z": 7.321504633377046, "r": [-0.14033140896628282, 0.4042979545369023, -0.20163329077211123]}, "46": {"x": 12.16049602167645, "y": 39.74237178610017, "z": 7.325278717804044, "r": [0.4075940386293617, 0.12273976623964433, -0.17272830352087287]}, "47": {"x": -0.5731617190569231, "y": 33.03972345230208, "z": 18.742246113894947, "r": [-0.005304160820665468, -0.8386974584169105, 0.7123968866750934]}, "48": {"x": -11.127290229151033, "y": 39.73864032759089, "z": 7.321504633377046, "r": [-0.40429795453688316, 0.1403314089660448, -0.20163329077215697]}, "49": {"x": -34.37202465896556, "y": -25.890729086194646, "z": 14.26921081454596, "r": [0.8082404090381328, 0.3113225791600751, 0.3872418255270915]}, "50": {"x": -23.394264485894624, "y": -36.86848925926561, "z": 14.269210814545971, "r": [0.3113225791600336, 0.8082404090381115, 0.3872418255271084]}, "51": {"x": 24.420075411670396, "y": 32.901370984441336, "z": 14.269210814545948, "r": [-0.31132257916004713, -0.8082404090381257, 0.38724182552711195]}, "52": {"x": 35.39783558474134, "y": 21.923610811370395, "z": 14.269210814545954, "r": [-0.8082404090381505, -0.31132257916005246, 0.38724182552709596]}, "53": {"x": -10.764863084567741, "y": -25.94101893701636, "z": 25.51643399493031, "r": [0.3361958402630494, 0.8481859909380169, -0.1653570734166765]}, "54": {"x": 13.734927170464799, "y": -26.4663567481771, "z": 24.878443554447017, "r": [-0.27830919415437005, 0.765471906649895, -0.16118542403650338]}, "55": {"x": 24.94995989215147, "y": -36.91417879175112, "z": 14.102515290588542, "r": [-0.25367635468545746, 0.8045342391568058, 0.3693573470519991]}, "56": {"x": -23.444554336716326, "y": -13.261327684867762, "z": 25.516433994930296, "r": [0.8481859909380187, 0.3361958402630596, -0.16535707341666495]}, "57": {"x": -23.969892147877093, "y": 11.2384625701648, "z": 24.878443554447003, "r": [0.7654719066498572, -0.27830919415435496, -0.16118542403644653]}, "58": {"x": 11.790674010343515, "y": 21.9739006621921, "z": 25.516433994930303, "r": [-0.33619584026305116, -0.8481859909380267, -0.16535707341667205]}, "59": {"x": -12.709116244689033, "y": 22.499238473352868, "z": 24.878443554446996, "r": [0.2783091941543723, -0.7654719066498674, -0.1611854240364572]}, "60": {"x": 24.470365262492113, "y": 9.294209410043502, "z": 25.516433994930292, "r": [-0.8481859909380058, -0.33619584026304294, -0.16535707341666672]}, "61": {"x": 24.99570307365286, "y": -15.205580844989054, "z": 24.878443554447006, "r": [-0.7654719066498794, 0.27830919415437183, -0.16118542403646252]}, "62": {"x": 35.443525117226876, "y": -26.420613566675726, "z": 14.102515290588546, "r": [-0.8045342391568342, 0.2536763546854621, 0.3693573470519729]}, "63": {"x": -34.41771419145111, "y": 22.45349529185145, "z": 14.102515290588528, "r": [0.8045342391567898, -0.2536763546854284, 0.36935734705201817]}, "64": {"x": -23.92414896637569, "y": 32.947060516926854, "z": 14.102515290588535, "r": [0.2536763546854517, -0.8045342391568324, 0.3693573470519569]}, "65": {"x": -34.21174921164989, "y": -36.70821381194992, "z": 9.090332745013392, "r": [0.6921975344487064, 0.6921975344487268, 0.24537562007052394]}, "66": {"x": -10.806359615268773, "y": -36.92409541692626, "z": 17.777187672835307, "r": [0.0833404327744226, 0.8363384162317722, 0.6069613689113655]}, "67": {"x": -10.791119031053045, "y": -13.287583631353057, "z": 29.80260011386983, "r": [0.45375749357444883, 0.4537574935744362, -0.5241911080929773]}, "68": {"x": -34.42763081662621, "y": -13.302824215568782, "z": 17.777187672835293, "r": [0.8363384162317464, 0.0833404327744226, 0.6069613689113584]}, "69": {"x": 35.23756013742565, "y": 32.74109553712565, "z": 9.090332745013376, "r": [-0.692197534448705, -0.6921975344486921, 0.2453756200705266]}, "70": {"x": 11.832170541044531, "y": 32.956977142101984, "z": 17.777187672835282, "r": [-0.08334043277442427, -0.83633841623171, 0.6069613689113762]}, "71": {"x": 11.816929956828826, "y": 9.320465356528803, "z": 29.802600113869836, "r": [-0.4537574935744473, -0.4537574935744424, -0.5241911080930102]}, "72": {"x": 35.453441742402, "y": 9.335705940744523, "z": 17.777187672835293, "r": [-0.8363384162317722, -0.08334043277443581, 0.6069613689113416]}, "73": {"x": 13.05916201694239, "y": -14.529815691466624, "z": 29.278010553340707, "r": [-0.40445715977769736, 0.404457159777702, -0.4886355640999138]}, "74": {"x": 13.505000603337777, "y": -37.06654371805769, "z": 17.40068083311495, "r": [-0.05334931775555718, 0.8085436074773371, 0.5941389338503091]}, "75": {"x": 35.212540059419645, "y": -36.68319373394389, "z": 9.154157463900399, "r": [-0.6849579147752913, 0.6849579147753158, 0.21863608940751922]}, "76": {"x": 35.595890043533444, "y": -14.975654277862038, "z": 17.400680833114944, "r": [-0.8085436074773362, 0.05334931775556795, 0.5941389338503233]}, "77": {"x": -12.033351091166622, "y": 10.562697416642385, "z": 29.278010553340696, "r": [0.40445715977767094, -0.4044571597776785, -0.4886355640998339]}, "78": {"x": -12.479189677562, "y": 33.099425443233415, "z": 17.400680833114937, "r": [0.05334931775556673, -0.8085436074773282, 0.5941389338503331]}, "79": {"x": -34.18672913364389, "y": 32.71607545911962, "z": 9.15415746390039, "r": [0.6849579147753184, -0.6849579147753189, 0.21863608940750723]}, "80": {"x": -34.57007911775765, "y": 11.00853600303777, "z": 17.400680833114944, "r": [0.8085436074773087, -0.05334931775555618, 0.594138933850338]}}, "face": {"21": [49, 9, 25, 65], "22": [25, 0, 26, 65], "23": [26, 10, 50, 65], "24": [50, 21, 49, 65], "25": [50, 10, 29, 66], "26": [29, 2, 30, 66], "27": [30, 13, 53, 66], "28": [53, 21, 50, 66], "29": [53, 13, 32, 67], "30": [32, 3, 33, 67], "31": [33, 15, 56, 67], "32": [56, 21, 53, 67], "33": [56, 15, 43, 68], "34": [43, 7, 44, 68], "35": [44, 9, 49, 68], "36": [49, 21, 56, 68], "37": [52, 12, 27, 69], "38": [27, 1, 28, 69], "39": [28, 11, 51, 69], "40": [51, 22, 52, 69], "41": [51, 11, 46, 70], "42": [46, 8, 47, 70], "43": [47, 16, 58, 70], "44": [58, 22, 51, 70], "45": [58, 16, 34, 71], "46": [34, 3, 35, 71], "47": [35, 17, 60, 71], "48": [60, 22, 58, 71], "49": [60, 17, 36, 72], "50": [36, 4, 37, 72], "51": [37, 12, 52, 72], "52": [52, 22, 60, 72], "53": [61, 17, 35, 73], "54": [35, 3, 32, 73], "55": [32, 13, 54, 73], "56": [54, 23, 61, 73], "57": [54, 13, 30, 74], "58": [30, 2, 31, 74], "59": [31, 14, 55, 74], "60": [55, 23, 54, 74], "61": [55, 14, 39, 75], "62": [39, 5, 40, 75], "63": [40, 18, 62, 75], "64": [62, 23, 55, 75], "65": [62, 18, 38, 76], "66": [38, 4, 36, 76], "67": [36, 17, 61, 76], "68": [61, 23, 62, 76], "69": [57, 15, 33, 77], "70": [33, 3, 34, 77], "71": [34, 16, 59, 77], "72": [59, 24, 57, 77], "73": [59, 16, 47, 78], "74": [47, 8, 48, 78], "75": [48, 20, 64, 78], "76": [64, 24, 59, 78], "77": [64, 20, 41, 79], "78": [41, 6, 42, 79], "79": [42, 19, 63, 79], "80": [63, 24, 64, 79], "81": [63, 19, 45, 80], "82": [45, 7, 43, 80], "83": [43, 15, 57, 80], "84": [57, 24, 63, 80]}, "facedata": {"21": {"path": [5, 0], "s": [-0.9632560512900112, -1.0429539110338282, -0.0675831280472886]}, "22": {"path": [5, 1], "s": [-0.9631776555957787, -1.0416778448891966, 0.045007081241430526]}, "23": {"path": [5, 2], "s": [-1.052834102963234, -0.9533758593606053, -0.060715780138018975]}, "24": {"path": [5, 3], "s": [-0.9788878151105594, -1.0245767344417172, 0.05340167031939846]}, "25": {"path": [6, 0], "s": [-0.9363465030745988, -1.069298053552843, 0.03105647853869443]}, "26": {"path": [6, 1], "s": [-1.0644272285100371, -0.9400537870683823, -0.015328767886079956]}, "27": {"path": [6, 2], "s": [-0.9760467682983872, -1.0249741329105668, 0.011114017710970007]}, "28": {"path": [6, 3], "s": [-1.012889146015538, -0.9892306351332042, -0.04172428087172173]}, "29": {"path": [7, 0], "s": [-1.0067121604990517, -0.9935142966689201, -0.006809072349929188]}, "30": {"path": [7, 1], "s": [-0.9999177461988961, -1.0001146271522188, -0.0012860525237363308]}, "31": {"path": [7, 2], "s": [-0.9939413811185156, -1.006285076049456, -0.007198448829789127]}, "32": {"path": [7, 3], "s": [-0.9975005351713867, -1.003371100025693, 0.025686859878336285]}, "33": {"path": [8, 0], "s": [-1.0229365395488277, -0.9780843616601261, 0.014800799803255889]}, "34": {"path": [8, 1], "s": [-0.9384136881340432, -1.066067327444376, -0.0053192931631777995]}, "35": {"path": [8, 2], "s": [-1.049949324058996, -0.9556952325684461, 0.056239804130616404]}, "36": {"path": [8, 3], "s": [-0.979503476135447, -1.0226163050132953, -0.037631962941001566]}, "37": {"path": [9, 0], "s": [-0.9632560512900122, -1.0429539110338264, -0.06758312804728737]}, "38": {"path": [9, 1], "s": [-0.9631776555957794, -1.0416778448891957, 0.04500708124142787]}, "39": {"path": [9, 2], "s": [-1.0528341029632329, -0.9533758593606064, -0.06071578013801756]}, "40": {"path": [9, 3], "s": [-0.9788878151105592, -1.0245767344417176, 0.05340167031939866]}, "41": {"path": [10, 0], "s": [-0.9363465030745995, -1.0692980535528422, 0.031056478538695264]}, "42": {"path": [10, 1], "s": [-1.0644272285100362, -0.9400537870683829, -0.015328767886080723]}, "43": {"path": [10, 2], "s": [-0.9760467682983879, -1.0249741329105664, 0.011114017710973078]}, "44": {"path": [10, 3], "s": [-1.012889146015538, -0.9892306351332043, -0.0417242808717233]}, "45": {"path": [11, 0], "s": [-1.0067121604990512, -0.9935142966689204, -0.006809072349930126]}, "46": {"path": [11, 1], "s": [-0.9999177461988964, -1.0001146271522192, -0.0012860525237353066]}, "47": {"path": [11, 2], "s": [-0.9939413811185156, -1.006285076049456, -0.0071984488297901425]}, "48": {"path": [11, 3], "s": [-0.9975005351713866, -1.0033711000256937, 0.025686859878337104]}, "49": {"path": [12, 0], "s": [-1.022936539548827, -0.978084361660127, 0.014800799803256841]}, "50": {"path": [12, 1], "s": [-0.9384136881340441, -1.0660673274443748, -0.005319293163177083]}, "51": {"path": [12, 2], "s": [-1.0499493240589943, -0.9556952325684472, 0.0562398041306158]}, "52": {"path": [12, 3], "s": [-0.9795034761354483, -1.0226163050132946, -0.03763196294100211]}, "53": {"path": [13, 0], "s": [-1.0052330172351527, -0.9951658354507026, -0.015240274252995789]}, "54": {"path": [13, 1], "s": [-0.998147736270533, -1.0019915236687398, 0.009857200071137223]}, "55": {"path": [13, 2], "s": [-0.9926740730864037, -1.0077247795994517, -0.014176466576402232]}, "56": {"path": [13, 3], "s": [-0.9946069465269496, -1.006560412436877, 0.030605039497784932]}, "57": {"path": [14, 0], "s": [-1.0190504871057526, -0.9820211464605103, 0.020845732154268496]}, "58": {"path": [14, 1], "s": [-0.94254301502275, -1.0619456691694564, -0.0235425751145111]}, "59": {"path": [14, 2], "s": [-1.0510770861800613, -0.9546388079432303, 0.05598696938890753]}, "60": {"path": [14, 3], "s": [-0.9815454049297452, -1.0207410326909931, -0.04086871369387929]}, "61": {"path": [15, 0], "s": [-0.9689367791414079, -1.0374959679872668, -0.07197382811614453]}, "62": {"path": [15, 1], "s": [-0.9628623341896669, -1.0420548016373317, 0.045218549110443006]}, "63": {"path": [15, 2], "s": [-1.0544719763402062, -0.951960770788468, -0.06109342722139699]}, "64": {"path": [15, 3], "s": [-0.9798238066398521, -1.024103516857917, 0.05778524122045716]}, "65": {"path": [16, 0], "s": [-0.939988510362899, -1.0657273837603936, 0.03881558591634241]}, "66": {"path": [16, 1], "s": [-1.065335090131245, -0.9391535940609612, -0.011749988939951585]}, "67": {"path": [16, 2], "s": [-0.9772331407672034, -1.0238384927990594, 0.01530760793860743]}, "68": {"path": [16, 3], "s": [-1.0104709283528364, -0.9918155092679016, -0.044354520542730994]}, "69": {"path": [17, 0], "s": [-1.0052330172351513, -0.9951658354507036, -0.015240274252995949]}, "70": {"path": [17, 1], "s": [-0.998147736270533, -1.0019915236687393, 0.009857200071138127]}, "71": {"path": [17, 2], "s": [-0.9926740730864042, -1.0077247795994513, -0.014176466576401411]}, "72": {"path": [17, 3], "s": [-0.994606946526951, -1.006560412436876, 0.03060503949778437]}, "73": {"path": [18, 0], "s": [-1.0190504871057529, -0.9820211464605099, 0.020845732154267445]}, "74": {"path": [18, 1], "s": [-0.9425430150227496, -1.061945669169457, -0.02354257511450832]}, "75": {"path": [18, 2], "s": [-1.051077086180062, -0.9546388079432303, 0.05598696938890531]}, "76": {"path": [18, 3], "s": [-0.9815454049297456, -1.020741032690993, -0.04086871369387855]}, "77": {"path": [19, 0], "s": [-0.9689367791414067, -1.0374959679872675, -0.07197382811614164]}, "78": {"path": [19, 1], "s": [-0.9628623341896672, -1.0420548016373317, 0.04521854911044347]}, "79": {"path": [19, 2], "s": [-1.0544719763402055, -0.9519607707884694, -0.06109342722139664]}, "80": {"path": [19, 3], "s": [-0.9798238066398507, -1.0241035168579178, 0.05778524122045632]}, "81": {"path": [20, 0], "s": [-0.9399885103628992, -1.065727383760393, 0.03881558591634063]}, "82": {"path": [20, 1], "s": [-1.0653350901312453, -0.9391535940609619, -0.01174998893995205]}, "83": {"path": [20, 2], "s": [-0.9772331407672031, -1.0238384927990596, 0.015307607938608215]}, "84": {"path": [20, 3], "s": [-1.0104709283528377, -0.9918155092679011, -0.04435452054273072]}}, "edgedata": {"0-25": {"q_pre": -10, "f": -113.46065211678386}, "9-25": {"q_pre": -10, "f": -114.73349750742912}, "9-44": {"q_pre": -10, "f": -115.92457039342133}, "7-44": {"q_pre": -10, "f": -116.57226245229637}, "7-45": {"q_pre": -10, "f": -116.57288697331614}, "19-45": {"q_pre": -10, "f": -115.93506471426988}, "19-42": {"q_pre": -10, "f": -114.76505870613792}, "6-42": {"q_pre": -10, "f": -113.48550470824811}, "6-41": {"q_pre": -10, "f": -113.48550470824811}, "20-41": {"q_pre": -10, "f": -114.76505870613795}, "20-48": {"q_pre": -10, "f": -115.93506471426994}, "8-48": {"q_pre": -10, "f": -116.57288697331616}, "8-46": {"q_pre": -10, "f": -116.57226245229631}, "11-46": {"q_pre": -10, "f": -115.92457039342125}, "11-28": {"q_pre": -10, "f": -114.73349750742898}, "1-28": {"q_pre": -10, "f": -113.4606521167837}, "1-27": {"q_pre": -10, "f": -113.46065211678392}, "12-27": {"q_pre": -10, "f": -114.73349750742919}, "12-37": {"q_pre": -10, "f": -115.9245703934213}, "4-37": {"q_pre": -10, "f": -116.57226245229634}, "4-38": {"q_pre": -10, "f": -116.57288697331614}, "18-38": {"q_pre": -10, "f": -115.9350647142699}, "18-40": {"q_pre": -10, "f": -114.76505870613795}, "5-40": {"q_pre": -10, "f": -113.48550470824799}, "5-39": {"q_pre": -10, "f": -113.48550470824811}, "14-39": {"q_pre": -10, "f": -114.76505870613792}, "14-31": {"q_pre": -10, "f": -115.93506471426983}, "2-31": {"q_pre": -10, "f": -116.57288697331607}, "2-29": {"q_pre": -10, "f": -116.5722624522963}, "10-29": {"q_pre": -10, "f": -115.92457039342128}, "10-26": {"q_pre": -10, "f": -114.7334975074291}, "0-26": {"q_pre": -10, "f": -113.46065211678373}, "2-30": {"f": 0.0}, "3-32": {"f": 0.0}, "3-33": {"f": 0.0}, "3-34": {"f": 0.0}, "3-35": {"f": 0.0}, "4-36": {"f": 0.0}, "7-43": {"f": 0.0}, "8-47": {"f": 0.0}, "9-49": {"f": 0.0}, "10-50": {"f": 0.0}, "11-51": {"f": 0.0}, "12-52": {"f": 0.0}, "13-30": {"f": 0.0}, "13-53": {"f": 0.0}, "13-32": {"f": 0.0}, "13-54": {"f": 0.0}, "14-55": {"f": 0.0}, "15-33": {"f": 0.0}, "15-56": {"f": 0.0}, "15-43": {"f": 0.0}, "15-57": {"f": 0.0}, "16-47": {"f": 0.0}, "16-58": {"f": 0.0}, "16-34": {"f": 0.0}, "16-59": {"f": 0.0}, "17-35": {"f": 0.0}, "17-60": {"f": 0.0}, "17-36": {"f": 0.0}, "17-61": {"f": 0.0}, "18-62": {"f": 0.0}, "19-63": {"f": 0.0}, "20-64": {"f": 0.0}}, "max_vertex": 80, "max_face": 84}} \ No newline at end of file diff --git a/src/nfd_solver/scripts/01_hypar.py b/src/nfd_solver/scripts/01_hypar.py new file mode 100644 index 00000000..cf0debc9 --- /dev/null +++ b/src/nfd_solver/scripts/01_hypar.py @@ -0,0 +1,70 @@ +from os import path +import sys +sys.path.append(path.dirname(path.dirname(__file__))) + +from compas.datastructures import Mesh, mesh_subdivide +from compas_view2 import app + +from nfd import nfd_ur +from _helpers import mesh_update + + +# ================================================= +# IO +# ================================================= +HERE = path.dirname(__file__) +FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') +FILE_O = path.join(HERE, '..', 'data', 'out_hypar_mesh_01.json') +mesh = Mesh.from_json(FILE_I) + + +# ================================================= +# input mesh +# ================================================= +mesh.vertices_attribute('is_anchor', True, + mesh.vertices_where({'vertex_degree': 2})) + +mesh = mesh_subdivide(mesh, scheme='quad', k=2) +mesh.quads_to_triangles() + +bounds = mesh.edges_on_boundaries()[0] +mesh.edges_attribute('q_pre', 20, bounds) + +dva = {'rx': .0, 'ry': .0, 'rz': .0, + 'px': .0, 'py': .0, 'pz': .0, + 'is_anchor': False} +dea = {'q_pre': .0} +dfa = {'s_pre': [1.0, 1.0, 0.0]} + +mesh.update_default_vertex_attributes(dva) +mesh.update_default_edge_attributes(dea) +mesh.update_default_face_attributes(dfa) + + +# ================================================= +# get mesh data +# ================================================= +P = mesh.vertices_attributes(['px', 'py', 'pz']) +S = mesh.faces_attribute('s_pre') +Q = mesh.edges_attribute('q_pre') + + +# ================================================= +# run solver +# ================================================= +xyz, r, s, f = nfd_ur(mesh, S, Q, vertex_loads=P, kmax=10, s_calc=1) +mesh_update(mesh, xyz, r, s, f) + + +# ================================================= +# visualisation +# ================================================= +viewer = app.App() +viewer.add(mesh) +viewer.show() + + +# ================================================= +# output +# ================================================= +mesh.to_json(FILE_O) diff --git a/src/nfd_solver/scripts/02_hypar_opening.py b/src/nfd_solver/scripts/02_hypar_opening.py new file mode 100644 index 00000000..d8991f66 --- /dev/null +++ b/src/nfd_solver/scripts/02_hypar_opening.py @@ -0,0 +1,78 @@ +from os import path +import sys +sys.path.append(path.dirname(path.dirname(__file__))) + +from compas.datastructures import Mesh, mesh_subdivide +from compas_view2 import app + +from nfd import nfd_ur +from _helpers import mesh_update + + +# ================================================= +# IO +# ================================================= +HERE = path.dirname(__file__) +FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') +FILE_O = path.join(HERE, '..', 'data', 'out_hypar_mesh_02.json') +mesh = Mesh.from_json(FILE_I) + + +# ================================================= +# input mesh +# ================================================= +mesh.vertices_attribute('is_anchor', True, + mesh.vertices_where({'vertex_degree': 2})) + +central_vertex = 3 +# nbrs = mesh.vertex_neighborhood(central_vertex, ring=2) +# for nbr in nbrs: +# mesh.delete_vertex(nbr) +mesh.delete_vertex(3) + +mesh = mesh_subdivide(mesh, scheme='quad', k=3) +mesh.quads_to_triangles() + +in_bounds, out_bounds = sorted(mesh.edges_on_boundaries(), key=len) +mesh.edges_attribute('q_pre', 11, in_bounds) +mesh.edges_attribute('q_pre', 30, out_bounds) + +dva = {'rx': .0, 'ry': .0, 'rz': .0, + 'px': .0, 'py': .0, 'pz': .0, + 'is_anchor': False} +dea = {'q_pre': .0} +dfa = {'s_pre': [1.0, 1.0, 0.0]} + +mesh.update_default_vertex_attributes(dva) +mesh.update_default_edge_attributes(dea) +mesh.update_default_face_attributes(dfa) + + +# ================================================= +# get mesh data +# ================================================= +P = mesh.vertices_attributes(['px', 'py', 'pz']) +S = mesh.faces_attribute('s_pre') +Q = mesh.edges_attribute('q_pre') + + +# ================================================= +# run solver +# ================================================= +xyz, r, s, f = nfd_ur(mesh, S, Q, vertex_loads=P, kmax=10, + s_calc=1, s_tol=.05, xyz_tol=.01) +mesh_update(mesh, xyz, r, s, f) + + +# ================================================= +# visualisation +# ================================================= +viewer = app.App() +viewer.add(mesh) +viewer.show() + + +# ================================================= +# output +# ================================================= +mesh.to_json(FILE_O) diff --git a/src/nfd_solver/scripts/03_hypar_quads.py b/src/nfd_solver/scripts/03_hypar_quads.py new file mode 100644 index 00000000..dad0ae0a --- /dev/null +++ b/src/nfd_solver/scripts/03_hypar_quads.py @@ -0,0 +1,70 @@ +from os import path +import sys +sys.path.append(path.dirname(path.dirname(__file__))) + +from compas.datastructures import Mesh, mesh_subdivide +from compas_view2 import app + +from nfd import nfd_ur +from _helpers import mesh_update + + +# ================================================= +# IO +# ================================================= +HERE = path.dirname(__file__) +FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') +FILE_O = path.join(HERE, '..', 'data', 'out_hypar_mesh_03.json') +mesh = Mesh.from_json(FILE_I) + + +# ================================================= +# input mesh +# ================================================= +mesh.vertices_attribute('is_anchor', True, + mesh.vertices_where({'vertex_degree': 2})) + +mesh = mesh_subdivide(mesh, scheme='quad', k=3) + +bounds = mesh.edges_on_boundaries()[0] +mesh.edges_attribute('q_pre', 30, bounds) + +dva = {'rx': .0, 'ry': .0, 'rz': .0, + 'px': .0, 'py': .0, 'pz': .0, + 'is_anchor': False} +dea = {'q_pre': .0} +dfa = {'s_pre': [1.0, 1.0, 0.0]} + +mesh.update_default_vertex_attributes(dva) +mesh.update_default_edge_attributes(dea) +mesh.update_default_face_attributes(dfa) + + +# ================================================= +# get mesh data +# ================================================= +P = mesh.vertices_attributes(['px', 'py', 'pz']) +S = mesh.faces_attribute('s_pre') +Q = mesh.edges_attribute('q_pre') + + +# ================================================= +# run solver +# ================================================= +xyz, r, s, f = nfd_ur(mesh, S, Q, vertex_loads=P, kmax=10, + s_calc=1, s_tol=.05, xyz_tol=.01) +mesh_update(mesh, xyz, r, s, f) + + +# ================================================= +# visualisation +# ================================================= +viewer = app.App() +viewer.add(mesh) +viewer.show() + + +# ================================================= +# output +# ================================================= +# mesh.to_json(FILE_O) diff --git a/src/nfd_solver/scripts/04_hypar_quads_tris.py b/src/nfd_solver/scripts/04_hypar_quads_tris.py new file mode 100644 index 00000000..8429a0c4 --- /dev/null +++ b/src/nfd_solver/scripts/04_hypar_quads_tris.py @@ -0,0 +1,74 @@ +from os import path +import sys +sys.path.append(path.dirname(path.dirname(__file__))) + +from compas.datastructures import Mesh, mesh_subdivide +from compas_view2 import app + +from nfd import nfd_ur +from _helpers import mesh_update + + +# ================================================= +# IO +# ================================================= +HERE = path.dirname(__file__) +FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') +FILE_O = path.join(HERE, '..', 'data', 'out_hypar_mesh_04.json') +mesh = Mesh.from_json(FILE_I) + + +# ================================================= +# input mesh +# ================================================= +mesh.vertices_attribute('is_anchor', True, + mesh.vertices_where({'vertex_degree': 2})) + +mesh = mesh_subdivide(mesh, scheme='quad', k=2) +faces_to_split = (mesh.get_any_face() for _ in range(200)) +for face in faces_to_split: + v = mesh.face_vertices(face) + mesh.split_face(face, v[0], v[2]) + +bounds = mesh.edges_on_boundaries()[0] +mesh.edges_attribute('q_pre', 20, bounds) + +dva = {'rx': .0, 'ry': .0, 'rz': .0, + 'px': .0, 'py': .0, 'pz': .0, + 'is_anchor': False} +dea = {'q_pre': .0} +dfa = {'s_pre': [1.0, 1.0, 0.0]} + +mesh.update_default_vertex_attributes(dva) +mesh.update_default_edge_attributes(dea) +mesh.update_default_face_attributes(dfa) + + +# ================================================= +# get mesh data +# ================================================= +P = mesh.vertices_attributes(['px', 'py', 'pz']) +S = mesh.faces_attribute('s_pre') +Q = mesh.edges_attribute('q_pre') + + +# ================================================= +# run solver +# ================================================= +xyz, r, s, f = nfd_ur(mesh, S, Q, vertex_loads=P, kmax=10, + s_calc=1, s_tol=.05, xyz_tol=.01) +mesh_update(mesh, xyz, r, s, f) + + +# ================================================= +# visualisation +# ================================================= +viewer = app.App() +viewer.add(mesh) +viewer.show() + + +# ================================================= +# output +# ================================================= +mesh.to_json(FILE_O) diff --git a/src/nfd_solver/scripts/05_hypar_support.py b/src/nfd_solver/scripts/05_hypar_support.py new file mode 100644 index 00000000..82d57fdc --- /dev/null +++ b/src/nfd_solver/scripts/05_hypar_support.py @@ -0,0 +1,98 @@ +from os import path +import sys +sys.path.append(path.dirname(path.dirname(__file__))) + +from compas.datastructures import Mesh, mesh_subdivide +from compas_view2 import app + +from nfd import nfd_ur +from _helpers import mesh_update + + +# ================================================= +# IO +# ================================================= +HERE = path.dirname(__file__) +FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') +FILE_O = path.join(HERE, '..', 'data', 'out_hypar_mesh_05.json') +mesh = Mesh.from_json(FILE_I) + + +# ================================================= +# input mesh +# ================================================= +mesh.vertices_attribute('is_anchor', True, + mesh.vertices_where({'vertex_degree': 2})) + +mesh = mesh_subdivide(mesh, scheme='quad', k=3) +mesh.quads_to_triangles() + +# get ring of vertices around central vertex +central_vertex = 3 +ring_size = 3 +ring_all = mesh.vertex_neighborhood(central_vertex, ring=ring_size) +ring_in = mesh.vertex_neighborhood(central_vertex, ring=ring_size - 1) +ring = set(ring_all) - set(ring_in) +mesh.vertices_attributes(['z', 'is_anchor'], [25, True], ring) + +# triangulate top faces at supports +fva = mesh.face_vertex_after +for v in ring: + faces = mesh.vertex_faces(v) + + for face in faces: + vts = mesh.face_vertices(face) + v_count = len(vts) + if v_count != 4: + continue + w = fva(face, fva(face, v)) + if not mesh.vertex_attribute(w, 'is_anchor'): + continue + mesh.split_face(face, v, w) + +# delete vertices inside support ring +for v in ring_in: + mesh.delete_vertex(v) + +bounds = mesh.edges_on_boundaries()[0] +mesh.edges_attribute('q_pre', 30, bounds) + +dva = {'rx': .0, 'ry': .0, 'rz': .0, + 'px': .0, 'py': .0, 'pz': .0, + 'is_anchor': False} +dea = {'q_pre': .0} +dfa = {'s_pre': [1.0, 1.0, 0.0]} + +mesh.update_default_vertex_attributes(dva) +mesh.update_default_edge_attributes(dea) +mesh.update_default_face_attributes(dfa) + + +# ================================================= +# get mesh data +# ================================================= +P = mesh.vertices_attributes(['px', 'py', 'pz']) +S = mesh.faces_attribute('s_pre') +Q = mesh.edges_attribute('q_pre') + + +# ================================================= +# run solver +# ================================================= +xyz, r, s, f = nfd_ur(mesh, S, Q, vertex_loads=P, kmax=10, + s_calc=1, s_tol=.001, xyz_tol=.001) +mesh_update(mesh, xyz, r, s, f) + + +# ================================================= +# visualisation +# ================================================= +viewer = app.App() +viewer.add(mesh) +viewer.show() + + +# ================================================= +# output +# ================================================= +mesh.to_json(FILE_O) diff --git a/src/nfd_solver/scripts/06_hypar_anisotropic_stress_A.py b/src/nfd_solver/scripts/06_hypar_anisotropic_stress_A.py new file mode 100644 index 00000000..5d296663 --- /dev/null +++ b/src/nfd_solver/scripts/06_hypar_anisotropic_stress_A.py @@ -0,0 +1,71 @@ +from os import path +import sys +sys.path.append(path.dirname(path.dirname(__file__))) + +from compas.datastructures import Mesh, mesh_subdivide +from compas_view2 import app + +from nfd import nfd_ur +from _helpers import mesh_update + + +# ================================================= +# IO +# ================================================= +HERE = path.dirname(__file__) +FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') +FILE_O = path.join(HERE, '..', 'data', 'out_hypar_mesh_06.json') +mesh = Mesh.from_json(FILE_I) + + +# ================================================= +# input mesh +# ================================================= +mesh.vertices_attribute('is_anchor', True, + mesh.vertices_where({'vertex_degree': 2})) + +mesh = mesh_subdivide(mesh, scheme='quad', k=2) +mesh.quads_to_triangles() + +bounds = mesh.edges_on_boundaries()[0] +mesh.edges_attribute('q_pre', 40, bounds) + +dva = {'rx': .0, 'ry': .0, 'rz': .0, + 'px': .0, 'py': .0, 'pz': .0, + 'is_anchor': False} +dea = {'q_pre': .0} +dfa = {'s_pre': [2.5, 1.0, 0.0]} + +mesh.update_default_vertex_attributes(dva) +mesh.update_default_edge_attributes(dea) +mesh.update_default_face_attributes(dfa) + + +# ================================================= +# get mesh data +# ================================================= +P = mesh.vertices_attributes(['px', 'py', 'pz']) +S = mesh.faces_attribute('s_pre') +Q = mesh.edges_attribute('q_pre') + + +# ================================================= +# run solver +# ================================================= +xyz, r, s, f = nfd_ur(mesh, S, Q, vertex_loads=P, kmax=10, + s_calc=3, s_ref=(1, 1, 0)) +mesh_update(mesh, xyz, r, s, f) + + +# ================================================= +# visualisation +# ================================================= +viewer = app.App() +viewer.add(mesh) +viewer.show() + + +# ================================================= +# output +# ================================================= +mesh.to_json(FILE_O) diff --git a/src/nfd_solver/scripts/07_hypar_anisotropic_stress_B.py b/src/nfd_solver/scripts/07_hypar_anisotropic_stress_B.py new file mode 100644 index 00000000..1a324513 --- /dev/null +++ b/src/nfd_solver/scripts/07_hypar_anisotropic_stress_B.py @@ -0,0 +1,71 @@ +from os import path +import sys +sys.path.append(path.dirname(path.dirname(__file__))) + +from compas.datastructures import Mesh, mesh_subdivide +from compas_view2 import app + +from nfd import nfd_ur +from _helpers import mesh_update + + +# ================================================= +# IO +# ================================================= +HERE = path.dirname(__file__) +FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') +FILE_O = path.join(HERE, '..', 'data', 'out_hypar_mesh_07.json') +mesh = Mesh.from_json(FILE_I) + + +# ================================================= +# input mesh +# ================================================= +mesh.vertices_attribute('is_anchor', True, + mesh.vertices_where({'vertex_degree': 2})) + +mesh = mesh_subdivide(mesh, scheme='quad', k=2) +mesh.quads_to_triangles() + +bounds = mesh.edges_on_boundaries()[0] +mesh.edges_attribute('q_pre', 40, bounds) + +dva = {'rx': .0, 'ry': .0, 'rz': .0, + 'px': .0, 'py': .0, 'pz': .0, + 'is_anchor': False} +dea = {'q_pre': .0} +dfa = {'s_pre': [1.0, 2.5, 0.0]} + +mesh.update_default_vertex_attributes(dva) +mesh.update_default_edge_attributes(dea) +mesh.update_default_face_attributes(dfa) + + +# ================================================= +# get mesh data +# ================================================= +P = mesh.vertices_attributes(['px', 'py', 'pz']) +S = mesh.faces_attribute('s_pre') +Q = mesh.edges_attribute('q_pre') + + +# ================================================= +# run solver +# ================================================= +xyz, r, s, f = nfd_ur(mesh, S, Q, vertex_loads=P, kmax=10, + s_calc=3, s_ref=(1, 0.5, 0)) +mesh_update(mesh, xyz, r, s, f) + + +# ================================================= +# visualisation +# ================================================= +viewer = app.App() +viewer.add(mesh) +viewer.show() + + +# ================================================= +# output +# ================================================= +mesh.to_json(FILE_O) diff --git a/src/nfd_solver/scripts/08_hypar_shell.py b/src/nfd_solver/scripts/08_hypar_shell.py new file mode 100644 index 00000000..5bb69003 --- /dev/null +++ b/src/nfd_solver/scripts/08_hypar_shell.py @@ -0,0 +1,71 @@ +from os import path +import sys +sys.path.append(path.dirname(path.dirname(__file__))) + +from compas.datastructures import Mesh, mesh_subdivide +from compas_view2 import app + +from nfd import nfd_ur +from _helpers import mesh_update + + +# ================================================= +# IO +# ================================================= +HERE = path.dirname(__file__) +FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') +FILE_O = path.join(HERE, '..', 'data', 'out_hypar_mesh_09.json') +mesh = Mesh.from_json(FILE_I) + + +# ================================================= +# input mesh +# ================================================= +mesh.vertices_attribute('is_anchor', True, + mesh.vertices_where({'vertex_degree': 2})) +mesh.vertices_attribute('z', 0, mesh.vertices_where({'vertex_degree': 2})) + +mesh = mesh_subdivide(mesh, scheme='quad', k=2) +# mesh.quads_to_triangles() + +bounds = mesh.edges_on_boundaries()[0] +mesh.edges_attribute('q_pre', -15, bounds) + +dva = {'rx': .0, 'ry': .0, 'rz': .0, + 'is_anchor': False} +dea = {'q_pre': .0} +dfa = {'s_pre': [-1.0, -1.0, 0.0], + 'px': .0, 'py': .0, 'pz': -.035} + +mesh.update_default_vertex_attributes(dva) +mesh.update_default_edge_attributes(dea) +mesh.update_default_face_attributes(dfa) + + +# ================================================= +# get mesh data +# ================================================= +P = mesh.faces_attributes(['px', 'py', 'pz']) +S = mesh.faces_attribute('s_pre') +Q = mesh.edges_attribute('q_pre') + + +# ================================================= +# run solver +# ================================================= +xyz, r, s, f = nfd_ur(mesh, S, Q, global_face_loads=P, kmax=5, s_calc=1) +mesh_update(mesh, xyz, r, s, f) + + +# ================================================= +# visualisation +# ================================================= +viewer = app.App() +viewer.add(mesh) +viewer.show() + + +# ================================================= +# output +# ================================================= +mesh.to_json(FILE_O) diff --git a/src/nfd_solver/scripts/09_inflated_shell.py b/src/nfd_solver/scripts/09_inflated_shell.py new file mode 100644 index 00000000..85f5c775 --- /dev/null +++ b/src/nfd_solver/scripts/09_inflated_shell.py @@ -0,0 +1,73 @@ +from os import path +import sys +sys.path.append(path.dirname(path.dirname(__file__))) + +from compas.datastructures import Mesh, mesh_subdivide +from compas_view2 import app + +from nfd import nfd_ur +from _helpers import mesh_update + + +# ================================================= +# IO +# ================================================= +HERE = path.dirname(__file__) +FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') +FILE_O = path.join(HERE, '..', 'data', 'out_hypar_mesh_09.json') +mesh = Mesh.from_json(FILE_I) + + +# ================================================= +# input mesh +# ================================================= +mesh.vertices_attribute('is_anchor', True, + mesh.vertices_where({'vertex_degree': 2})) +mesh.vertices_attribute('z', 0, mesh.vertices_where({'vertex_degree': 2})) + +mesh = mesh_subdivide(mesh, scheme='quad', k=1) +# mesh.quads_to_triangles() + +bounds = mesh.edges_on_boundaries()[0] +mesh.edges_attribute('q_pre', -10, bounds) + +dva = {'rx': .0, 'ry': .0, 'rz': .0, + 'is_anchor': False} +dea = {'q_pre': .0} +dfa = {'s_pre': [-1.0, -1.0, 0.0], + 'px': .0, 'py': .0, 'pz': -.05} + +mesh.update_default_vertex_attributes(dva) +mesh.update_default_edge_attributes(dea) +mesh.update_default_face_attributes(dfa) + + +# ================================================= +# get mesh data +# ================================================= +P1 = mesh.faces_attributes(['px', 'py', 'pz']) +P2 = [-0.2 * p for load_vec in P1 for p in load_vec] +S = mesh.faces_attribute('s_pre') +Q = mesh.edges_attribute('q_pre') + + +# ================================================= +# run solver +# ================================================= +xyz, r, s, f = nfd_ur(mesh, S, Q, local_face_loads=P1, + global_face_loads=P2, kmax=5, s_calc=1) +mesh_update(mesh, xyz, r, s, f) + + +# ================================================= +# visualisation +# ================================================= +viewer = app.App() +viewer.add(mesh) +viewer.show() + + +# ================================================= +# output +# ================================================= +mesh.to_json(FILE_O) diff --git a/src/nfd_solver/scripts/__init__.py b/src/nfd_solver/scripts/__init__.py new file mode 100644 index 00000000..0e7a5d8d --- /dev/null +++ b/src/nfd_solver/scripts/__init__.py @@ -0,0 +1,6 @@ +import sys +from pathlib import Path +top = str(Path(__file__).parents[1]) +sys.path.append(top) + +from .nfd import nfd, nfd_ur # noqa diff --git a/src/nfd_solver/scripts/_helpers.py b/src/nfd_solver/scripts/_helpers.py new file mode 100644 index 00000000..09b09eb6 --- /dev/null +++ b/src/nfd_solver/scripts/_helpers.py @@ -0,0 +1,85 @@ +from compas.geometry import Point, Line, Vector +from compas.geometry import Frame +import compas_rhino + + +__all__ = [ + 'mesh_update', + 'mesh_update_xyz', + 'mesh_update_stresses', + 'mesh_update_forces' +] + + +def mesh_update(mesh, xyz, residuals, stresses, forces, + res_name='r', stress_name='s', force_name='f'): + """Update mesh with new coordinates, stresses, forces.""" + mesh_update_xyz(mesh, xyz) + mesh_update_residuals(mesh, residuals, res_name) + mesh_update_stresses(mesh, stresses, stress_name) + mesh_update_forces(mesh, forces, force_name) + + +def mesh_update_xyz(mesh, xyz): + """Update mesh with new vertex coordinates.""" + for vertex, coo in zip(mesh.vertices(), xyz): + mesh.vertex_attributes(vertex, 'xyz', coo) + + +def mesh_update_residuals(mesh, residuals, name='r'): + """Update mesh with new vertex coordinates.""" + for vertex, res in zip(mesh.vertices(), residuals): + mesh.vertex_attribute(vertex, name, res) + + +def mesh_update_stresses(mesh, stress_data, name='s'): + """Update mesh with face stresses.""" + stresses = stress_data.amplitudes + vecs = stress_data.vectors + if stresses is None: + return + for face, stress in zip(mesh.faces(), stresses): + mesh.face_attribute(face, name, stress) + if vecs is None: + return + for face, vec in zip(mesh.faces(), vecs): + mesh.face_attribute(face, name + '_vecs', vec) + + +def mesh_update_forces(mesh, forces, name='f'): + """Update mesh with new edge forces.""" + if forces is None: + return + for edge, force in zip(mesh.edges(), forces): + mesh.edge_attribute(edge, name, force) + + +def draw_stresses(mesh, layer, scale=1.0, stress_name='s'): + """Draw principal stresses as lines inside Rhino3D.""" + lines = [] + colors = (((255, 0, 0), (100, 0, 0)), + ((0, 100, 255), (0, 0, 100))) + for face in mesh.faces(): + center = Point(*mesh.face_center(face)) + stress, vecs = mesh.face_attributes(face, + [stress_name, stress_name + '_vecs']) + if not vecs: + return + + for i, (s, v) in enumerate(zip(stress, vecs)): + vec = Vector(*v) * (scale * s / 2) + p1 = (center - vec) + p2 = (center + vec) + lines.append({ + 'start': [p1.x, p1.y, p1.z], + 'end': [p2.x, p2.y, p2.z], + 'color': colors[s >= 0][i], + 'name': "s {}".format(round(s, 5))}) + compas_rhino.draw_lines(lines, layer=layer + '::stress') + + +# ============================================================================== +# Main +# ============================================================================== +if __name__ == '__main__': + pass diff --git a/src/nfd_solver/scripts/_set_mesh.py b/src/nfd_solver/scripts/_set_mesh.py new file mode 100644 index 00000000..9740777e --- /dev/null +++ b/src/nfd_solver/scripts/_set_mesh.py @@ -0,0 +1,30 @@ +import os + +from compas.datastructures import Mesh + +import compas_rhino +from compas_rhino.artists import MeshArtist + +from _helpers import draw_stresses + + +HERE = os.path.dirname(__file__) +FILE_I = os.path.join(HERE, '..', 'data', 'out_hypar_mesh_99.json') + +layer = 'FoFi' +compas_rhino.clear_layer(layer) +mesh = Mesh.from_json(FILE_I) + +# visualisation +# colored = (3, 78, 33) +artist = MeshArtist(mesh, layer + '::Mesh_Out') +artist.draw_mesh() +anchors = list(mesh.vertices_where({'is_anchor': True})) +artist.draw_vertices(anchors, color=(0, 0, 0)) +# artist.draw_vertexlabels(color={c: (255, i * 100, 0) +# for i, c in enumerate(colored)}) +artist.draw_vertexlabels() +# artist.draw_facenormals() +# artist.draw_facelabels() +draw_stresses(mesh, layer, 2) +artist.redraw() From 395c18cbd819c9e9ba26f4be1a7ae9531bdb7d72 Mon Sep 17 00:00:00 2001 From: Sam Date: Tue, 14 Sep 2021 08:51:35 +0200 Subject: [PATCH 03/19] Remove output jsons from scripts --- src/nfd_solver/scripts/01_hypar.py | 7 ------- src/nfd_solver/scripts/02_hypar_opening.py | 7 ------- src/nfd_solver/scripts/03_hypar_quads.py | 7 ------- src/nfd_solver/scripts/04_hypar_quads_tris.py | 7 ------- src/nfd_solver/scripts/05_hypar_support.py | 7 ------- .../scripts/06_hypar_anisotropic_stress_A.py | 15 --------------- .../scripts/07_hypar_anisotropic_stress_B.py | 7 ------- src/nfd_solver/scripts/08_hypar_shell.py | 7 ------- src/nfd_solver/scripts/09_inflated_shell.py | 7 ------- 9 files changed, 71 deletions(-) diff --git a/src/nfd_solver/scripts/01_hypar.py b/src/nfd_solver/scripts/01_hypar.py index cf0debc9..ce592c10 100644 --- a/src/nfd_solver/scripts/01_hypar.py +++ b/src/nfd_solver/scripts/01_hypar.py @@ -14,7 +14,6 @@ # ================================================= HERE = path.dirname(__file__) FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') -FILE_O = path.join(HERE, '..', 'data', 'out_hypar_mesh_01.json') mesh = Mesh.from_json(FILE_I) @@ -62,9 +61,3 @@ viewer = app.App() viewer.add(mesh) viewer.show() - - -# ================================================= -# output -# ================================================= -mesh.to_json(FILE_O) diff --git a/src/nfd_solver/scripts/02_hypar_opening.py b/src/nfd_solver/scripts/02_hypar_opening.py index d8991f66..c4bc7054 100644 --- a/src/nfd_solver/scripts/02_hypar_opening.py +++ b/src/nfd_solver/scripts/02_hypar_opening.py @@ -14,7 +14,6 @@ # ================================================= HERE = path.dirname(__file__) FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') -FILE_O = path.join(HERE, '..', 'data', 'out_hypar_mesh_02.json') mesh = Mesh.from_json(FILE_I) @@ -70,9 +69,3 @@ viewer = app.App() viewer.add(mesh) viewer.show() - - -# ================================================= -# output -# ================================================= -mesh.to_json(FILE_O) diff --git a/src/nfd_solver/scripts/03_hypar_quads.py b/src/nfd_solver/scripts/03_hypar_quads.py index dad0ae0a..7d26bfff 100644 --- a/src/nfd_solver/scripts/03_hypar_quads.py +++ b/src/nfd_solver/scripts/03_hypar_quads.py @@ -14,7 +14,6 @@ # ================================================= HERE = path.dirname(__file__) FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') -FILE_O = path.join(HERE, '..', 'data', 'out_hypar_mesh_03.json') mesh = Mesh.from_json(FILE_I) @@ -62,9 +61,3 @@ viewer = app.App() viewer.add(mesh) viewer.show() - - -# ================================================= -# output -# ================================================= -# mesh.to_json(FILE_O) diff --git a/src/nfd_solver/scripts/04_hypar_quads_tris.py b/src/nfd_solver/scripts/04_hypar_quads_tris.py index 8429a0c4..4d21cbc5 100644 --- a/src/nfd_solver/scripts/04_hypar_quads_tris.py +++ b/src/nfd_solver/scripts/04_hypar_quads_tris.py @@ -14,7 +14,6 @@ # ================================================= HERE = path.dirname(__file__) FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') -FILE_O = path.join(HERE, '..', 'data', 'out_hypar_mesh_04.json') mesh = Mesh.from_json(FILE_I) @@ -66,9 +65,3 @@ viewer = app.App() viewer.add(mesh) viewer.show() - - -# ================================================= -# output -# ================================================= -mesh.to_json(FILE_O) diff --git a/src/nfd_solver/scripts/05_hypar_support.py b/src/nfd_solver/scripts/05_hypar_support.py index 82d57fdc..e16f1445 100644 --- a/src/nfd_solver/scripts/05_hypar_support.py +++ b/src/nfd_solver/scripts/05_hypar_support.py @@ -14,7 +14,6 @@ # ================================================= HERE = path.dirname(__file__) FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') -FILE_O = path.join(HERE, '..', 'data', 'out_hypar_mesh_05.json') mesh = Mesh.from_json(FILE_I) @@ -90,9 +89,3 @@ viewer = app.App() viewer.add(mesh) viewer.show() - - -# ================================================= -# output -# ================================================= -mesh.to_json(FILE_O) diff --git a/src/nfd_solver/scripts/06_hypar_anisotropic_stress_A.py b/src/nfd_solver/scripts/06_hypar_anisotropic_stress_A.py index 5d296663..fb9f074b 100644 --- a/src/nfd_solver/scripts/06_hypar_anisotropic_stress_A.py +++ b/src/nfd_solver/scripts/06_hypar_anisotropic_stress_A.py @@ -14,7 +14,6 @@ # ================================================= HERE = path.dirname(__file__) FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') -FILE_O = path.join(HERE, '..', 'data', 'out_hypar_mesh_06.json') mesh = Mesh.from_json(FILE_I) @@ -55,17 +54,3 @@ xyz, r, s, f = nfd_ur(mesh, S, Q, vertex_loads=P, kmax=10, s_calc=3, s_ref=(1, 1, 0)) mesh_update(mesh, xyz, r, s, f) - - -# ================================================= -# visualisation -# ================================================= -viewer = app.App() -viewer.add(mesh) -viewer.show() - - -# ================================================= -# output -# ================================================= -mesh.to_json(FILE_O) diff --git a/src/nfd_solver/scripts/07_hypar_anisotropic_stress_B.py b/src/nfd_solver/scripts/07_hypar_anisotropic_stress_B.py index 1a324513..b794e5f3 100644 --- a/src/nfd_solver/scripts/07_hypar_anisotropic_stress_B.py +++ b/src/nfd_solver/scripts/07_hypar_anisotropic_stress_B.py @@ -14,7 +14,6 @@ # ================================================= HERE = path.dirname(__file__) FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') -FILE_O = path.join(HERE, '..', 'data', 'out_hypar_mesh_07.json') mesh = Mesh.from_json(FILE_I) @@ -63,9 +62,3 @@ viewer = app.App() viewer.add(mesh) viewer.show() - - -# ================================================= -# output -# ================================================= -mesh.to_json(FILE_O) diff --git a/src/nfd_solver/scripts/08_hypar_shell.py b/src/nfd_solver/scripts/08_hypar_shell.py index 5bb69003..cb394fef 100644 --- a/src/nfd_solver/scripts/08_hypar_shell.py +++ b/src/nfd_solver/scripts/08_hypar_shell.py @@ -14,7 +14,6 @@ # ================================================= HERE = path.dirname(__file__) FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') -FILE_O = path.join(HERE, '..', 'data', 'out_hypar_mesh_09.json') mesh = Mesh.from_json(FILE_I) @@ -63,9 +62,3 @@ viewer = app.App() viewer.add(mesh) viewer.show() - - -# ================================================= -# output -# ================================================= -mesh.to_json(FILE_O) diff --git a/src/nfd_solver/scripts/09_inflated_shell.py b/src/nfd_solver/scripts/09_inflated_shell.py index 85f5c775..f00dd352 100644 --- a/src/nfd_solver/scripts/09_inflated_shell.py +++ b/src/nfd_solver/scripts/09_inflated_shell.py @@ -14,7 +14,6 @@ # ================================================= HERE = path.dirname(__file__) FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') -FILE_O = path.join(HERE, '..', 'data', 'out_hypar_mesh_09.json') mesh = Mesh.from_json(FILE_I) @@ -65,9 +64,3 @@ viewer = app.App() viewer.add(mesh) viewer.show() - - -# ================================================= -# output -# ================================================= -mesh.to_json(FILE_O) From 79adff73fb4a38ffff1cbce73f0f4a9fb43cc12b Mon Sep 17 00:00:00 2001 From: Sam Date: Tue, 14 Sep 2021 09:34:13 +0200 Subject: [PATCH 04/19] Update naming with numpy suffixes --- .../data/in_hypar_mesh.json | 0 .../data/out_hypar_mesh_01.json | 0 .../data/out_hypar_mesh_02.json | 0 .../data/out_hypar_mesh_04.json | 0 .../data/out_hypar_mesh_05.json | 0 .../data/out_hypar_mesh_06.json | 0 .../data/out_hypar_mesh_07.json | 0 .../data/out_hypar_mesh_09.json | 0 src/nfd_numpy/nfd/__init__.py | 9 +++++++++ src/{nfd_solver => nfd_numpy}/nfd/geometry.py | 0 .../nfd/math_utilities.py | 0 src/{nfd_solver => nfd_numpy}/nfd/matrices.py | 0 .../nfd_numpy.py => nfd_numpy/nfd/nfd_solvers.py} | 12 ++++++------ src/{nfd_solver => nfd_numpy}/scripts/01_hypar.py | 4 ++-- .../scripts/02_hypar_opening.py | 6 +++--- .../scripts/03_hypar_quads.py | 6 +++--- .../scripts/04_hypar_quads_tris.py | 6 +++--- .../scripts/05_hypar_support.py | 6 +++--- .../scripts/06_hypar_anisotropic_stress_A.py | 14 +++++++++++--- .../scripts/07_hypar_anisotropic_stress_B.py | 6 +++--- .../scripts/08_hypar_shell.py | 4 ++-- .../scripts/09_inflated_shell.py | 6 +++--- src/{nfd_solver => nfd_numpy}/scripts/__init__.py | 2 +- src/{nfd_solver => nfd_numpy}/scripts/_helpers.py | 0 src/{nfd_solver => nfd_numpy}/scripts/_set_mesh.py | 0 src/nfd_solver/nfd/__init__.py | 9 --------- 26 files changed, 49 insertions(+), 41 deletions(-) rename src/{nfd_solver => nfd_numpy}/data/in_hypar_mesh.json (100%) rename src/{nfd_solver => nfd_numpy}/data/out_hypar_mesh_01.json (100%) rename src/{nfd_solver => nfd_numpy}/data/out_hypar_mesh_02.json (100%) rename src/{nfd_solver => nfd_numpy}/data/out_hypar_mesh_04.json (100%) rename src/{nfd_solver => nfd_numpy}/data/out_hypar_mesh_05.json (100%) rename src/{nfd_solver => nfd_numpy}/data/out_hypar_mesh_06.json (100%) rename src/{nfd_solver => nfd_numpy}/data/out_hypar_mesh_07.json (100%) rename src/{nfd_solver => nfd_numpy}/data/out_hypar_mesh_09.json (100%) create mode 100644 src/nfd_numpy/nfd/__init__.py rename src/{nfd_solver => nfd_numpy}/nfd/geometry.py (100%) rename src/{nfd_solver => nfd_numpy}/nfd/math_utilities.py (100%) rename src/{nfd_solver => nfd_numpy}/nfd/matrices.py (100%) rename src/{nfd_solver/nfd/nfd_numpy.py => nfd_numpy/nfd/nfd_solvers.py} (95%) rename src/{nfd_solver => nfd_numpy}/scripts/01_hypar.py (94%) rename src/{nfd_solver => nfd_numpy}/scripts/02_hypar_opening.py (92%) rename src/{nfd_solver => nfd_numpy}/scripts/03_hypar_quads.py (91%) rename src/{nfd_solver => nfd_numpy}/scripts/04_hypar_quads_tris.py (92%) rename src/{nfd_solver => nfd_numpy}/scripts/05_hypar_support.py (93%) rename src/{nfd_solver => nfd_numpy}/scripts/06_hypar_anisotropic_stress_A.py (82%) rename src/{nfd_solver => nfd_numpy}/scripts/07_hypar_anisotropic_stress_B.py (91%) rename src/{nfd_solver => nfd_numpy}/scripts/08_hypar_shell.py (94%) rename src/{nfd_solver => nfd_numpy}/scripts/09_inflated_shell.py (91%) rename src/{nfd_solver => nfd_numpy}/scripts/__init__.py (65%) rename src/{nfd_solver => nfd_numpy}/scripts/_helpers.py (100%) rename src/{nfd_solver => nfd_numpy}/scripts/_set_mesh.py (100%) delete mode 100644 src/nfd_solver/nfd/__init__.py diff --git a/src/nfd_solver/data/in_hypar_mesh.json b/src/nfd_numpy/data/in_hypar_mesh.json similarity index 100% rename from src/nfd_solver/data/in_hypar_mesh.json rename to src/nfd_numpy/data/in_hypar_mesh.json diff --git a/src/nfd_solver/data/out_hypar_mesh_01.json b/src/nfd_numpy/data/out_hypar_mesh_01.json similarity index 100% rename from src/nfd_solver/data/out_hypar_mesh_01.json rename to src/nfd_numpy/data/out_hypar_mesh_01.json diff --git a/src/nfd_solver/data/out_hypar_mesh_02.json b/src/nfd_numpy/data/out_hypar_mesh_02.json similarity index 100% rename from src/nfd_solver/data/out_hypar_mesh_02.json rename to src/nfd_numpy/data/out_hypar_mesh_02.json diff --git a/src/nfd_solver/data/out_hypar_mesh_04.json b/src/nfd_numpy/data/out_hypar_mesh_04.json similarity index 100% rename from src/nfd_solver/data/out_hypar_mesh_04.json rename to src/nfd_numpy/data/out_hypar_mesh_04.json diff --git a/src/nfd_solver/data/out_hypar_mesh_05.json b/src/nfd_numpy/data/out_hypar_mesh_05.json similarity index 100% rename from src/nfd_solver/data/out_hypar_mesh_05.json rename to src/nfd_numpy/data/out_hypar_mesh_05.json diff --git a/src/nfd_solver/data/out_hypar_mesh_06.json b/src/nfd_numpy/data/out_hypar_mesh_06.json similarity index 100% rename from src/nfd_solver/data/out_hypar_mesh_06.json rename to src/nfd_numpy/data/out_hypar_mesh_06.json diff --git a/src/nfd_solver/data/out_hypar_mesh_07.json b/src/nfd_numpy/data/out_hypar_mesh_07.json similarity index 100% rename from src/nfd_solver/data/out_hypar_mesh_07.json rename to src/nfd_numpy/data/out_hypar_mesh_07.json diff --git a/src/nfd_solver/data/out_hypar_mesh_09.json b/src/nfd_numpy/data/out_hypar_mesh_09.json similarity index 100% rename from src/nfd_solver/data/out_hypar_mesh_09.json rename to src/nfd_numpy/data/out_hypar_mesh_09.json diff --git a/src/nfd_numpy/nfd/__init__.py b/src/nfd_numpy/nfd/__init__.py new file mode 100644 index 00000000..cb41f494 --- /dev/null +++ b/src/nfd_numpy/nfd/__init__.py @@ -0,0 +1,9 @@ +from __future__ import absolute_import + +from .nfd_solvers import nfd_ur_numpy, nfd_numpy + + +__all__ = [ + 'nfd_ur_numpy', + 'nfd_numpy' + ] diff --git a/src/nfd_solver/nfd/geometry.py b/src/nfd_numpy/nfd/geometry.py similarity index 100% rename from src/nfd_solver/nfd/geometry.py rename to src/nfd_numpy/nfd/geometry.py diff --git a/src/nfd_solver/nfd/math_utilities.py b/src/nfd_numpy/nfd/math_utilities.py similarity index 100% rename from src/nfd_solver/nfd/math_utilities.py rename to src/nfd_numpy/nfd/math_utilities.py diff --git a/src/nfd_solver/nfd/matrices.py b/src/nfd_numpy/nfd/matrices.py similarity index 100% rename from src/nfd_solver/nfd/matrices.py rename to src/nfd_numpy/nfd/matrices.py diff --git a/src/nfd_solver/nfd/nfd_numpy.py b/src/nfd_numpy/nfd/nfd_solvers.py similarity index 95% rename from src/nfd_solver/nfd/nfd_numpy.py rename to src/nfd_numpy/nfd/nfd_solvers.py index b572324e..84de5bfb 100644 --- a/src/nfd_solver/nfd/nfd_numpy.py +++ b/src/nfd_numpy/nfd/nfd_solvers.py @@ -9,17 +9,17 @@ __all__ = [ - 'nfd_ur', - 'nfd' + 'nfd_ur_numpy', + 'nfd_numpy' ] # ================================================= # outer wrappers # ================================================= -def nfd_ur(mesh, stress_goals=None, fd_goals=None, force_goals=None, - vertex_loads=None, global_face_loads=None, local_face_loads=None, - s_calc=1, s_ref=None, s_tol=1e-2, xyz_tol=1e-2, kmax=10): +def nfd_ur_numpy(mesh, stress_goals=None, fd_goals=None, force_goals=None, + vertex_loads=None, global_face_loads=None, local_face_loads=None, + s_calc=1, s_ref=None, s_tol=1e-2, xyz_tol=1e-2, kmax=10): """Natural force density method with updated reference strategy. Input stress fields are taken for the reference geometry that is updated at each iteration by the natural force densities. @@ -126,7 +126,7 @@ def _output_message(converged, k, s_res, xyz_Δ): '\nMax displacement residual: ', round(xyz_Δ, 5)) -nfd = partial(nfd_ur, kmax=1) +nfd_numpy = partial(nfd_ur_numpy, kmax=1) # ================================================= diff --git a/src/nfd_solver/scripts/01_hypar.py b/src/nfd_numpy/scripts/01_hypar.py similarity index 94% rename from src/nfd_solver/scripts/01_hypar.py rename to src/nfd_numpy/scripts/01_hypar.py index ce592c10..447793ac 100644 --- a/src/nfd_solver/scripts/01_hypar.py +++ b/src/nfd_numpy/scripts/01_hypar.py @@ -5,7 +5,7 @@ from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from nfd import nfd_ur +from nfd import nfd_ur_numpy from _helpers import mesh_update @@ -51,7 +51,7 @@ # ================================================= # run solver # ================================================= -xyz, r, s, f = nfd_ur(mesh, S, Q, vertex_loads=P, kmax=10, s_calc=1) +xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, s_calc=1) mesh_update(mesh, xyz, r, s, f) diff --git a/src/nfd_solver/scripts/02_hypar_opening.py b/src/nfd_numpy/scripts/02_hypar_opening.py similarity index 92% rename from src/nfd_solver/scripts/02_hypar_opening.py rename to src/nfd_numpy/scripts/02_hypar_opening.py index c4bc7054..c5654b97 100644 --- a/src/nfd_solver/scripts/02_hypar_opening.py +++ b/src/nfd_numpy/scripts/02_hypar_opening.py @@ -5,7 +5,7 @@ from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from nfd import nfd_ur +from nfd import nfd_ur_numpy from _helpers import mesh_update @@ -58,8 +58,8 @@ # ================================================= # run solver # ================================================= -xyz, r, s, f = nfd_ur(mesh, S, Q, vertex_loads=P, kmax=10, - s_calc=1, s_tol=.05, xyz_tol=.01) +xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, + s_calc=1, s_tol=.05, xyz_tol=.01) mesh_update(mesh, xyz, r, s, f) diff --git a/src/nfd_solver/scripts/03_hypar_quads.py b/src/nfd_numpy/scripts/03_hypar_quads.py similarity index 91% rename from src/nfd_solver/scripts/03_hypar_quads.py rename to src/nfd_numpy/scripts/03_hypar_quads.py index 7d26bfff..d3f15efd 100644 --- a/src/nfd_solver/scripts/03_hypar_quads.py +++ b/src/nfd_numpy/scripts/03_hypar_quads.py @@ -5,7 +5,7 @@ from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from nfd import nfd_ur +from nfd import nfd_ur_numpy from _helpers import mesh_update @@ -50,8 +50,8 @@ # ================================================= # run solver # ================================================= -xyz, r, s, f = nfd_ur(mesh, S, Q, vertex_loads=P, kmax=10, - s_calc=1, s_tol=.05, xyz_tol=.01) +xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, + s_calc=1, s_tol=.05, xyz_tol=.01) mesh_update(mesh, xyz, r, s, f) diff --git a/src/nfd_solver/scripts/04_hypar_quads_tris.py b/src/nfd_numpy/scripts/04_hypar_quads_tris.py similarity index 92% rename from src/nfd_solver/scripts/04_hypar_quads_tris.py rename to src/nfd_numpy/scripts/04_hypar_quads_tris.py index 4d21cbc5..6a18d46d 100644 --- a/src/nfd_solver/scripts/04_hypar_quads_tris.py +++ b/src/nfd_numpy/scripts/04_hypar_quads_tris.py @@ -5,7 +5,7 @@ from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from nfd import nfd_ur +from nfd import nfd_ur_numpy from _helpers import mesh_update @@ -54,8 +54,8 @@ # ================================================= # run solver # ================================================= -xyz, r, s, f = nfd_ur(mesh, S, Q, vertex_loads=P, kmax=10, - s_calc=1, s_tol=.05, xyz_tol=.01) +xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, + s_calc=1, s_tol=.05, xyz_tol=.01) mesh_update(mesh, xyz, r, s, f) diff --git a/src/nfd_solver/scripts/05_hypar_support.py b/src/nfd_numpy/scripts/05_hypar_support.py similarity index 93% rename from src/nfd_solver/scripts/05_hypar_support.py rename to src/nfd_numpy/scripts/05_hypar_support.py index e16f1445..550d64d5 100644 --- a/src/nfd_solver/scripts/05_hypar_support.py +++ b/src/nfd_numpy/scripts/05_hypar_support.py @@ -5,7 +5,7 @@ from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from nfd import nfd_ur +from nfd import nfd_ur_numpy from _helpers import mesh_update @@ -78,8 +78,8 @@ # ================================================= # run solver # ================================================= -xyz, r, s, f = nfd_ur(mesh, S, Q, vertex_loads=P, kmax=10, - s_calc=1, s_tol=.001, xyz_tol=.001) +xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, + s_calc=1, s_tol=.001, xyz_tol=.001) mesh_update(mesh, xyz, r, s, f) diff --git a/src/nfd_solver/scripts/06_hypar_anisotropic_stress_A.py b/src/nfd_numpy/scripts/06_hypar_anisotropic_stress_A.py similarity index 82% rename from src/nfd_solver/scripts/06_hypar_anisotropic_stress_A.py rename to src/nfd_numpy/scripts/06_hypar_anisotropic_stress_A.py index fb9f074b..ad677793 100644 --- a/src/nfd_solver/scripts/06_hypar_anisotropic_stress_A.py +++ b/src/nfd_numpy/scripts/06_hypar_anisotropic_stress_A.py @@ -5,7 +5,7 @@ from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from nfd import nfd_ur +from nfd import nfd_ur_numpy from _helpers import mesh_update @@ -51,6 +51,14 @@ # ================================================= # run solver # ================================================= -xyz, r, s, f = nfd_ur(mesh, S, Q, vertex_loads=P, kmax=10, - s_calc=3, s_ref=(1, 1, 0)) +xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, + s_calc=3, s_ref=(1, 1, 0)) mesh_update(mesh, xyz, r, s, f) + + +# ================================================= +# visualisation +# ================================================= +viewer = app.App() +viewer.add(mesh) +viewer.show() diff --git a/src/nfd_solver/scripts/07_hypar_anisotropic_stress_B.py b/src/nfd_numpy/scripts/07_hypar_anisotropic_stress_B.py similarity index 91% rename from src/nfd_solver/scripts/07_hypar_anisotropic_stress_B.py rename to src/nfd_numpy/scripts/07_hypar_anisotropic_stress_B.py index b794e5f3..20240a5a 100644 --- a/src/nfd_solver/scripts/07_hypar_anisotropic_stress_B.py +++ b/src/nfd_numpy/scripts/07_hypar_anisotropic_stress_B.py @@ -5,7 +5,7 @@ from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from nfd import nfd_ur +from nfd import nfd_ur_numpy from _helpers import mesh_update @@ -51,8 +51,8 @@ # ================================================= # run solver # ================================================= -xyz, r, s, f = nfd_ur(mesh, S, Q, vertex_loads=P, kmax=10, - s_calc=3, s_ref=(1, 0.5, 0)) +xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, + s_calc=3, s_ref=(1, 0.5, 0)) mesh_update(mesh, xyz, r, s, f) diff --git a/src/nfd_solver/scripts/08_hypar_shell.py b/src/nfd_numpy/scripts/08_hypar_shell.py similarity index 94% rename from src/nfd_solver/scripts/08_hypar_shell.py rename to src/nfd_numpy/scripts/08_hypar_shell.py index cb394fef..c50fb028 100644 --- a/src/nfd_solver/scripts/08_hypar_shell.py +++ b/src/nfd_numpy/scripts/08_hypar_shell.py @@ -5,7 +5,7 @@ from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from nfd import nfd_ur +from nfd import nfd_ur_numpy from _helpers import mesh_update @@ -52,7 +52,7 @@ # ================================================= # run solver # ================================================= -xyz, r, s, f = nfd_ur(mesh, S, Q, global_face_loads=P, kmax=5, s_calc=1) +xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, global_face_loads=P, kmax=5, s_calc=1) mesh_update(mesh, xyz, r, s, f) diff --git a/src/nfd_solver/scripts/09_inflated_shell.py b/src/nfd_numpy/scripts/09_inflated_shell.py similarity index 91% rename from src/nfd_solver/scripts/09_inflated_shell.py rename to src/nfd_numpy/scripts/09_inflated_shell.py index f00dd352..9a506b83 100644 --- a/src/nfd_solver/scripts/09_inflated_shell.py +++ b/src/nfd_numpy/scripts/09_inflated_shell.py @@ -5,7 +5,7 @@ from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from nfd import nfd_ur +from nfd import nfd_ur_numpy from _helpers import mesh_update @@ -53,8 +53,8 @@ # ================================================= # run solver # ================================================= -xyz, r, s, f = nfd_ur(mesh, S, Q, local_face_loads=P1, - global_face_loads=P2, kmax=5, s_calc=1) +xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, local_face_loads=P1, + global_face_loads=P2, kmax=5, s_calc=1) mesh_update(mesh, xyz, r, s, f) diff --git a/src/nfd_solver/scripts/__init__.py b/src/nfd_numpy/scripts/__init__.py similarity index 65% rename from src/nfd_solver/scripts/__init__.py rename to src/nfd_numpy/scripts/__init__.py index 0e7a5d8d..46459899 100644 --- a/src/nfd_solver/scripts/__init__.py +++ b/src/nfd_numpy/scripts/__init__.py @@ -3,4 +3,4 @@ top = str(Path(__file__).parents[1]) sys.path.append(top) -from .nfd import nfd, nfd_ur # noqa +from .nfd import nfd_ur_numpy, nfd_numpy # noqa diff --git a/src/nfd_solver/scripts/_helpers.py b/src/nfd_numpy/scripts/_helpers.py similarity index 100% rename from src/nfd_solver/scripts/_helpers.py rename to src/nfd_numpy/scripts/_helpers.py diff --git a/src/nfd_solver/scripts/_set_mesh.py b/src/nfd_numpy/scripts/_set_mesh.py similarity index 100% rename from src/nfd_solver/scripts/_set_mesh.py rename to src/nfd_numpy/scripts/_set_mesh.py diff --git a/src/nfd_solver/nfd/__init__.py b/src/nfd_solver/nfd/__init__.py deleted file mode 100644 index 115057cd..00000000 --- a/src/nfd_solver/nfd/__init__.py +++ /dev/null @@ -1,9 +0,0 @@ -from __future__ import absolute_import - -from .nfd_numpy import nfd, nfd_ur - - -__all__ = [ - 'nfd', - 'nfd_ur', - ] From 137f4bc2c97ff93cafb9893675864211d9e7704b Mon Sep 17 00:00:00 2001 From: Sam Date: Tue, 14 Sep 2021 09:35:15 +0200 Subject: [PATCH 05/19] Clean data folder --- src/nfd_numpy/data/out_hypar_mesh_01.json | 1 - src/nfd_numpy/data/out_hypar_mesh_02.json | 1 - src/nfd_numpy/data/out_hypar_mesh_04.json | 1 - src/nfd_numpy/data/out_hypar_mesh_05.json | 1 - src/nfd_numpy/data/out_hypar_mesh_06.json | 1 - src/nfd_numpy/data/out_hypar_mesh_07.json | 1 - src/nfd_numpy/data/out_hypar_mesh_09.json | 1 - 7 files changed, 7 deletions(-) delete mode 100644 src/nfd_numpy/data/out_hypar_mesh_01.json delete mode 100644 src/nfd_numpy/data/out_hypar_mesh_02.json delete mode 100644 src/nfd_numpy/data/out_hypar_mesh_04.json delete mode 100644 src/nfd_numpy/data/out_hypar_mesh_05.json delete mode 100644 src/nfd_numpy/data/out_hypar_mesh_06.json delete mode 100644 src/nfd_numpy/data/out_hypar_mesh_07.json delete mode 100644 src/nfd_numpy/data/out_hypar_mesh_09.json diff --git a/src/nfd_numpy/data/out_hypar_mesh_01.json b/src/nfd_numpy/data/out_hypar_mesh_01.json deleted file mode 100644 index bb25331d..00000000 --- a/src/nfd_numpy/data/out_hypar_mesh_01.json +++ /dev/null @@ -1 +0,0 @@ -{"compas": "1.7.1", "datatype": "compas.datastructures/Mesh", "data": {"attributes": {"name": "Mesh"}, "dva": {"x": 0.0, "y": 0.0, "z": 0.0, "rx": 0.0, "ry": 0.0, "rz": 0.0, "px": 0.0, "py": 0.0, "pz": 0.0, "is_anchor": false}, "dea": {"q_pre": 0.0}, "dfa": {"s_pre": [1.0, 1.0, 0.0]}, "vertex": {"0": {"z": 20.0, "y": -46.98355913741212, "x": -44.487094537112114, "is_anchor": true, "r": [151.3245634402609, 151.3245634402613, -54.485593202133444]}, "1": {"z": 20.0, "y": 43.016440862587885, "x": 45.512905462887865, "is_anchor": true, "r": [-151.3245634402604, -151.32456344026036, -54.48559320213313]}, "2": {"z": 9.99996405261101, "y": -37.79399083775871, "x": 0.5089938684930323, "r": [0.010171147746539017, 0.18448396013415636, -0.001706186264619547]}, "3": {"z": 9.997278891759183, "y": -1.9835591374121186, "x": 0.5129054628878963, "r": [-2.6645352591003757e-15, 4.246603069191224e-15, 0.0007449168396583827]}, "4": {"z": 9.999964052611038, "y": -1.9796475430172231, "x": 36.32333716323451, "r": [-0.18448396013422586, -0.010171147746508236, -0.0017061862646283177]}, "5": {"z": 0.0, "y": -46.98355913741212, "x": 45.512905462887865, "is_anchor": true, "r": [-151.4458620727455, 151.4458620727454, 54.48539651730659]}, "6": {"z": 0.0, "y": 43.016440862587885, "x": -44.487094537112114, "is_anchor": true, "r": [151.44586207274534, -151.44586207274529, 54.48539651730658]}, "7": {"z": 9.999964052611004, "y": -1.9874707318069538, "x": -35.29752623745868, "r": [0.18448396013382906, 0.010171147746499326, -0.0017061862645361137]}, "8": {"z": 9.999964052611032, "y": 33.82687256293451, "x": 0.5168170572827775, "r": [-0.010171147746431686, -0.1844839601342243, -0.001706186264644305]}, "9": {"z": 14.803076996938847, "y": -24.967390418584458, "x": -37.62283150377081, "r": [0.13994508808609218, -0.2045133863942299, 0.0143396576108481]}, "10": {"z": 14.803076996938852, "y": -40.11929610407081, "x": -22.470925818284456, "r": [-0.20451338639402739, 0.13994508808666062, 0.014339657610751289]}, "11": {"z": 14.803076996938866, "y": 36.1521778292466, "x": 23.49673674406024, "r": [0.2045133863941162, -0.13994508808651673, 0.014339657610757506]}, "12": {"z": 14.803076996938868, "y": 21.00027214376025, "x": 38.64864242954662, "r": [-0.1399450880862787, 0.2045133863938977, 0.014339657610679346]}, "13": {"z": 9.977430913127144, "y": -20.58948581470823, "x": 0.7120009401081298, "r": [2.1614175099660127e-05, -0.000147344227908075, 0.0008507957305477487]}, "14": {"z": 5.196856983091498, "y": -40.11868776536158, "x": 23.49130725775181, "r": [0.21587541806305843, 0.13708756628984986, -0.016572216598093714]}, "15": {"z": 9.977430913127135, "y": -1.784463660191886, "x": -18.09302121440814, "r": [-0.000147344227922952, 2.1614175102047106e-05, 0.0008507957305812774]}, "16": {"z": 9.977430913127145, "y": 16.62236753988397, "x": 0.3138099856676897, "r": [-2.1614175103101818e-05, 0.00014734422791073953, 0.0008507957305683989]}, "17": {"z": 9.977430913127145, "y": -2.182654614632323, "x": 19.118832140183937, "r": [0.00014734422789652868, -2.161417509882746e-05, 0.0008507957305601277]}, "18": {"z": 5.1968569830915134, "y": -24.961960932276007, "x": 38.648034090837335, "r": [-0.13708756629043428, -0.2158754180627369, -0.016572216598152334]}, "19": {"z": 5.196856983091496, "y": 20.994842657451823, "x": -37.62222316506156, "r": [0.13708756629028862, 0.2158754180627076, -0.016572216598229605]}, "20": {"z": 5.196856983091507, "y": 36.151569490537334, "x": -22.46549633197599, "r": [-0.21587541806276, -0.13708756629003638, -0.016572216598105705]}, "21": {"z": 12.146160111246223, "y": -21.82279134062269, "x": -19.326326740322656, "r": [-0.0007504826484501237, -0.0007504826484678873, -0.007920488503067258]}, "22": {"z": 12.146160111246237, "y": 17.855673065798463, "x": 20.352137666098464, "r": [0.0007504826484749927, 0.0007504826484643345, -0.007920488503067702]}, "23": {"z": 7.818622174911614, "y": -21.969024305020724, "x": 20.498370630496474, "r": [0.0008952762370251222, -0.000895276237024234, 0.009199662327631808]}, "24": {"z": 7.818622174911596, "y": 18.00190603019649, "x": -19.47255970472067, "r": [-0.0008952762369949241, 0.00089527623698471, 0.009199662327626701]}, "25": {"x": -40.50228766464291, "y": -36.15324297067764, "z": 17.34001627473638, "r": [0.1204094709365755, -0.2745660079885113, 0.02477863933881963]}, "26": {"x": -33.65677837037765, "y": -42.99875226494292, "z": 17.340016274736385, "r": [-0.2745660079887031, 0.12040947093658616, 0.02477863933896174]}, "27": {"x": 41.52809859041868, "y": 32.18612469585342, "z": 17.340016274736392, "r": [-0.1204094709367105, 0.2745660079885539, 0.02477863933876101]}, "28": {"x": 34.682589296153395, "y": 39.03163399011868, "z": 17.340016274736392, "r": [0.27456600798873865, -0.12040947093653287, 0.024778639338929764]}, "29": {"x": -11.042603774163414, "y": -38.377314114272146, "z": 12.371598223945423, "r": [-0.10315223714303767, 0.171693792145442, 0.004406124760104824]}, "30": {"x": 0.6714449080442959, "y": -29.553941831682025, "z": 9.973975340542339, "r": [0.0001026748321079074, -0.00019281563403716895, 0.0008919079602318081]}, "31": {"x": 12.06122570721795, "y": -38.376876336327115, "z": 7.628308498696048, "r": [0.12077513716629706, 0.16887586041584335, -0.00756229946522935]}, "32": {"x": 0.6460726439280514, "y": -11.230122565402393, "z": 9.990785733818951, "r": [-8.526889919757696e-06, -0.0001641361445644529, 0.0007884408383316277]}, "33": {"x": -8.733657965102337, "y": -1.85039195637197, "z": 9.99078573381895, "r": [-0.0001641361445733902, -8.526889918675229e-06, 0.0007884408383299624]}, "34": {"x": 0.3797382818477543, "y": 7.263004290578137, "z": 9.990785733818957, "r": [8.526889916204983e-06, 0.0001641361445753331, 0.0007884408383358465]}, "35": {"x": 9.759468890878129, "y": -2.1167263184522627, "z": 9.99078573381896, "r": [0.000164136144569893, 8.526889915316804e-06, 0.0007884408383297403]}, "36": {"x": 28.083288157157746, "y": -2.142098582568484, "z": 9.97397534054235, "r": [0.0001928156340085252, -0.00010267483210907313, 0.0008919079602249802]}, "37": {"x": 36.90666043974795, "y": 9.571950099639222, "z": 12.371598223945451, "r": [-0.17169379214587366, 0.10315223714288724, 0.0044061247598796704]}, "38": {"x": 36.90622266180289, "y": -13.531879381742149, "z": 7.62830849869607, "r": [-0.1688758604159446, -0.12077513716628596, -0.007562299465228461]}, "39": {"x": 34.67967561122956, "y": -42.99832440467637, "z": 2.6599596553420928, "r": [0.27937727357356223, 0.12022660513941474, -0.025586270455835836]}, "40": {"x": 41.52767073015211, "y": -36.15032928575379, "z": 2.6599596553421008, "r": [-0.12022660513878591, -0.2793772735737967, -0.025586270455810745]}, "41": {"x": -33.65386468545377, "y": 39.03120612985211, "z": 2.659959655342096, "r": [-0.27937727357347697, -0.12022660513919803, -0.025586270455802085]}, "42": {"x": -40.50185980437636, "y": 32.18321101092959, "z": 2.6599596553420906, "r": [0.1202266051388996, 0.2793772735736546, -0.025586270455845384]}, "43": {"x": -27.057477231381935, "y": -1.825019692255709, "z": 9.973975340542328, "r": [-0.00019281563399342616, 0.00010267483210726902, 0.0008919079602272006]}, "44": {"x": -35.88084951397212, "y": -13.539068374463406, "z": 12.371598223945416, "r": [0.17169379214584346, -0.10315223714286947, 0.004406124759853469]}, "45": {"x": -35.88041173602708, "y": 9.564761106917967, "z": 7.628308498696042, "r": [0.16887586041561065, 0.12077513716628618, -0.007562299465203148]}, "46": {"x": 12.068414699939217, "y": 34.41019583944794, "z": 12.371598223945446, "r": [0.10315223714296229, -0.1716937921460575, 0.004406124760012009]}, "47": {"x": 0.3543660177315215, "y": 25.586823556857752, "z": 9.973975340542346, "r": [-0.00010267483211079398, 0.00019281563400141977, 0.0008919079602470736]}, "48": {"x": -11.035414781442134, "y": 34.40975806150288, "z": 7.628308498696062, "r": [-0.1207751371661776, -0.16887586041595526, -0.007562299465224909]}, "49": {"x": -28.809713596399916, "y": -23.175144011482384, "z": 13.38270641183884, "r": [-0.0011604927175117297, -0.0013166050482018576, -0.011054195097700337]}, "50": {"x": -20.678679411182383, "y": -31.30617819669994, "z": 13.382706411838848, "r": [-0.0013166050482018576, -0.0011604927175206114, -0.01105419509772343]}, "51": {"x": 21.704490336958134, "y": 27.339059921875677, "z": 13.38270641183885, "r": [0.0013166050482098512, 0.0011604927175223878, -0.011054195097700337]}, "52": {"x": 29.835524522175696, "y": 19.208025736658154, "z": 13.382706411838846, "r": [0.001160492717498407, 0.001316605048188535, -0.011054195097708774]}, "53": {"x": -9.415670852099252, "y": -20.968245946271644, "z": 11.031019049966568, "r": [-0.00031013986311601016, -0.00023595962690725614, -0.0036988819883354562]}, "54": {"x": 10.67188190909016, "y": -21.063133930887478, "z": 8.935628246029012, "r": [0.00048260082350060074, -0.0003247783477107191, 0.0052338007406183]}, "55": {"x": 21.827637970955315, "y": -31.39050431446357, "z": 6.585587045332863, "r": [0.0014766192067998674, -0.001280745715437348, 0.012033992226549994]}, "56": {"x": -18.47178134597159, "y": -11.91213545239928, "z": 11.031019049966565, "r": [-0.00023595962691391748, -0.00031013986311201336, -0.0036988819883414514]}, "57": {"x": -18.5666693305874, "y": 8.175417308790157, "z": 8.935628246028996, "r": [-0.00032477834772137726, 0.0004826008235014889, 0.005233800740606087]}, "58": {"x": 10.441481777875065, "y": 17.001127671447403, "z": 11.03101904996658, "r": [0.0003101398631235597, 0.0002359596269210229, -0.0036988819883363444]}, "59": {"x": -9.646070983314345, "y": 17.09601565606322, "z": 8.935628246029001, "r": [-0.00048260082350459754, 0.0003247783477156041, 0.005233800740625627]}, "60": {"x": 19.497592271747415, "y": 7.945017177575061, "z": 11.031019049966586, "r": [0.00023595962694411554, 0.0003101398631275565, -0.003698881988333458]}, "61": {"x": 19.59248025636318, "y": -12.142535583614377, "z": 8.935628246029012, "r": [0.0003247783476982846, -0.0004826008234939394, 0.005233800740616745]}, "62": {"x": 29.919850639939284, "y": -23.298291645479555, "z": 6.585587045332868, "r": [0.0012807457154302426, -0.0014766192067758865, 0.012033992226528678]}, "63": {"x": -28.894039714163505, "y": 19.331173370655357, "z": 6.585587045332855, "r": [-0.001280745715432019, 0.0014766192067896533, 0.012033992226526458]}, "64": {"x": -20.80182704517952, "y": 27.423386039639315, "z": 6.585587045332854, "r": [-0.0014766192068105255, 0.0012807457154355717, 0.01203399222653534]}, "65": {"x": -30.891932008719166, "y": -33.388396609019175, "z": 15.269094267967636, "r": [-0.0016427306568616018, -0.001642730656877589, -0.012295568531693668]}, "66": {"x": -10.10134872824453, "y": -30.023515758439952, "z": 11.64186316561116, "r": [-0.0006084314049816797, -0.0004277423807339531, -0.005946940360273434]}, "67": {"x": -8.99003440906986, "y": -11.486499009369892, "z": 10.492227964018074, "r": [-9.91235295400017e-05, -9.912352953223014e-05, -0.0014010988835297944]}, "68": {"x": -27.52705115813987, "y": -12.597813328544529, "z": 11.641863165611147, "r": [-0.0004277423807215186, -0.0006084314049723538, -0.005946940360277431]}, "69": {"x": 31.917742934494928, "y": 29.421278334194927, "z": 15.269094267967638, "r": [0.0016427306568882472, 0.0016427306568669309, -0.01229556853170699]}, "70": {"x": 11.127159654020323, "y": 26.05639748361569, "z": 11.64186316561117, "r": [0.0006084314049874529, 0.00042774238076948023, -0.00594694036025567]}, "71": {"x": 10.01584533484566, "y": 7.51938073454566, "z": 10.49222796401809, "r": [9.91235295340065e-05, 9.912352953422854e-05, -0.0014010988835386762]}, "72": {"x": 28.5528620839157, "y": 8.630695053720325, "z": 11.641863165611174, "r": [0.0004277423807348413, 0.000608431404983456, -0.005946940360259667]}, "73": {"x": 10.167257849648088, "y": -11.637911524172331, "z": 9.487399714556577, "r": [0.0001812713612652228, -0.00018127136126988574, 0.00296239649111274]}, "74": {"x": 11.312867797778349, "y": -30.077755129769162, "z": 8.322796318310882, "r": [0.00087093930538229, -0.0005304626479700758, 0.007427707648817616]}, "75": {"x": 31.993658656832608, "y": -33.46431233135685, "z": 4.704860632898077, "r": [0.0017179672506149046, -0.0017179672506024701, 0.012765103346177753]}, "76": {"x": 28.607101455244866, "y": -12.783521472302535, "z": 8.322796318310901, "r": [0.0005304626479727403, -0.00087093930538229, 0.007427707648831383]}, "77": {"x": -9.141446923872284, "y": 7.670793249348082, "z": 9.487399714556561, "r": [-0.0001812713612572292, 0.00018127136125944965, 0.002962396491089647]}, "78": {"x": -10.287056872002534, "y": 26.110636854944914, "z": 8.322796318310886, "r": [-0.0008709393053858427, 0.0005304626479798458, 0.007427707648816728]}, "79": {"x": -30.967847731056832, "y": 29.497194056532642, "z": 4.704860632898072, "r": [-0.0017179672505989174, 0.0017179672506060228, 0.012765103346177309]}, "80": {"x": -27.58129052946907, "y": 8.81640319747835, "z": 8.322796318310871, "r": [-0.0005304626479736285, 0.0008709393053827341, 0.007427707648815618]}, "81": {"x": -42.358756077239526, "y": -41.619499874997075, "z": 18.655135168794367, "r": [0.1103900697408875, -0.3076365805677952, 0.036143158120946595]}, "82": {"x": -39.123035274697074, "y": -44.855220677539535, "z": 18.655135168794367, "r": [-0.30763658056720544, 0.11039006974097276, 0.03614315812104962]}, "83": {"x": 43.38456700301529, "y": 37.65238160017286, "z": 18.655135168794374, "r": [-0.11039006974097987, 0.307636580567511, 0.036143158121038965]}, "84": {"x": 40.148846200472825, "y": 40.88810240271529, "z": 18.655135168794374, "r": [0.307636580567376, -0.1103900697410154, 0.03614315812104607]}, "85": {"x": -5.274561254391826, "y": -37.940020277086575, "z": 11.18213152235616, "r": [-0.043100814112905894, 0.182213126264422, 0.0023394826594476115]}, "86": {"x": 0.6008126877580855, "y": -33.78202787897669, "z": 9.984017488155486, "r": [2.4896788106687495e-05, -3.640824530748432e-09, 0.00013886482056957306]}, "87": {"x": 6.2927185764527405, "y": -37.93978339648242, "z": 8.817859983355008, "r": [0.06389019808961827, 0.1803063814159529, -0.006713296810856306]}, "88": {"x": 0.5828314290992616, "y": -6.542313014904888, "z": 9.994238903995317, "r": [-1.4753805288592048e-08, -1.1629115448386074e-09, -5.665973024093773e-07]}, "89": {"x": -4.045848414604856, "y": -1.913633171200759, "z": 9.994238903995312, "r": [-1.162909768481768e-09, -1.4753808841305727e-08, -5.66597305962091e-07]}, "90": {"x": 0.442979496676537, "y": 2.575194740080647, "z": 9.994238903995317, "r": [1.4753805288592048e-08, 1.1629102125709778e-09, -5.6659729530395e-07]}, "91": {"x": 5.071659340380653, "y": -2.053485103623483, "z": 9.994238903995319, "r": [1.1629115448386074e-09, 1.4753802624056789e-08, -5.665972917512363e-07]}, "92": {"x": 32.311374204452456, "y": -2.0714663622822753, "z": 9.984017488155505, "r": [3.640828083462111e-09, -2.489678810402296e-05, 0.00013886482055713856]}, "93": {"x": 36.46936660256238, "y": 3.8039075798676376, "z": 11.182131522356187, "r": [-0.1822131262643083, 0.043100814112846386, 0.0023394826595612983]}, "94": {"x": 36.469129721958204, "y": -7.763372250976933, "z": 8.817859983355035, "r": [-0.18030638141527788, -0.06389019808969287, -0.006713296810785252]}, "95": {"x": 40.14735317373129, "y": -44.85498243871514, "z": 1.344863565146692, "r": [0.3112859886841264, 0.1106015824051596, -0.03673791335868826]}, "96": {"x": 43.38432876419088, "y": -41.61800684825553, "z": 1.3448635651466962, "r": [-0.11060158240488249, -0.31128598868380664, -0.03673791335868071]}, "97": {"x": -39.12154224795552, "y": 40.88786416389089, "z": 1.3448635651466938, "r": [-0.3112859886844035, -0.11060158240537987, -0.03673791335866605]}, "98": {"x": -42.358517838415125, "y": 37.65088857343131, "z": 1.3448635651466907, "r": [0.11060158240529461, 0.3112859886840198, -0.03673791335870513]}, "99": {"x": -31.285563278676612, "y": -1.895651912541907, "z": 9.984017488155477, "r": [-3.640842294316826e-09, 2.4896788106687495e-05, 0.0001388648205713494]}, "100": {"x": -35.443555676786545, "y": -7.771025854691817, "z": 11.182131522356153, "r": [0.18221312626423725, -0.043100814112905894, 0.0023394826596288]}, "101": {"x": -35.44331879618238, "y": 3.7962539761527583, "z": 8.817859983355001, "r": [0.1803063814156971, 0.06389019808947527, -0.006713296810858083]}, "102": {"x": 6.300372180167632, "y": 33.97290200226237, "z": 11.182131522356183, "r": [0.043100814112905894, -0.18221312626408803, 0.0023394826595577456]}, "103": {"x": 0.4249982380177279, "y": 29.81490960415246, "z": 9.9840174881555, "r": [-2.4896788107575674e-05, 3.6408174253210746e-09, 0.00013886482056157945]}, "104": {"x": -5.266907650676927, "y": 33.972665121658196, "z": 8.817859983355028, "r": [-0.06389019808957652, -0.1803063814156758, -0.006713296810813674]}, "105": {"x": -38.92206692746506, "y": -30.597761735978956, "z": 16.057117006202407, "r": [0.12682504062229327, -0.2403144453107231, 0.02612185396832345]}, "106": {"x": -36.60800988794954, "y": -19.276128627681313, "z": 13.577102821794526, "r": [0.15979927378683811, -0.14805411280163838, 0.013182752277206333]}, "107": {"x": -33.32135741936795, "y": -24.03396826638146, "z": 14.088970728463856, "r": [7.485909379312261e-05, 0.00010351104962680324, 0.0006005963293063132]}, "108": {"x": -28.101297135678962, "y": -41.41853152776506, "z": 16.05711700620241, "r": [-0.24031444531063784, 0.12682504062202327, 0.026121853968184894]}, "109": {"x": -16.779664027381315, "y": -39.10447448824955, "z": 13.577102821794531, "r": [-0.14805411280176628, 0.1597992737869376, 0.013182752277341336]}, "110": {"x": -21.53750366608145, "y": -35.81782201966793, "z": 14.08897072846385, "r": [0.0001035110496410141, 7.485909380022804e-05, 0.0006005963292974315]}, "111": {"x": 29.12710806145472, "y": 37.45141325294083, "z": 16.05711700620242, "r": [0.2403144453106023, -0.12682504062198063, 0.026121853968145814]}, "112": {"x": 17.80547495315711, "y": 35.13735621342534, "z": 13.57710282179455, "r": [0.14805411280148917, -0.15979927378692338, 0.013182752277160148]}, "113": {"x": 22.563314591857235, "y": 31.850703744843685, "z": 14.088970728463863, "r": [-0.00010351104963035596, -7.485909377891176e-05, 0.0006005963292778915]}, "114": {"x": 39.94787785324084, "y": 26.63064346115474, "z": 16.057117006202418, "r": [-0.12682504062235012, 0.2403144453104744, 0.026121853968192]}, "115": {"x": 37.633820813725364, "y": 15.30901035285712, "z": 13.577102821794556, "r": [-0.1597992737866889, 0.14805411280196168, 0.013182752277405285]}, "116": {"x": 34.34716834514372, "y": 20.066849991557245, "z": 14.088970728463865, "r": [-7.485909381443889e-05, -0.00010351104964279045, 0.0006005963293009842]}, "117": {"x": 0.703427690220221, "y": -25.143206824318664, "z": 9.973687579849127, "r": [3.529566368065673e-06, -2.2377001585027756e-08, 2.7308590158980905e-05]}, "118": {"x": 0.6883232786538994, "y": -15.935002398092143, "z": 9.983432154211599, "r": [-8.997580103198288e-08, 8.638707527097722e-10, -1.1541934323844316e-06]}, "119": {"x": -4.371186773866696, "y": -20.72346915582919, "z": 10.504373368973058, "r": [-1.0827202503449485e-06, -2.8594148204774683e-07, -1.0422639407536849e-05]}, "120": {"x": 5.693362258298627, "y": -20.773787360987733, "z": 9.458692421680885, "r": [2.536404931419156e-06, -6.983031504148585e-07, 2.4378095814014955e-05]}, "121": {"x": 17.799049269237166, "y": -39.103908211620436, "z": 6.422865842982384, "r": [0.16420367554288973, 0.15568822116704695, -0.01684403492175157]}, "122": {"x": 29.12286727315786, "y": -41.41797213436234, "z": 3.9428695430231753, "r": [0.24967701072769444, 0.12378632662257871, -0.028346559479747846]}, "123": {"x": 22.631498423217156, "y": -35.8602172656562, "z": 5.89252509094042, "r": [-9.398519345893419e-05, 6.781798518318283e-05, -0.0005446241168289845]}, "124": {"x": -13.43853779779208, "y": -1.8081413216461193, "z": 9.983432154211595, "r": [8.638600945687358e-10, -8.997580014380446e-08, -1.1541934235026474e-06]}, "125": {"x": -22.646742224018567, "y": -1.793036910079788, "z": 9.973687579849118, "r": [-2.237702290130983e-08, 3.529566368065673e-06, 2.730859015720455e-05]}, "126": {"x": -18.227004555529117, "y": -6.867651374166715, "z": 10.504373368973056, "r": [-2.859414571787511e-07, -1.0827202441276995e-06, -1.0422639425300417e-05]}, "127": {"x": -18.277322760687653, "y": 3.196897657998616, "z": 9.458692421680873, "r": [-6.983031397567174e-07, 2.5364049296427993e-06, 2.437809580513317e-05]}, "128": {"x": 0.3374876471219111, "y": 11.967884123267888, "z": 9.983432154211602, "r": [8.997580014380446e-08, -8.638707527097722e-10, -1.1541934323844316e-06]}, "129": {"x": 0.32238323555560155, "y": 21.1760885494944, "z": 9.973687579849138, "r": [-3.5295663627366025e-06, 2.237701579588247e-08, 2.730859015720455e-05]}, "130": {"x": 5.396997699642509, "y": 16.756350881004945, "z": 10.504373368973074, "r": [1.0827202459040564e-06, 2.859414678368921e-07, -1.0422639411089563e-05]}, "131": {"x": -4.667551332522801, "y": 16.806669086163463, "z": 9.45869242168088, "r": [-2.5364049234255504e-06, 6.983031290985764e-07, 2.4378095792698673e-05]}, "132": {"x": 14.464348723567864, "y": -2.1589769531781036, "z": 9.983432154211604, "r": [-8.638814108508086e-10, 8.997580103198288e-08, -1.1541934306080748e-06]}, "133": {"x": 23.67255314979435, "y": -2.1740813647444064, "z": 9.973687579849138, "r": [2.2377001585027756e-08, -3.529566363624781e-06, 2.730859016253362e-05]}, "134": {"x": 19.252815481304935, "y": 2.9005330993425007, "z": 10.504373368973077, "r": [2.859414678368921e-07, 1.0827202423513427e-06, -1.0422639421747704e-05]}, "135": {"x": 19.30313368646345, "y": -7.164015932822827, "z": 9.458692421680887, "r": [6.983031433094311e-07, -2.5364049260900856e-06, 2.4378095812238598e-05]}, "136": {"x": 37.63325453709619, "y": -19.269702943761366, "z": 6.422865842982402, "r": [-0.15568822116669878, -0.16420367554321302, -0.016844034921634332]}, "137": {"x": 39.94731845983809, "y": -30.593520947682066, "z": 3.942869543023186, "r": [-0.1237863266229624, -0.24967701072728943, -0.028346559479834887]}, "138": {"x": 34.3895635911319, "y": -24.102152097741353, "z": 5.892525090940424, "r": [-6.781798522226268e-05, 9.398519346603962e-05, -0.0005446241168325372]}, "139": {"x": -38.92150753406232, "y": 26.62640267285787, "z": 3.942869543023171, "r": [0.12378632662356637, 0.2496770107273747, -0.028346559479864197]}, "140": {"x": -36.607443611320406, "y": 15.302584668937186, "z": 6.42286584298238, "r": [0.15568822116735248, 0.16420367554301762, -0.016844034921682294]}, "141": {"x": -33.363752665356124, "y": 20.13503382291716, "z": 5.892525090940408, "r": [6.781798519384097e-05, -9.398519346959233e-05, -0.0005446241168307608]}, "142": {"x": -28.097056347382047, "y": 37.450853859538086, "z": 3.94286954302318, "r": [-0.24967701072760917, -0.12378632662277056, -0.028346559479778044]}, "143": {"x": -16.77323834346135, "y": 35.136789936796184, "z": 6.422865842982396, "r": [-0.16420367554302118, -0.1556882211672459, -0.016844034921648543]}, "144": {"x": -21.60568749744134, "y": 31.89309899083193, "z": 5.892525090940418, "r": [9.398519346603962e-05, -6.781798519028825e-05, -0.0005446241168218791]}, "145": {"x": -24.14112497255586, "y": -22.444663431078737, "z": 12.763518597801234, "r": [3.3968838408782176e-06, 4.02780091590671e-06, 3.05225620085281e-05]}, "146": {"x": -19.948198830778733, "y": -26.63758957285589, "z": 12.763518597801237, "r": [4.027800919459423e-06, 3.3968838515363586e-06, 3.0522562020962596e-05]}, "147": {"x": -14.414746962585712, "y": -21.33648833723942, "z": 11.589102602144791, "r": [9.885634746353844e-07, 7.67538164581083e-07, 9.328308285816433e-06]}, "148": {"x": -18.840023736939365, "y": -16.911211562885722, "z": 11.589102602144786, "r": [7.675381361593736e-07, 9.885634710826707e-07, 9.328308298250931e-06]}, "149": {"x": 20.9740097565545, "y": 22.670471298031643, "z": 12.763518597801243, "r": [-4.0278009176830665e-06, -3.396883858641786e-06, 3.052256200675174e-05]}, "150": {"x": 25.166935898331648, "y": 18.4775451562545, "z": 12.76351859780124, "r": [-3.3968838657472133e-06, -4.0278009283412075e-06, 3.0522562010304455e-05]}, "151": {"x": 15.4405578883615, "y": 17.369370062415165, "z": 11.589102602144798, "r": [-9.885634817408118e-07, -7.675381663574399e-07, 9.328308298250931e-06]}, "152": {"x": 19.865834662715184, "y": 12.94409328806151, "z": 11.589102602144806, "r": [-7.675381503702283e-07, -9.885634728590276e-07, 9.328308303580002e-06]}, "153": {"x": 15.61973384436249, "y": -21.46208101791861, "z": 8.377394238843427, "r": [-6.868628439349322e-07, 5.351630036898314e-07, -6.455464554022683e-06]}, "154": {"x": 21.115648208841304, "y": -26.749514055343415, "z": 7.202222258427949, "r": [-3.4588870647667136e-06, 2.920034877007538e-06, -2.6150955298120948e-05]}, "155": {"x": 19.99142734339436, "y": -17.090387518886722, "z": 8.377394238843435, "r": [-5.351630072425451e-07, 6.868628368295049e-07, -6.455464545140899e-06]}, "156": {"x": 25.278860380819136, "y": -22.586301883365543, "z": 7.202222258427955, "r": [-2.9200348734548243e-06, 3.458887071872141e-06, -2.6150955266146525e-05]}, "157": {"x": -18.96561641761854, "y": 13.123269244062497, "z": 8.377394238843417, "r": [5.351630036898314e-07, -6.868628439349322e-07, -6.45546455579904e-06]}, "158": {"x": -14.593922918586683, "y": 17.494962743094366, "z": 8.377394238843419, "r": [6.868628297240775e-07, -5.35162996584404e-07, -6.455464554022683e-06]}, "159": {"x": -24.253049455043342, "y": 18.61918360854132, "z": 7.2022222584279385, "r": [2.9200348699021106e-06, -3.4588870647667136e-06, -2.6150955278581023e-05]}, "160": {"x": -20.089837283065478, "y": 22.782395780519145, "z": 7.202222258427943, "r": [3.4588870647667136e-06, -2.9200348627966832e-06, -2.6150955290127342e-05]}, "161": {"x": -35.799198034402444, "y": -34.70977071982211, "z": 16.304700463036117, "r": [1.5243037047696362e-05, 1.5772337583541685e-05, 9.374540492856909e-05]}, "162": {"x": -32.213306119522116, "y": -38.295662634702474, "z": 16.304700463036124, "r": [1.5772337576436257e-05, 1.5243037076118071e-05, 9.37454049321218e-05]}, "163": {"x": 36.82500896017821, "y": 30.742652444997876, "z": 16.30470046303612, "r": [-1.5243037111645208e-05, -1.5772337604857967e-05, 9.374540491080552e-05]}, "164": {"x": 33.239117045297874, "y": 34.328544359878215, "z": 16.304700463036124, "r": [-1.5772337590647112e-05, -1.5243037083223498e-05, 9.374540491791095e-05]}, "165": {"x": -10.550608128200075, "y": -34.30652079707913, "z": 12.002869052247656, "r": [0.00013117835160514346, 4.953183252354165e-05, 0.0007399855539489408]}, "166": {"x": -4.7349830732721205, "y": -29.68827177844205, "z": 10.809779876404583, "r": [1.5479082402514166e-05, 3.0660248313552074e-06, 0.00010024985789769403]}, "167": {"x": 5.994543633129024, "y": -29.71700728553825, "z": 9.150529603789606, "r": [-4.412946376319837e-06, 8.949294709736932e-07, -2.8561184263864448e-05]}, "168": {"x": 11.678871978719966, "y": -34.33386142419263, "z": 7.975668596912197, "r": [-0.00010398180157267234, 3.906150756805005e-05, -0.0005858626779176035]}, "169": {"x": -4.179424580697204, "y": -11.349454710272711, "z": 10.240687403600688, "r": [-3.158295127647648e-07, -1.586938731534815e-07, -6.09018976760467e-06]}, "170": {"x": 5.402404645388974, "y": -11.429446441012654, "z": 9.740390017007712, "r": [3.1948010459359466e-07, -1.6476530007025758e-07, 6.125505604970272e-06]}, "171": {"x": -8.852990109972689, "y": -6.6758891809972365, "z": 10.240687403600697, "r": [-1.5869388469980095e-07, -3.158295172056569e-07, -6.090189758722886e-06]}, "172": {"x": -8.932981840712598, "y": 2.905940045088961, "z": 9.740390017007703, "r": [-1.64765300958436e-07, 3.1948009926452414e-07, 6.125505603193915e-06]}, "173": {"x": 5.205235506473014, "y": 7.382336435448488, "z": 10.240687403600704, "r": [3.158295127647648e-07, 1.586938820352657e-07, -6.09018976760467e-06]}, "174": {"x": -4.376593719613171, "y": 7.462328166188398, "z": 9.740390017007705, "r": [-3.1948010459359466e-07, 1.647652965175439e-07, 6.1255056067466285e-06]}, "175": {"x": 9.878801035748484, "y": 2.7087709061730054, "z": 10.240687403600708, "r": [1.5869388469980095e-07, 3.158295167615677e-07, -6.090189753393815e-06]}, "176": {"x": 9.95879276648839, "y": -6.873058319913196, "z": 9.740390017007718, "r": [1.6476530007025758e-07, -3.194800983763457e-07, 6.125505619181126e-06]}, "177": {"x": 28.2176181039178, "y": 3.2643293987479267, "z": 10.8097798764046, "r": [-3.0660248171443527e-06, -1.547908240073781e-05, 0.00010024985791901031]}, "178": {"x": 28.246353611013966, "y": -7.46519730765321, "z": 9.150529603789618, "r": [-8.949294638682659e-07, 4.412946379872551e-06, -2.8561184253206306e-05]}, "179": {"x": 32.83586712255491, "y": 9.079954453675875, "z": 12.002869052247673, "r": [-4.953183251288351e-05, -0.0001311783515998144, 0.0007399855539382827]}, "180": {"x": 32.863207749668334, "y": -13.149525653244144, "z": 7.975668596912223, "r": [-3.906150759291904e-05, 0.00010398180155579695, -0.0005858626778740827]}, "181": {"x": 33.281262888864724, "y": -38.334032983810246, "z": 3.680897836718071, "r": [-1.5235390904422275e-05, 1.4736859995423401e-05, -9.052846632595646e-05]}, "182": {"x": 36.86337930928596, "y": -34.75191656338894, "z": 3.680897836718076, "r": [-1.4736860030950538e-05, 1.5235390936396698e-05, -9.052846632151557e-05]}, "183": {"x": -32.255451963088944, "y": 34.36691470898601, "z": 3.6808978367180654, "r": [1.5235390939949411e-05, -1.4736860009634256e-05, -9.052846635038136e-05]}, "184": {"x": -35.83756838351022, "y": 30.784798288564744, "z": 3.680897836718067, "r": [1.4736860002528829e-05, -1.523539092929127e-05, -9.05284663241801e-05]}, "185": {"x": -27.191807178141975, "y": -7.2314476735721165, "z": 10.809779876404571, "r": [3.0660248171443527e-06, 1.547908241228413e-05, 0.00010024985791901031]}, "186": {"x": -27.220542685238133, "y": 3.4980790328290214, "z": 9.150529603789591, "r": [8.949294922899753e-07, -4.412946384313443e-06, -2.856118426208809e-05]}, "187": {"x": -31.81005619677906, "y": -13.047072728500062, "z": 12.00286905224764, "r": [4.953183251998894e-05, 0.00013117835161402525, 0.0007399855539329536]}, "188": {"x": -31.837396823892522, "y": 9.182407378419969, "z": 7.975668596912183, "r": [3.906150756805005e-05, -0.00010398180155046788, -0.0005858626778962872]}, "189": {"x": 11.576419053975867, "y": 30.33940252225489, "z": 12.002869052247664, "r": [-0.00013117835160425528, -4.9531832505778084e-05, 0.0007399855539222955]}, "190": {"x": 5.760793999047925, "y": 25.721153503617803, "z": 10.809779876404589, "r": [-1.5479082409619593e-05, -3.0660248313552074e-06, 0.00010024985790657581]}, "191": {"x": -4.968732707353205, "y": 25.749889010713986, "z": 9.150529603789613, "r": [4.4129463807607294e-06, -8.949294780791206e-07, -2.856118425675902e-05]}, "192": {"x": -10.65306105294415, "y": 30.366743149368396, "z": 7.975668596912202, "r": [0.00010398180157089598, -3.90615076071299e-05, -0.0005858626779273735]}, "193": {"x": -29.760591154686697, "y": -28.34759446383531, "z": 14.326278652675892, "r": [5.227350516889828e-06, 5.832988982490406e-06, 3.759061379327022e-05]}, "194": {"x": -28.07002942517663, "y": -17.927774606705565, "z": 12.514384757421583, "r": [1.6274381096081925e-05, 2.7942850874040914e-05, 0.00018146237111871244]}, "195": {"x": -25.85112986353531, "y": -32.25705575498672, "z": 14.326278652675896, "r": [5.8329889860431194e-06, 5.227350520442542e-06, 3.759061380037565e-05]}, "196": {"x": -15.431310006405557, "y": -30.56649402547668, "z": 12.514384757421587, "r": [2.794285088114634e-05, 1.6274381099634638e-05, 0.00018146237110983066]}, "197": {"x": 26.87694078931107, "y": 28.289937480162457, "z": 14.326278652675896, "r": [-5.832989014464829e-06, -5.227350520442542e-06, 3.759061378438844e-05]}, "198": {"x": 16.457120932181333, "y": 26.59937575065242, "z": 12.514384757421592, "r": [-2.794285088825177e-05, -1.6274381124503634e-05, 0.00018146237110983066]}, "199": {"x": 30.786402080462473, "y": 24.380476189011087, "z": 14.3262786526759, "r": [-5.227350555969679e-06, -5.8329889967012605e-06, 3.7590613791493865e-05]}, "200": {"x": 29.09584035095245, "y": 13.96065633188135, "z": 12.5143847574216, "r": [-1.6274381088976497e-05, -2.7942850863382773e-05, 0.00018146237112226515]}, "201": {"x": -9.729788297535391, "y": -25.56887639459039, "z": 11.33501527029307, "r": [1.1224010474819579e-05, 4.992973661188671e-06, 8.647532511041334e-05]}, "202": {"x": -9.176090760544735, "y": -16.26474658871032, "z": 10.761416104819538, "r": [7.42794803443303e-08, 5.0508241145053034e-08, 9.405899934478157e-07]}, "203": {"x": 10.403698784131883, "y": -16.382278174877868, "z": 9.211036390136607, "r": [2.3328816212142556e-08, -1.6010606174177155e-08, 2.937345797704438e-07]}, "204": {"x": 10.977482575239504, "y": -25.641823405155133, "z": 8.628311685101368, "r": [-7.509147716078246e-06, 3.377061410958504e-06, -5.77469402811559e-05]}, "205": {"x": 16.602095566947916, "y": -30.63629350384005, "z": 7.454333837352971, "r": [-2.2537571645386834e-05, 1.3151902258812243e-05, -0.0001461749542084334]}, "206": {"x": 26.972007586399528, "y": -32.33851702652046, "z": 5.645636778579435, "r": [-5.098945781156772e-06, 4.569091288431082e-06, -3.28295640281695e-05]}, "207": {"x": -13.768281988410287, "y": -11.67255536084477, "z": 10.761416104819538, "r": [5.050822693419832e-08, 7.427947679161662e-08, 9.40589989895102e-07]}, "208": {"x": -23.07241179429032, "y": -12.226252897835396, "z": 11.335015270293063, "r": [4.992973668294098e-06, 1.1224010483701363e-05, 8.647532511574241e-05]}, "209": {"x": -13.885813574577796, "y": 7.907234183831873, "z": 9.21103639013659, "r": [-1.6010602621463477e-08, 2.332880733035836e-08, 2.9373458509951433e-07]}, "210": {"x": -23.145358804855057, "y": 8.481017974939503, "z": 8.628311685101352, "r": [3.3770614074057903e-06, -7.5091477107491755e-06, -5.7746940290037685e-05]}, "211": {"x": 10.755599223311194, "y": 21.601758119766142, "z": 11.335015270293082, "r": [-1.1224010478372293e-05, -4.992973675399526e-06, 8.647532513172962e-05]}, "212": {"x": 10.201901686320541, "y": 12.297628313886085, "z": 10.761416104819551, "r": [-7.427948212068713e-08, -5.0508235815982516e-08, 9.405899827896747e-07]}, "213": {"x": -9.37788785835606, "y": 12.4151599000536, "z": 9.211036390136591, "r": [-2.3328812659428877e-08, 1.6010613279604513e-08, 2.937345797704438e-07]}, "214": {"x": -9.951671649463684, "y": 21.674705130330874, "z": 8.628311685101364, "r": [7.509147714301889e-06, -3.3770614074057903e-06, -5.7746940278491365e-05]}, "215": {"x": 14.794092914186088, "y": 7.705437086020532, "z": 10.761416104819553, "r": [-5.050823403962568e-08, -7.427947501525978e-08, 9.405899952241725e-07]}, "216": {"x": 24.098222720066158, "y": 8.259134623011194, "z": 11.33501527029309, "r": [-4.992973639872389e-06, -1.1224010462385081e-05, 8.647532512462419e-05]}, "217": {"x": 14.911624500353609, "y": -11.874352458656112, "z": 9.211036390136606, "r": [1.601061860867503e-08, -2.3328812659428877e-08, 2.9373457266501646e-07]}, "218": {"x": 24.171169730630826, "y": -12.448136249763701, "z": 8.628311685101373, "r": [-3.3770614287220724e-06, 7.50914771963096e-06, -5.774694027405047e-05]}, "219": {"x": 30.86786335199618, "y": -28.442661260923767, "z": 5.645636778579438, "r": [-4.5690913381690734e-06, 5.0989458060257675e-06, -3.282956403438675e-05]}, "220": {"x": 29.16563982931576, "y": -18.07274924147213, "z": 7.454333837352985, "r": [-1.3151902269470384e-05, 2.2537571634728693e-05, -0.0001461749542048807]}, "221": {"x": -29.8420524262204, "y": 24.475542986099562, "z": 5.645636778579432, "r": [4.569091309747364e-06, -5.098945770498631e-06, -3.2829564020175894e-05]}, "222": {"x": -28.13982890353996, "y": 14.105630966647933, "z": 7.454333837352967, "r": [1.3151902262364956e-05, -2.253757164183412e-05, -0.00014617495419422255]}, "223": {"x": -15.576284641172107, "y": 26.669175229015778, "z": 7.454333837352972, "r": [2.253757164183412e-05, -1.3151902255259529e-05, -0.00014617495420665705]}, "224": {"x": -25.946196660623745, "y": 28.37139875169622, "z": 5.64563677857943, "r": [5.098945774051344e-06, -4.569091302641937e-06, -3.282956402372861e-05]}, "225": {"x": -34.43645613998347, "y": -29.409955284538, "z": 15.149544558593924, "r": [-0.0016574297935108007, -0.002064172644793416, -0.012247789295429357]}, "226": {"x": -37.377947622705484, "y": -39.8744122230055, "z": 17.457598186133627, "r": [-0.0010895418255927325, -0.0010895418255643108, -0.006990991785727374]}, "227": {"x": -26.91349068423799, "y": -36.93292074028348, "z": 15.149544558593925, "r": [-0.002064172644807627, -0.0016574297935392224, -0.012247789295429357]}, "228": {"x": -24.91200474042528, "y": -27.408469340725294, "z": 13.50282937027865, "r": [-0.0013452556585917819, -0.0013452556586059927, -0.011321673098365181]}, "229": {"x": -16.061444548578134, "y": -34.9345443891872, "z": 13.007922274755636, "r": [-0.0018991499503897558, -0.0011397291898447293, -0.01046484458237984]}, "230": {"x": -4.979823585194276, "y": -33.91964849661884, "z": 10.977828311045778, "r": [-0.0006739008128704427, -0.00038269997898510155, -0.0034922289925276573]}, "231": {"x": -4.525386094628399, "y": -25.276570921709943, "z": 10.643998159148758, "r": [-0.00019058906442026569, -0.00013206250936548258, -0.002011272014975418]}, "232": {"x": -14.870800603909519, "y": -26.018183461741096, "z": 12.021843878241016, "r": [-0.000835457939508899, -0.0006234896089978292, -0.00747415234284432]}, "233": {"x": -4.253967330868617, "y": -16.065980959610577, "z": 10.365161260783788, "r": [-4.8453167909912054e-05, -3.533683646139707e-05, -0.0008256401032085137]}, "234": {"x": -4.119437230871885, "y": -6.615901831171915, "z": 10.114652247173558, "r": [-5.477574551449038e-05, -5.477574551449038e-05, 0.0002526403306717384]}, "235": {"x": -13.569516359310533, "y": -6.750431931168648, "z": 10.365161260783792, "r": [-3.533683646139707e-05, -4.845316791701748e-05, -0.0008256401032014082]}, "236": {"x": -14.04349523652865, "y": -16.539959836828686, "z": 11.15723907069761, "r": [-0.0003090946167958464, -0.0003090946167958464, -0.004242598738116499]}, "237": {"x": -22.780106321409868, "y": -7.021850694928408, "z": 10.643998159148747, "r": [-0.00013206250935127173, -0.0001905890644238184, -0.0020112720149825236]}, "238": {"x": -31.423183896318804, "y": -7.4762881854942655, "z": 10.97782831104577, "r": [-0.00038269997901352326, -0.0006739008128846535, -0.003492228992520552]}, "239": {"x": -32.438079788887194, "y": -18.55790914887814, "z": 13.007922274755632, "r": [-0.001139729189873151, -0.0018991499504181775, -0.01046484458237984]}, "240": {"x": -23.521718861441023, "y": -17.367265204209517, "z": 12.021843878241008, "r": [-0.0006234896089694075, -0.0008354579395017936, -0.007474152342837215]}, "241": {"x": 35.46226706575924, "y": 25.44283700971376, "z": 15.149544558593929, "r": [0.0016574297935392224, 0.002064172644807627, -0.012247789295429357]}, "242": {"x": 38.40375854848125, "y": 35.907293948181255, "z": 17.45759818613363, "r": [0.0010895418255927325, 0.0010895418255927325, -0.006990991785727374]}, "243": {"x": 27.93930161001374, "y": 32.96580246545919, "z": 15.149544558593924, "r": [0.002064172644793416, 0.001657429793482379, -0.012247789295415146]}, "244": {"x": 25.937815666201054, "y": 23.44135106590106, "z": 13.502829370278654, "r": [0.0013452556586059927, 0.0013452556585917819, -0.011321673098365181]}, "245": {"x": 17.087255474353924, "y": 30.967426114362983, "z": 13.007922274755648, "r": [0.0018991499504039666, 0.001139729189873151, -0.010464844582344313]}, "246": {"x": 6.005634510970083, "y": 29.952530221794632, "z": 10.97782831104579, "r": [0.0006739008128775481, 0.0003826999790277341, -0.0034922289925134464]}, "247": {"x": 5.551197020404214, "y": 21.309452646885703, "z": 10.643998159148765, "r": [0.00019058906442026569, 0.00013206250935127173, -0.00201127201500384]}, "248": {"x": 15.896611529685313, "y": 22.051065186916848, "z": 12.021843878241025, "r": [0.0008354579395017936, 0.0006234896089978292, -0.007474152342837215]}, "249": {"x": 5.27977825664443, "y": 12.098862684786342, "z": 10.365161260783808, "r": [4.8453167920570195e-05, 3.5336836475607925e-05, -0.0008256401032085137]}, "250": {"x": 5.14524815664769, "y": 2.648783556347681, "z": 10.114652247173566, "r": [5.477574551449038e-05, 5.477574551093767e-05, 0.00025264033065042213]}, "251": {"x": 14.595327285086325, "y": 2.7833136563444163, "z": 10.365161260783804, "r": [3.53368364685025e-05, 4.845316791346477e-05, -0.0008256401032014082]}, "252": {"x": 15.069306162304457, "y": 12.572841562004452, "z": 11.157239070697624, "r": [0.0003090946168029518, 0.0003090946167958464, -0.004242598738095182]}, "253": {"x": 23.80591724718569, "y": 3.0547324201042083, "z": 10.643998159148774, "r": [0.00013206250935127173, 0.0001905890644238184, -0.002011272014989629]}, "254": {"x": 32.44899482209465, "y": 3.5091699106700833, "z": 10.977828311045801, "r": [0.00038269997901352326, 0.0006739008128757717, -0.0034922289925276573]}, "255": {"x": 33.46389071466302, "y": 14.59079087405393, "z": 13.007922274755654, "r": [0.0011397291898447293, 0.0018991499504039666, -0.010464844582386945]}, "256": {"x": 24.547529787216853, "y": 13.400146929385311, "z": 12.021843878241029, "r": [0.0006234896089836184, 0.0008354579394946882, -0.00747415234284432]}, "257": {"x": 14.658354137533449, "y": -7.0157624030659225, "z": 9.608160683222241, "r": [7.05883442080335e-05, -0.00018194343010691227, 0.0024356665888092266]}, "258": {"x": 5.250659245124778, "y": -6.721312919649015, "z": 9.875177265311464, "r": [7.624381074222697e-05, -7.624381073867426e-05, 0.0012676935594910788]}, "259": {"x": 5.5451087285417096, "y": -16.12900781205773, "z": 9.608160683222241, "r": [0.00018194343011757041, -7.058834421513893e-05, 0.0024356665888234375]}, "260": {"x": 15.229547046763381, "y": -16.700200721287626, "z": 8.81297321527042, "r": [0.0004336520962979762, -0.0004336520963050816, 0.0057306298055763705]}, "261": {"x": 5.842237307046587, "y": -25.317011960545027, "z": 9.313432771056169, "r": [0.00041922124527005167, -0.00018733289437022904, 0.0036692795110653265]}, "262": {"x": 6.144750080424786, "y": -33.93654432227851, "z": 8.992866776398422, "r": [0.0008993555108425255, -0.00046083072382430146, 0.005098780265356595]}, "263": {"x": 17.176953841934083, "y": -34.97569751202693, "z": 6.969353521887877, "r": [0.0020644765544943766, -0.0012539118164056617, 0.011626479807969048]}, "264": {"x": 16.07651654257586, "y": -26.11888787488078, "z": 7.942478431256295, "r": [0.001017139621978913, -0.0007443735613463787, 0.008807530387684892]}, "265": {"x": 28.00255884331842, "y": -36.98308439371091, "z": 4.830277917474138, "r": [0.002142151395048586, -0.0017366181345437326, 0.012790511757039269]}, "266": {"x": 38.4346444619315, "y": -39.90529813645575, "z": 2.5308603779650185, "r": [0.0011129741839965845, -0.0011129741839965845, 0.007139288901690577]}, "267": {"x": 35.51243071918661, "y": -29.47321251784261, "z": 4.830277917474148, "r": [0.0017366181344868892, -0.002142151395048586, 0.012790511757057033]}, "268": {"x": 26.054666484834687, "y": -27.525320159358944, "z": 6.462693484753122, "r": [0.001472392618751428, -0.0014723926187372172, 0.012234151613562005]}, "269": {"x": 33.50504383750265, "y": -18.647607516458287, "z": 6.969353521887895, "r": [0.00125391181637724, -0.0020644765544943766, 0.01162647980799747]}, "270": {"x": 32.465890647754264, "y": -7.615403754948981, "z": 8.992866776398442, "r": [0.00046083072385272317, -0.0008993555108531837, 0.005098780265356595]}, "271": {"x": 23.846358286020713, "y": -7.312890981570775, "z": 9.313432771056174, "r": [0.00018733289439865075, -0.0004192212452807098, 0.0036692795110795373]}, "272": {"x": 24.648234200356512, "y": -17.54717021710008, "z": 7.942478431256307, "r": [0.0007443735613463787, -0.0010171396219647022, 0.008807530387670681]}, "273": {"x": -13.632543211757655, "y": 3.048644128241699, "z": 9.60816068322223, "r": [-7.05883442080335e-05, 0.000181943430110465, 0.0024356665887950157]}, "274": {"x": -4.22484831934898, "y": 2.7541946448247683, "z": 9.875177265311454, "r": [-7.624381074222697e-05, 7.624381074222697e-05, 0.0012676935595052896]}, "275": {"x": -4.519297802765894, "y": 12.161889537233455, "z": 9.60816068322223, "r": [-0.00018194343010691227, 7.058834420092808e-05, 0.002435666588816332]}, "276": {"x": -14.20373612098757, "y": 12.733082446463388, "z": 8.812973215270402, "r": [-0.0004336520962979762, 0.0004336520962979762, 0.005730629805569265]}, "277": {"x": -4.816426381270763, "y": 21.349893685720755, "z": 9.313432771056172, "r": [-0.00041922124527005167, 0.0001873328943560182, 0.003669279511058221]}, "278": {"x": -5.1189391546489675, "y": 29.969426047454263, "z": 8.992866776398433, "r": [-0.0008993555108389728, 0.0004608307238100906, 0.0050987802653637004]}, "279": {"x": -16.151142916158275, "y": 31.00857923720269, "z": 6.96935352188788, "r": [-0.0020644765544801658, 0.00125391181637724, 0.011626479807969048]}, "280": {"x": -15.05070561680005, "y": 22.15176960005652, "z": 7.94247843125629, "r": [-0.0010171396219860185, 0.0007443735613605895, 0.008807530387677787]}, "281": {"x": -26.97674791754261, "y": 33.01596611888666, "z": 4.830277917474142, "r": [-0.0021421513950770077, 0.0017366181345153109, 0.012790511757071243]}, "282": {"x": -37.40883353615573, "y": 35.93817986163151, "z": 2.5308603779650145, "r": [-0.001112974184053428, 0.0011129741840818497, 0.007139288901722551]}, "283": {"x": -34.48661979341085, "y": 25.50609424301842, "z": 4.830277917474134, "r": [-0.0017366181344868892, 0.002142151395048586, 0.012790511757057033]}, "284": {"x": -25.028855559058897, "y": 23.55820188453471, "z": 6.462693484753115, "r": [-0.001472392618751428, 0.0014723926187372172, 0.01223415161356911]}, "285": {"x": -32.47923291172685, "y": 14.680489241634099, "z": 6.969353521887874, "r": [-0.0012539118164340834, 0.002064476554501482, 0.011626479807993917]}, "286": {"x": -31.44007972197841, "y": 3.6482854801247924, "z": 8.992866776398412, "r": [-0.00046083072385272317, 0.0008993555108443019, 0.00509878026534949]}, "287": {"x": -22.820547360244927, "y": 3.3457727067465766, "z": 9.313432771056156, "r": [-0.00018733289437022904, 0.000419221245271828, 0.0036692795110653265]}, "288": {"x": -23.6224232745807, "y": 13.580051942275876, "z": 7.9424784312562835, "r": [-0.0007443735613605895, 0.001017139621978913, 0.008807530387677787]}}, "face": {"341": [49, 107, 225], "342": [225, 193, 49], "343": [9, 105, 225], "344": [225, 107, 9], "345": [25, 161, 225], "346": [225, 105, 25], "347": [65, 193, 225], "348": [225, 161, 65], "349": [25, 81, 226], "350": [226, 161, 25], "351": [0, 82, 226], "352": [226, 81, 0], "353": [26, 162, 226], "354": [226, 82, 26], "355": [65, 161, 226], "356": [226, 162, 65], "357": [26, 108, 227], "358": [227, 162, 26], "359": [10, 110, 227], "360": [227, 108, 10], "361": [50, 195, 227], "362": [227, 110, 50], "363": [65, 162, 227], "364": [227, 195, 65], "365": [50, 146, 228], "366": [228, 195, 50], "367": [21, 145, 228], "368": [228, 146, 21], "369": [49, 193, 228], "370": [228, 145, 49], "371": [65, 195, 228], "372": [228, 193, 65], "373": [50, 110, 229], "374": [229, 196, 50], "375": [10, 109, 229], "376": [229, 110, 10], "377": [29, 165, 229], "378": [229, 109, 29], "379": [66, 196, 229], "380": [229, 165, 66], "381": [29, 85, 230], "382": [230, 165, 29], "383": [2, 86, 230], "384": [230, 85, 2], "385": [30, 166, 230], "386": [230, 86, 30], "387": [66, 165, 230], "388": [230, 166, 66], "389": [30, 117, 231], "390": [231, 166, 30], "391": [13, 119, 231], "392": [231, 117, 13], "393": [53, 201, 231], "394": [231, 119, 53], "395": [66, 166, 231], "396": [231, 201, 66], "397": [53, 147, 232], "398": [232, 201, 53], "399": [21, 146, 232], "400": [232, 147, 21], "401": [50, 196, 232], "402": [232, 146, 50], "403": [66, 201, 232], "404": [232, 196, 66], "405": [53, 119, 233], "406": [233, 202, 53], "407": [13, 118, 233], "408": [233, 119, 13], "409": [32, 169, 233], "410": [233, 118, 32], "411": [67, 202, 233], "412": [233, 169, 67], "413": [32, 88, 234], "414": [234, 169, 32], "415": [3, 89, 234], "416": [234, 88, 3], "417": [33, 171, 234], "418": [234, 89, 33], "419": [67, 169, 234], "420": [234, 171, 67], "421": [33, 124, 235], "422": [235, 171, 33], "423": [15, 126, 235], "424": [235, 124, 15], "425": [56, 207, 235], "426": [235, 126, 56], "427": [67, 171, 235], "428": [235, 207, 67], "429": [56, 148, 236], "430": [236, 207, 56], "431": [21, 147, 236], "432": [236, 148, 21], "433": [53, 202, 236], "434": [236, 147, 53], "435": [67, 207, 236], "436": [236, 202, 67], "437": [56, 126, 237], "438": [237, 208, 56], "439": [15, 125, 237], "440": [237, 126, 15], "441": [43, 185, 237], "442": [237, 125, 43], "443": [68, 208, 237], "444": [237, 185, 68], "445": [43, 99, 238], "446": [238, 185, 43], "447": [7, 100, 238], "448": [238, 99, 7], "449": [44, 187, 238], "450": [238, 100, 44], "451": [68, 185, 238], "452": [238, 187, 68], "453": [44, 106, 239], "454": [239, 187, 44], "455": [9, 107, 239], "456": [239, 106, 9], "457": [49, 194, 239], "458": [239, 107, 49], "459": [68, 187, 239], "460": [239, 194, 68], "461": [49, 145, 240], "462": [240, 194, 49], "463": [21, 148, 240], "464": [240, 145, 21], "465": [56, 208, 240], "466": [240, 148, 56], "467": [68, 194, 240], "468": [240, 208, 68], "469": [52, 116, 241], "470": [241, 199, 52], "471": [12, 114, 241], "472": [241, 116, 12], "473": [27, 163, 241], "474": [241, 114, 27], "475": [69, 199, 241], "476": [241, 163, 69], "477": [27, 83, 242], "478": [242, 163, 27], "479": [1, 84, 242], "480": [242, 83, 1], "481": [28, 164, 242], "482": [242, 84, 28], "483": [69, 163, 242], "484": [242, 164, 69], "485": [28, 111, 243], "486": [243, 164, 28], "487": [11, 113, 243], "488": [243, 111, 11], "489": [51, 197, 243], "490": [243, 113, 51], "491": [69, 164, 243], "492": [243, 197, 69], "493": [51, 149, 244], "494": [244, 197, 51], "495": [22, 150, 244], "496": [244, 149, 22], "497": [52, 199, 244], "498": [244, 150, 52], "499": [69, 197, 244], "500": [244, 199, 69], "501": [51, 113, 245], "502": [245, 198, 51], "503": [11, 112, 245], "504": [245, 113, 11], "505": [46, 189, 245], "506": [245, 112, 46], "507": [70, 198, 245], "508": [245, 189, 70], "509": [46, 102, 246], "510": [246, 189, 46], "511": [8, 103, 246], "512": [246, 102, 8], "513": [47, 190, 246], "514": [246, 103, 47], "515": [70, 189, 246], "516": [246, 190, 70], "517": [47, 129, 247], "518": [247, 190, 47], "519": [16, 130, 247], "520": [247, 129, 16], "521": [58, 211, 247], "522": [247, 130, 58], "523": [70, 190, 247], "524": [247, 211, 70], "525": [58, 151, 248], "526": [248, 211, 58], "527": [22, 149, 248], "528": [248, 151, 22], "529": [51, 198, 248], "530": [248, 149, 51], "531": [70, 211, 248], "532": [248, 198, 70], "533": [58, 130, 249], "534": [249, 212, 58], "535": [16, 128, 249], "536": [249, 130, 16], "537": [34, 173, 249], "538": [249, 128, 34], "539": [71, 212, 249], "540": [249, 173, 71], "541": [34, 90, 250], "542": [250, 173, 34], "543": [3, 91, 250], "544": [250, 90, 3], "545": [35, 175, 250], "546": [250, 91, 35], "547": [71, 173, 250], "548": [250, 175, 71], "549": [35, 132, 251], "550": [251, 175, 35], "551": [17, 134, 251], "552": [251, 132, 17], "553": [60, 215, 251], "554": [251, 134, 60], "555": [71, 175, 251], "556": [251, 215, 71], "557": [60, 152, 252], "558": [252, 215, 60], "559": [22, 151, 252], "560": [252, 152, 22], "561": [58, 212, 252], "562": [252, 151, 58], "563": [71, 215, 252], "564": [252, 212, 71], "565": [60, 134, 253], "566": [253, 216, 60], "567": [17, 133, 253], "568": [253, 134, 17], "569": [36, 177, 253], "570": [253, 133, 36], "571": [72, 216, 253], "572": [253, 177, 72], "573": [36, 92, 254], "574": [254, 177, 36], "575": [4, 93, 254], "576": [254, 92, 4], "577": [37, 179, 254], "578": [254, 93, 37], "579": [72, 177, 254], "580": [254, 179, 72], "581": [37, 115, 255], "582": [255, 179, 37], "583": [12, 116, 255], "584": [255, 115, 12], "585": [52, 200, 255], "586": [255, 116, 52], "587": [72, 179, 255], "588": [255, 200, 72], "589": [52, 150, 256], "590": [256, 200, 52], "591": [22, 152, 256], "592": [256, 150, 22], "593": [60, 216, 256], "594": [256, 152, 60], "595": [72, 200, 256], "596": [256, 216, 72], "597": [61, 135, 257], "598": [257, 217, 61], "599": [17, 132, 257], "600": [257, 135, 17], "601": [35, 176, 257], "602": [257, 132, 35], "603": [73, 217, 257], "604": [257, 176, 73], "605": [35, 91, 258], "606": [258, 176, 35], "607": [3, 88, 258], "608": [258, 91, 3], "609": [32, 170, 258], "610": [258, 88, 32], "611": [73, 176, 258], "612": [258, 170, 73], "613": [32, 118, 259], "614": [259, 170, 32], "615": [13, 120, 259], "616": [259, 118, 13], "617": [54, 203, 259], "618": [259, 120, 54], "619": [73, 170, 259], "620": [259, 203, 73], "621": [54, 153, 260], "622": [260, 203, 54], "623": [23, 155, 260], "624": [260, 153, 23], "625": [61, 217, 260], "626": [260, 155, 61], "627": [73, 203, 260], "628": [260, 217, 73], "629": [54, 120, 261], "630": [261, 204, 54], "631": [13, 117, 261], "632": [261, 120, 13], "633": [30, 167, 261], "634": [261, 117, 30], "635": [74, 204, 261], "636": [261, 167, 74], "637": [30, 86, 262], "638": [262, 167, 30], "639": [2, 87, 262], "640": [262, 86, 2], "641": [31, 168, 262], "642": [262, 87, 31], "643": [74, 167, 262], "644": [262, 168, 74], "645": [31, 121, 263], "646": [263, 168, 31], "647": [14, 123, 263], "648": [263, 121, 14], "649": [55, 205, 263], "650": [263, 123, 55], "651": [74, 168, 263], "652": [263, 205, 74], "653": [55, 154, 264], "654": [264, 205, 55], "655": [23, 153, 264], "656": [264, 154, 23], "657": [54, 204, 264], "658": [264, 153, 54], "659": [74, 205, 264], "660": [264, 204, 74], "661": [55, 123, 265], "662": [265, 206, 55], "663": [14, 122, 265], "664": [265, 123, 14], "665": [39, 181, 265], "666": [265, 122, 39], "667": [75, 206, 265], "668": [265, 181, 75], "669": [39, 95, 266], "670": [266, 181, 39], "671": [5, 96, 266], "672": [266, 95, 5], "673": [40, 182, 266], "674": [266, 96, 40], "675": [75, 181, 266], "676": [266, 182, 75], "677": [40, 137, 267], "678": [267, 182, 40], "679": [18, 138, 267], "680": [267, 137, 18], "681": [62, 219, 267], "682": [267, 138, 62], "683": [75, 182, 267], "684": [267, 219, 75], "685": [62, 156, 268], "686": [268, 219, 62], "687": [23, 154, 268], "688": [268, 156, 23], "689": [55, 206, 268], "690": [268, 154, 55], "691": [75, 219, 268], "692": [268, 206, 75], "693": [62, 138, 269], "694": [269, 220, 62], "695": [18, 136, 269], "696": [269, 138, 18], "697": [38, 180, 269], "698": [269, 136, 38], "699": [76, 220, 269], "700": [269, 180, 76], "701": [38, 94, 270], "702": [270, 180, 38], "703": [4, 92, 270], "704": [270, 94, 4], "705": [36, 178, 270], "706": [270, 92, 36], "707": [76, 180, 270], "708": [270, 178, 76], "709": [36, 133, 271], "710": [271, 178, 36], "711": [17, 135, 271], "712": [271, 133, 17], "713": [61, 218, 271], "714": [271, 135, 61], "715": [76, 178, 271], "716": [271, 218, 76], "717": [61, 155, 272], "718": [272, 218, 61], "719": [23, 156, 272], "720": [272, 155, 23], "721": [62, 220, 272], "722": [272, 156, 62], "723": [76, 218, 272], "724": [272, 220, 76], "725": [57, 127, 273], "726": [273, 209, 57], "727": [15, 124, 273], "728": [273, 127, 15], "729": [33, 172, 273], "730": [273, 124, 33], "731": [77, 209, 273], "732": [273, 172, 77], "733": [33, 89, 274], "734": [274, 172, 33], "735": [3, 90, 274], "736": [274, 89, 3], "737": [34, 174, 274], "738": [274, 90, 34], "739": [77, 172, 274], "740": [274, 174, 77], "741": [34, 128, 275], "742": [275, 174, 34], "743": [16, 131, 275], "744": [275, 128, 16], "745": [59, 213, 275], "746": [275, 131, 59], "747": [77, 174, 275], "748": [275, 213, 77], "749": [59, 158, 276], "750": [276, 213, 59], "751": [24, 157, 276], "752": [276, 158, 24], "753": [57, 209, 276], "754": [276, 157, 57], "755": [77, 213, 276], "756": [276, 209, 77], "757": [59, 131, 277], "758": [277, 214, 59], "759": [16, 129, 277], "760": [277, 131, 16], "761": [47, 191, 277], "762": [277, 129, 47], "763": [78, 214, 277], "764": [277, 191, 78], "765": [47, 103, 278], "766": [278, 191, 47], "767": [8, 104, 278], "768": [278, 103, 8], "769": [48, 192, 278], "770": [278, 104, 48], "771": [78, 191, 278], "772": [278, 192, 78], "773": [48, 143, 279], "774": [279, 192, 48], "775": [20, 144, 279], "776": [279, 143, 20], "777": [64, 223, 279], "778": [279, 144, 64], "779": [78, 192, 279], "780": [279, 223, 78], "781": [64, 160, 280], "782": [280, 223, 64], "783": [24, 158, 280], "784": [280, 160, 24], "785": [59, 214, 280], "786": [280, 158, 59], "787": [78, 223, 280], "788": [280, 214, 78], "789": [64, 144, 281], "790": [281, 224, 64], "791": [20, 142, 281], "792": [281, 144, 20], "793": [41, 183, 281], "794": [281, 142, 41], "795": [79, 224, 281], "796": [281, 183, 79], "797": [41, 97, 282], "798": [282, 183, 41], "799": [6, 98, 282], "800": [282, 97, 6], "801": [42, 184, 282], "802": [282, 98, 42], "803": [79, 183, 282], "804": [282, 184, 79], "805": [42, 139, 283], "806": [283, 184, 42], "807": [19, 141, 283], "808": [283, 139, 19], "809": [63, 221, 283], "810": [283, 141, 63], "811": [79, 184, 283], "812": [283, 221, 79], "813": [63, 159, 284], "814": [284, 221, 63], "815": [24, 160, 284], "816": [284, 159, 24], "817": [64, 224, 284], "818": [284, 160, 64], "819": [79, 221, 284], "820": [284, 224, 79], "821": [63, 141, 285], "822": [285, 222, 63], "823": [19, 140, 285], "824": [285, 141, 19], "825": [45, 188, 285], "826": [285, 140, 45], "827": [80, 222, 285], "828": [285, 188, 80], "829": [45, 101, 286], "830": [286, 188, 45], "831": [7, 99, 286], "832": [286, 101, 7], "833": [43, 186, 286], "834": [286, 99, 43], "835": [80, 188, 286], "836": [286, 186, 80], "837": [43, 125, 287], "838": [287, 186, 43], "839": [15, 127, 287], "840": [287, 125, 15], "841": [57, 210, 287], "842": [287, 127, 57], "843": [80, 186, 287], "844": [287, 210, 80], "845": [57, 157, 288], "846": [288, 210, 57], "847": [24, 159, 288], "848": [288, 157, 24], "849": [63, 222, 288], "850": [288, 159, 63], "851": [80, 210, 288], "852": [288, 222, 80]}, "facedata": {"341": {"path": [5, 0, 0], "s": [1.0015874962671256, 0.9985746252279828, -0.012643524745040985]}, "342": {"path": [5, 0, 0], "s": [1.0034328987028467, 0.9967313133718584, -0.012368953254767282]}, "343": {"path": [5, 0, 1], "s": [1.0110438615590023, 0.9892028210243575, 0.01128893411820961]}, "344": {"path": [5, 0, 1], "s": [1.0097178083184564, 0.9904943572225562, 0.010944931546476975]}, "345": {"path": [5, 0, 2], "s": [1.0080050359562003, 0.9922959546357469, -0.015469952546704777]}, "346": {"path": [5, 0, 2], "s": [1.0066076781907758, 0.9936811659539525, -0.015719138742686982]}, "347": {"path": [5, 0, 3], "s": [1.0076247463179313, 0.9925806726510034, 0.012200347538048393]}, "348": {"path": [5, 0, 3], "s": [1.0089689227943115, 0.9912600259580702, 0.012270313768412287]}, "349": {"path": [5, 1, 0], "s": [1.0129513551553049, 0.9873955741618256, 0.01355304104515378]}, "350": {"path": [5, 1, 0], "s": [1.012461971881921, 0.9879217848659344, 0.015272143610867924]}, "351": {"path": [5, 1, 1], "s": [1.0138493411761489, 0.986583486849558, -0.015716811308098776]}, "352": {"path": [5, 1, 1], "s": [1.0145679138369201, 0.9858649141887885, -0.015063509336608908]}, "353": {"path": [5, 1, 2], "s": [1.0105666722570286, 0.9898170844908268, 0.01661797872934625]}, "354": {"path": [5, 1, 2], "s": [1.0110139533824454, 0.9893329759346852, 0.015147382986694657]}, "355": {"path": [5, 1, 3], "s": [1.0090807874993364, 0.9912168052402169, -0.014759214558101806]}, "356": {"path": [5, 1, 3], "s": [1.0101950569959994, 0.9901025357435547, -0.014024533052499118]}, "357": {"path": [5, 2, 0], "s": [1.0114684474731943, 0.9888203966715342, -0.012674046361973008]}, "358": {"path": [5, 2, 0], "s": [1.011021345629144, 0.9892796449628023, -0.013521754834876885]}, "359": {"path": [5, 2, 1], "s": [1.0023553713849245, 0.9978567941560875, 0.014391577234453605]}, "360": {"path": [5, 2, 1], "s": [1.004034723122109, 0.9962119594612515, 0.01521180096540087]}, "361": {"path": [5, 2, 2], "s": [1.0071628548732259, 0.9930013572014781, -0.010680908764192617]}, "362": {"path": [5, 2, 2], "s": [1.0083299579865077, 0.991832163508601, -0.009699678360352753]}, "363": {"path": [5, 2, 3], "s": [1.0067335937863928, 0.9934953549659884, 0.013606950980955008]}, "364": {"path": [5, 2, 3], "s": [1.0053441297843266, 0.9948612891846081, 0.01334005365106666]}, "365": {"path": [5, 3, 0], "s": [1.0016550670933702, 0.9984359058193897, 0.009401288845185804]}, "366": {"path": [5, 3, 0], "s": [1.0028483213828538, 0.9972737863188162, 0.01069310847917152]}, "367": {"path": [5, 3, 1], "s": [1.0016713063755152, 0.9983963185314852, -0.00805882522070457]}, "368": {"path": [5, 3, 1], "s": [1.0031762824813195, 0.9968913424256801, -0.00759940342439546]}, "369": {"path": [5, 3, 2], "s": [1.005656980600294, 0.9944651271013759, 0.009528747717148223]}, "370": {"path": [5, 3, 2], "s": [1.0044212161213992, 0.9956697567913615, 0.008475138445846284]}, "371": {"path": [5, 3, 3], "s": [1.0059872378315797, 0.994169678749957, -0.011045771207959212]}, "372": {"path": [5, 3, 3], "s": [1.0046281438360791, 0.9955287727454578, -0.011671465147073]}, "373": {"path": [6, 0, 0], "s": [0.9995908779275429, 1.000548265352246, 0.01178638928306283]}, "374": {"path": [6, 0, 0], "s": [0.9983104122953002, 1.0017868156136112, 0.009706128333183729]}, "375": {"path": [6, 0, 1], "s": [1.0110424253245371, 0.9891395227939268, -0.007875411730628399]}, "376": {"path": [6, 0, 1], "s": [1.0096043382532047, 0.9905792768496287, -0.009650662729037076]}, "377": {"path": [6, 0, 2], "s": [0.9943785317619787, 1.005736654553522, 0.00910702443917619]}, "378": {"path": [6, 0, 2], "s": [0.995633883634335, 1.0045309626903145, 0.012044235728987928]}, "379": {"path": [6, 0, 3], "s": [1.006956942623262, 0.9931275657250215, -0.00605782282256382]}, "380": {"path": [6, 0, 3], "s": [1.0082746370167184, 0.9918151434900144, -0.004696146300784044]}, "381": {"path": [6, 1, 0], "s": [1.0112133146894682, 0.9889169242220214, -0.0024414944325328795]}, "382": {"path": [6, 1, 0], "s": [1.0095123055812514, 0.9905982063051775, -0.0045912037409243335]}, "383": {"path": [6, 1, 1], "s": [0.9905377897756794, 1.0095529576721969, 0.000596115859188145]}, "384": {"path": [6, 1, 1], "s": [0.9897140332520693, 1.0104110744336536, 0.00424496410918435]}, "385": {"path": [6, 1, 2], "s": [1.007182505084828, 0.992870583997971, -0.001371865923455465]}, "386": {"path": [6, 1, 2], "s": [1.0085496767729054, 0.9915228678348541, 0.0002605144628015089]}, "387": {"path": [6, 1, 3], "s": [0.9935904033618209, 1.0064962000597721, 0.006705624469742799]}, "388": {"path": [6, 1, 3], "s": [0.9936422044208811, 1.0064127570062686, 0.0037670185830516283]}, "389": {"path": [6, 2, 0], "s": [0.9948642199060856, 1.005162293886165, 3.722997736667987e-05]}, "390": {"path": [6, 2, 0], "s": [0.994047625942777, 1.0059923231140964, 0.002068938913125301]}, "391": {"path": [6, 2, 1], "s": [1.0033646384648591, 0.9966471370936478, -0.0007031265916743433]}, "392": {"path": [6, 2, 1], "s": [1.004307981883658, 0.9957105578932288, 0.00024685623089015074]}, "393": {"path": [6, 2, 2], "s": [0.99677147257195, 1.0032515473130537, 0.0035386685801149236]}, "394": {"path": [6, 2, 2], "s": [0.9970288724002092, 1.002983702373324, 0.0019260875012779943]}, "395": {"path": [6, 2, 3], "s": [1.0061775750699693, 0.9938637876433337, -0.001858978435575213]}, "396": {"path": [6, 2, 3], "s": [1.004962589194715, 0.9950711534142924, -0.003046763561341501]}, "397": {"path": [6, 3, 0], "s": [1.0026833005527371, 0.997341124308074, -0.004158160434331353]}, "398": {"path": [6, 3, 0], "s": [1.0038756393987742, 0.996151014323502, -0.003425849054462941]}, "399": {"path": [6, 3, 1], "s": [1.0004357439710734, 0.99961522222292, 0.007127308706398581]}, "400": {"path": [6, 3, 1], "s": [0.9998186582449379, 1.0002129787615257, 0.005621244036838682]}, "401": {"path": [6, 3, 2], "s": [1.0057596106387683, 0.9943129590654353, -0.006309878186823765]}, "402": {"path": [6, 3, 2], "s": [1.0044291784734278, 0.9956426066561659, -0.007244684726982027]}, "403": {"path": [6, 3, 3], "s": [0.9968754817210784, 1.0031625562921433, 0.005306274425575404]}, "404": {"path": [6, 3, 3], "s": [0.9972485543550247, 1.0028133935687724, 0.007362541973737093]}, "405": {"path": [7, 0, 0], "s": [1.0025183610258086, 0.9974894436224913, -0.0012174403331407908]}, "406": {"path": [7, 0, 0], "s": [1.0016152227013413, 0.9983905075353633, -0.0017693354508132612]}, "407": {"path": [7, 0, 1], "s": [0.997997971173865, 1.0020060874360204, -0.0002058276235321109]}, "408": {"path": [7, 0, 1], "s": [0.9974495741090472, 1.0025575785044125, 0.0007935357732605758]}, "409": {"path": [7, 0, 2], "s": [1.0008779149918854, 0.9991228885346485, -0.0001830224826775385]}, "410": {"path": [7, 0, 2], "s": [1.0014320939691386, 0.9985700185204859, 0.0002542081258675062]}, "411": {"path": [7, 0, 3], "s": [0.9992464995087043, 1.0007563452265074, 0.0015082535306572445]}, "412": {"path": [7, 0, 3], "s": [0.9993457789492435, 1.0006550861102868, 0.0006606726928618734]}, "413": {"path": [7, 1, 0], "s": [0.9997251029678079, 1.000275096403329, -0.0003517782706005818]}, "414": {"path": [7, 1, 0], "s": [0.9995275680637569, 1.0004726565902953, 3.682366795033985e-05]}, "415": {"path": [7, 1, 1], "s": [0.9999192606210524, 1.0000808629209337, 0.00034207187060427443]}, "416": {"path": [7, 1, 1], "s": [1.0000806620666824, 0.9999194614753045, 0.0003421192523459088]}, "417": {"path": [7, 1, 2], "s": [1.0004740891576553, 0.9995261354963955, 1.6520827380838264e-07]}, "418": {"path": [7, 1, 2], "s": [1.0002735889468377, 0.9997266104242981, -0.000352951512835994]}, "419": {"path": [7, 1, 3], "s": [1.0003066534086549, 0.9996936139201725, -0.0004163826259094467]}, "420": {"path": [7, 1, 3], "s": [0.9997300458121314, 1.0002702215166956, -0.0004408870567558401]}, "421": {"path": [7, 2, 0], "s": [0.9985620635432023, 1.0014400489464224, 0.0002044278464725805]}, "422": {"path": [7, 2, 0], "s": [0.9991412485439806, 1.0008595549825552, -0.0002556999048810578]}, "423": {"path": [7, 2, 1], "s": [1.002628541122498, 0.9973786114909617, 0.0005120409800017442]}, "424": {"path": [7, 2, 1], "s": [1.001995535349114, 0.9980085232607724, -0.00029077079497410953]}, "425": {"path": [7, 2, 2], "s": [0.9987553586229668, 1.0012503716137375, -0.0020430302143847156]}, "426": {"path": [7, 2, 2], "s": [0.9977038009185774, 1.0023040037297224, -0.0015856219761331385]}, "427": {"path": [7, 2, 3], "s": [1.0007125185112253, 0.9992883465483051, 0.0005983253902234435]}, "428": {"path": [7, 2, 3], "s": [1.0009963315649417, 0.9990065131702712, 0.0013619445380336616]}, "429": {"path": [7, 3, 0], "s": [1.00181200012009, 0.9982036347652511, 0.0035185041310586717]}, "430": {"path": [7, 3, 0], "s": [1.0013292548100017, 0.9986783241813775, 0.002412912646583498]}, "431": {"path": [7, 3, 1], "s": [1.0015188946995077, 0.9985031549448382, -0.004447032080462808]}, "432": {"path": [7, 3, 1], "s": [1.000206723872914, 0.9998153257714312, -0.00469163806928722]}, "433": {"path": [7, 3, 2], "s": [0.9992447659531478, 1.0007628130382311, 0.0026462972246800516]}, "434": {"path": [7, 3, 2], "s": [0.9993961666993535, 1.0006194681859875, 0.0039065112084799795]}, "435": {"path": [7, 3, 3], "s": [0.9997205138289431, 1.000284006019595, -0.0021072429341690985]}, "436": {"path": [7, 3, 3], "s": [1.0006950482403847, 0.9993094716081539, -0.0020099497493445495]}, "437": {"path": [8, 0, 0], "s": [1.0032667657478436, 0.9967458090256901, 0.0013943076854460023]}, "438": {"path": [8, 0, 0], "s": [1.0040608407765184, 0.9959621791084853, 0.002573506805729311]}, "439": {"path": [8, 0, 1], "s": [0.9957034985375134, 1.0043150412393724, 1.3996071024263774e-05]}, "440": {"path": [8, 0, 1], "s": [0.9967621688687385, 1.0032496066897685, -0.0011197681909803432]}, "441": {"path": [8, 0, 2], "s": [1.0062393607990587, 0.9938005882578143, 0.0011263615190788448]}, "442": {"path": [8, 0, 2], "s": [1.005153842419388, 0.9948726713728624, -0.00029723471203207144]}, "443": {"path": [8, 0, 3], "s": [0.9961651545613986, 1.0038685880476088, -0.004348237778589387]}, "444": {"path": [8, 0, 3], "s": [0.9944449876597082, 1.0055963750535948, -0.0032054298961100027]}, "445": {"path": [8, 1, 0], "s": [0.9915302542541997, 1.0085422903535588, -0.0004399777005480234]}, "446": {"path": [8, 1, 0], "s": [0.9932196504525882, 1.0068334386302102, -0.002599226860942021]}, "447": {"path": [8, 1, 1], "s": [1.0110745133054666, 0.9890505943802561, 0.001961720545881981]}, "448": {"path": [8, 1, 1], "s": [1.009566633987842, 0.9905241134600326, -0.00030839850452684466]}, "449": {"path": [8, 1, 2], "s": [0.993167198157111, 1.006943313729316, -0.007941637084514118]}, "450": {"path": [8, 1, 2], "s": [0.9902034364140399, 1.00992680249745, -0.0057437234977071846]}, "451": {"path": [8, 1, 3], "s": [1.0071453122850595, 0.9929096491420897, 0.0020733200570494615]}, "452": {"path": [8, 1, 3], "s": [1.0084897102368047, 0.9915968931847885, 0.003906850348183249]}, "453": {"path": [8, 2, 0], "s": [1.010787584377922, 0.9893772619467274, 0.0070889097593024065]}, "454": {"path": [8, 2, 0], "s": [1.0093589595394619, 0.9907562267760384, 0.005354831080980523]}, "455": {"path": [8, 2, 1], "s": [1.0002353975247718, 0.9999482175780646, -0.013550015253928405]}, "456": {"path": [8, 2, 1], "s": [0.9971944480520302, 1.0029875000664337, -0.013174465144089193]}, "457": {"path": [8, 2, 2], "s": [1.0069135243159182, 0.9931837035929932, 0.007078366899017713]}, "458": {"path": [8, 2, 2], "s": [1.0083401901443576, 0.9917989531354316, 0.008411004075362466]}, "459": {"path": [8, 2, 3], "s": [0.994738813491472, 1.00535096701526, -0.007850354849568328]}, "460": {"path": [8, 2, 3], "s": [0.9970247275587788, 1.0030597807895048, -0.008683586057820134]}, "461": {"path": [8, 3, 0], "s": [1.0003430446042652, 0.999728740525326, -0.008467117307145184]}, "462": {"path": [8, 3, 0], "s": [0.9984637236326884, 1.0016088460715145, -0.00837245913719334]}, "463": {"path": [8, 3, 1], "s": [1.0024291633602884, 0.9976024736461765, 0.005080651856805806]}, "464": {"path": [8, 3, 1], "s": [1.0032604781974714, 0.9967904879965215, 0.006364090671966413]}, "465": {"path": [8, 3, 2], "s": [0.9974464740594616, 1.002580179662816, -0.004479415874513404]}, "466": {"path": [8, 3, 2], "s": [0.9989689420392187, 1.001055482821593, -0.004830796709215876]}, "467": {"path": [8, 3, 3], "s": [1.005872795638766, 0.9941891522850321, 0.005274656640905263]}, "468": {"path": [8, 3, 3], "s": [1.004812198524786, 0.9952258394884373, 0.0038812118019462888]}, "469": {"path": [9, 0, 0], "s": [1.001587496267125, 0.9985746252279825, -0.012643524745040845]}, "470": {"path": [9, 0, 0], "s": [1.0034328987028434, 0.9967313133718597, -0.012368953254764932]}, "471": {"path": [9, 0, 1], "s": [1.011043861559001, 0.9892028210243586, 0.011288934118209679]}, "472": {"path": [9, 0, 1], "s": [1.0097178083184488, 0.990494357222563, 0.010944931546477368]}, "473": {"path": [9, 0, 2], "s": [1.008005035956201, 0.9922959546357442, -0.01546995254670608]}, "474": {"path": [9, 0, 2], "s": [1.0066076781907738, 0.9936811659539546, -0.01571913874268773]}, "475": {"path": [9, 0, 3], "s": [1.0076247463179324, 0.9925806726510027, 0.01220034753804693]}, "476": {"path": [9, 0, 3], "s": [1.008968922794315, 0.9912600259580663, 0.01227031376841134]}, "477": {"path": [9, 1, 0], "s": [1.012951355155308, 0.9873955741618232, 0.013553041045153735]}, "478": {"path": [9, 1, 0], "s": [1.012461971881923, 0.9879217848659324, 0.01527214361086995]}, "479": {"path": [9, 1, 1], "s": [1.013849341176155, 0.9865834868495552, -0.015716811308104754]}, "480": {"path": [9, 1, 1], "s": [1.0145679138369197, 0.9858649141887884, -0.015063509336612598]}, "481": {"path": [9, 1, 2], "s": [1.010566672257031, 0.9898170844908244, 0.0166179787293486]}, "482": {"path": [9, 1, 2], "s": [1.0110139533824447, 0.989332975934686, 0.015147382986697887]}, "483": {"path": [9, 1, 3], "s": [1.0090807874993328, 0.9912168052402198, -0.014759214558106006]}, "484": {"path": [9, 1, 3], "s": [1.0101950569960003, 0.9901025357435512, -0.014024533052497503]}, "485": {"path": [9, 2, 0], "s": [1.0114684474731899, 0.9888203966715395, -0.012674046361972717]}, "486": {"path": [9, 2, 0], "s": [1.0110213456291364, 0.98927964496281, -0.013521754834876673]}, "487": {"path": [9, 2, 1], "s": [1.002355371384929, 0.9978567941560831, 0.014391577234447249]}, "488": {"path": [9, 2, 1], "s": [1.004034723122112, 0.9962119594612482, 0.015211800965394501]}, "489": {"path": [9, 2, 2], "s": [1.007162854873219, 0.9930013572014854, -0.010680908764192637]}, "490": {"path": [9, 2, 2], "s": [1.0083299579865053, 0.9918321635086015, -0.009699678360351956]}, "491": {"path": [9, 2, 3], "s": [1.0067335937863926, 0.9934953549659898, 0.013606950980952008]}, "492": {"path": [9, 2, 3], "s": [1.0053441297843282, 0.9948612891846066, 0.013340053651067581]}, "493": {"path": [9, 3, 0], "s": [1.0016550670933742, 0.9984359058193856, 0.00940128884518184]}, "494": {"path": [9, 3, 0], "s": [1.0028483213828534, 0.9972737863188161, 0.010693108479166281]}, "495": {"path": [9, 3, 1], "s": [1.001671306375509, 0.9983963185314911, -0.00805882522069637]}, "496": {"path": [9, 3, 1], "s": [1.0031762824813184, 0.9968913424256813, -0.007599403424389803]}, "497": {"path": [9, 3, 2], "s": [1.0056569806002953, 0.9944651271013749, 0.009528747717145904]}, "498": {"path": [9, 3, 2], "s": [1.0044212161214008, 0.9956697567913596, 0.008475138445839282]}, "499": {"path": [9, 3, 3], "s": [1.0059872378315837, 0.9941696787499527, -0.011045771207956839]}, "500": {"path": [9, 3, 3], "s": [1.004628143836076, 0.9955287727454621, -0.011671465147072223]}, "501": {"path": [10, 0, 0], "s": [0.9995908779275419, 1.000548265352247, 0.011786389283057681]}, "502": {"path": [10, 0, 0], "s": [0.9983104122953027, 1.001786815613609, 0.009706128333178472]}, "503": {"path": [10, 0, 1], "s": [1.0110424253245365, 0.9891395227939271, -0.007875411730623111]}, "504": {"path": [10, 0, 1], "s": [1.0096043382531963, 0.9905792768496373, -0.009650662729032507]}, "505": {"path": [10, 0, 2], "s": [0.994378531761976, 1.0057366545535245, 0.009107024439173265]}, "506": {"path": [10, 0, 2], "s": [0.9956338836343339, 1.0045309626903154, 0.012044235728983617]}, "507": {"path": [10, 0, 3], "s": [1.0069569426232567, 0.9931275657250251, -0.00605782282256238]}, "508": {"path": [10, 0, 3], "s": [1.0082746370167155, 0.9918151434900164, -0.004696146300777808]}, "509": {"path": [10, 1, 0], "s": [1.0112133146894557, 0.9889169242220337, -0.002441494432524955]}, "510": {"path": [10, 1, 0], "s": [1.0095123055812503, 0.9905982063051769, -0.0045912037409224435]}, "511": {"path": [10, 1, 1], "s": [0.990537789775689, 1.0095529576721873, 0.0005961158591828172]}, "512": {"path": [10, 1, 1], "s": [0.9897140332520795, 1.0104110744336432, 0.004244964109179152]}, "513": {"path": [10, 1, 2], "s": [1.0071825050848215, 0.9928705839979785, -0.0013718659234525175]}, "514": {"path": [10, 1, 2], "s": [1.008549676772897, 0.9915228678348624, 0.0002605144628060853]}, "515": {"path": [10, 1, 3], "s": [0.9935904033618227, 1.0064962000597704, 0.006705624469737771]}, "516": {"path": [10, 1, 3], "s": [0.993642204420886, 1.0064127570062633, 0.0037670185830499894]}, "517": {"path": [10, 2, 0], "s": [0.9948642199060853, 1.0051622938861662, 3.7229977363351335e-05]}, "518": {"path": [10, 2, 0], "s": [0.994047625942777, 1.0059923231140961, 0.002068938913121488]}, "519": {"path": [10, 2, 1], "s": [1.0033646384648591, 0.9966471370936468, -0.000703126591672272]}, "520": {"path": [10, 2, 1], "s": [1.0043079818836524, 0.9957105578932333, 0.000246856230894055]}, "521": {"path": [10, 2, 2], "s": [0.996771472571951, 1.0032515473130525, 0.003538668580111673]}, "522": {"path": [10, 2, 2], "s": [0.99702887240021, 1.002983702373323, 0.0019260875012751526]}, "523": {"path": [10, 2, 3], "s": [1.0061775750699695, 0.9938637876433328, -0.0018589784355735079]}, "524": {"path": [10, 2, 3], "s": [1.0049625891947138, 0.9950711534142944, -0.0030467635613391536]}, "525": {"path": [10, 3, 0], "s": [1.0026833005527322, 0.9973411243080784, -0.004158160434325911]}, "526": {"path": [10, 3, 0], "s": [1.0038756393987707, 0.9961510143235056, -0.003425849054456593]}, "527": {"path": [10, 3, 1], "s": [1.0004357439710698, 0.9996152222229233, 0.00712730870639064]}, "528": {"path": [10, 3, 1], "s": [0.9998186582449379, 1.0002129787615262, 0.0056212440368365105]}, "529": {"path": [10, 3, 2], "s": [1.005759610638764, 0.9943129590654397, -0.0063098781868185915]}, "530": {"path": [10, 3, 2], "s": [1.0044291784734218, 0.9956426066561697, -0.007244684726978392]}, "531": {"path": [10, 3, 3], "s": [0.99687548172108, 1.0031625562921425, 0.005306274425569124]}, "532": {"path": [10, 3, 3], "s": [0.9972485543550268, 1.0028133935687709, 0.007362541973731106]}, "533": {"path": [11, 0, 0], "s": [1.002518361025807, 0.9974894436224928, -0.0012174403331370858]}, "534": {"path": [11, 0, 0], "s": [1.001615222701337, 0.9983905075353667, -0.0017693354508096291]}, "535": {"path": [11, 0, 1], "s": [0.9979979711738652, 1.0020060874360193, -0.0002058276235307733]}, "536": {"path": [11, 0, 1], "s": [0.9974495741090468, 1.0025575785044125, 0.0007935357732601583]}, "537": {"path": [11, 0, 2], "s": [1.0008779149918838, 0.99912288853465, -0.00018302248267914174]}, "538": {"path": [11, 0, 2], "s": [1.0014320939691372, 0.9985700185204864, 0.0002542081258650479]}, "539": {"path": [11, 0, 3], "s": [0.9992464995087065, 1.000756345226506, 0.0015082535306511664]}, "540": {"path": [11, 0, 3], "s": [0.9993457789492463, 1.000655086110284, 0.0006606726928594866]}, "541": {"path": [11, 1, 0], "s": [0.9997251029678081, 1.0002750964033278, -0.0003517782705988079]}, "542": {"path": [11, 1, 0], "s": [0.9995275680637586, 1.000472656590292, 3.682366795286867e-05]}, "543": {"path": [11, 1, 1], "s": [0.9999192606210515, 1.0000808629209352, 0.00034207187060405174]}, "544": {"path": [11, 1, 1], "s": [1.0000806620666836, 0.9999194614753041, 0.00034211925234457676]}, "545": {"path": [11, 1, 2], "s": [1.0004740891576576, 0.9995261354963926, 1.6520827215800813e-07]}, "546": {"path": [11, 1, 2], "s": [1.0002735889468397, 0.9997266104242962, -0.0003529515128366649]}, "547": {"path": [11, 1, 3], "s": [1.0003066534086509, 0.9996936139201767, -0.000416382625908317]}, "548": {"path": [11, 1, 3], "s": [0.9997300458121283, 1.0002702215166983, -0.0004408870567555586]}, "549": {"path": [11, 2, 0], "s": [0.9985620635431998, 1.0014400489464244, 0.00020442784647321406]}, "550": {"path": [11, 2, 0], "s": [0.9991412485439779, 1.0008595549825556, -0.0002556999048791041]}, "551": {"path": [11, 2, 1], "s": [1.0026285411224969, 0.9973786114909622, 0.000512040980003319]}, "552": {"path": [11, 2, 1], "s": [1.0019955353491143, 0.9980085232607712, -0.00029077079497458316]}, "553": {"path": [11, 2, 2], "s": [0.9987553586229662, 1.0012503716137366, -0.0020430302143837507]}, "554": {"path": [11, 2, 2], "s": [0.9977038009185768, 1.0023040037297213, -0.001585621976131719]}, "555": {"path": [11, 2, 3], "s": [1.0007125185112273, 0.999288346548304, 0.0005983253902218607]}, "556": {"path": [11, 2, 3], "s": [1.0009963315649424, 0.9990065131702698, 0.0013619445380345949]}, "557": {"path": [11, 3, 0], "s": [1.0018120001200894, 0.998203634765252, 0.0035185041310541016]}, "558": {"path": [11, 3, 0], "s": [1.0013292548100008, 0.9986783241813785, 0.002412912646580017]}, "559": {"path": [11, 3, 1], "s": [1.0015188946995086, 0.9985031549448367, -0.004447032080459421]}, "560": {"path": [11, 3, 1], "s": [1.0002067238729144, 0.9998153257714316, -0.004691638069282631]}, "561": {"path": [11, 3, 2], "s": [0.9992447659531495, 1.0007628130382293, 0.00264629722467831]}, "562": {"path": [11, 3, 2], "s": [0.9993961666993539, 1.0006194681859872, 0.0039065112084726485]}, "563": {"path": [11, 3, 3], "s": [0.9997205138289427, 1.0002840060195959, -0.002107242934165571]}, "564": {"path": [11, 3, 3], "s": [1.0006950482403834, 0.9993094716081553, -0.0020099497493426648]}, "565": {"path": [12, 0, 0], "s": [1.0032667657478442, 0.9967458090256895, 0.0013943076854461087]}, "566": {"path": [12, 0, 0], "s": [1.0040608407765201, 0.9959621791084841, 0.0025735068057261916]}, "567": {"path": [12, 0, 1], "s": [0.9957034985375125, 1.0043150412393738, 1.3996071023533061e-05]}, "568": {"path": [12, 0, 1], "s": [0.9967621688687378, 1.003249606689769, -0.0011197681909810313]}, "569": {"path": [12, 0, 2], "s": [1.0062393607990603, 0.993800588257811, 0.001126361519077655]}, "570": {"path": [12, 0, 2], "s": [1.00515384241939, 0.9948726713728608, -0.00029723471203128176]}, "571": {"path": [12, 0, 3], "s": [0.9961651545613956, 1.0038685880476137, -0.004348237778586027]}, "572": {"path": [12, 0, 3], "s": [0.9944449876597057, 1.0055963750535968, -0.003205429896105844]}, "573": {"path": [12, 1, 0], "s": [0.9915302542541986, 1.0085422903535604, -0.0004399777005454714]}, "574": {"path": [12, 1, 0], "s": [0.993219650452584, 1.006833438630214, -0.0025992268609413174]}, "575": {"path": [12, 1, 1], "s": [1.0110745133054675, 0.989050594380256, 0.0019617205458792876]}, "576": {"path": [12, 1, 1], "s": [1.0095666339878437, 0.9905241134600303, -0.0003083985045303041]}, "577": {"path": [12, 1, 2], "s": [0.9931671981571084, 1.0069433137293198, -0.007941637084512503]}, "578": {"path": [12, 1, 2], "s": [0.9902034364140391, 1.0099268024974504, -0.005743723497703276]}, "579": {"path": [12, 1, 3], "s": [1.0071453122850624, 0.992909649142087, 0.0020733200570450376]}, "580": {"path": [12, 1, 3], "s": [1.0084897102368058, 0.9915968931847874, 0.00390685034818003]}, "581": {"path": [12, 2, 0], "s": [1.0107875843779193, 0.9893772619467299, 0.007088909759301432]}, "582": {"path": [12, 2, 0], "s": [1.00935895953946, 0.9907562267760405, 0.005354831080973193]}, "583": {"path": [12, 2, 1], "s": [1.000235397524773, 0.9999482175780617, -0.013550015253916359]}, "584": {"path": [12, 2, 1], "s": [0.9971944480520336, 1.0029875000664297, -0.013174465144084426]}, "585": {"path": [12, 2, 2], "s": [1.0069135243159149, 0.9931837035929967, 0.007078366899011166]}, "586": {"path": [12, 2, 2], "s": [1.0083401901443558, 0.9917989531354339, 0.008411004075357989]}, "587": {"path": [12, 2, 3], "s": [0.994738813491471, 1.005350967015261, -0.007850354849560983]}, "588": {"path": [12, 2, 3], "s": [0.9970247275587778, 1.0030597807895052, -0.00868358605781301]}, "589": {"path": [12, 3, 0], "s": [1.0003430446042627, 0.9997287405253298, -0.008467117307137643]}, "590": {"path": [12, 3, 0], "s": [0.9984637236326822, 1.0016088460715198, -0.008372459137185314]}, "591": {"path": [12, 3, 1], "s": [1.0024291633602873, 0.9976024736461772, 0.0050806518567994875]}, "592": {"path": [12, 3, 1], "s": [1.0032604781974686, 0.9967904879965238, 0.006364090671955564]}, "593": {"path": [12, 3, 2], "s": [0.9974464740594602, 1.0025801796628178, -0.004479415874509243]}, "594": {"path": [12, 3, 2], "s": [0.9989689420392162, 1.0010554828215952, -0.004830796709210553]}, "595": {"path": [12, 3, 3], "s": [1.0058727956387672, 0.9941891522850299, 0.00527465664089513]}, "596": {"path": [12, 3, 3], "s": [1.0048121985247875, 0.9952258394884355, 0.003881211801940823]}, "597": {"path": [13, 0, 0], "s": [1.0026070621357026, 0.9974041766415004, -0.0021145459121012606]}, "598": {"path": [13, 0, 0], "s": [1.0017723067753848, 0.9982379455436627, -0.0026700970011825785]}, "599": {"path": [13, 0, 1], "s": [0.9980251373604587, 1.0019794347336044, 0.0008142372870892698]}, "600": {"path": [13, 0, 1], "s": [0.9975186496509821, 1.002490671546122, 0.0017722777417658873]}, "601": {"path": [13, 0, 2], "s": [1.0009766792128638, 0.9990254231038332, -0.001072598573931101]}, "602": {"path": [13, 0, 2], "s": [1.001481748929397, 0.998520844770232, -0.000634005482279906]}, "603": {"path": [13, 0, 3], "s": [0.9993776472488297, 1.0006285932477041, 0.0024185305033562763]}, "604": {"path": [13, 0, 3], "s": [0.9994349832318082, 1.000567943279476, 0.0016141913788125042]}, "605": {"path": [13, 1, 0], "s": [0.9997361186276714, 1.000264256285261, 0.00055243155350151]}, "606": {"path": [13, 1, 0], "s": [0.9995829120457337, 1.000418143647236, 0.0009387706274149937]}, "607": {"path": [13, 1, 1], "s": [0.9999300546090155, 1.0000702336510483, -0.0005323039954627299]}, "608": {"path": [13, 1, 1], "s": [1.0001268539274681, 0.9998734343325965, -0.0005217324139585684]}, "609": {"path": [13, 1, 2], "s": [1.0005545657516297, 0.9994464899413397, 0.0008652948905414574]}, "610": {"path": [13, 1, 2], "s": [1.000319991416163, 0.99968038349677, 0.000522147866994588]}, "611": {"path": [13, 1, 3], "s": [1.000382376393553, 0.999619470984287, -0.0013045583648482516]}, "612": {"path": [13, 1, 3], "s": [0.999824966412578, 1.0001768809652631, -0.0013477454247999346]}, "613": {"path": [13, 2, 0], "s": [0.9985897938075213, 1.0014127998921092, -0.0007754743536028193]}, "614": {"path": [13, 2, 0], "s": [0.9991932685389355, 1.0008088337777605, -0.0012040785029763061]}, "615": {"path": [13, 2, 1], "s": [1.0027187602747463, 0.997290560922358, 0.0013981708669100151]}, "616": {"path": [13, 2, 1], "s": [1.0020445856334992, 0.9979599864605633, 0.0006333337884622003]}, "617": {"path": [13, 2, 2], "s": [0.9988845640138752, 1.0011256883051716, -0.002999447582896173]}, "618": {"path": [13, 2, 2], "s": [0.9978390140875406, 1.0021722246896625, -0.002558247495894423]}, "619": {"path": [13, 2, 3], "s": [1.0008041294763943, 0.9991987970348898, 0.0015107085631907967]}, "620": {"path": [13, 2, 3], "s": [1.0011240045410092, 0.9988822359555228, 0.0022325153237948477]}, "621": {"path": [13, 3, 0], "s": [1.002000092427807, 0.9980229264920804, 0.004366301654088695]}, "622": {"path": [13, 3, 0], "s": [1.0014877088710181, 0.9985257042048026, 0.003349589958226194]}, "623": {"path": [13, 3, 1], "s": [1.001713688311589, 0.9983176635049609, -0.0053356176927956325]}, "624": {"path": [13, 3, 1], "s": [1.0004601438054295, 0.9995712080111216, -0.00558162257537301]}, "625": {"path": [13, 3, 2], "s": [0.999416592864482, 1.0005968202113393, 0.00361453823487273]}, "626": {"path": [13, 3, 2], "s": [0.9996005529928209, 1.0004224659270657, 0.00478018484336601]}, "627": {"path": [13, 3, 3], "s": [0.9998975209330299, 1.0001116645518822, -0.0030288680447524614]}, "628": {"path": [13, 3, 3], "s": [1.000827339201023, 0.999181846283889, -0.002916949480162277]}, "629": {"path": [14, 0, 0], "s": [1.0033657133290097, 0.996651038919102, 0.002341069235147585]}, "630": {"path": [14, 0, 0], "s": [1.0041940632919064, 0.9958352170421492, 0.0034370002521563452]}, "631": {"path": [14, 0, 1], "s": [0.9957355550781953, 1.0042836437293334, -0.0009651138690420136]}, "632": {"path": [14, 0, 1], "s": [0.9968180409368043, 1.00319664176581, -0.002123939588487285]}, "633": {"path": [14, 0, 2], "s": [1.0063155554240477, 0.9937282557655973, 0.002049790557049153]}, "634": {"path": [14, 0, 2], "s": [1.0051783311240812, 0.9948488233361796, 0.0006927927652843271]}, "635": {"path": [14, 0, 3], "s": [0.9962823577647052, 1.0037593051073563, -0.0052618552449831615]}, "636": {"path": [14, 0, 3], "s": [0.9945460731324283, 1.0055002103968702, -0.0040355648969089926]}, "637": {"path": [14, 1, 0], "s": [0.9915397993959664, 1.0085332020041395, -0.0008993327282952987]}, "638": {"path": [14, 1, 0], "s": [0.9931987513417657, 1.0068592273806511, -0.0033656219925776915]}, "639": {"path": [14, 1, 1], "s": [1.01112898071751, 0.9890021075299217, 0.00294837484022266]}, "640": {"path": [14, 1, 1], "s": [1.0095587263986352, 0.9905322853016745, 0.0007158253193646709]}, "641": {"path": [14, 1, 2], "s": [0.9930553590802785, 1.007065724756646, -0.00848616024196839]}, "642": {"path": [14, 1, 2], "s": [0.9901257997766156, 1.0100083063421716, -0.005939873573387001]}, "643": {"path": [14, 1, 3], "s": [1.0071977268736505, 0.9928630308087878, 0.0030639398646448166]}, "644": {"path": [14, 1, 3], "s": [1.0085527100717189, 0.9915424565357353, 0.004778251802110925]}, "645": {"path": [14, 2, 0], "s": [1.010827598600175, 0.9893497236048369, 0.007874343605898315]}, "646": {"path": [14, 2, 0], "s": [1.0094221790546274, 0.9907047016088095, 0.006268867332222321]}, "647": {"path": [14, 2, 1], "s": [1.000256921250839, 0.9999427071629713, -0.014128471044810891]}, "648": {"path": [14, 2, 1], "s": [0.9972041804725933, 1.0029894174892886, -0.013610293534350778]}, "649": {"path": [14, 2, 2], "s": [1.0070822539589495, 0.9930302719810256, 0.007947613234196824]}, "650": {"path": [14, 2, 2], "s": [1.0084545778592002, 0.991698127060895, 0.009083836686933685]}, "651": {"path": [14, 2, 3], "s": [0.9948038331694726, 1.0052958595421193, -0.00849556012873991]}, "652": {"path": [14, 2, 3], "s": [0.9971593875117989, 1.0029384557892111, -0.009460247713437966]}, "653": {"path": [14, 3, 0], "s": [1.0005819422831599, 0.9995043832672222, -0.009275620197492958]}, "654": {"path": [14, 3, 0], "s": [0.9987108963615268, 1.001374537894423, -0.009146711657661422]}, "655": {"path": [14, 3, 1], "s": [1.0026551155470311, 0.9973878426311508, 0.00600188291625458]}, "656": {"path": [14, 3, 1], "s": [1.0034883019427323, 0.9965745517613619, 0.007134753418895607]}, "657": {"path": [14, 3, 2], "s": [0.9976598224479756, 1.0023747362123192, -0.0053852906995674405]}, "658": {"path": [14, 3, 2], "s": [0.9991667464180931, 1.0008669985243994, -0.005746521806059173]}, "659": {"path": [14, 3, 3], "s": [1.0060284997614224, 0.9940443512669627, 0.006078437415903403]}, "660": {"path": [14, 3, 3], "s": [1.0049638588352798, 0.9950837497616921, 0.0048171594109087]}, "661": {"path": [15, 0, 0], "s": [1.0017663088755229, 0.9984120077890996, -0.013248085895141105]}, "662": {"path": [15, 0, 0], "s": [1.0036573023926805, 0.9965245478736493, -0.01300536377619702]}, "663": {"path": [15, 0, 1], "s": [1.0111434770448948, 0.9891164647241152, 0.01177545512904957]}, "664": {"path": [15, 0, 1], "s": [1.0098884312582481, 0.9903422789985512, 0.011628006990255893]}, "665": {"path": [15, 0, 2], "s": [1.0080897881119484, 0.9922261498282756, -0.015907518333232323]}, "666": {"path": [15, 0, 2], "s": [1.006682126453308, 0.9936202873415579, -0.016117808416362074]}, "667": {"path": [15, 0, 3], "s": [1.0078771596162526, 0.9923487882819526, 0.012871599832360445]}, "668": {"path": [15, 0, 3], "s": [1.009118905433681, 0.9911232031511782, 0.01269495623625539]}, "669": {"path": [15, 1, 0], "s": [1.013133515276074, 0.987224318132152, 0.01378563728132623]}, "670": {"path": [15, 1, 0], "s": [1.0126741630859184, 0.9877274789413497, 0.01568751394886165]}, "671": {"path": [15, 1, 1], "s": [1.0140257510523125, 0.9864191919364681, -0.015951863708958677]}, "672": {"path": [15, 1, 1], "s": [1.0146735706567789, 0.9857713723320001, -0.01536744010374887]}, "673": {"path": [15, 1, 2], "s": [1.0106586313582737, 0.9897430106689947, 0.017097267592912396]}, "674": {"path": [15, 1, 2], "s": [1.0110949325907357, 0.9892629008174907, 0.01545011380462539]}, "675": {"path": [15, 1, 3], "s": [1.00924888247058, 0.9910647819570779, -0.015199462034206287]}, "676": {"path": [15, 1, 3], "s": [1.0103958256568981, 0.9899178387707607, -0.014451713990852448]}, "677": {"path": [15, 2, 0], "s": [1.0115080795259062, 0.9887943342689575, -0.013170349368656104]}, "678": {"path": [15, 2, 0], "s": [1.0111872096377263, 0.9891287283024978, -0.013939825849590491]}, "679": {"path": [15, 2, 1], "s": [1.0024006609457545, 0.9978300493110454, 0.015016688747068487]}, "680": {"path": [15, 2, 1], "s": [1.0040531168874538, 0.9962068248815565, 0.01563865681191048]}, "681": {"path": [15, 2, 2], "s": [1.0074049563699035, 0.9927768938964259, -0.011329760843740445]}, "682": {"path": [15, 2, 2], "s": [1.0084893812037683, 0.9916889354608532, -0.010380793300104526]}, "683": {"path": [15, 2, 3], "s": [1.0068903111141752, 0.9933517974706834, 0.014010724502389191]}, "684": {"path": [15, 2, 3], "s": [1.0056008582913947, 0.9946250896068103, 0.01399441984378273]}, "685": {"path": [15, 3, 0], "s": [1.001935654061904, 0.9981725476659287, 0.010230562658002554]}, "686": {"path": [15, 3, 0], "s": [1.0030919693853637, 0.9970448932663469, 0.011301572994918121]}, "687": {"path": [15, 3, 1], "s": [1.001969048402011, 0.9981130202762348, -0.008851729991133768]}, "688": {"path": [15, 3, 1], "s": [1.0034159892708998, 0.9966660794073473, -0.008407142277321021]}, "689": {"path": [15, 3, 2], "s": [1.0058777104660606, 0.9942591521856499, 0.010154782638146754]}, "690": {"path": [15, 3, 2], "s": [1.0046909506829858, 0.9954172510448472, 0.009311513222435664]}, "691": {"path": [15, 3, 3], "s": [1.006221621790099, 0.9939527996592329, -0.011696070105894317]}, "692": {"path": [15, 3, 3], "s": [1.0049074241769695, 0.9952669972723599, -0.012296121230528374]}, "693": {"path": [16, 0, 0], "s": [0.9997404224006666, 1.000412282519429, 0.012353052286331946]}, "694": {"path": [16, 0, 0], "s": [0.998497262063773, 1.001615263876202, 0.01049278903207884]}, "695": {"path": [16, 0, 1], "s": [1.010979327253038, 0.989214270708847, -0.008670519611476106]}, "696": {"path": [16, 0, 1], "s": [1.009735697614674, 0.9904639307991362, -0.010333834120926914]}, "697": {"path": [16, 0, 2], "s": [0.9943028951886443, 1.005823985474793, 0.009679917756221776]}, "698": {"path": [16, 0, 2], "s": [0.9955434458692237, 1.0046338763357872, 0.012516832038723493]}, "699": {"path": [16, 0, 3], "s": [1.0071283735013183, 0.9929694697996927, -0.0069084770992123845]}, "700": {"path": [16, 0, 3], "s": [1.0083357582472445, 0.9917639344643479, -0.005571253034922859]}, "701": {"path": [16, 1, 0], "s": [1.0111284566562695, 0.9890056494625187, -0.0034286973280211967]}, "702": {"path": [16, 1, 0], "s": [1.009586486399729, 0.9905345974371973, -0.005508528296071826]}, "703": {"path": [16, 1, 1], "s": [0.9905386416786012, 1.0095523700217084, 0.0007958044454579864]}, "704": {"path": [16, 1, 1], "s": [0.9895180804156819, 1.010613007831749, 0.004454610284980585]}, "705": {"path": [16, 1, 2], "s": [1.0072672568942131, 0.9927907218282027, -0.0023636932795392425]}, "706": {"path": [16, 1, 2], "s": [1.008550311383407, 0.9915226900166989, -0.0007195554565151794]}, "707": {"path": [16, 1, 3], "s": [0.9936101831283117, 1.0064849834791416, 0.007329989809372665]}, "708": {"path": [16, 1, 3], "s": [0.9936841622987028, 1.0063765953837356, 0.00452594088644543]}, "709": {"path": [16, 2, 0], "s": [0.9948924552085122, 1.0051346992517467, 0.0009637187558837959]}, "710": {"path": [16, 2, 0], "s": [0.9940763149254107, 1.0059674962642355, 0.002908886572632783]}, "711": {"path": [16, 2, 1], "s": [1.0034705315261097, 0.9965441511765042, -0.0016398385050495116]}, "712": {"path": [16, 2, 1], "s": [1.0043363024038303, 0.9956828964036981, -0.0006917664536015579]}, "713": {"path": [16, 2, 2], "s": [0.9969236019608034, 1.0031056783732524, 0.004441399689032239]}, "714": {"path": [16, 2, 2], "s": [0.9971454659960717, 1.0028712862520404, 0.0029250750196540176]}, "715": {"path": [16, 2, 3], "s": [1.0062309051839295, 0.9938153783453686, -0.002783475915011508]}, "716": {"path": [16, 2, 3], "s": [1.0051175133227337, 0.994924149549329, -0.003960699402388842]}, "717": {"path": [16, 3, 0], "s": [1.0029061853206984, 0.9971275596217959, -0.005039553396066925]}, "718": {"path": [16, 3, 0], "s": [1.0040110726750455, 0.9960234859852496, -0.004313765592660727]}, "719": {"path": [16, 3, 1], "s": [1.0006883458101155, 0.9993745078939789, 0.00790083218550505]}, "720": {"path": [16, 3, 1], "s": [1.000061874298853, 0.9999810838793287, 0.0065541595769401904]}, "721": {"path": [16, 3, 2], "s": [1.005917750457609, 0.9941676837983402, -0.007135829599840996]}, "722": {"path": [16, 3, 2], "s": [1.0046905035813904, 0.9953958219689918, -0.008045473064854716]}, "723": {"path": [16, 3, 3], "s": [0.9970484450982554, 1.0029991634987163, 0.006225463938231045]}, "724": {"path": [16, 3, 3], "s": [0.99743843969731, 1.0026344113310752, 0.008130364376744508]}, "725": {"path": [17, 0, 0], "s": [1.0026070621357035, 0.9974041766414999, -0.00211454591210075]}, "726": {"path": [17, 0, 0], "s": [1.001772306775383, 0.9982379455436647, -0.0026700970011821422]}, "727": {"path": [17, 0, 1], "s": [0.9980251373604588, 1.001979434733603, 0.00081423728708769]}, "728": {"path": [17, 0, 1], "s": [0.9975186496509817, 1.0024906715461221, 0.00177227774176415]}, "729": {"path": [17, 0, 2], "s": [1.0009766792128598, 0.9990254231038356, -0.0010725985739306746]}, "730": {"path": [17, 0, 2], "s": [1.0014817489293957, 0.9985208447702346, -0.000634005482279605]}, "731": {"path": [17, 0, 3], "s": [0.9993776472488303, 1.0006285932477024, 0.0024185305033540758]}, "732": {"path": [17, 0, 3], "s": [0.99943498323181, 1.0005679432794736, 0.00161419137881126]}, "733": {"path": [17, 1, 0], "s": [0.9997361186276734, 1.0002642562852595, 0.0005524315534987902]}, "734": {"path": [17, 1, 0], "s": [0.9995829120457341, 1.000418143647235, 0.000938770627413377]}, "735": {"path": [17, 1, 1], "s": [0.9999300546090168, 1.0000702336510479, -0.0005323039954625112]}, "736": {"path": [17, 1, 1], "s": [1.000126853927467, 0.9998734343325978, -0.0005217324139595718]}, "737": {"path": [17, 1, 2], "s": [1.0005545657516275, 0.9994464899413404, 0.0008652948905412798]}, "738": {"path": [17, 1, 2], "s": [1.000319991416161, 0.9996803834967716, 0.0005221478669939907]}, "739": {"path": [17, 1, 3], "s": [1.0003823763935529, 0.9996194709842872, -0.0013045583648471153]}, "740": {"path": [17, 1, 3], "s": [0.9998249664125798, 1.0001768809652614, -0.001347745424798503]}, "741": {"path": [17, 2, 0], "s": [0.9985897938075234, 1.0014127998921074, -0.0007754743536006682]}, "742": {"path": [17, 2, 0], "s": [0.9991932685389362, 1.00080883377776, -0.001204078502975863]}, "743": {"path": [17, 2, 1], "s": [1.002718760274743, 0.9972905609223606, 0.001398170866910034]}, "744": {"path": [17, 2, 1], "s": [1.0020445856334972, 0.9979599864605645, 0.0006333337884607416]}, "745": {"path": [17, 2, 2], "s": [0.998884564013879, 1.0011256883051676, -0.0029994475828972454]}, "746": {"path": [17, 2, 2], "s": [0.9978390140875422, 1.0021722246896605, -0.0025582474958940316]}, "747": {"path": [17, 2, 3], "s": [1.0008041294763939, 0.9991987970348906, 0.0015107085631894848]}, "748": {"path": [17, 2, 3], "s": [1.0011240045410081, 0.998882235955525, 0.0022325153237919572]}, "749": {"path": [17, 3, 0], "s": [1.0020000924278054, 0.9980229264920817, 0.004366301654092061]}, "750": {"path": [17, 3, 0], "s": [1.0014877088710166, 0.9985257042048049, 0.003349589958227891]}, "751": {"path": [17, 3, 1], "s": [1.0017136883115902, 0.9983176635049612, -0.005335617692797451]}, "752": {"path": [17, 3, 1], "s": [1.0004601438054341, 0.9995712080111168, -0.0055816225753729815]}, "753": {"path": [17, 3, 2], "s": [0.9994165928644824, 1.0005968202113387, 0.0036145382348730794]}, "754": {"path": [17, 3, 2], "s": [0.9996005529928212, 1.000422465927066, 0.004780184843363689]}, "755": {"path": [17, 3, 3], "s": [0.9998975209330294, 1.0001116645518813, -0.0030288680447522324]}, "756": {"path": [17, 3, 3], "s": [1.000827339201023, 0.999181846283889, -0.002916949480161119]}, "757": {"path": [18, 0, 0], "s": [1.0033657133290066, 0.9966510389191054, 0.0023410692351482965]}, "758": {"path": [18, 0, 0], "s": [1.004194063291903, 0.9958352170421527, 0.0034370002521558166]}, "759": {"path": [18, 0, 1], "s": [0.9957355550781987, 1.0042836437293303, -0.0009651138690419305]}, "760": {"path": [18, 0, 1], "s": [0.9968180409368087, 1.0031966417658051, -0.0021239395884881584]}, "761": {"path": [18, 0, 2], "s": [1.0063155554240448, 0.9937282557656003, 0.0020497905570538003]}, "762": {"path": [18, 0, 2], "s": [1.005178331124083, 0.9948488233361764, 0.0006927927652862514]}, "763": {"path": [18, 0, 3], "s": [0.9962823577647109, 1.0037593051073503, -0.005261855244983031]}, "764": {"path": [18, 0, 3], "s": [0.9945460731324314, 1.0055002103968669, -0.0040355648969114255]}, "765": {"path": [18, 1, 0], "s": [0.9915397993959737, 1.0085332020041322, -0.0008993327282987555]}, "766": {"path": [18, 1, 0], "s": [0.9931987513417717, 1.0068592273806443, -0.00336562199258052]}, "767": {"path": [18, 1, 1], "s": [1.0111289807175048, 0.9890021075299262, 0.002948374840223256]}, "768": {"path": [18, 1, 1], "s": [1.0095587263986259, 0.9905322853016827, 0.0007158253193684927]}, "769": {"path": [18, 1, 2], "s": [0.9930553590802845, 1.0070657247566395, -0.00848616024196809]}, "770": {"path": [18, 1, 2], "s": [0.9901257997766203, 1.0100083063421668, -0.005939873573387992]}, "771": {"path": [18, 1, 3], "s": [1.0071977268736447, 0.9928630308087931, 0.0030639398646471892]}, "772": {"path": [18, 1, 3], "s": [1.0085527100717133, 0.9915424565357394, 0.004778251802112113]}, "773": {"path": [18, 2, 0], "s": [1.0108275986001716, 0.989349723604839, 0.007874343605900298]}, "774": {"path": [18, 2, 0], "s": [1.0094221790546225, 0.9907047016088142, 0.006268867332225733]}, "775": {"path": [18, 2, 1], "s": [1.0002569212508519, 0.9999427071629596, -0.014128471044801682]}, "776": {"path": [18, 2, 1], "s": [0.9972041804726012, 1.0029894174892826, -0.013610293534355602]}, "777": {"path": [18, 2, 2], "s": [1.0070822539589435, 0.9930302719810317, 0.007947613234197655]}, "778": {"path": [18, 2, 2], "s": [1.0084545778591956, 0.9916981270608993, 0.009083836686929424]}, "779": {"path": [18, 2, 3], "s": [0.9948038331694767, 1.0052958595421162, -0.008495560128739182]}, "780": {"path": [18, 2, 3], "s": [0.9971593875118053, 1.002938455789206, -0.00946024771343727]}, "781": {"path": [18, 3, 0], "s": [1.000581942283163, 0.9995043832672172, -0.009275620197488156]}, "782": {"path": [18, 3, 0], "s": [0.9987108963615313, 1.0013745378944177, -0.009146711657660211]}, "783": {"path": [18, 3, 1], "s": [1.0026551155470271, 0.9973878426311545, 0.006001882916251836]}, "784": {"path": [18, 3, 1], "s": [1.0034883019427285, 0.9965745517613658, 0.00713475341889531]}, "785": {"path": [18, 3, 2], "s": [0.9976598224479782, 1.0023747362123159, -0.005385290699567312]}, "786": {"path": [18, 3, 2], "s": [0.999166746418095, 1.000866998524399, -0.005746521806059683]}, "787": {"path": [18, 3, 3], "s": [1.0060284997614182, 0.9940443512669667, 0.006078437415905446]}, "788": {"path": [18, 3, 3], "s": [1.0049638588352743, 0.9950837497616967, 0.004817159410910539]}, "789": {"path": [19, 0, 0], "s": [1.00176630887552, 0.9984120077891009, -0.013248085895144753]}, "790": {"path": [19, 0, 0], "s": [1.0036573023926803, 0.9965245478736479, -0.01300536377619521]}, "791": {"path": [19, 0, 1], "s": [1.0111434770448908, 0.9891164647241196, 0.011775455129047235]}, "792": {"path": [19, 0, 1], "s": [1.009888431258241, 0.9903422789985583, 0.011628006990261317]}, "793": {"path": [19, 0, 2], "s": [1.0080897881119513, 0.992226149828273, -0.015907518333228503]}, "794": {"path": [19, 0, 2], "s": [1.0066821264533035, 0.9936202873415614, -0.016117808416355354]}, "795": {"path": [19, 0, 3], "s": [1.007877159616251, 0.9923487882819539, 0.012871599832362081]}, "796": {"path": [19, 0, 3], "s": [1.0091189054336798, 0.9911232031511782, 0.012694956236251762]}, "797": {"path": [19, 1, 0], "s": [1.0131335152760728, 0.9872243181321532, 0.013785637281325064]}, "798": {"path": [19, 1, 0], "s": [1.0126741630859175, 0.9877274789413513, 0.015687513948861434]}, "799": {"path": [19, 1, 1], "s": [1.0140257510523207, 0.9864191919364574, -0.01595186370895721]}, "800": {"path": [19, 1, 1], "s": [1.0146735706567795, 0.9857713723319976, -0.01536744010374795]}, "801": {"path": [19, 1, 2], "s": [1.0106586313582717, 0.9897430106689973, 0.01709726759291045]}, "802": {"path": [19, 1, 2], "s": [1.0110949325907332, 0.9892629008174928, 0.015450113804626776]}, "803": {"path": [19, 1, 3], "s": [1.0092488824705732, 0.991064781957083, -0.015199462034204086]}, "804": {"path": [19, 1, 3], "s": [1.0103958256568908, 0.9899178387707677, -0.014451713990852919]}, "805": {"path": [19, 2, 0], "s": [1.0115080795259128, 0.9887943342689521, -0.013170349368653278]}, "806": {"path": [19, 2, 0], "s": [1.0111872096377332, 0.9891287283024919, -0.0139398258495846]}, "807": {"path": [19, 2, 1], "s": [1.0024006609457508, 0.9978300493110485, 0.01501668874707125]}, "808": {"path": [19, 2, 1], "s": [1.0040531168874478, 0.9962068248815623, 0.015638656811910723]}, "809": {"path": [19, 2, 2], "s": [1.0074049563699048, 0.9927768938964238, -0.011329760843734793]}, "810": {"path": [19, 2, 2], "s": [1.0084893812037732, 0.9916889354608478, -0.010380793300101296]}, "811": {"path": [19, 2, 3], "s": [1.0068903111141747, 0.9933517974706839, 0.014010724502389594]}, "812": {"path": [19, 2, 3], "s": [1.005600858291391, 0.9946250896068143, 0.013994419843779967]}, "813": {"path": [19, 3, 0], "s": [1.001935654061905, 0.9981725476659279, 0.01023056265800647]}, "814": {"path": [19, 3, 0], "s": [1.0030919693853624, 0.9970448932663483, 0.011301572994920572]}, "815": {"path": [19, 3, 1], "s": [1.0019690484020114, 0.9981130202762349, -0.0088517299911365]}, "816": {"path": [19, 3, 1], "s": [1.0034159892709016, 0.9966660794073431, -0.008407142277321247]}, "817": {"path": [19, 3, 2], "s": [1.0058777104660597, 0.9942591521856509, 0.010154782638146028]}, "818": {"path": [19, 3, 2], "s": [1.004690950682985, 0.9954172510448479, 0.009311513222437739]}, "819": {"path": [19, 3, 3], "s": [1.006221621790099, 0.993952799659233, -0.011696070105894942]}, "820": {"path": [19, 3, 3], "s": [1.0049074241769715, 0.9952669972723581, -0.012296121230528399]}, "821": {"path": [20, 0, 0], "s": [0.9997404224006636, 1.000412282519432, 0.012353052286332414]}, "822": {"path": [20, 0, 0], "s": [0.9984972620637713, 1.0016152638762041, 0.010492789032082981]}, "823": {"path": [20, 0, 1], "s": [1.0109793272530385, 0.9892142707088432, -0.008670519611475401]}, "824": {"path": [20, 0, 1], "s": [1.009735697614677, 0.9904639307991359, -0.010333834120928944]}, "825": {"path": [20, 0, 2], "s": [0.9943028951886522, 1.0058239854747848, 0.00967991775622497]}, "826": {"path": [20, 0, 2], "s": [0.9955434458692224, 1.0046338763357894, 0.012516832038723015]}, "827": {"path": [20, 0, 3], "s": [1.0071283735013203, 0.9929694697996894, -0.006908477099217579]}, "828": {"path": [20, 0, 3], "s": [1.008335758247255, 0.9917639344643386, -0.0055712530349276805]}, "829": {"path": [20, 1, 0], "s": [1.0111284566562604, 0.9890056494625258, -0.003428697328018341]}, "830": {"path": [20, 1, 0], "s": [1.0095864863997173, 0.9905345974372071, -0.0055085282960675415]}, "831": {"path": [20, 1, 1], "s": [0.9905386416786035, 1.0095523700217055, 0.0007958044454490977]}, "832": {"path": [20, 1, 1], "s": [0.9895180804156887, 1.010613007831742, 0.004454610284975668]}, "833": {"path": [20, 1, 2], "s": [1.007267256894214, 0.9927907218282009, -0.002363693279531175]}, "834": {"path": [20, 1, 2], "s": [1.0085503113834045, 0.9915226900167006, -0.0007195554565054201]}, "835": {"path": [20, 1, 3], "s": [0.9936101831283056, 1.0064849834791474, 0.007329989809368017]}, "836": {"path": [20, 1, 3], "s": [0.9936841622987004, 1.0063765953837376, 0.004525940886441746]}, "837": {"path": [20, 2, 0], "s": [0.9948924552085135, 1.0051346992517463, 0.0009637187558806653]}, "838": {"path": [20, 2, 0], "s": [0.9940763149254053, 1.0059674962642402, 0.0029088865726257314]}, "839": {"path": [20, 2, 1], "s": [1.003470531526109, 0.9965441511765045, -0.001639838505047096]}, "840": {"path": [20, 2, 1], "s": [1.00433630240383, 0.9956828964036981, -0.0006917664535997495]}, "841": {"path": [20, 2, 2], "s": [0.9969236019608035, 1.003105678373252, 0.004441399689031381]}, "842": {"path": [20, 2, 2], "s": [0.9971454659960721, 1.00287128625204, 0.0029250750196528333]}, "843": {"path": [20, 2, 3], "s": [1.006230905183933, 0.993815378345364, -0.0027834759150063863]}, "844": {"path": [20, 2, 3], "s": [1.0051175133227384, 0.9949241495493228, -0.003960699402384522]}, "845": {"path": [20, 3, 0], "s": [1.002906185320696, 0.9971275596217978, -0.0050395533960633015]}, "846": {"path": [20, 3, 0], "s": [1.0040110726750429, 0.996023485985252, -0.00431376559265939]}, "847": {"path": [20, 3, 1], "s": [1.0006883458101175, 0.9993745078939767, 0.007900832185507833]}, "848": {"path": [20, 3, 1], "s": [1.0000618742988545, 0.9999810838793275, 0.0065541595769407456]}, "849": {"path": [20, 3, 2], "s": [1.0059177504576111, 0.9941676837983383, -0.0071358295998439234]}, "850": {"path": [20, 3, 2], "s": [1.0046905035813873, 0.9953958219689936, -0.008045473064857714]}, "851": {"path": [20, 3, 3], "s": [0.9970484450982516, 1.002999163498721, 0.006225463938228956]}, "852": {"path": [20, 3, 3], "s": [0.9974384396973122, 1.0026344113310734, 0.0081303643767477]}}, "edgedata": {"0-81": {"q_pre": 20, "f": 118.51011397292172}, "25-81": {"q_pre": 20, "f": 118.41617662548849}, "25-105": {"q_pre": 20, "f": 118.3322438906676}, "9-105": {"q_pre": 20, "f": 118.2568563809378}, "9-106": {"q_pre": 20, "f": 118.19193942507746}, "44-106": {"q_pre": 20, "f": 118.14544239025226}, "44-100": {"q_pre": 20, "f": 118.11244040171742}, "7-100": {"q_pre": 20, "f": 118.09886431820044}, "7-101": {"q_pre": 20, "f": 118.10181539365844}, "45-101": {"q_pre": 20, "f": 118.1215602511336}, "45-140": {"q_pre": 20, "f": 118.15969968270818}, "19-140": {"q_pre": 20, "f": 118.21112684520142}, "19-139": {"q_pre": 20, "f": 118.27948694257849}, "42-139": {"q_pre": 20, "f": 118.35791479112834}, "42-98": {"q_pre": 20, "f": 118.44349658684122}, "6-98": {"q_pre": 20, "f": 118.53885124931523}, "6-97": {"q_pre": 20, "f": 118.53885124931567}, "41-97": {"q_pre": 20, "f": 118.44349658684186}, "41-142": {"q_pre": 20, "f": 118.35791479112834}, "20-142": {"q_pre": 20, "f": 118.27948694257859}, "20-143": {"q_pre": 20, "f": 118.21112684520148}, "48-143": {"q_pre": 20, "f": 118.1596996827081}, "48-104": {"q_pre": 20, "f": 118.12156025113359}, "8-104": {"q_pre": 20, "f": 118.1018153936583}, "8-102": {"q_pre": 20, "f": 118.09886431820031}, "46-102": {"q_pre": 20, "f": 118.11244040171728}, "46-112": {"q_pre": 20, "f": 118.14544239025194}, "11-112": {"q_pre": 20, "f": 118.19193942507712}, "11-111": {"q_pre": 20, "f": 118.25685638093742}, "28-111": {"q_pre": 20, "f": 118.33224389066744}, "28-84": {"q_pre": 20, "f": 118.4161766254883}, "1-84": {"q_pre": 20, "f": 118.5101139729216}, "1-83": {"q_pre": 20, "f": 118.51011397292119}, "27-83": {"q_pre": 20, "f": 118.41617662548845}, "27-114": {"q_pre": 20, "f": 118.33224389066756}, "12-114": {"q_pre": 20, "f": 118.25685638093752}, "12-115": {"q_pre": 20, "f": 118.1919394250771}, "37-115": {"q_pre": 20, "f": 118.14544239025204}, "37-93": {"q_pre": 20, "f": 118.11244040171732}, "4-93": {"q_pre": 20, "f": 118.0988643182004}, "4-94": {"q_pre": 20, "f": 118.10181539365841}, "38-94": {"q_pre": 20, "f": 118.12156025113376}, "38-136": {"q_pre": 20, "f": 118.15969968270808}, "18-136": {"q_pre": 20, "f": 118.21112684520146}, "18-137": {"q_pre": 20, "f": 118.27948694257867}, "40-137": {"q_pre": 20, "f": 118.35791479112841}, "40-96": {"q_pre": 20, "f": 118.44349658684168}, "5-96": {"q_pre": 20, "f": 118.53885124931544}, "5-95": {"q_pre": 20, "f": 118.53885124931517}, "39-95": {"q_pre": 20, "f": 118.4434965868414}, "39-122": {"q_pre": 20, "f": 118.35791479112802}, "14-122": {"q_pre": 20, "f": 118.27948694257847}, "14-121": {"q_pre": 20, "f": 118.21112684520152}, "31-121": {"q_pre": 20, "f": 118.1596996827081}, "31-87": {"q_pre": 20, "f": 118.12156025113364}, "2-87": {"q_pre": 20, "f": 118.10181539365837}, "2-85": {"q_pre": 20, "f": 118.09886431820038}, "29-85": {"q_pre": 20, "f": 118.11244040171735}, "29-109": {"q_pre": 20, "f": 118.14544239025211}, "10-109": {"q_pre": 20, "f": 118.19193942507738}, "10-108": {"q_pre": 20, "f": 118.25685638093796}, "26-108": {"q_pre": 20, "f": 118.3322438906678}, "26-82": {"q_pre": 20, "f": 118.41617662548819}, "0-82": {"q_pre": 20, "f": 118.51011397292157}, "0-226": {"f": 0.0}, "1-242": {"f": 0.0}, "2-86": {"f": 0.0}, "2-230": {"f": 0.0}, "2-262": {"f": 0.0}, "3-88": {"f": 0.0}, "3-89": {"f": 0.0}, "3-90": {"f": 0.0}, "3-91": {"f": 0.0}, "3-234": {"f": 0.0}, "3-250": {"f": 0.0}, "3-258": {"f": 0.0}, "3-274": {"f": 0.0}, "4-92": {"f": 0.0}, "4-254": {"f": 0.0}, "4-270": {"f": 0.0}, "5-266": {"f": 0.0}, "6-282": {"f": 0.0}, "7-99": {"f": 0.0}, "7-238": {"f": 0.0}, "7-286": {"f": 0.0}, "8-103": {"f": 0.0}, "8-246": {"f": 0.0}, "8-278": {"f": 0.0}, "9-107": {"f": 0.0}, "9-225": {"f": 0.0}, "9-239": {"f": 0.0}, "10-110": {"f": 0.0}, "10-227": {"f": 0.0}, "10-229": {"f": 0.0}, "11-113": {"f": 0.0}, "11-243": {"f": 0.0}, "11-245": {"f": 0.0}, "12-116": {"f": 0.0}, "12-241": {"f": 0.0}, "12-255": {"f": 0.0}, "13-117": {"f": 0.0}, "13-119": {"f": 0.0}, "13-118": {"f": 0.0}, "13-120": {"f": 0.0}, "13-231": {"f": 0.0}, "13-233": {"f": 0.0}, "13-259": {"f": 0.0}, "13-261": {"f": 0.0}, "14-123": {"f": 0.0}, "14-263": {"f": 0.0}, "14-265": {"f": 0.0}, "15-124": {"f": 0.0}, "15-126": {"f": 0.0}, "15-125": {"f": 0.0}, "15-127": {"f": 0.0}, "15-235": {"f": 0.0}, "15-237": {"f": 0.0}, "15-273": {"f": 0.0}, "15-287": {"f": 0.0}, "16-129": {"f": 0.0}, "16-130": {"f": 0.0}, "16-128": {"f": 0.0}, "16-131": {"f": 0.0}, "16-247": {"f": 0.0}, "16-249": {"f": 0.0}, "16-275": {"f": 0.0}, "16-277": {"f": 0.0}, "17-132": {"f": 0.0}, "17-134": {"f": 0.0}, "17-133": {"f": 0.0}, "17-135": {"f": 0.0}, "17-251": {"f": 0.0}, "17-253": {"f": 0.0}, "17-257": {"f": 0.0}, "17-271": {"f": 0.0}, "18-138": {"f": 0.0}, "18-267": {"f": 0.0}, "18-269": {"f": 0.0}, "19-141": {"f": 0.0}, "19-283": {"f": 0.0}, "19-285": {"f": 0.0}, "20-144": {"f": 0.0}, "20-279": {"f": 0.0}, "20-281": {"f": 0.0}, "21-146": {"f": 0.0}, "21-145": {"f": 0.0}, "21-147": {"f": 0.0}, "21-148": {"f": 0.0}, "21-228": {"f": 0.0}, "21-232": {"f": 0.0}, "21-236": {"f": 0.0}, "21-240": {"f": 0.0}, "22-149": {"f": 0.0}, "22-150": {"f": 0.0}, "22-151": {"f": 0.0}, "22-152": {"f": 0.0}, "22-244": {"f": 0.0}, "22-248": {"f": 0.0}, "22-252": {"f": 0.0}, "22-256": {"f": 0.0}, "23-153": {"f": 0.0}, "23-155": {"f": 0.0}, "23-154": {"f": 0.0}, "23-156": {"f": 0.0}, "23-260": {"f": 0.0}, "23-264": {"f": 0.0}, "23-268": {"f": 0.0}, "23-272": {"f": 0.0}, "24-158": {"f": 0.0}, "24-157": {"f": 0.0}, "24-160": {"f": 0.0}, "24-159": {"f": 0.0}, "24-276": {"f": 0.0}, "24-280": {"f": 0.0}, "24-284": {"f": 0.0}, "24-288": {"f": 0.0}, "25-161": {"f": 0.0}, "25-225": {"f": 0.0}, "25-226": {"f": 0.0}, "26-162": {"f": 0.0}, "26-226": {"f": 0.0}, "26-227": {"f": 0.0}, "27-163": {"f": 0.0}, "27-241": {"f": 0.0}, "27-242": {"f": 0.0}, "28-164": {"f": 0.0}, "28-242": {"f": 0.0}, "28-243": {"f": 0.0}, "29-165": {"f": 0.0}, "29-229": {"f": 0.0}, "29-230": {"f": 0.0}, "30-86": {"f": 0.0}, "30-166": {"f": 0.0}, "30-117": {"f": 0.0}, "30-167": {"f": 0.0}, "30-230": {"f": 0.0}, "30-231": {"f": 0.0}, "30-261": {"f": 0.0}, "30-262": {"f": 0.0}, "31-168": {"f": 0.0}, "31-262": {"f": 0.0}, "31-263": {"f": 0.0}, "32-118": {"f": 0.0}, "32-169": {"f": 0.0}, "32-88": {"f": 0.0}, "32-170": {"f": 0.0}, "32-233": {"f": 0.0}, "32-234": {"f": 0.0}, "32-258": {"f": 0.0}, "32-259": {"f": 0.0}, "33-89": {"f": 0.0}, "33-171": {"f": 0.0}, "33-124": {"f": 0.0}, "33-172": {"f": 0.0}, "33-234": {"f": 0.0}, "33-235": {"f": 0.0}, "33-273": {"f": 0.0}, "33-274": {"f": 0.0}, "34-128": {"f": 0.0}, "34-173": {"f": 0.0}, "34-90": {"f": 0.0}, "34-174": {"f": 0.0}, "34-249": {"f": 0.0}, "34-250": {"f": 0.0}, "34-274": {"f": 0.0}, "34-275": {"f": 0.0}, "35-91": {"f": 0.0}, "35-175": {"f": 0.0}, "35-132": {"f": 0.0}, "35-176": {"f": 0.0}, "35-250": {"f": 0.0}, "35-251": {"f": 0.0}, "35-257": {"f": 0.0}, "35-258": {"f": 0.0}, "36-133": {"f": 0.0}, "36-177": {"f": 0.0}, "36-92": {"f": 0.0}, "36-178": {"f": 0.0}, "36-253": {"f": 0.0}, "36-254": {"f": 0.0}, "36-270": {"f": 0.0}, "36-271": {"f": 0.0}, "37-179": {"f": 0.0}, "37-254": {"f": 0.0}, "37-255": {"f": 0.0}, "38-180": {"f": 0.0}, "38-269": {"f": 0.0}, "38-270": {"f": 0.0}, "39-181": {"f": 0.0}, "39-265": {"f": 0.0}, "39-266": {"f": 0.0}, "40-182": {"f": 0.0}, "40-266": {"f": 0.0}, "40-267": {"f": 0.0}, "41-183": {"f": 0.0}, "41-281": {"f": 0.0}, "41-282": {"f": 0.0}, "42-184": {"f": 0.0}, "42-282": {"f": 0.0}, "42-283": {"f": 0.0}, "43-125": {"f": 0.0}, "43-185": {"f": 0.0}, "43-99": {"f": 0.0}, "43-186": {"f": 0.0}, "43-237": {"f": 0.0}, "43-238": {"f": 0.0}, "43-286": {"f": 0.0}, "43-287": {"f": 0.0}, "44-187": {"f": 0.0}, "44-238": {"f": 0.0}, "44-239": {"f": 0.0}, "45-188": {"f": 0.0}, "45-285": {"f": 0.0}, "45-286": {"f": 0.0}, "46-189": {"f": 0.0}, "46-245": {"f": 0.0}, "46-246": {"f": 0.0}, "47-103": {"f": 0.0}, "47-190": {"f": 0.0}, "47-129": {"f": 0.0}, "47-191": {"f": 0.0}, "47-246": {"f": 0.0}, "47-247": {"f": 0.0}, "47-277": {"f": 0.0}, "47-278": {"f": 0.0}, "48-192": {"f": 0.0}, "48-278": {"f": 0.0}, "48-279": {"f": 0.0}, "49-193": {"f": 0.0}, "49-107": {"f": 0.0}, "49-145": {"f": 0.0}, "49-194": {"f": 0.0}, "49-225": {"f": 0.0}, "49-228": {"f": 0.0}, "49-239": {"f": 0.0}, "49-240": {"f": 0.0}, "50-110": {"f": 0.0}, "50-195": {"f": 0.0}, "50-146": {"f": 0.0}, "50-196": {"f": 0.0}, "50-227": {"f": 0.0}, "50-228": {"f": 0.0}, "50-229": {"f": 0.0}, "50-232": {"f": 0.0}, "51-113": {"f": 0.0}, "51-197": {"f": 0.0}, "51-149": {"f": 0.0}, "51-198": {"f": 0.0}, "51-243": {"f": 0.0}, "51-244": {"f": 0.0}, "51-245": {"f": 0.0}, "51-248": {"f": 0.0}, "52-199": {"f": 0.0}, "52-116": {"f": 0.0}, "52-150": {"f": 0.0}, "52-200": {"f": 0.0}, "52-241": {"f": 0.0}, "52-244": {"f": 0.0}, "52-255": {"f": 0.0}, "52-256": {"f": 0.0}, "53-119": {"f": 0.0}, "53-201": {"f": 0.0}, "53-147": {"f": 0.0}, "53-202": {"f": 0.0}, "53-231": {"f": 0.0}, "53-232": {"f": 0.0}, "53-233": {"f": 0.0}, "53-236": {"f": 0.0}, "54-120": {"f": 0.0}, "54-203": {"f": 0.0}, "54-153": {"f": 0.0}, "54-204": {"f": 0.0}, "54-259": {"f": 0.0}, "54-260": {"f": 0.0}, "54-261": {"f": 0.0}, "54-264": {"f": 0.0}, "55-123": {"f": 0.0}, "55-205": {"f": 0.0}, "55-154": {"f": 0.0}, "55-206": {"f": 0.0}, "55-263": {"f": 0.0}, "55-264": {"f": 0.0}, "55-265": {"f": 0.0}, "55-268": {"f": 0.0}, "56-126": {"f": 0.0}, "56-207": {"f": 0.0}, "56-148": {"f": 0.0}, "56-208": {"f": 0.0}, "56-235": {"f": 0.0}, "56-236": {"f": 0.0}, "56-237": {"f": 0.0}, "56-240": {"f": 0.0}, "57-209": {"f": 0.0}, "57-127": {"f": 0.0}, "57-157": {"f": 0.0}, "57-210": {"f": 0.0}, "57-273": {"f": 0.0}, "57-276": {"f": 0.0}, "57-287": {"f": 0.0}, "57-288": {"f": 0.0}, "58-130": {"f": 0.0}, "58-211": {"f": 0.0}, "58-151": {"f": 0.0}, "58-212": {"f": 0.0}, "58-247": {"f": 0.0}, "58-248": {"f": 0.0}, "58-249": {"f": 0.0}, "58-252": {"f": 0.0}, "59-131": {"f": 0.0}, "59-213": {"f": 0.0}, "59-158": {"f": 0.0}, "59-214": {"f": 0.0}, "59-275": {"f": 0.0}, "59-276": {"f": 0.0}, "59-277": {"f": 0.0}, "59-280": {"f": 0.0}, "60-134": {"f": 0.0}, "60-215": {"f": 0.0}, "60-152": {"f": 0.0}, "60-216": {"f": 0.0}, "60-251": {"f": 0.0}, "60-252": {"f": 0.0}, "60-253": {"f": 0.0}, "60-256": {"f": 0.0}, "61-217": {"f": 0.0}, "61-135": {"f": 0.0}, "61-155": {"f": 0.0}, "61-218": {"f": 0.0}, "61-257": {"f": 0.0}, "61-260": {"f": 0.0}, "61-271": {"f": 0.0}, "61-272": {"f": 0.0}, "62-138": {"f": 0.0}, "62-219": {"f": 0.0}, "62-156": {"f": 0.0}, "62-220": {"f": 0.0}, "62-267": {"f": 0.0}, "62-268": {"f": 0.0}, "62-269": {"f": 0.0}, "62-272": {"f": 0.0}, "63-141": {"f": 0.0}, "63-221": {"f": 0.0}, "63-159": {"f": 0.0}, "63-222": {"f": 0.0}, "63-283": {"f": 0.0}, "63-284": {"f": 0.0}, "63-285": {"f": 0.0}, "63-288": {"f": 0.0}, "64-144": {"f": 0.0}, "64-223": {"f": 0.0}, "64-160": {"f": 0.0}, "64-224": {"f": 0.0}, "64-279": {"f": 0.0}, "64-280": {"f": 0.0}, "64-281": {"f": 0.0}, "64-284": {"f": 0.0}, "65-161": {"f": 0.0}, "65-193": {"f": 0.0}, "65-162": {"f": 0.0}, "65-195": {"f": 0.0}, "65-225": {"f": 0.0}, "65-226": {"f": 0.0}, "65-227": {"f": 0.0}, "65-228": {"f": 0.0}, "66-165": {"f": 0.0}, "66-196": {"f": 0.0}, "66-166": {"f": 0.0}, "66-201": {"f": 0.0}, "66-229": {"f": 0.0}, "66-230": {"f": 0.0}, "66-231": {"f": 0.0}, "66-232": {"f": 0.0}, "67-169": {"f": 0.0}, "67-202": {"f": 0.0}, "67-171": {"f": 0.0}, "67-207": {"f": 0.0}, "67-233": {"f": 0.0}, "67-234": {"f": 0.0}, "67-235": {"f": 0.0}, "67-236": {"f": 0.0}, "68-185": {"f": 0.0}, "68-208": {"f": 0.0}, "68-187": {"f": 0.0}, "68-194": {"f": 0.0}, "68-237": {"f": 0.0}, "68-238": {"f": 0.0}, "68-239": {"f": 0.0}, "68-240": {"f": 0.0}, "69-163": {"f": 0.0}, "69-199": {"f": 0.0}, "69-164": {"f": 0.0}, "69-197": {"f": 0.0}, "69-241": {"f": 0.0}, "69-242": {"f": 0.0}, "69-243": {"f": 0.0}, "69-244": {"f": 0.0}, "70-189": {"f": 0.0}, "70-198": {"f": 0.0}, "70-190": {"f": 0.0}, "70-211": {"f": 0.0}, "70-245": {"f": 0.0}, "70-246": {"f": 0.0}, "70-247": {"f": 0.0}, "70-248": {"f": 0.0}, "71-173": {"f": 0.0}, "71-212": {"f": 0.0}, "71-175": {"f": 0.0}, "71-215": {"f": 0.0}, "71-249": {"f": 0.0}, "71-250": {"f": 0.0}, "71-251": {"f": 0.0}, "71-252": {"f": 0.0}, "72-177": {"f": 0.0}, "72-216": {"f": 0.0}, "72-179": {"f": 0.0}, "72-200": {"f": 0.0}, "72-253": {"f": 0.0}, "72-254": {"f": 0.0}, "72-255": {"f": 0.0}, "72-256": {"f": 0.0}, "73-176": {"f": 0.0}, "73-217": {"f": 0.0}, "73-170": {"f": 0.0}, "73-203": {"f": 0.0}, "73-257": {"f": 0.0}, "73-258": {"f": 0.0}, "73-259": {"f": 0.0}, "73-260": {"f": 0.0}, "74-167": {"f": 0.0}, "74-204": {"f": 0.0}, "74-168": {"f": 0.0}, "74-205": {"f": 0.0}, "74-261": {"f": 0.0}, "74-262": {"f": 0.0}, "74-263": {"f": 0.0}, "74-264": {"f": 0.0}, "75-181": {"f": 0.0}, "75-206": {"f": 0.0}, "75-182": {"f": 0.0}, "75-219": {"f": 0.0}, "75-265": {"f": 0.0}, "75-266": {"f": 0.0}, "75-267": {"f": 0.0}, "75-268": {"f": 0.0}, "76-180": {"f": 0.0}, "76-220": {"f": 0.0}, "76-178": {"f": 0.0}, "76-218": {"f": 0.0}, "76-269": {"f": 0.0}, "76-270": {"f": 0.0}, "76-271": {"f": 0.0}, "76-272": {"f": 0.0}}, "max_vertex": 288, "max_face": 852}} \ No newline at end of file diff --git a/src/nfd_numpy/data/out_hypar_mesh_02.json b/src/nfd_numpy/data/out_hypar_mesh_02.json deleted file mode 100644 index a0ebaf58..00000000 --- a/src/nfd_numpy/data/out_hypar_mesh_02.json +++ /dev/null @@ -1 +0,0 @@ -{"compas": "1.7.1", "datatype": "compas.datastructures/Mesh", "data": {"attributes": {"name": "Mesh"}, "dva": {"x": 0.0, "y": 0.0, "z": 0.0, "rx": 0.0, "ry": 0.0, "rz": 0.0, "px": 0.0, "py": 0.0, "pz": 0.0, "is_anchor": false}, "dea": {"q_pre": 0.0}, "dfa": {"s_pre": [1.0, 1.0, 0.0]}, "vertex": {"0": {"z": 20.0, "y": -46.98355913741212, "x": -44.487094537112114, "is_anchor": true, "r": [121.60785702226089, 121.60785702226055, -41.32742189659353]}, "1": {"z": 20.0, "y": 43.016440862587885, "x": 45.512905462887865, "is_anchor": true, "r": [-121.60785702226056, -121.6078570222607, -41.32742189659352]}, "2": {"z": 9.999620644392625, "y": -34.43059319537327, "x": 0.49607088751331974, "r": [0.010348982237377305, -0.011252462480313419, -0.0017456348161840052]}, "4": {"z": 9.999620644392682, "y": -1.9667245620375984, "x": 32.95993952084925, "r": [0.01125246248069467, -0.010348982237404436, -0.0017456348161647983]}, "5": {"z": 0.0, "y": -46.98355913741212, "x": 45.512905462887865, "is_anchor": true, "r": [-121.80857361786234, 121.80857361786283, 41.32725495026581]}, "6": {"z": 0.0, "y": 43.016440862587885, "x": -44.487094537112114, "is_anchor": true, "r": [121.80857361786109, -121.80857361786201, 41.327254950265974]}, "7": {"z": 9.999620644392659, "y": -2.0003937127867175, "x": -31.934128595073343, "r": [-0.011252462480334069, 0.010348982237412777, -0.0017456348161513091]}, "8": {"z": 9.99962064439265, "y": 30.46347492054902, "x": 0.5297400382625128, "r": [-0.01034898223740155, 0.011252462480258463, -0.0017456348161616342]}, "9": {"z": 14.747229356855444, "y": -25.330326511010593, "x": -35.163576575764075, "r": [0.053325304236434334, -0.12375860411436079, 0.012961303434744664]}, "10": {"z": 14.747229356855401, "y": -37.66004117606395, "x": -22.833861910710542, "r": [-0.12375860411447626, 0.05332530423611459, 0.012961303434952498]}, "11": {"z": 14.747229356855422, "y": 33.69292290123971, "x": 23.85967283648634, "r": [0.12375860411481909, -0.05332530423538273, 0.012961303435099936]}, "12": {"z": 14.747229356855422, "y": 21.36320823618628, "x": 36.18938750153978, "r": [-0.05332530423599735, 0.12375860411474982, 0.012961303434876115]}, "13": {"z": 9.991358337141882, "y": -20.18433835245469, "x": 0.5283998160487537, "r": [-0.007898926572361437, 0.1243990039698728, 0.0008644876924482903]}, "14": {"z": 5.252462301410096, "y": -37.656255428451644, "x": 23.837655971741132, "r": [0.1305865967879818, 0.05048725699135659, -0.014517160143938668]}, "15": {"z": 9.99135833714193, "y": -1.9680647842512287, "x": -17.687873752154836, "r": [0.12439900396998238, -0.007898926572374704, 0.0008644876923613598]}, "16": {"z": 9.99135833714191, "y": 16.217220077630415, "x": 0.4974111097269023, "r": [0.007898926572367508, -0.1243990039700576, 0.0008644876923470379]}, "17": {"z": 9.991358337141909, "y": -1.9990534905731059, "x": 18.713684677930406, "r": [-0.12439900397008075, 0.007898926572358134, 0.000864487692357252]}, "18": {"z": 5.252462301410097, "y": -25.30830964626539, "x": 36.185601753927486, "r": [-0.0504872569911079, -0.13058659678758033, -0.014517160143951102]}, "19": {"z": 5.252462301410102, "y": 21.341191371441123, "x": -35.159790828151664, "r": [0.05048725699098, 0.13058659678794982, -0.014517160143989294]}, "20": {"z": 5.252462301410081, "y": 33.68913715362733, "x": -22.811845045965306, "r": [-0.13058659678783968, -0.05048725699201029, -0.014517160144064789]}, "21": {"z": 10.647062024462725, "y": -14.842789843487802, "x": -12.346325243187877, "r": [0.15946273236090747, 0.15946273236094055, -0.03758406917164181]}, "22": {"z": 10.647062024462745, "y": 10.875671568663504, "x": 13.37213616896351, "r": [-0.15946273236085506, -0.15946273236087527, -0.03758406917161561]}, "23": {"z": 9.33645019298369, "y": -14.85805767074494, "x": 13.387403996220623, "r": [-0.16349785360036506, 0.16349785360032176, 0.03854038663906145]}, "24": {"z": 9.336450192983692, "y": 10.890939395920611, "x": -12.361593070444979, "r": [0.16349785360039837, -0.1634978536003353, 0.03854038663905768]}, "25": {"x": -39.10393656724382, "y": -36.4674509649378, "z": 17.307345157460382, "r": [0.08124060080730544, -0.14731342269695347, 0.011054627473694012]}, "26": {"x": -33.97098636463774, "y": -41.60040116754371, "z": 17.307345157460347, "r": [-0.14731342269728742, 0.08124060080716333, 0.011054627473978229]}, "27": {"x": 40.129747493019536, "y": 32.50033269011353, "z": 17.30734515746038, "r": [-0.08124060080795914, 0.1473134226968824, 0.011054627473971124]}, "28": {"x": 34.99679729041348, "y": 37.63328289271945, "z": 17.30734515746035, "r": [0.14731342269760006, -0.0812406008072557, 0.011054627474219814]}, "29": {"x": -11.273560367373465, "y": -35.2468770286455, "z": 12.326259871045512, "r": [-0.0894337869197317, 0.015758665585153153, 0.013843146295885234]}, "30": {"x": 0.6214728561501315, "y": -27.14641113575604, "z": 9.97887525069913, "r": [6.383605462123576e-05, -3.321656784227578e-05, 0.0005128397220670045]}, "31": {"x": 12.269039721952161, "y": -35.24389109523376, "z": 7.6731388787429715, "r": [0.10449809374508323, 0.01039820805697289, -0.01686569106221203]}, "32": {"x": 25.675757461231846, "y": -2.0921265306744505, "z": 9.978875250699184, "r": [3.32165678538221e-05, -6.383605461965369e-05, 0.0005128397220590108]}, "33": {"x": 33.776223354121406, "y": 9.80290669284919, "z": 12.326259871045549, "r": [-0.015758665584684195, 0.08943378691989246, 0.013843146296143694]}, "34": {"x": 33.773237420709656, "y": -13.739693396476428, "z": 7.673138878742998, "r": [-0.010398208056797031, -0.1044980937452431, -0.01686569106222713]}, "35": {"x": 34.985374256018545, "y": -41.59787355329626, "z": 2.6925712370615233, "r": [0.14991935180064075, 0.08171715761351805, -0.011400702742608626]}, "36": {"x": 40.127219878772024, "y": -36.456027930542774, "z": 2.692571237061514, "r": [-0.08171715761377385, -0.1499193518004489, -0.011400702742632163]}, "37": {"x": -33.95956333024275, "y": 37.630755278471995, "z": 2.6925712370615105, "r": [-0.14991935180039206, -0.08171715761360332, -0.011400702742693447]}, "38": {"x": -39.101408952996195, "y": 32.48890965571849, "z": 2.6925712370615154, "r": [0.0817171576137028, 0.14991935180039206, -0.011400702742608182]}, "39": {"x": -24.649946535456145, "y": -1.8749917441498782, "z": 9.978875250699156, "r": [-3.321656784804894e-05, 6.383605461904307e-05, 0.000512839722069558]}, "40": {"x": -32.750412428345626, "y": -13.770024967673521, "z": 12.326259871045556, "r": [0.015758665584968412, -0.08943378692017312, 0.013843146296188102]}, "41": {"x": -32.74742649493376, "y": 9.772575121652126, "z": 7.673138878742984, "r": [0.010398208057072367, 0.10449809374522001, -0.016865691062301735]}, "42": {"x": 12.29937129314929, "y": 31.279758753821287, "z": 12.326259871045545, "r": [0.08943378691986448, -0.01575866558513539, 0.013843146295967834]}, "43": {"x": 0.40433806962559776, "y": 23.179292860931792, "z": 9.978875250699154, "r": [-6.383605462248476e-05, 3.321656785160165e-05, 0.0005128397220760528]}, "44": {"x": -11.243228796176318, "y": 31.27677282040942, "z": 7.673138878742966, "r": [-0.104498093745101, -0.010398208057178948, -0.016865691062309285]}, "45": {"x": -26.10501346902124, "y": -21.412544139008837, "z": 12.916925386147241, "r": [-0.0005010842620869482, -0.0006400674578923571, -0.004396865632514846]}, "46": {"x": -18.91607953870888, "y": -28.60147806932117, "z": 12.916925386147225, "r": [-0.0006400674578888044, -0.0005010842620940537, -0.004396865632524616]}, "47": {"x": 19.941890464484498, "y": 24.6343597944968, "z": 12.916925386147197, "r": [0.0006400674578852517, 0.0005010842620922773, -0.004396865632526392]}, "48": {"x": 27.130824394796903, "y": 17.445425864184465, "z": 12.916925386147202, "r": [0.0005010842620851719, 0.0006400674578888044, -0.0043968656325281685]}, "49": {"x": -6.430873986829402, "y": -18.795555441959397, "z": 10.45572638315829, "r": [0.04952134588738222, 0.14127823585413934, -0.01607675579085166]}, "50": {"x": 7.48270992939992, "y": -18.80128353175954, "z": 9.527420842647997, "r": [-0.06038572936214445, 0.14038558782773852, 0.01730536967141133]}, "51": {"x": 20.049056312422312, "y": -28.69033997470391, "z": 7.04798987077112, "r": [0.0006881551343163039, -0.0005383132322123174, 0.004723293459557354]}, "52": {"x": -16.29909084165951, "y": -8.927338587129354, "z": 10.455726383158309, "r": [0.14127823585408428, 0.04952134588736451, -0.01607675579084228]}, "53": {"x": -16.304818931459632, "y": 4.986245329099923, "z": 9.527420842648024, "r": [0.14038558782759686, -0.06038572936208572, 0.017305369671482718]}, "54": {"x": 7.4566849126050405, "y": 14.828437167135103, "z": 10.455726383158304, "r": [-0.0495213458873352, -0.1412782358540664, -0.01607675579078166]}, "55": {"x": -6.456899003624261, "y": 14.834165256935233, "z": 9.527420842648008, "r": [0.060385729362133544, -0.1403855878277322, 0.01730536967141011]}, "56": {"x": 17.324901767435094, "y": 4.9602203123050295, "z": 10.455726383158304, "r": [-0.14127823585421095, -0.04952134588738738, -0.01607675579084744]}, "57": {"x": 17.330629857235245, "y": -8.953363603924254, "z": 9.527420842648016, "r": [-0.1403855878277382, 0.060385729362112395, 0.017305369671411552]}, "58": {"x": 27.21968630017964, "y": -21.519709986946534, "z": 7.047989870771136, "r": [0.0005383132322176465, -0.0006881551343411729, 0.004723293459536038]}, "59": {"x": -26.193875374403863, "y": 17.552591712122247, "z": 7.047989870771106, "r": [-0.0005383132322176465, 0.0006881551343269621, 0.004723293459562683]}, "60": {"x": -19.023245386646497, "y": 24.72322169987955, "z": 7.047989870771068, "r": [-0.0006881551343305148, 0.0005383132322123174, 0.0047232934595307086]}, "61": {"x": -29.549578573069162, "y": -32.04604317336908, "z": 15.022024918735974, "r": [-0.00040480871775372407, -0.00040480871772530236, -0.0027050319818506807]}, "62": {"x": -8.839552108431059, "y": -27.28662809753658, "z": 11.313889497693314, "r": [-0.00045127170695424823, -0.0002444858560224361, -0.0033631850314908007]}, "63": {"x": -24.790163497236705, "y": -11.336016708731062, "z": 11.313889497693337, "r": [-0.0002444858560606278, -0.00045127170697067953, -0.0033631850315036793]}, "64": {"x": 30.575389498844945, "y": 28.078924898544862, "z": 15.022024918735998, "r": [0.00040480871779635663, 0.00040480871779635663, -0.002705031981822259]}, "65": {"x": 9.865363034206753, "y": 23.319509822712295, "z": 11.31388949769333, "r": [0.00045127170696623864, 0.0002444858560393115, -0.0033631850314996825]}, "66": {"x": 25.815974423012417, "y": 7.368898433906725, "z": 11.313889497693333, "r": [0.0002444858560721741, 0.0004512717069724559, -0.0033631850314943534]}, "67": {"x": 10.00778580301359, "y": -27.364304334133813, "z": 8.64925038172452, "r": [0.0005426882855719128, -0.0002859118986240361, 0.003982449392292864]}, "68": {"x": 30.652141366187703, "y": -32.12279504071192, "z": 4.948687291395356, "r": [0.000421180005695021, -0.000421180005695021, 0.0028165313658581326]}, "69": {"x": 25.893650659609563, "y": -11.478439477537865, "z": 8.649250381724556, "r": [0.00028591189858850896, -0.0005426882855523729, 0.003982449392273324]}, "70": {"x": -8.98197487723781, "y": 23.397186059309462, "z": 8.649250381724512, "r": [-0.0005426882855634751, 0.00028591189861337796, 0.0039824493922808735]}, "71": {"x": -29.626330440411895, "y": 28.15567676588764, "z": 4.94868729139532, "r": [-0.0004211800056630466, 0.000421180005670152, 0.0028165313658314872]}, "72": {"x": -24.8678397338338, "y": 7.511321202713544, "z": 8.649250381724533, "r": [-0.00028591189860893707, 0.0005426882855608106, 0.003982449392292864]}, "73": {"x": -41.6210161502459, "y": -41.81436682457902, "z": 18.639211132037687, "r": [0.09715487120661237, -0.16589763198979313, 0.011573181527623433]}, "74": {"x": -39.317902224278996, "y": -44.11748075054585, "z": 18.639211132037676, "r": [-0.16589763198971497, 0.09715487120736555, 0.011573181527353427]}, "75": {"x": 42.64682707602163, "y": 37.84724854975476, "z": 18.639211132037683, "r": [-0.09715487120687527, 0.16589763198933838, 0.011573181527424481]}, "76": {"x": 40.34371315005473, "y": 40.15036247572161, "z": 18.639211132037673, "r": [0.165897631989111, -0.09715487120760002, 0.011573181527271714]}, "77": {"x": -5.401734712766373, "y": -34.63571935843177, "z": 11.156098781310318, "r": [-0.047743360820658776, -0.002690501428729064, 0.008301144957645334]}, "78": {"x": 0.5868042789645357, "y": -30.867184761623307, "z": 9.982581660864708, "r": [8.725593457488412e-05, -4.793277938985874e-05, 0.0005152110050904435]}, "79": {"x": 6.394747177960431, "y": -34.63403862324008, "z": 8.84318338518036, "r": [0.06671026836914562, -0.006272503480516889, -0.011676298842365096]}, "80": {"x": 29.396531087099174, "y": -2.0574579534888344, "z": 9.982581660864769, "r": [4.793277940406959e-05, -8.72559345766466e-05, 0.0005152110051046543]}, "81": {"x": 33.16506568390773, "y": 3.931081038242097, "z": 11.15609878131037, "r": [0.002690501428295633, 0.047743360820670766, 0.008301144957743478]}, "82": {"x": 33.16338494871603, "y": -7.86540085248471, "z": 8.843183385180406, "r": [0.006272503480756697, -0.06671026836937144, -0.011676298842451915]}, "83": {"x": 40.33793220460932, "y": -44.11608326593393, "z": 1.3607674574277706, "r": [0.16800694206327904, 0.09806440185845844, -0.011756636684528532]}, "84": {"x": 42.64542959140969, "y": -41.80858587913356, "z": 1.3607674574277648, "r": [-0.09806440185871423, -0.16800694206366984, -0.01175663668456961]}, "85": {"x": -39.31212127883356, "y": 40.14896499110968, "z": 1.3607674574277646, "r": [-0.16800694206380484, -0.09806440185757737, -0.011756636684521204]}, "86": {"x": -41.61961866563389, "y": 37.84146760430929, "z": 1.360767457427766, "r": [0.09806440185825238, 0.16800694206330036, -0.011756636684542077]}, "87": {"x": -28.370720161323376, "y": -1.9096603213354857, "z": 9.98258166086474, "r": [-4.793277940140506e-05, 8.725593457653211e-05, 0.0005152110050975489]}, "88": {"x": -32.13925475813187, "y": -7.898199313066419, "z": 11.156098781310357, "r": [-0.0026905014283915563, -0.04774336082067476, 0.00830114495768619]}, "89": {"x": -32.137574022940136, "y": 3.8982825776603973, "z": 8.843183385180387, "r": [-0.006272503480429847, 0.066710268369191, -0.011676298842453914]}, "90": {"x": 6.427545638542203, "y": 30.668601083607545, "z": 11.156098781310348, "r": [0.047743360820610925, 0.002690501428451064, 0.008301144957720386]}, "91": {"x": 0.4390066468112397, "y": 26.900066486799062, "z": 9.982581660864732, "r": [-8.725593458279446e-05, 4.793277941650409e-05, 0.0005152110051321324]}, "92": {"x": -5.368936252184595, "y": 30.66692034841579, "z": 8.843183385180373, "r": [-0.06671026836918914, 0.006272503480905911, -0.01167629884237753]}, "93": {"x": -36.94782210812928, "y": -30.96480072501672, "z": 16.009178158914267, "r": [0.06729557588387536, -0.13399197534435103, 0.011540132853589569]}, "94": {"x": -33.76131088409734, "y": -19.589755111935514, "z": 13.520891544325643, "r": [0.03634855844987328, -0.11183431709656055, 0.014480696453375685]}, "95": {"x": -30.869582271496668, "y": -23.387890410913002, "z": 13.821510834669184, "r": [-0.00041651904455974886, -0.0005410524383897553, -0.003434835642954326]}, "96": {"x": -28.468336124716664, "y": -39.44428670842915, "z": 16.009178158914224, "r": [-0.13399197534392115, 0.06729557588448642, 0.011540132853600227]}, "97": {"x": -17.093290511635455, "y": -36.25777548439721, "z": 13.520891544325599, "r": [-0.11183431709670266, 0.03634855845015039, 0.014480696453477826]}, "98": {"x": -20.891425810613004, "y": -33.36604687179658, "z": 13.821510834669157, "r": [-0.0005410524383915316, -0.0004165190445739597, -0.003434835642924128]}, "99": {"x": 29.49414705049244, "y": 35.477168433604895, "z": 16.009178158914235, "r": [0.1339919753443084, -0.06729557588429103, 0.011540132853706808]}, "100": {"x": 18.119101437411274, "y": 32.29065720957299, "z": 13.520891544325632, "r": [0.11183431709655167, -0.03634855844962104, 0.014480696453612829]}, "101": {"x": 21.917236736388677, "y": 29.398928596972222, "z": 13.821510834669143, "r": [0.0005410524383755444, 0.0004165190445668543, -0.0034348356429436677]}, "102": {"x": 37.97363303390497, "y": 26.997682450192432, "z": 16.009178158914246, "r": [-0.06729557588453616, 0.1339919753441201, 0.0115401328533693]}, "103": {"x": 34.78712180987306, "y": 15.622636837111184, "z": 13.520891544325623, "r": [-0.036348558449510904, 0.11183431709693181, 0.014480696453516018]}, "104": {"x": 31.895393197272362, "y": 19.420772136088665, "z": 13.821510834669157, "r": [0.00041651904458817057, 0.0005410524384039661, -0.0034348356429276805]}, "105": {"x": 0.6034743402420885, "y": -23.477634818137723, "z": 9.983383114676231, "r": [4.875159146580654e-05, -2.3873123316198175e-05, 0.0005069089698388485]}, "106": {"x": -3.0177975942916757, "y": -19.833227518910444, "z": 10.24282777924871, "r": [0.018678728512680404, 0.12974612344718028, -0.007276601235216895]}, "107": {"x": 4.073271962020385, "y": -19.83576101150854, "z": 9.740028104421082, "r": [-0.03294277708039413, 0.12887338753689698, 0.008839474551411236]}, "108": {"x": 18.092491597883562, "y": -36.25407947736409, "z": 6.478654439598583, "r": [0.12246458706819219, 0.0315554230575934, -0.016851282233428577]}, "109": {"x": 29.477268999718355, "y": -39.44093283538288, "z": 3.9906403532133137, "r": [0.1381103551170284, 0.06647825683759123, -0.012357256144314377]}, "110": {"x": 21.98651954027261, "y": -33.420999079738024, "z": 6.153182181623869, "r": [0.000580649732100369, -0.0004470876945177338, 0.003680071510951066]}, "111": {"x": -20.981170217837846, "y": -1.89299026005791, "z": 9.983383114676265, "r": [-2.387312331453284e-05, 4.875159146586249e-05, 0.0005069089698299112]}, "112": {"x": -17.33676291861058, "y": -5.514262194591646, "z": 10.24282777924875, "r": [0.12974612344705477, 0.018678728512663403, -0.0072766012351913045]}, "113": {"x": -17.339296411208668, "y": 1.576807361720396, "z": 9.740028104421121, "r": [0.12887338753696861, -0.03294277708040576, 0.008839474551486919]}, "114": {"x": 0.4223365855336021, "y": 19.51051654331342, "z": 9.98338311467625, "r": [-4.875159146543184e-05, 2.3873123334072766e-05, 0.00050690896984662]}, "115": {"x": 4.043608520067324, "y": 15.86610924408616, "z": 10.242827779248731, "r": [-0.018678728512635745, -0.1297461234469579, -0.007276601235179814]}, "116": {"x": -3.047461036244725, "y": 15.86864273668425, "z": 9.7400281044211, "r": [0.03294277708040419, -0.12887338753694583, 0.008839474551434662]}, "117": {"x": 22.00698114361346, "y": -2.074128014766427, "z": 9.983383114676268, "r": [2.3873123322526446e-05, -4.875159146724983e-05, 0.0005069089698380158]}, "118": {"x": 18.36257384438615, "y": 1.5471439197673136, "z": 10.242827779248733, "r": [-0.12974612344698738, -0.018678728512649838, -0.0072766012351302145]}, "119": {"x": 18.365107336984256, "y": -5.54392563654473, "z": 9.740028104421107, "r": [-0.1288733875369528, 0.03294277708040959, 0.008839474551438617]}, "120": {"x": 34.783425802839936, "y": -19.563145272407823, "z": 6.478654439598593, "r": [-0.03155542305755077, -0.12246458706822061, -0.016851282233455223]}, "121": {"x": 37.97027916085867, "y": -30.94792267424259, "z": 3.990640353213306, "r": [-0.06647825683789677, -0.13811035511654168, -0.012357256144320594]}, "122": {"x": 31.95034540521373, "y": -23.45717321479678, "z": 6.153182181623897, "r": [0.0004470876945177338, -0.0005806497320861581, 0.003680071510984817]}, "123": {"x": -36.94446823508284, "y": 26.980804399418307, "z": 3.990640353213308, "r": [0.0664782568376765, 0.13811035511669445, -0.012357256144330364]}, "124": {"x": -33.757614877064086, "y": 15.596026997583532, "z": 6.478654439598588, "r": [0.03155542305777814, 0.12246458706832364, -0.01685128223340726]}, "125": {"x": -30.924534479437945, "y": 19.490054939972513, "z": 6.153182181623877, "r": [-0.0004470876944928648, 0.0005806497320914872, 0.003680071510970606]}, "126": {"x": -28.45145807394254, "y": 35.47381456055858, "z": 3.990640353213296, "r": [-0.13811035511614733, -0.06647825683860731, -0.012357256144404971]}, "127": {"x": -17.06668067210772, "y": 32.286961202539736, "z": 6.478654439598567, "r": [-0.1224645870680785, -0.03155542305765735, -0.016851282233411702]}, "128": {"x": -20.96070861449676, "y": 29.45388080491365, "z": 6.153182181623832, "r": [-0.0005806497320755, 0.00044708769448931207, 0.0036800715109430726]}, "129": {"x": -20.58254097028611, "y": -19.155565212474013, "z": 11.978794890646977, "r": [-0.0006693187732835781, -0.0008221066597169369, -0.006234142186425373]}, "130": {"x": -16.659100612174072, "y": -23.07900557058605, "z": 11.978794890646974, "r": [-0.0008221066597382531, -0.000669318773297789, -0.006234142186422709]}, "131": {"x": -9.580746204363622, "y": -17.110789062348942, "z": 10.597689693392445, "r": [0.08583571389981037, 0.1507534726211181, -0.024719618899302777]}, "132": {"x": -14.614324462049025, "y": -12.077210804663558, "z": 10.597689693392448, "r": [0.15075347262109395, 0.08583571389986688, -0.024719618899310125]}, "133": {"x": 17.68491153794969, "y": 19.111887295761697, "z": 11.97879489064696, "r": [0.0008221066597187132, 0.0006693187732871309, -0.006234142186439584]}, "134": {"x": 21.60835189606172, "y": 15.188446937649637, "z": 11.978794890646952, "r": [0.0006693187732889072, 0.0008221066597418059, -0.006234142186411162]}, "135": {"x": 10.606557130139256, "y": 13.143670787524638, "z": 10.597689693392459, "r": [-0.08583571389980905, -0.15075347262106065, -0.024719618899346388]}, "136": {"x": 15.640135387824635, "y": 8.110092529839251, "z": 10.597689693392457, "r": [-0.1507534726210948, -0.08583571389980518, -0.02471961889932134]}, "137": {"x": 10.627457043960955, "y": -17.12076633962, "z": 9.385729433069368, "r": [-0.09270188613245053, 0.15082014866731275, 0.025560646984582824]}, "138": {"x": 17.778734523296368, "y": -23.17044523565097, "z": 7.988770851750188, "r": [0.0008762770589463287, -0.0007137046035659012, 0.006687566576271564]}, "139": {"x": 15.650112665095696, "y": -12.098110718485279, "z": 9.38572943306938, "r": [-0.15082014866732144, 0.0927018861323464, 0.025560646984641264]}, "140": {"x": 21.699791561126688, "y": -19.24938819782062, "z": 7.988770851750205, "r": [0.0007137046035836647, -0.0008762770589321178, 0.006687566576308868]}, "141": {"x": -14.624301739320066, "y": 8.130992443660949, "z": 9.385729433069386, "r": [0.1508201486673336, -0.09270188613239337, 0.02556064698460936]}, "142": {"x": -9.601646118185299, "y": 13.153648064795682, "z": 9.385729433069375, "r": [0.09270188613235311, -0.15082014866733337, 0.025560646984663565]}, "143": {"x": -20.673980635350993, "y": 15.282269922996331, "z": 7.988770851750167, "r": [-0.0007137046035872174, 0.000876277058942776, 0.006687566576305315]}, "144": {"x": -16.75292359752063, "y": 19.20332696082665, "z": 7.9887708517501546, "r": [-0.000876277058948105, 0.0007137046035978756, 0.006687566576294657]}, "145": {"x": -34.51261945724255, "y": -34.196836773722865, "z": 16.164534656496986, "r": [-0.0002555297507669252, -0.0002679671789636018, -0.0016655134370857638]}, "146": {"x": -31.70037217342286, "y": -37.009084057542445, "z": 16.16453465649695, "r": [-0.0002679671789742599, -0.00025552975078113604, -0.0016655134370857638]}, "147": {"x": 35.53843038301835, "y": 30.22971849889864, "z": 16.164534656497, "r": [0.00025552975075981976, 0.0002679671789991289, -0.0016655134370751057]}, "148": {"x": 32.726183099198664, "y": 33.041965782718236, "z": 16.16453465649698, "r": [0.00026796717900978706, 0.00025552975078468876, -0.0016655134370786584]}, "149": {"x": -10.036407427383502, "y": -31.403674832241947, "z": 11.792979603882719, "r": [-0.0005146822722368327, -0.0002617228746153444, -0.003462071308256487]}, "150": {"x": -4.088834398737533, "y": -27.172316167663073, "z": 10.634050749101375, "r": [-0.00021353722616068715, -8.473570162248478e-05, -0.0017371061553983491]}, "151": {"x": 5.277348888867516, "y": -27.21552907592085, "z": 9.329658803731352, "r": [0.0003411572156555298, -0.00011666093612294759, 0.0026091833434462863]}, "152": {"x": 11.156387733695666, "y": -31.451639482960285, "z": 8.17848667344413, "r": [0.0006232373157901705, -0.0003086517270514122, 0.004086997025981809]}, "153": {"x": 25.701662493138873, "y": 2.6181807242131954, "z": 10.634050749101409, "r": [8.473570165179467e-05, 0.00021353722616179738, -0.0017371061553852485]}, "154": {"x": 25.74487540139662, "y": -6.748002563391813, "z": 9.329658803731409, "r": [0.0001166609361717974, -0.00034115721566618795, 0.0026091833434531697]}, "155": {"x": 29.933021157717853, "y": 8.565753752859202, "z": 11.79297960388275, "r": [0.0002617228746153444, 0.0005146822722403854, -0.0034620713082338384]}, "156": {"x": 29.98098580843614, "y": -12.627041408219945, "z": 8.178486673444159, "r": [0.0003086517270585176, -0.0006232373157919469, 0.004086997025997352]}, "157": {"x": 32.775023543249745, "y": -37.05657506451044, "z": 3.81591111104901, "r": [0.0002752877687797195, -0.00026273618922090236, 0.0017140029500621878]}, "158": {"x": 35.585921389986275, "y": -34.245677217773995, "z": 3.8159111110489934, "r": [0.00026273618924932407, -0.00027528776874419236, 0.0017140029500621878]}, "159": {"x": -31.74921261747398, "y": 33.08945678968621, "z": 3.8159111110489787, "r": [-0.0002752877687797195, 0.00026273618922090236, 0.0017140029500701814]}, "160": {"x": -34.56011046421049, "y": 30.278558942949743, "z": 3.815911111048976, "r": [-0.0002627361891853752, 0.00027528776871577065, 0.0017140029500550824]}, "161": {"x": -24.67585156736318, "y": -6.585298999037529, "z": 10.634050749101398, "r": [-8.473570163047839e-05, -0.00021353722616268556, -0.001737106155383028]}, "162": {"x": -24.7190644756209, "y": 2.7808842885674974, "z": 9.329658803731375, "r": [-0.00011666093612738848, 0.0003411572156559739, 0.002609183343440513]}, "163": {"x": -28.90721023194207, "y": -12.53287202768352, "z": 11.792979603882749, "r": [-0.0002617228746011335, -0.0005146822722439381, -0.0034620713082533783]}, "164": {"x": -28.955174882660284, "y": 8.659923133395635, "z": 8.178486673444143, "r": [-0.0003086517270478595, 0.000623237315782621, 0.00408699702597648]}, "165": {"x": 11.062218353159263, "y": 27.436556557417724, "z": 11.79297960388275, "r": [0.0005146822722452704, 0.0002617228746277789, -0.0034620713082285093]}, "166": {"x": 5.114645324513234, "y": 23.205197892838754, "z": 10.634050749101387, "r": [0.0002135372261589108, 8.4735701638472e-05, -0.001737106155378143]}, "167": {"x": -4.251537963091772, "y": 23.248410801096558, "z": 9.32965880373136, "r": [-0.00034115721565664003, 0.00011666093612472395, 0.0026091833434425116]}, "168": {"x": -10.130576807919855, "y": 27.48452120813595, "z": 8.17848667344412, "r": [-0.000623237315787506, 0.0003086517270585176, 0.004086997025976924]}, "169": {"x": -27.62936078130633, "y": -26.788128778470725, "z": 13.923030320770955, "r": [-0.0004903487531109363, -0.0005395791569817732, -0.0036676025965718395]}, "170": {"x": -25.185137040284157, "y": -16.235710477568254, "z": 12.056289421809378, "r": [-0.0004051197123438044, -0.0006055103716287036, -0.004259376452559138]}, "171": {"x": -24.291664178170766, "y": -30.125825381606287, "z": 13.923030320770948, "r": [-0.0005395791569746677, -0.0004903487531180417, -0.003667602596573616]}, "172": {"x": -13.7392458772683, "y": -27.681601640584102, "z": 12.056289421809376, "r": [-0.0006055103716153809, -0.00040511971232071176, -0.0042593764525404865]}, "173": {"x": 25.317475103946393, "y": 26.158707106781872, "z": 13.923030320770906, "r": [0.0005395791569746677, 0.0004903487531180417, -0.0036676025965967085]}, "174": {"x": 14.765056803043965, "y": 23.714483365759783, "z": 12.056289421809375, "r": [0.0006055103716100518, 0.0004051197123313699, -0.004259376452542263]}, "175": {"x": 28.655171707082012, "y": 22.82101050364637, "z": 13.923030320770927, "r": [0.0004903487531038309, 0.0005395791569604569, -0.0036676025965753922]}, "176": {"x": 26.210947966059894, "y": 12.26859220274394, "z": 12.056289421809367, "r": [0.0004051197122940664, 0.0006055103716033905, -0.004259376452575125]}, "177": {"x": -7.627922542689491, "y": -22.993926909217052, "z": 10.870931495381033, "r": [-0.0002756684478022464, -0.00018757388548085174, -0.0025831108384686274]}, "178": {"x": 8.772983837484999, "y": -23.069101019697822, "z": 9.097331464170878, "r": [0.0003512016251239203, -0.00022777838656118377, 0.00321317417995326]}, "179": {"x": 14.894039019355494, "y": -27.775685454697747, "z": 7.905909217370262, "r": [0.0006689010043494648, -0.0004446704115821376, 0.004690172226536227]}, "180": {"x": 25.408381036813587, "y": -30.208818182024675, "z": 6.04460409748327, "r": [0.0005719532889045809, -0.0005195496706669189, 0.003887498257356903]}, "181": {"x": -20.49746230891713, "y": -10.124387142989455, "z": 10.870931495381052, "r": [-0.0001875738854906217, -0.0002756684478066873, -0.0025831108384628543]}, "182": {"x": -20.572636419397863, "y": 6.276519237184974, "z": 9.09733146417089, "r": [-0.00022777838655763105, 0.00035120162512169983, 0.0032131741799479308]}, "183": {"x": 8.653733468465145, "y": 19.026808634392705, "z": 10.870931495381047, "r": [0.0002756684477907001, 0.00018757388546308817, -0.002583110838496605]}, "184": {"x": -7.7471729117092725, "y": 19.10198274487349, "z": 9.09733146417088, "r": [-0.0003512016251261407, 0.00022777838657805916, 0.0032131741799670266]}, "185": {"x": 21.52327323469279, "y": 6.157268868165127, "z": 10.870931495381047, "r": [0.0001875738854657527, 0.0002756684477978055, -0.002583110838466851]}, "186": {"x": 21.598447345173533, "y": -10.243637512009295, "z": 9.097331464170914, "r": [0.00022777838658161187, -0.0003512016251319139, 0.0032131741799710234]}, "187": {"x": 28.738164507500407, "y": -26.87903471133776, "z": 6.044604097483284, "r": [0.0005195496706953406, -0.0005719532889223444, 0.0038874982573897654]}, "188": {"x": 26.305031780173508, "y": -16.364692693879746, "z": 7.905909217370284, "r": [0.00044467041157147946, -0.0006689010043334775, 0.004690172226548217]}, "189": {"x": -27.71235358172466, "y": 22.911916436513515, "z": 6.044604097483233, "r": [-0.0005195496706669189, 0.0005719532889010281, 0.00388749825735335]}, "190": {"x": -25.279220854397753, "y": 12.397574419055452, "z": 7.905909217370266, "r": [-0.0004446704115785849, 0.0006689010043379184, 0.004690172226553102]}, "191": {"x": -13.868228093579706, "y": 23.808567179873386, "z": 7.905909217370235, "r": [-0.0006689010043325894, 0.0004446704115750322, 0.0046901722265455525]}, "192": {"x": -24.38257011103774, "y": 26.241699907200324, "z": 6.044604097483229, "r": [-0.0005719532889010281, 0.0005195496706953406, 0.003887498257356903]}, "193": {"x": -32.50158250500328, "y": -28.85293862903405, "z": 14.95967248369537, "r": [-0.0003663371353219702, -0.0004178051197776256, -0.002630064790364983]}, "194": {"x": -36.82249934707717, "y": -39.31896394737713, "z": 17.406476937402584, "r": [-0.00011962293356759801, -0.00011962293353207087, -0.0007315404721488505]}, "195": {"x": -26.35647402873403, "y": -34.998047105303165, "z": 14.95967248369534, "r": [-0.000417805119834469, -0.00036633713538236634, -0.0026300647903418906]}, "196": {"x": -22.295647404115716, "y": -24.792112004415664, "z": 12.911487783129292, "r": [-0.0006315445592761648, -0.0006315445592584013, -0.004798187336870541]}, "197": {"x": -15.427491167693393, "y": -32.17139230356579, "z": 12.767909707312906, "r": [-0.0005930667824438629, -0.000382497343398569, -0.0038202600670684816]}, "198": {"x": -4.7116281348242195, "y": -30.994642983912, "z": 10.873809104228583, "r": [-0.00026903664432453844, -0.00010645177720824961, -0.00198679875142993]}, "199": {"x": -3.5172194303496735, "y": -23.352820880333574, "z": 10.425577285581715, "r": [-9.879506265664251e-05, -5.381445217400582e-05, -0.0011260236466550388]}, "200": {"x": -11.854288912555157, "y": -22.67891009096917, "z": 11.350003659721702, "r": [-0.00046935782056412023, -0.00038511253101525256, -0.0038663915177674646]}, "201": {"x": -20.85635628003367, "y": -6.013684030649649, "z": 10.425577285581742, "r": [-5.381445217134129e-05, -9.879506265120241e-05, -0.0011260236466430484]}, "202": {"x": -28.49817838361209, "y": -7.208092735124235, "z": 10.873809104228613, "r": [-0.00010645177722956589, -0.00026903664433053365, -0.0019867987514206042]}, "203": {"x": -29.67492770326588, "y": -17.9239557679934, "z": 12.767909707312935, "r": [-0.00038249734338080543, -0.0005930667824269875, -0.003820260067046277]}, "204": {"x": -20.182445490669235, "y": -14.350753512855098, "z": 11.35000365972171, "r": [-0.0003851125310383452, -0.0004693578205685611, -0.0038663915177807873]}, "205": {"x": 33.52739343077898, "y": 24.88582035420974, "z": 14.959672483695355, "r": [0.00036633713535749735, 0.00041780511984512714, -0.0026300647903525487]}, "206": {"x": 37.848310272852956, "y": 35.35184567255293, "z": 17.406476937402598, "r": [0.00011962293357470344, 0.00011962293358180887, -0.0007315404721914831]}, "207": {"x": 27.38228495450974, "y": 31.03092883047885, "z": 14.959672483695329, "r": [0.0004178051198309163, 0.0003663371353752609, -0.002630064790343667]}, "208": {"x": 23.321458329891307, "y": 20.82499372959125, "z": 12.911487783129244, "r": [0.0006315445592548485, 0.0006315445592512958, -0.004798187336906068]}, "209": {"x": 16.453302093469134, "y": 28.20427402874153, "z": 12.76790970731292, "r": [0.0005930667824314284, 0.0003824973433950163, -0.003820260067045389]}, "210": {"x": 5.737439060599971, "y": 27.027524709087693, "z": 10.873809104228597, "r": [0.00026903664432698093, 0.00010645177722867771, -0.00198679875142993]}, "211": {"x": 4.5430303561253496, "y": 19.38570260550928, "z": 10.425577285581731, "r": [9.879506265453308e-05, 5.3814452155354076e-05, -0.001126023646655927]}, "212": {"x": 12.880099838330786, "y": 18.711791816144824, "z": 11.350003659721704, "r": [0.00046935782057921926, 0.00038511253104012155, -0.0038663915177581387]}, "213": {"x": 21.882167205809328, "y": 2.0465657558253216, "z": 10.425577285581742, "r": [5.381445216556813e-05, 9.879506265630944e-05, -0.001126023646641272]}, "214": {"x": 29.523989309387847, "y": 3.2409744602999058, "z": 10.87380910422862, "r": [0.00010645177718959786, 0.00026903664432298413, -0.0019867987514268215]}, "215": {"x": 30.700738629041613, "y": 13.956837493169065, "z": 12.767909707312912, "r": [0.0003824973434021217, 0.0005930667824252112, -0.0038202600670427245]}, "216": {"x": 21.20825641644488, "y": 10.383635238030763, "z": 11.3500036597217, "r": [0.00038511253102058163, 0.00046935782056722886, -0.003866391517770573]}, "217": {"x": 4.673000366796074, "y": -23.389495839421528, "z": 9.54527327262172, "r": [0.00020191806496350218, -8.332620717688144e-05, 0.0019986126398383597]}, "218": {"x": 5.848272493657007, "y": -31.023359466564266, "z": 9.096564596654783, "r": [0.00042831128644871264, -0.00014346697005063191, 0.0028700314026086637]}, "219": {"x": 16.535475357149743, "y": -32.22705043821929, "z": 7.204500131287829, "r": [0.0006607938982208239, -0.0004239900631120008, 0.004226057607167988]}, "220": {"x": 12.998687587242816, "y": -22.78352085927351, "z": 8.614286200039954, "r": [0.0005215983064239538, -0.000422114307234267, 0.0042911095502509156]}, "221": {"x": 27.441352381437262, "y": -35.050744266972465, "z": 5.017491796495773, "r": [0.0004372970521728803, -0.0003838616101567993, 0.002754962317919052]}, "222": {"x": 37.87875265280884, "y": -39.34940632733308, "z": 2.580892394928484, "r": [0.00012201237638009843, -0.00012201237640141471, 0.0007473903148849104]}, "223": {"x": 33.58009059244824, "y": -28.91200605596144, "z": 5.017491796495785, "r": [0.0003838616101567993, -0.00043729705221551285, 0.0027549623178879656]}, "224": {"x": 23.407757093231243, "y": -24.878410767755486, "z": 7.056940929138036, "r": [0.0006768536876862186, -0.0006768536876897713, 0.005155411372342655]}, "225": {"x": 30.756396763695072, "y": -18.00612903167399, "z": 7.204500131287841, "r": [0.00042399006311910625, -0.0006607938982297057, 0.004226057607178646]}, "226": {"x": 29.552705792040104, "y": -7.318926168181294, "z": 9.096564596654838, "r": [0.00014346697009504084, -0.00042831128644937877, 0.002870031402619322]}, "227": {"x": 21.91884216489725, "y": -6.143654041320393, "z": 9.545273272621762, "r": [8.332620719642136e-05, -0.00020191806497149578, 0.0019986126398530146]}, "228": {"x": 21.312867184749187, "y": -14.469341261767065, "z": 8.614286200039974, "r": [0.0004221143072271616, -0.0005215983064124075, 0.004291109550261574]}, "229": {"x": -3.6471894410203736, "y": 19.42237756459725, "z": 9.54527327262174, "r": [-0.00020191806497149578, 8.332620718620731e-05, 0.0019986126398436888]}, "230": {"x": -4.82246156788122, "y": 27.05624119174001, "z": 9.096564596654794, "r": [-0.0004283112864529315, 0.00014346697009059994, 0.0028700314026126605]}, "231": {"x": -15.50966443137393, "y": 28.25993216339494, "z": 7.204500131287789, "r": [-0.0006607938982048367, 0.00042399006312798804, 0.004226057607136013]}, "232": {"x": -11.97287666146707, "y": 18.816402584449165, "z": 8.61428620003994, "r": [-0.0005215983064337237, 0.0004221143072511424, 0.004291109550265126]}, "233": {"x": -26.415541455661426, "y": 31.083625992148146, "z": 5.017491796495749, "r": [-0.00043729705216577486, 0.0003838616101319303, 0.002754962317914611]}, "234": {"x": -36.8529417270331, "y": 35.382288052508855, "z": 2.580892394928457, "r": [-0.00012201237639430929, 0.00012201237640141471, 0.0007473903148511596]}, "235": {"x": -32.55427966667242, "y": 24.944887781137187, "z": 5.017491796495763, "r": [-0.0003838616101319303, 0.000437297052176433, 0.0027549623179270455]}, "236": {"x": -22.381946167455485, "y": 20.911292492931175, "z": 7.056940929137987, "r": [-0.0006768536877004294, 0.0006768536877004294, 0.005155411372327556]}, "237": {"x": -29.730585837919264, "y": 14.0390107568497, "z": 7.2045001312878325, "r": [-0.00042399006311910625, 0.0006607938982217121, 0.0042260576071671]}, "238": {"x": -28.52689486626422, "y": 3.3518078933569733, "z": 9.096564596654817, "r": [-0.0001434669701048108, 0.0004283112864595928, 0.002870031402633977]}, "239": {"x": -20.89303123912164, "y": 2.176535766496065, "z": 9.545273272621753, "r": [-8.332620722439898e-05, 0.00020191806497582565, 0.001998612639859232]}, "240": {"x": -20.287056258973507, "y": 10.502222986942774, "z": 8.614286200039956, "r": [-0.0004221143072147271, 0.000521598306419957, 0.004291109550241146]}, "241": {"x": -43.011203475789586, "y": -44.422456737439475, "z": 19.316327327237467, "r": [0.09928404301676608, -0.1841181720799483, 0.014417743083555479]}, "242": {"x": -41.92599213713946, "y": -45.50766807608956, "z": 19.316327327237467, "r": [-0.18411817208001935, 0.0992840430157429, 0.01441774308400312]}, "243": {"x": 44.03701440156532, "y": 40.45533846261523, "z": 19.31632732723747, "r": [-0.09928404301638238, 0.18411817208027514, 0.014417743084031542]}, "244": {"x": 42.951803062915204, "y": 41.54054980126533, "z": 19.316327327237463, "r": [0.18411817208031778, -0.0992840430164108, 0.014417743083882328]}, "245": {"x": -2.454500020600395, "y": -34.48213380921148, "z": 10.577012626752982, "r": [-0.017746862631976335, -0.008962698627826171, 0.0036856445798996162]}, "246": {"x": 0.5458079053414584, "y": -32.67842841304626, "z": 9.990036148737506, "r": [-3.2054311516205303e-06, -8.907456106044265e-09, -1.7575181790796535e-05]}, "247": {"x": 3.446860287502725, "y": -34.48127033063506, "z": 9.422259302006307, "r": [0.0388903798982998, -0.010681157379003992, -0.007850538531624096]}, "248": {"x": 31.207774738522197, "y": -2.0164615798657475, "z": 9.990036148737566, "r": [8.907466764185301e-09, 3.2054311520646195e-06, -1.7575181801454676e-05]}, "249": {"x": 33.01148013468745, "y": 0.9838463460761177, "z": 10.577012626753039, "r": [0.0089626986277338, 0.017746862631929483, 0.0036856445798214565]}, "250": {"x": 33.01061665611103, "y": -4.917513962027003, "z": 9.42225930200636, "r": [0.010681157378698458, -0.03889037989829092, -0.007850538531481988]}, "251": {"x": 42.94889645748877, "y": -45.506936658241116, "z": 0.6836672539608787, "r": [0.1861240981496053, 0.10023915186337717, -0.014572246842239345]}, "252": {"x": 44.03628298371686, "y": -44.419550132013015, "z": 0.6836672539608752, "r": [-0.10023915186346244, -0.18612409814898, -0.014572246842278869]}, "253": {"x": -41.92308553171301, "y": 41.539818383416865, "z": 0.6836672539608756, "r": [-0.18612409814956266, -0.10023915186381771, -0.014572246842248227]}, "254": {"x": -43.01047205794109, "y": 40.452431857188756, "z": 0.6836672539608759, "r": [0.10023915186398824, 0.18612409814859632, -0.014572246842265546]}, "255": {"x": -30.18196381274636, "y": -1.9506566949585729, "z": 9.990036148737538, "r": [-8.907427684334834e-09, -3.2054311521756418e-06, -1.7575181795237427e-05]}, "256": {"x": -31.985669208911574, "y": -4.950964620900437, "z": 10.577012626753021, "r": [-0.008962698627868804, -0.01774686263195946, 0.003685644579814351]}, "257": {"x": -31.984805730335125, "y": 0.9503956872026904, "z": 9.422259302006339, "r": [-0.010681157379181627, 0.038890379898297134, -0.007850538531585016]}, "258": {"x": 3.480310946376226, "y": 30.515015534387246, "z": 10.577012626753008, "r": [0.017746862631994098, 0.008962698627954069, 0.003685644579793035]}, "259": {"x": 0.48000302043434956, "y": 28.711310138222057, "z": 9.99003614873753, "r": [3.205431152952798e-06, 8.907466764185301e-09, -1.7575181790796535e-05]}, "260": {"x": -2.4210493617268902, "y": 30.514152055810793, "z": 9.422259302006326, "r": [-0.038890379898326444, 0.010681157379437423, -0.007850538531364748]}, "261": {"x": -36.00850772823674, "y": -28.162422190777377, "z": 15.373759029669086, "r": [0.05579349111904719, -0.13130466202685653, 0.014989749080783099]}, "262": {"x": -34.41402640858869, "y": -22.47159077380406, "z": 14.12992904976778, "r": [0.040917695696698786, -0.11891408941959014, 0.016524399457800598]}, "263": {"x": -33.06506868402946, "y": -24.358371609209527, "z": 14.286880729140767, "r": [-7.677508591541482e-06, -1.0812925907544013e-05, -5.748406555561303e-05]}, "264": {"x": -25.665957590477326, "y": -38.50497232853662, "z": 15.373759029669044, "r": [-0.13130466202724023, 0.05579349111907561, 0.014989749080648096]}, "265": {"x": -19.975126173504005, "y": -36.91049100888856, "z": 14.129929049767734, "r": [-0.11891408942011594, 0.04091769569650694, 0.01652439945773665]}, "266": {"x": -21.861907008909508, "y": -35.56153328432937, "z": 14.286880729140739, "r": [-1.0812925928860295e-05, -7.677508619963191e-06, -5.748406553252039e-05]}, "267": {"x": 26.69176851625311, "y": 34.537854053712365, "z": 15.373759029669058, "r": [0.13130466202691338, -0.055793491118883765, 0.014989749080584147]}, "268": {"x": 21.000937099279813, "y": 32.94337273406433, "z": 14.129929049767764, "r": [0.11891408941983173, -0.040917695696670364, 0.016524399457562566]}, "269": {"x": 22.88771793468523, "y": 31.594415009505042, "z": 14.28688072914073, "r": [1.0812925907544013e-05, 7.677508584436055e-06, -5.748406555028396e-05]}, "270": {"x": 37.03431865401243, "y": 24.19530391595308, "z": 15.373759029669065, "r": [-0.055793491118713234, 0.13130466202715496, 0.01498974908081152]}, "271": {"x": 35.43983733436439, "y": 18.504472498979734, "z": 14.129929049767757, "r": [-0.0409176956967201, 0.11891408941975001, 0.016524399457793493]}, "272": {"x": 34.090879609805164, "y": 20.39125333438521, "z": 14.286880729140744, "r": [7.677508584436055e-06, 1.0812925911096727e-05, -5.748406557160024e-05]}, "273": {"x": 0.5737368860647679, "y": -21.758032582203402, "z": 9.986922122483271, "r": [4.865706791701285e-06, -1.8446023375418008e-08, 5.266545459292615e-05]}, "274": {"x": -1.2529733917945463, "y": -20.096049480522442, "z": 10.119544192822397, "r": [0.004453441709803663, 0.1259267295159745, -0.0030987076470427866]}, "275": {"x": 2.3094486170494584, "y": -20.097268833606865, "z": 9.863171193758463, "r": [-0.020454078537924136, 0.12544372861905728, 0.004362554235093796]}, "276": {"x": 20.97653551438704, "y": -36.9066779462753, "z": 5.869701973870608, "r": [0.12839820937387714, 0.03669110843048884, -0.01881190625936391]}, "277": {"x": 26.672268096185476, "y": -38.501344474596095, "z": 4.626006053563095, "r": [0.13732376174807825, 0.0534431168556182, -0.016409633999243667]}, "278": {"x": 22.915158955870915, "y": -35.58780743579138, "z": 5.699296671070716, "r": [1.3783476831008556e-05, -1.0004720266465483e-05, 7.503596814828484e-05]}, "279": {"x": -19.261567981903532, "y": -1.9227277142352244, "z": 9.986922122483309, "r": [-1.844601626999065e-08, 4.865706790386365e-06, 5.266545460180794e-05]}, "280": {"x": -17.59958488022258, "y": -3.7494379920945233, "z": 10.11954419282244, "r": [0.1259267295159141, 0.004453441709788564, -0.0030987076470587738]}, "281": {"x": -17.600804233307006, "y": -0.18701598325052732, "z": 9.863171193758507, "r": [0.12544372861895425, -0.020454078537924414, 0.004362554235079585]}, "282": {"x": 0.4520740397109071, "y": 17.790914307379087, "z": 9.986922122483291, "r": [-4.865706791257196e-06, 1.8446028704488526e-08, 5.2665454598255224e-05]}, "283": {"x": 2.2787843175702, "y": 16.12893120569816, "z": 10.119544192822422, "r": [-0.0044534417097628065, -0.125926729515907, -0.003098707646950416]}, "284": {"x": -1.2836376912738, "y": 16.13015055878258, "z": 9.863171193758488, "r": [0.020454078537934794, -0.12544372861905018, 0.004362554235067151]}, "285": {"x": 20.2873789076791, "y": -2.0443905605891115, "z": 9.9869221224833, "r": [1.8446030480845366e-08, -4.865706791257196e-06, 5.266545460980154e-05]}, "286": {"x": 18.625395805998153, "y": -0.21768028272981052, "z": 10.119544192822422, "r": [-0.12592672951594963, -0.004453441709787301, -0.003098707647049892]}, "287": {"x": 18.626615159082583, "y": -3.780102291573807, "z": 9.86317119375849, "r": [-0.12544372861898978, 0.020454078537922804, 0.0043625542351346525]}, "288": {"x": 35.43602427175114, "y": -22.4471891889113, "z": 5.869701973870613, "r": [-0.03669110843131307, -0.1283982093738203, -0.018811906259507793]}, "289": {"x": 37.03069080007192, "y": -28.142921770709734, "z": 4.626006053563092, "r": [-0.05344311685571057, -0.13732376174841932, -0.016409633999387552]}, "290": {"x": 34.117153761267176, "y": -24.385812630395105, "z": 5.699296671070725, "r": [1.0004720337519757e-05, -1.3783476848772125e-05, 7.503596816427205e-05]}, "291": {"x": -36.004879874296094, "y": 24.175803495885457, "z": 4.626006053563095, "r": [0.053443116855923734, 0.13732376174820615, -0.016409633999371565]}, "292": {"x": -34.4102133459753, "y": 18.48007091408702, "z": 5.869701973870613, "r": [0.03669110843107859, 0.12839820937344015, -0.018811906259486477]}, "293": {"x": -33.09134283549135, "y": 20.418694355570835, "z": 5.699296671070718, "r": [-1.0004720309098047e-05, 1.3783476852324839e-05, 7.503596818025926e-05]}, "294": {"x": -25.64645717040966, "y": 34.53422619977179, "z": 4.626006053563078, "r": [-0.13732376174848326, -0.053443116855035555, -0.016409633999346696]}, "295": {"x": -19.950724588611205, "y": 32.939559671450965, "z": 5.869701973870592, "r": [-0.1283982093736995, -0.03669110843064516, -0.018811906259458056]}, "296": {"x": -21.88934803009508, "y": 31.62068916096706, "z": 5.699296671070684, "r": [-1.3783476848772125e-05, 1.0004720309098047e-05, 7.503596816782476e-05]}, "297": {"x": -17.12061125011419, "y": -17.556755303062957, "z": 11.434438832109027, "r": [-5.2156141414627655e-05, -6.016499310845802e-05, -0.00048702130719746606]}, "298": {"x": -15.060290702763025, "y": -19.617075850414135, "z": 11.434438832109027, "r": [-6.0164993122668875e-05, -5.215614145726022e-05, -0.00048702130720101877]}, "299": {"x": -11.018672882363283, "y": -16.04484142690563, "z": 10.634834815000358, "r": [0.10615041095562461, 0.15405909890307967, -0.02715900151904549]}, "300": {"x": -13.54837682660571, "y": -13.515137482663215, "z": 10.63483481500036, "r": [0.15405909890310987, 0.1061504109557081, -0.027159001519082793]}, "301": {"x": 16.08610162853865, "y": 15.649957575589793, "z": 11.434438832109022, "r": [6.016499311911616e-05, 5.2156141443049364e-05, -0.0004870213071868079]}, "302": {"x": 18.146422175889814, "y": 13.589637028238613, "z": 11.434438832109016, "r": [5.215614142173308e-05, 6.016499310845802e-05, -0.0004870213072081242]}, "303": {"x": 12.044483808138915, "y": 12.07772315208133, "z": 10.634834815000374, "r": [-0.10615041095569389, -0.15405909890315073, -0.02715900151900641]}, "304": {"x": 14.574187752381333, "y": 9.548019207838912, "z": 10.634834815000376, "r": [-0.15405909890315783, -0.10615041095568145, -0.02715900151905437]}, "305": {"x": 12.062579345791102, "y": -16.057340507720067, "z": 9.348650896751284, "r": [-0.11175881573007818, 0.1546133184275842, 0.027740256974422728]}, "306": {"x": 16.151496052691012, "y": -19.688565652266753, "z": 8.538826437498479, "r": [6.757370896082193e-05, -5.870043770528355e-05, 0.0005471162305639155]}, "307": {"x": 14.586686833195753, "y": -13.533233020315418, "z": 9.34865089675129, "r": [-0.15461331842763038, 0.11175881573011281, 0.027740256974354338]}, "308": {"x": 18.217911977742467, "y": -17.622149727215305, "z": 8.538826437498484, "r": [5.8700437712388975e-05, -6.757370897503279e-05, 0.0005471162305603627]}, "309": {"x": -13.560875907420112, "y": 9.566114745491088, "z": 9.348650896751291, "r": [0.15461331842765702, -0.11175881573013413, 0.02774025697430904]}, "310": {"x": -11.03676842001545, "y": 12.09022223289574, "z": 9.348650896751286, "r": [0.11175881573005952, -0.15461331842763215, 0.02774025697435789]}, "311": {"x": -17.19210105196678, "y": 13.655031452390986, "z": 8.538826437498455, "r": [-5.87004377194944e-05, 6.757370898569093e-05, 0.0005471162305497046]}, "312": {"x": -15.125685126915304, "y": 15.721447377442415, "z": 8.538826437498452, "r": [-6.757370897503279e-05, 5.870043773370526e-05, 0.0005471162305461519]}, "313": {"x": -40.31804119923267, "y": -39.161768645224925, "z": 17.969342404333187, "r": [0.08276598321396023, -0.16074000834274216, 0.01346134682952993]}, "314": {"x": -37.98001091494599, "y": -33.734106236653965, "z": 16.653892907952944, "r": [0.06888517095910629, -0.14394940117588817, 0.013719231785128017]}, "315": {"x": -36.85327370133591, "y": -35.31987813445059, "z": 16.74013210569176, "r": [5.372092317657007e-07, 4.562257913676149e-07, 3.279893711294335e-06]}, "316": {"x": -36.66530404492489, "y": -42.81450579953258, "z": 17.969342404333165, "r": [-0.16074000834197477, 0.08276598321452866, 0.013461346829224397]}, "317": {"x": -31.237641636353914, "y": -40.476475515245866, "z": 16.653892907952905, "r": [-0.14394940117516342, 0.06888517095926261, 0.013719231784964592]}, "318": {"x": -32.82341353415059, "y": -39.349738301635796, "z": 16.74013210569173, "r": [4.562258411056064e-07, 5.372092815036922e-07, 3.279893700636194e-06]}, "319": {"x": 41.34385212500839, "y": 35.194650370400666, "z": 17.969342404333183, "r": [-0.0827659832139176, 0.16074000834250057, 0.013461346829352294]}, "320": {"x": 39.00582184072169, "y": 29.766987961829688, "z": 16.65389290795293, "r": [-0.06888517095930524, 0.14394940117575317, 0.0137192317851067]}, "321": {"x": 37.879084627111695, "y": 31.352759859626392, "z": 16.74013210569177, "r": [-5.372092672928375e-07, -4.5622581268389695e-07, 3.279893711294335e-06]}, "322": {"x": 37.691114970700625, "y": 38.84738752470833, "z": 17.96934240433316, "r": [0.160740008342259, -0.08276598321401707, 0.01346134682912492]}, "323": {"x": 32.26345256212967, "y": 36.50935724042161, "z": 16.65389290795291, "r": [0.14394940117588817, -0.06888517095896418, 0.013719231785056962]}, "324": {"x": 33.84922445992634, "y": 35.38262002681156, "z": 16.740132105691735, "r": [-4.562257913676149e-07, -5.372092601874101e-07, 3.2798937148470486e-06]}, "325": {"x": -8.3424955392461, "y": -34.89083936802938, "z": 11.738828591290135, "r": [-0.06750904434129268, 0.0037804792231384, 0.012790119910906839]}, "326": {"x": -14.191591731462106, "y": -35.70279300871307, "z": 12.920135145613543, "r": [-0.10034386023334463, 0.022590568682254286, 0.016656812066663917]}, "327": {"x": -10.653854049213123, "y": -33.36277650726092, "z": 12.059082254910864, "r": [-2.714798631942017e-05, -1.195172373513742e-05, -0.00014866703393501268]}, "328": {"x": 0.6085895266216372, "y": -29.015501874338423, "z": 9.979871275903022, "r": [-3.468693115404875e-06, 3.2965168372811604e-09, -2.2432887918810707e-05]}, "329": {"x": 0.6172845236489907, "y": -25.288547036259057, "z": 9.980493348136353, "r": [-1.7461593890821803e-06, 6.329159418783092e-09, -1.397441894468443e-05]}, "330": {"x": -1.7370914780056874, "y": -27.157238279014795, "z": 10.307084021361346, "r": [-1.5102152444157468e-06, -2.0356619501171735e-07, -1.0752615450471126e-05]}, "331": {"x": 2.943187627884948, "y": -27.178316951167737, "z": 9.655320711517664, "r": [-3.119777630899989e-06, 4.29873594498531e-07, -2.2195156017090767e-05]}, "332": {"x": 9.336558626767712, "y": -34.88844559338622, "z": 8.260522782954503, "r": [0.0856476745326038, -0.0006101129255497995, -0.016576919823451775]}, "333": {"x": 15.18879776709178, "y": -35.69937588168562, "z": 7.0793500967774, "r": [0.11412027672833602, 0.017387205997799526, -0.019784789545107984]}, "334": {"x": 11.717220901435606, "y": -33.38581601088342, "z": 7.924862610133892, "r": [2.8068989321283766e-05, -1.228862120683516e-05, 0.00015454261201774955]}, "335": {"x": 27.54484819981426, "y": -2.0792432011459443, "z": 9.97987127590308, "r": [-3.296502626426445e-09, 3.4686931162930534e-06, -2.243288790548803e-05]}, "336": {"x": 23.81789336173485, "y": -2.0879381981733207, "z": 9.980493348136402, "r": [-6.329152313355735e-09, 1.7461593917467155e-06, -1.3974418962447999e-05]}, "337": {"x": 25.686584604490587, "y": 0.266437803481355, "z": 10.307084021361389, "r": [2.0356622343342679e-07, 1.5102152456369922e-06, -1.0752615448694769e-05]}, "338": {"x": 25.707663276643515, "y": -4.413841302409256, "z": 9.65532071151772, "r": [-4.2987359094581734e-07, 3.1197776273472755e-06, -2.2195156008208983e-05]}, "339": {"x": 33.42018569350531, "y": 6.871841864721825, "z": 11.738828591290183, "r": [-0.0037804792227689177, 0.06750904434111149, 0.012790119910754072]}, "340": {"x": 34.23213933418895, "y": 12.720938056937833, "z": 12.920135145613573, "r": [-0.022590568683092727, 0.10034386023325581, 0.01665681206642944]}, "341": {"x": 31.892122832736874, "y": 9.183200374688854, "z": 12.059082254910905, "r": [1.1951723706715711e-05, 2.7147986315867456e-05, -0.0001486670339385654]}, "342": {"x": 33.41779191886214, "y": -10.807212301291983, "z": 8.260522782954538, "r": [0.0006101129260471794, -0.08564767453234268, -0.01657691982348375]}, "343": {"x": 34.22872220716148, "y": -16.659451441616042, "z": 7.079350096777418, "r": [-0.017387205998652178, -0.11412027672819036, -0.019784789545122194]}, "344": {"x": 31.915162336359266, "y": -13.187874575959873, "z": 7.924862610133922, "r": [1.2288621235256869e-05, -2.8068989323060123e-05, 0.00015454261199288055]}, "345": {"x": 37.682494079884485, "y": -42.81250810492194, "z": 2.0306106562000883, "r": [0.16307984046434854, 0.0833601062798408, -0.013740200630430799]}, "346": {"x": 32.24927195990463, "y": -40.473491131509675, "z": 3.345981988646765, "r": [0.14756748648630946, 0.06834778329537983, -0.014421394160394563]}, "347": {"x": 33.87010255040953, "y": -39.372711478247446, "z": 3.2495524345636184, "r": [-4.6305060408258214e-07, 5.461122896122106e-07, -3.310806564460478e-06]}, "348": {"x": 41.3418544303977, "y": -39.15314775440872, "z": 2.0306106562000803, "r": [-0.08336010627994028, -0.16307984046396484, -0.013740200630467214]}, "349": {"x": 39.00283745698545, "y": -33.71992563442887, "z": 3.345981988646756, "r": [-0.06834778329580615, -0.14756748648628815, -0.014421394160487822]}, "350": {"x": 37.902057803723295, "y": -35.34075622493382, "z": 3.249552434563594, "r": [-5.461122825067832e-07, 4.630505898717274e-07, -3.3108065782272433e-06]}, "351": {"x": -36.65668315410872, "y": 38.84538983009769, "z": 2.030610656200079, "r": [-0.1630798404643059, -0.08336010628008239, -0.01374020063042014]}, "352": {"x": -31.223461034128828, "y": 36.50637285668539, "z": 3.3459819886467494, "r": [-0.14756748648587603, -0.06834778329572799, -0.014421394160408774]}, "353": {"x": -32.84429162463377, "y": 35.405593203423216, "z": 3.249552434563599, "r": [4.6305056855544535e-07, -5.461122754013559e-07, -3.310806564460478e-06]}, "354": {"x": -40.31604350462189, "y": 35.186029479584434, "z": 2.0306106562000816, "r": [0.08336010628056556, 0.16307984046359536, -0.013740200630462773]}, "355": {"x": -37.977026531209624, "y": 29.752807359604578, "z": 3.3459819886467574, "r": [0.06834778329601932, 0.14756748648625972, -0.014421394160500256]}, "356": {"x": -36.8762468779475, "y": 31.373637950109558, "z": 3.249552434563583, "r": [5.461123109284927e-07, -4.63050561450018e-07, -3.310806577339065e-06]}, "357": {"x": -26.519037274038507, "y": -1.8878750736783785, "z": 9.97987127590305, "r": [3.296502626426445e-09, -3.4686931144611854e-06, -2.243288790015896e-05]}, "358": {"x": -22.792082435959195, "y": -1.8791800766510156, "z": 9.980493348136381, "r": [6.329170076924129e-09, -1.7461593920242713e-06, -1.397441897310614e-05]}, "359": {"x": -24.660773678714882, "y": -4.233556078305686, "z": 10.30708402136137, "r": [-2.0356620922257207e-07, -1.5102152408630332e-06, -1.0752615448694769e-05]}, "360": {"x": -24.681852350867814, "y": 0.44672302758493454, "z": 9.655320711517689, "r": [4.2987358384039e-07, -3.119777628290965e-06, -2.2195156017090767e-05]}, "361": {"x": -32.394374767729495, "y": -10.83896013954615, "z": 11.738828591290176, "r": [0.00378047922214364, -0.06750904434108662, 0.012790119910917497]}, "362": {"x": -33.2063284084132, "y": -16.688056331762166, "z": 12.920135145613587, "r": [0.02259056868304299, -0.10034386023331265, 0.01665681206653602]}, "363": {"x": -30.866311906961073, "y": -13.150318649513164, "z": 12.059082254910905, "r": [-1.1951723731584707e-05, -2.7147986315867456e-05, -0.0001486670339261309]}, "364": {"x": -32.39198099308625, "y": 6.840094026467674, "z": 8.26052278295452, "r": [-0.0006101129259192817, 0.08564767453245281, -0.016576919823402037]}, "365": {"x": -33.20291128138561, "y": 12.692333166791746, "z": 7.079350096777409, "r": [0.017387205998396382, 0.11412027672832536, -0.019784789545074233]}, "366": {"x": -30.889351410583405, "y": 9.220756301135571, "z": 7.924862610133907, "r": [-1.2288621242362296e-05, 2.806898932483648e-05, 0.000154542612015085]}, "367": {"x": 9.368306465021929, "y": 30.923721093205163, "z": 11.738828591290169, "r": [0.06750904434112748, -0.0037804792225486494, 0.012790119910807363]}, "368": {"x": 15.217402657237928, "y": 31.735674733888857, "z": 12.920135145613575, "r": [0.10034386023323805, -0.02259056868271614, 0.016656812066372595]}, "369": {"x": 11.679664974988933, "y": 29.395658232436737, "z": 12.059082254910903, "r": [2.714798633007831e-05, 1.1951723728031993e-05, -0.0001486670339385654]}, "370": {"x": 0.4172213991541142, "y": 25.04838359951416, "z": 9.979871275903044, "r": [3.4686931122962505e-06, -3.296509731853803e-09, -2.2432887873513607e-05]}, "371": {"x": 0.408526402126719, "y": 21.321428761434813, "z": 9.980493348136376, "r": [1.7461593950773846e-06, -6.329159418783092e-09, -1.3974418975770675e-05]}, "372": {"x": 2.7629024037814034, "y": 23.19012000419053, "z": 10.307084021361362, "r": [1.5102152439716576e-06, 2.035662198807131e-07, -1.0752615448694769e-05]}, "373": {"x": -1.9173767021092127, "y": 23.211198676343475, "z": 9.655320711517682, "r": [3.1197776295677215e-06, -4.298736016039584e-07, -2.2195156017090767e-05]}, "374": {"x": -8.310747700991868, "y": 30.9213273185619, "z": 8.260522782954505, "r": [-0.08564767453255939, 0.000610112925741646, -0.016576919823377168]}, "375": {"x": -14.162986841315934, "y": 31.732257606861264, "z": 7.079350096777389, "r": [-0.11412027672825076, -0.017387205998396382, -0.019784789545125747]}, "376": {"x": -10.691409975659774, "y": 29.41869773605906, "z": 7.9248626101338875, "r": [-2.8068989328389193e-05, 1.228862124591501e-05, 0.00015454261202485498]}, "377": {"x": -28.551664152276334, "y": -22.412844546204123, "z": 13.376179640700377, "r": [-1.0508912247075841e-05, -1.3844903097748329e-05, -8.501579687703043e-05]}, "378": {"x": -23.470024842984806, "y": -20.349980162697783, "z": 12.467742426491384, "r": [-1.6692519718475296e-05, -2.0766447324405135e-05, -0.000146292493283795]}, "379": {"x": -26.797667859080413, "y": -24.093652713021147, "z": 13.412213734455221, "r": [-5.683944664269802e-06, -6.739118845189296e-06, -4.362159073068028e-05]}, "380": {"x": -25.563751026237604, "y": -18.78852996919292, "z": 12.47633193938504, "r": [-2.0267599005308057e-05, -2.8411325121879827e-05, -0.00018892417259053218]}, "381": {"x": -19.91637994590414, "y": -31.048128752576236, "z": 13.376179640700348, "r": [-1.3844903062221192e-05, -1.0508912176021568e-05, -8.501579689657035e-05]}, "382": {"x": -17.85351556239785, "y": -25.966489443284757, "z": 12.46774242649138, "r": [-2.0766447306641567e-05, -1.6692519707817155e-05, -0.00014629249328912408]}, "383": {"x": -21.59718811272119, "y": -29.29413245938035, "z": 13.412213734455209, "r": [-6.739118873611005e-06, -5.683944699796939e-06, -4.3621590709364e-05]}, "384": {"x": -16.292065368892942, "y": -28.06021562653752, "z": 12.476331939385027, "r": [-2.841132512543254e-05, -2.026759900886077e-05, -0.00018892417257632133]}, "385": {"x": 20.942190871679795, "y": 27.081010477751885, "z": 13.37617964070033, "r": [1.3844903065773906e-05, 1.0508912204443277e-05, -8.501579687703043e-05]}, "386": {"x": 18.879326488173458, "y": 21.999371168460392, "z": 12.467742426491355, "r": [2.076644731019428e-05, 1.66925196936063e-05, -0.0001462924932926768]}, "387": {"x": 22.622999038496786, "y": 25.327014184555928, "z": 13.412213734455165, "r": [6.739118866505578e-06, 5.683944692691512e-06, -4.3621590734232996e-05]}, "388": {"x": 17.317876294668615, "y": 24.09309735171322, "z": 12.47633193938502, "r": [2.841132512543254e-05, 2.0267599005308057e-05, -0.00018892417259230854]}, "389": {"x": 29.577475078051997, "y": 18.44572627137977, "z": 13.376179640700338, "r": [1.0508912225759559e-05, 1.384490307998476e-05, -8.5015796869925e-05]}, "390": {"x": 24.49583576876044, "y": 16.382861887873403, "z": 12.467742426491352, "r": [1.6692519718475296e-05, 2.0766447317299708e-05, -0.00014629249328201865]}, "391": {"x": 27.823478784856036, "y": 20.126534438196753, "z": 13.41221373445517, "r": [5.683944657164375e-06, 6.739118855847437e-06, -4.3621590723574855e-05]}, "392": {"x": 26.589561952013323, "y": 14.821411694368585, "z": 12.47633193938502, "r": [2.0267599023071625e-05, 2.8411325139643395e-05, -0.00018892417257632133]}, "393": {"x": -4.7492456228089335, "y": -19.39834811016783, "z": 10.356289668711014, "r": [0.03231981057689737, 0.13507290752477275, -0.011032747830601153]}, "394": {"x": -8.046517966826414, "y": -18.03062606081069, "z": 10.537149665262268, "r": [0.0652285546788498, 0.14712375582739767, -0.019363141970426767]}, "395": {"x": -7.022827237175552, "y": -20.85864679224312, "z": 10.66124524756994, "r": [3.0092229337697063e-05, 2.0958587771957582e-05, 0.0002887561614031142]}, "396": {"x": 5.803156475432123, "y": -19.40235795415672, "z": 9.626676483979507, "r": [-0.045603344576671034, 0.13409617113581263, 0.012100347955348312]}, "397": {"x": 9.095923409882557, "y": -18.03832873294514, "z": 9.446131048516598, "r": [-0.07462975351768009, 0.14640313009527262, 0.020164675897161644]}, "398": {"x": 8.126171337957892, "y": -20.905533923722846, "z": 9.31374445649883, "r": [-2.692902064005409e-05, 1.8685636259618832e-05, -0.0002578689913619314]}, "399": {"x": 21.033836010280357, "y": -31.12092398104707, "z": 6.592859012053692, "r": [1.5516955855332526e-05, -1.1802677825301089e-05, 9.568412710336816e-05]}, "400": {"x": 18.98369008766075, "y": -26.059343111073744, "z": 7.497774565169042, "r": [2.3234888821832556e-05, -1.8665799608186262e-05, 0.0001638268842913959]}, "401": {"x": 17.43304540849079, "y": -28.15074717217123, "z": 7.487789025415756, "r": [3.0398341085202674e-05, -2.1679722159717585e-05, 0.00020235333952278722]}, "402": {"x": 22.71813029706566, "y": -29.376867825538568, "z": 6.5550794014779985, "r": [7.683362259314208e-06, -6.484982897347891e-06, 4.988967608809958e-05]}, "403": {"x": -16.90188350986796, "y": -7.245710223108896, "z": 10.356289668711046, "r": [0.1350729075247621, 0.032319810576860064, -0.01103274783051944]}, "404": {"x": -15.534161460510788, "y": -10.542982567126359, "z": 10.537149665262282, "r": [0.14712375582739767, 0.06522855467884092, -0.019363141970428543]}, "405": {"x": -18.362182191943194, "y": -9.519291837475503, "z": 10.661245247569958, "r": [2.095858778972115e-05, 3.0092229341249777e-05, 0.00028875616140666693]}, "406": {"x": -16.90589335385683, "y": 3.3066918751321306, "z": 9.626676483979539, "r": [0.13409617113580197, -0.04560334457666837, 0.012100347955360746]}, "407": {"x": -15.541864132645214, "y": 6.599458809582556, "z": 9.446131048516621, "r": [0.14640313009509853, -0.07462975351764722, 0.02016467589719717]}, "408": {"x": -18.40906932342289, "y": 5.629706737657873, "z": 9.313744456498847, "r": [1.868563626672426e-05, -2.6929020641830448e-05, -0.00025786899138147135]}, "409": {"x": 5.775056548584577, "y": 15.431229835343546, "z": 10.356289668711034, "r": [-0.03231981057688582, -0.13507290752479761, -0.011032747830659773]}, "410": {"x": 9.07232889260205, "y": 14.063507785986392, "z": 10.537149665262284, "r": [-0.0652285546788427, -0.14712375582733017, -0.01936314197033262]}, "411": {"x": 8.048638162951187, "y": 16.891528517418774, "z": 10.661245247569953, "r": [-3.0092229343026133e-05, -2.0958587786168437e-05, 0.00028875616141910143]}, "412": {"x": -4.777345549656463, "y": 15.43523967933242, "z": 9.62667648397952, "r": [0.04560334457666393, -0.13409617113586236, 0.012100347955403379]}, "413": {"x": -8.070112484106899, "y": 14.071210458120824, "z": 9.446131048516607, "r": [0.07462975351763301, -0.14640313009516603, 0.02016467589723181]}, "414": {"x": -7.100360412182193, "y": 16.93841564889851, "z": 9.313744456498835, "r": [2.6929020641830448e-05, -1.868563626672426e-05, -0.00025786899136903685]}, "415": {"x": 17.927694435643534, "y": 3.278591948284566, "z": 10.356289668711035, "r": [-0.13507290752471945, -0.03231981057685207, -0.011032747830553191]}, "416": {"x": 16.559972386286383, "y": 6.5758642923020405, "z": 10.53714966526228, "r": [-0.14712375582749715, -0.06522855467888, -0.01936314197041966]}, "417": {"x": 19.38799311771882, "y": 5.55217356265118, "z": 10.661245247569953, "r": [-2.095858780037929e-05, -3.009222933947342e-05, 0.0002887561614031142]}, "418": {"x": 17.931704279632427, "y": -7.2738101499564625, "z": 9.626676483979528, "r": [-0.13409617113584105, 0.04560334457666926, 0.012100347955367852]}, "419": {"x": 16.567675058420836, "y": -10.566577084406886, "z": 9.446131048516614, "r": [-0.1464031300951376, 0.07462975351757173, 0.020164675897204276]}, "420": {"x": 19.43488024919853, "y": -9.596825012482201, "z": 9.313744456498858, "r": [-1.8685636245407977e-05, 2.6929020632948664e-05, -0.00025786899136015506]}, "421": {"x": 29.65027030652278, "y": -22.504489684804533, "z": 6.592859012053717, "r": [1.1802677803984807e-05, -1.5516955837568958e-05, 9.568412709981544e-05]}, "422": {"x": 24.588689436549448, "y": -20.454343762184983, "z": 7.497774565169063, "r": [1.8665799593975407e-05, -2.323488882538527e-05, 0.00016382688429672498]}, "423": {"x": 27.906214151014275, "y": -24.188783971589835, "z": 6.55507940147802, "r": [6.484982904453318e-06, -7.683362255761494e-06, 4.988967608632322e-05]}, "424": {"x": 26.680093497646954, "y": -18.903699083015027, "z": 7.487789025415772, "r": [2.1679722159717585e-05, -3.0398341078097246e-05, 0.00020235333952989265]}, "425": {"x": -28.62445938074702, "y": 18.537371409980288, "z": 6.592859012053684, "r": [-1.1802677779115811e-05, 1.5516955834016244e-05, 9.568412708738094e-05]}, "426": {"x": -23.56287851077374, "y": 16.487225487360703, "z": 7.497774565169019, "r": [-1.8665799572659125e-05, 2.3234888804068987e-05, 0.00016382688428251413]}, "427": {"x": -26.880403225238528, "y": 20.22166569676558, "z": 6.555079401477978, "r": [-6.484982900900604e-06, 7.683362266419635e-06, 4.988967610941586e-05]}, "428": {"x": -25.654282571871207, "y": 14.936580808190755, "z": 7.487789025415751, "r": [-2.167972219524472e-05, 3.0398341102966242e-05, 0.00020235333953699808]}, "429": {"x": -20.008025084504517, "y": 27.153805706222695, "z": 6.59285901205365, "r": [-1.5516955851779812e-05, 1.180267780753752e-05, 9.568412710336816e-05]}, "430": {"x": -17.957879161884968, "y": 22.092224836249386, "z": 7.497774565168995, "r": [-2.3234888814727128e-05, 1.8665799583317266e-05, 0.00016382688428073777]}, "431": {"x": -16.407234482714987, "y": 24.183628897346857, "z": 7.487789025415715, "r": [-3.0398341078097246e-05, 2.1679722177481153e-05, 0.0002023533395068]}, "432": {"x": -21.69231937128979, "y": 25.409749550714178, "z": 6.5550794014779585, "r": [-7.683362245103353e-06, 6.484982911558745e-06, 4.988967609165229e-05]}, "433": {"x": -32.06852520191822, "y": -33.09514083297471, "z": 15.59446680474357, "r": [-8.675223739373905e-08, -9.179242965728918e-08, -5.137196161797419e-07]}, "434": {"x": -30.59867623267474, "y": -34.56498980221812, "z": 15.594466804743554, "r": [-9.179243676271653e-08, -8.675223739373905e-08, -5.137195877580325e-07]}, "435": {"x": -28.547917088556307, "y": -29.44271105081099, "z": 14.47093307323816, "r": [-3.089355828933549e-07, -3.2377905512248617e-07, -2.028644860985196e-06]}, "436": {"x": -26.946246450511033, "y": -31.044381688856234, "z": 14.47093307323815, "r": [-3.2377904091163145e-07, -3.089355615770728e-07, -2.028644850327055e-06]}, "437": {"x": -9.445389270439012, "y": -29.376840190967176, "z": 11.554857929088461, "r": [-2.5561850107713724e-05, -1.1682938559687273e-05, -0.00016204405080344486]}, "438": {"x": -6.46089863009201, "y": -27.21093514876832, "z": 10.9737490422963, "r": [-1.2794057739462517e-05, -4.849629998915361e-06, -8.924159330092607e-05]}, "439": {"x": -11.2696333261674, "y": -27.435798200067563, "z": 11.681201726843138, "r": [-3.193188303818317e-05, -1.810495143672597e-05, -0.00021752233130634124]}, "440": {"x": -8.24460871952029, "y": -25.15547482377504, "z": 11.093685189821544, "r": [-1.655152552082484e-05, -8.597147957090101e-06, -0.0001253916112968767]}, "441": {"x": -24.714470548468412, "y": -8.957363230392, "z": 10.973749042296317, "r": [-4.84962998825722e-06, -1.2794057740350695e-05, -8.924159330625514e-05]}, "442": {"x": -26.880375590667278, "y": -11.941853870739015, "z": 11.554857929088481, "r": [-1.1682938556134559e-05, -2.5561850103272832e-05, -0.00016204405081943207]}, "443": {"x": -24.939333599767632, "y": -13.766097926467372, "z": 11.681201726843138, "r": [-1.8104951383435264e-05, -3.193188301153782e-05, -0.00021752233131344667]}, "444": {"x": -22.659010223475125, "y": -10.741073319820268, "z": 11.09368518982156, "r": [-8.597147957090101e-06, -1.6551525524377553e-05, -0.00012539161128799492]}, "445": {"x": 33.09433612769401, "y": 29.128022558150494, "z": 15.594466804743588, "r": [8.675223739373905e-08, 9.179240123557975e-08, -5.137196019688872e-07]}, "446": {"x": 31.624487158450513, "y": 30.597871527393913, "z": 15.594466804743572, "r": [9.17924083410071e-08, 8.675223739373905e-08, -5.137195842053188e-07]}, "447": {"x": 27.97205737628674, "y": 27.07726341403191, "z": 14.470933073238136, "r": [3.237790195953494e-07, 3.0893554026079073e-07, -2.028644871643337e-06]}, "448": {"x": 29.573728014332023, "y": 25.475592775986698, "z": 14.47093307323815, "r": [3.089355757879275e-07, 3.237790195953494e-07, -2.028644892959619e-06]}, "449": {"x": 10.471200196214742, "y": 25.409721916142914, "z": 11.554857929088486, "r": [2.556185010416101e-05, 1.1682938545476418e-05, -0.00016204405082831386]}, "450": {"x": 7.486709555867703, "y": 23.243816873943988, "z": 10.973749042296308, "r": [1.2794057742127052e-05, 4.8496299740463655e-06, -8.924159330447878e-05]}, "451": {"x": 12.295444251943078, "y": 23.468679925243272, "z": 11.681201726843147, "r": [3.193188302930139e-05, 1.81049514189624e-05, -0.00021752233129390675]}, "452": {"x": 9.270419645295952, "y": 21.188356548950708, "z": 11.093685189821553, "r": [1.6551525517272125e-05, 8.59714794643196e-06, -0.0001253916112844422]}, "453": {"x": 25.7402814742441, "y": 4.990244955567671, "z": 10.973749042296319, "r": [4.84962998825722e-06, 1.2794057735021624e-05, -8.924159329382064e-05]}, "454": {"x": 27.906186516443015, "y": 7.974735595914684, "z": 11.55485792908848, "r": [1.1682938531265563e-05, 2.5561850101496475e-05, -0.00016204405080699757]}, "455": {"x": 25.96514452554337, "y": 9.798979651643048, "z": 11.68120172684314, "r": [1.810495140830426e-05, 3.1931883025748675e-05, -0.00021752233131344667]}, "456": {"x": 23.684821149250812, "y": 6.773955044995934, "z": 11.093685189821556, "r": [8.597147971300956e-06, 1.655152552615391e-05, -0.00012539161129510035]}, "457": {"x": 7.632792608710998, "y": -27.270360462094395, "z": 8.990822211459124, "r": [1.0257475375752279e-05, -3.886797607322023e-06, 7.14582270209263e-05]}, "458": {"x": 10.594066390365537, "y": -29.43971438851093, "z": 8.411532180038837, "r": [2.4003849031117852e-05, -1.093711692945476e-05, 0.00015216524642180929]}, "459": {"x": 9.406024801345321, "y": -25.233581860076804, "z": 8.87130881643628, "r": [1.6582461068281873e-05, -8.596951754924476e-06, 0.00012538295567132707]}, "460": {"x": 12.427282604718258, "y": -27.520885754228253, "z": 8.282166003567703, "r": [3.205004862216754e-05, -1.813694181151959e-05, 0.00021818747861068744]}, "461": {"x": 31.688438653038318, "y": -34.627130818198694, "z": 4.380894154228536, "r": [1.1859519588597323e-07, -1.1299145796783705e-07, 6.832494241493237e-07]}, "462": {"x": 33.15647714367448, "y": -33.15909232756252, "z": 4.380894154228535, "r": [1.1299146507326441e-07, -1.1859518878054587e-07, 6.832494134911826e-07]}, "463": {"x": 28.054688600072236, "y": -31.12360666786089, "z": 5.498543979455608, "r": [3.844071017056194e-07, -3.6733533193000767e-07, 2.42668225425291e-06]}, "464": {"x": 29.652952993336665, "y": -29.525342274596426, "z": 5.498543979455613, "r": [3.673353603517171e-07, -3.844071088110468e-07, 2.426682241818412e-06]}, "465": {"x": 25.79970678757016, "y": -9.103446283235288, "z": 8.99082221145917, "r": [3.886797625085592e-06, -1.0257475388186776e-05, 7.145822703691351e-05]}, "466": {"x": 27.969060713986746, "y": -12.064720064889823, "z": 8.411532180038868, "r": [1.0937116925902046e-05, -2.4003849034670566e-05, 0.00015216524642625018]}, "467": {"x": 23.76292818555251, "y": -10.876678475869596, "z": 8.871308816436322, "r": [8.596951776240758e-06, -1.6582461078940014e-05, 0.00012538295569797242]}, "468": {"x": 26.05023207970404, "y": -13.897936279242534, "z": 8.28216600356773, "r": [1.8136941807966878e-05, -3.205004862749661e-05, 0.0002181874786248983]}, "469": {"x": -6.606981682935236, "y": 23.303242187270072, "z": 8.990822211459125, "r": [-1.0257475381081349e-05, 3.886797625085592e-06, 7.145822702270266e-05]}, "470": {"x": -9.568255464589747, "y": 25.472596113686595, "z": 8.411532180038824, "r": [-2.400384902045971e-05, 1.0937116918796619e-05, 0.00015216524640759843]}, "471": {"x": -8.38021387556956, "y": 21.26646358525243, "z": 8.87130881643628, "r": [-1.6582461073610943e-05, 8.596951765582617e-06, 0.00012538295567487978]}, "472": {"x": -11.401471678942476, "y": 23.5537674794039, "z": 8.282166003567687, "r": [-3.205004861328575e-05, 1.813694181151959e-05, 0.00021818747861068744]}, "473": {"x": -30.662627727262517, "y": 30.660012543374428, "z": 4.380894154228506, "r": [-1.1859516035883644e-07, 1.1299146507326441e-07, 6.832493957276142e-07]}, "474": {"x": -32.130666217898685, "y": 29.19197405273825, "z": 4.38089415422851, "r": [-1.1299148638954648e-07, 1.1859518167511851e-07, 6.8324942059661e-07]}, "475": {"x": -28.627142067560857, "y": 25.558223999772157, "z": 5.498543979455573, "r": [-3.6733535324628974e-07, 3.844071017056194e-07, 2.4266822560292667e-06]}, "476": {"x": -27.028877674296396, "y": 27.156488393036568, "z": 5.498543979455574, "r": [-3.8440711591647414e-07, 3.6733533193000767e-07, 2.4266822489238393e-06]}, "477": {"x": -24.773895861794415, "y": 5.136328008410969, "z": 8.99082221145914, "r": [-3.886797610874737e-06, 1.0257475377528635e-05, 7.145822700316273e-05]}, "478": {"x": -26.943249788210913, "y": 8.097601790065502, "z": 8.411532180038847, "r": [-1.0937116940112901e-05, 2.4003849028453317e-05, 0.00015216524641559204]}, "479": {"x": -22.737117259776802, "y": 6.90956020104528, "z": 8.871308816436294, "r": [-8.596951765582617e-06, 1.6582461078940014e-05, 0.00012538295568020885]}, "480": {"x": -25.02442115392823, "y": 9.930818004418215, "z": 8.282166003567713, "r": [-1.8136941807966878e-05, 3.2050048623943894e-05, 0.00021818747862312193]}, "481": {"x": -39.263332429699744, "y": -40.54690456492945, "z": 18.026370347478032, "r": [1.1144149425490468e-07, 1.1021590751170152e-07, 6.620580101923679e-07]}, "482": {"x": -38.05043996462943, "y": -41.75979702999968, "z": 18.026370347478018, "r": [1.102159430388383e-07, 1.1144152267661411e-07, 6.620580457195047e-07]}, "483": {"x": 40.28914335547551, "y": 36.57978629010523, "z": 18.026370347478043, "r": [-1.1144153688746883e-07, -1.1021590751170152e-07, 6.620580563776457e-07]}, "484": {"x": 39.076250890405205, "y": 37.79267875517546, "z": 18.02637034747803, "r": [-1.1021595014426566e-07, -1.1144156530917826e-07, 6.620580279559363e-07]}, "485": {"x": -5.053479723660516, "y": -32.846574151754126, "z": 11.013894456083431, "r": [-1.75080175848219e-05, -4.1532724637249885e-06, -9.586645522396964e-05]}, "486": {"x": -2.066220458060759, "y": -30.900018972778412, "z": 10.429004452323122, "r": [-4.85687073092933e-06, -5.903826050257521e-07, -2.8766182014194897e-05]}, "487": {"x": 3.213215347886365, "y": -30.9144145052611, "z": 9.540674356549113, "r": [9.481229259478141e-07, -1.1359821172618467e-07, 5.615546205817168e-06]}, "488": {"x": 6.1253472281962305, "y": -32.860648954544246, "z": 8.969177459899296, "r": [1.3736365391814331e-05, -3.1872166914581612e-06, 7.54469445265471e-05]}, "489": {"x": 29.429365298254286, "y": 0.5955667835364535, "z": 10.429004452323175, "r": [5.903826405528889e-07, 4.856870731817509e-06, -2.876618200708947e-05]}, "490": {"x": 29.443760830736917, "y": -4.683869022410654, "z": 9.540674356549168, "r": [1.1359819751532996e-07, -9.481229188423868e-07, 5.615546186277243e-06]}, "491": {"x": 31.37592047723004, "y": 3.5828260491362283, "z": 11.013894456083479, "r": [4.153272449514134e-06, 1.7508017588596658e-05, -9.586645523285142e-05]}, "492": {"x": 31.38999528002014, "y": -7.596000902720513, "z": 8.969177459899347, "r": [3.187216695010875e-06, -1.373636539270251e-05, 7.544694453009981e-05]}, "493": {"x": 39.08968541625689, "y": -41.77452059003586, "z": 1.967081745878248, "r": [-1.2176744235148362e-07, 1.2301944707360235e-07, -7.31186001967643e-07]}, "494": {"x": 40.30386691551159, "y": -40.56033909078113, "z": 1.9670817458782488, "r": [-1.2301941865189292e-07, 1.2176739971891948e-07, -7.311859624437034e-07]}, "495": {"x": -38.06387449048111, "y": 37.80740231521158, "z": 1.967081745878238, "r": [1.2176747077319305e-07, -1.2301948260073914e-07, -7.31185972213666e-07]}, "496": {"x": -39.278055989735854, "y": 36.593220815956904, "z": 1.9670817458782297, "r": [1.2301944707360235e-07, -1.2176739971891948e-07, -7.311859917535912e-07]}, "497": {"x": -28.403554372478506, "y": -4.562685058360778, "z": 10.429004452323156, "r": [-5.903826334474616e-07, -4.856870730485241e-06, -2.8766182005313112e-05]}, "498": {"x": -28.417949904961116, "y": 0.7167507475863383, "z": 9.54067435654914, "r": [-1.1359821883161203e-07, 9.481229207297659e-07, 5.615546189829956e-06]}, "499": {"x": -30.350109551454217, "y": -7.54994432396055, "z": 11.013894456083467, "r": [-4.153272449514134e-06, -1.7508017585932123e-05, -9.586645522308146e-05]}, "500": {"x": -30.364184354244234, "y": 3.628882627896198, "z": 8.969177459899326, "r": [-3.1872167092217296e-06, 1.3736365390148997e-05, 7.54469445141126e-05]}, "501": {"x": 6.079290649436313, "y": 28.879455876929864, "z": 11.01389445608346, "r": [1.7508017591261194e-05, 4.1532724743831295e-06, -9.5866455225746e-05]}, "502": {"x": 3.0920313838365256, "y": 26.93290069795416, "z": 10.429004452323145, "r": [4.856870732261598e-06, 5.903826263420342e-07, -2.876618199465497e-05]}, "503": {"x": -2.1874044221105837, "y": 26.947296230436883, "z": 9.540674356549125, "r": [-9.481229241714573e-07, 1.1359821172618467e-07, 5.615546204040811e-06]}, "504": {"x": -5.099536302420415, "y": 28.893530679719955, "z": 8.969177459899306, "r": [-1.3736365390926153e-05, 3.1872166879054475e-06, 7.544694451322442e-05]}, "505": {"x": -34.77199817009501, "y": -29.902457100092736, "z": 15.487943556254665, "r": [-1.4012918470029945e-06, -2.0488263814399943e-06, -9.346417314759492e-06]}, "506": {"x": -31.76290651089963, "y": -18.75779754659117, "z": 13.145299549761795, "r": [-1.3902838691848274e-05, -2.3106146397111615e-05, -0.0001260713496140653]}, "507": {"x": -31.62971665103805, "y": -26.12702890479119, "z": 14.387057427995032, "r": [-4.668317949096945e-06, -5.848910411998531e-06, -3.348499186728304e-05]}, "508": {"x": -30.213985911663677, "y": -20.652508970687173, "z": 13.291503027292318, "r": [-1.1095641674785384e-05, -1.6233309509061655e-05, -9.477279750313983e-05]}, "509": {"x": -27.405992499792706, "y": -37.26846277039491, "z": 15.487943556254633, "r": [-2.0488264027562764e-06, -1.4012918398975671e-06, -9.346417357392056e-06]}, "510": {"x": -16.26133294629115, "y": -34.25937111119953, "z": 13.145299549761766, "r": [-2.3106146397111615e-05, -1.3902838706059129e-05, -0.00012607134959274902]}, "511": {"x": -23.630564304491173, "y": -34.126181251337954, "z": 14.387057427995003, "r": [-5.848910433314813e-06, -4.668317970413227e-06, -3.348499183886133e-05]}, "512": {"x": -18.156044370387164, "y": -32.71045051196359, "z": 13.291503027292292, "r": [-1.6233309516167083e-05, -1.1095641660574529e-05, -9.477279750313983e-05]}, "513": {"x": 28.43180342556846, "y": 33.30134449557063, "z": 15.487943556254628, "r": [2.0488263778872806e-06, 1.401291797265003e-06, -9.346417350286629e-06]}, "514": {"x": 17.28714387206693, "y": 30.29225283637527, "z": 13.145299549761788, "r": [2.310614640066433e-05, 1.3902838702506415e-05, -0.00012607134959630173]}, "515": {"x": 24.65637523026686, "y": 30.15906297651362, "z": 14.387057427994987, "r": [5.848910419103959e-06, 4.6683179562023724e-06, -3.3484991831755906e-05]}, "516": {"x": 19.18185529616288, "y": 28.74333223713928, "z": 13.291503027292292, "r": [1.6233309519719796e-05, 1.1095641681890811e-05, -9.477279750313983e-05]}, "517": {"x": 35.79780909587073, "y": 25.935338825268452, "z": 15.487943556254653, "r": [1.4012918256867124e-06, 2.0488263885454217e-06, -9.34641732186492e-06]}, "518": {"x": 32.78871743667537, "y": 14.790679271766846, "z": 13.145299549761775, "r": [1.3902838684742846e-05, 2.3106146386453474e-05, -0.00012607134958031452]}, "519": {"x": 32.655527576813725, "y": 22.159910629966834, "z": 14.387057427994998, "r": [4.668317941991518e-06, 5.848910404893104e-06, -3.3484991870835756e-05]}, "520": {"x": 31.239796837439393, "y": 16.685390695862836, "z": 13.291503027292293, "r": [1.1095641681890811e-05, 1.6233309509061655e-05, -9.477279751024525e-05]}, "521": {"x": -1.4630893779177858, "y": -23.455934316700283, "z": 10.20552326711764, "r": [6.512074484099628e-06, 1.1420660435135233e-06, 5.9339651656387105e-05]}, "522": {"x": 2.6345082517520515, "y": -23.472418497324384, "z": 9.764343886451744, "r": [-7.5811315989327e-06, 1.3741702069580697e-06, -6.898523449194727e-05]}, "523": {"x": -3.2580690940853136, "y": -21.534550173486323, "z": 10.331761876541355, "r": [1.810562794268833e-05, 7.578175658551345e-06, 0.0001887341399537945]}, "524": {"x": 4.367713808914648, "y": -21.5556174129462, "z": 9.64495271342705, "r": [-1.3193469514671818e-05, 5.5380097165880215e-06, -0.000137207804531414]}, "525": {"x": 17.319412102408158, "y": -34.28580743385676, "z": 6.839462199658855, "r": [2.6950233760203446e-05, -1.6304046464910016e-05, 0.00014858605879730646]}, "526": {"x": 28.455989567581224, "y": -37.29388001911576, "z": 4.499760435874029, "r": [2.921211731177209e-06, -2.1821910891617335e-06, 1.4576469445692908e-05]}, "527": {"x": 19.254089396288983, "y": -32.76397989062764, "z": 6.683033337352764, "r": [1.811654480476932e-05, -1.2411811901813508e-05, 0.000106313505439104]}, "528": {"x": 24.717377076123267, "y": -34.177713036025935, "z": 5.589846920062028, "r": [7.0418535287331e-06, -5.671102591975341e-06, 4.0805396340104494e-05]}, "529": {"x": -20.959469716400406, "y": -3.9595539782177753, "z": 10.205523267117671, "r": [1.1420660257499549e-06, 6.5120744849878065e-06, 5.933965165461075e-05]}, "530": {"x": -20.97595389702451, "y": 0.13804365145204725, "z": 9.764343886451782, "r": [1.3741701962999286e-06, -7.581131597475532e-06, -6.89852344866182e-05]}, "531": {"x": -19.038085573186443, "y": -5.754533694385287, "z": 10.331761876541389, "r": [7.578175647893204e-06, 1.8105627938691526e-05, 0.0001887341399626763]}, "532": {"x": -19.059152812646335, "y": 1.8712492086146482, "z": 9.644952713427084, "r": [5.538009713035308e-06, -1.3193469516892264e-05, -0.00013720780455450665]}, "533": {"x": 2.4889003036934705, "y": 19.488816041875992, "z": 10.205523267117654, "r": [-6.512074487652342e-06, -1.1420660399608096e-06, 5.933965165816346e-05]}, "534": {"x": -1.6086973259763562, "y": 19.50530022250012, "z": 9.764343886451767, "r": [7.581131598488611e-06, -1.3741701962999286e-06, -6.898523450082905e-05]}, "535": {"x": 4.283880019860979, "y": 17.567431898662043, "z": 10.331761876541377, "r": [-1.810562794180015e-05, -7.578175646116847e-06, 0.000188734139966229]}, "536": {"x": -3.3419028831389683, "y": 17.588499138121925, "z": 9.644952713427069, "r": [1.3193469516448175e-05, -5.53800973435159e-06, -0.00013720780454740122]}, "537": {"x": 21.985280642176047, "y": -0.007564296606557577, "z": 10.205523267117671, "r": [-1.1420660293026685e-06, -6.512074483794317e-06, 5.933965165461075e-05]}, "538": {"x": 22.001764822800126, "y": -4.105161926276382, "z": 9.764343886451789, "r": [-1.374170214063497e-06, 7.5811315989327e-06, -6.89852344990527e-05]}, "539": {"x": 20.06389649896206, "y": 1.7874154195609575, "z": 10.331761876541378, "r": [-7.578175654998631e-06, -1.8105627940509517e-05, 0.000188734139966229]}, "540": {"x": 20.08496373842192, "y": -5.838367483438979, "z": 9.644952713427084, "r": [-5.538009741457017e-06, 1.3193469517780443e-05, -0.000137207804556283]}, "541": {"x": 32.815153759332574, "y": -18.790065776932394, "z": 6.83946219965887, "r": [1.6304046475568157e-05, -2.695023375309802e-05, 0.0001485860588159582]}, "542": {"x": 35.82322634459156, "y": -29.926643242105445, "z": 4.499760435874029, "r": [2.1821911531105798e-06, -2.9212117702570595e-06, 1.4576469453686514e-05]}, "543": {"x": 32.707059361501656, "y": -26.188030750647414, "z": 5.58984692006205, "r": [5.671102570659059e-06, -7.041853514522245e-06, 4.080539632056457e-05]}, "544": {"x": 31.29332621610337, "y": -20.724743070813176, "z": 6.68303333735278, "r": [1.241181186628637e-05, -1.8116544801216605e-05, 0.00010631350542666951]}, "545": {"x": -34.797415418815774, "y": 25.959524967281173, "z": 4.499760435874023, "r": [-2.1821911246888703e-06, 2.921211766704346e-06, 1.4576469435922945e-05]}, "546": {"x": -31.78934283355674, "y": 14.82294750210812, "z": 6.83946219965886, "r": [-1.6304046443593734e-05, 2.695023375309802e-05, 0.00014858605880707643]}, "547": {"x": -31.681248435725937, "y": 22.220912475823216, "z": 5.589846920062021, "r": [-5.671102591975341e-06, 7.041853510969531e-06, 4.0805396340104494e-05]}, "548": {"x": -30.267515290327573, "y": 16.757624795988907, "z": 6.683033337352766, "r": [-1.241181186628637e-05, 1.811654479766389e-05, 0.00010631350544088036]}, "549": {"x": -27.430178641805412, "y": 33.326761744291495, "z": 4.499760435874006, "r": [-2.921211752493491e-06, 2.1821911033725883e-06, 1.4576469437699302e-05]}, "550": {"x": -16.293601176632322, "y": 30.31868915903241, "z": 6.839462199658825, "r": [-2.6950233742439877e-05, 1.630404645780459e-05, 0.00014858605876977293]}, "551": {"x": -18.228278470513136, "y": 28.79686161580325, "z": 6.683033337352717, "r": [-1.811654479766389e-05, 1.2411811887602653e-05, 0.00010631350541423501]}, "552": {"x": -23.691566150347413, "y": 30.21059476120159, "z": 5.589846920061995, "r": [-7.041853493205963e-06, 5.671102563553632e-06, 4.080539632056457e-05]}, "553": {"x": -21.35363361235763, "y": -21.96473832992267, "z": 12.434050098655934, "r": [-9.205294659864194e-07, -9.806414382751427e-07, -7.484913240318747e-06]}, "554": {"x": -20.224146025598355, "y": -16.636150092656887, "z": 11.638681479201836, "r": [-5.493898474817627e-05, -6.943280145499386e-05, -0.0005472534008781338]}, "555": {"x": -19.468273729622737, "y": -23.850098212657585, "z": 12.434050098655932, "r": [-9.806414382751427e-07, -9.205294766445604e-07, -7.484913217226108e-06]}, "556": {"x": -14.13968549235693, "y": -22.720610625898274, "z": 11.638681479201827, "r": [-6.943280144433572e-05, -5.493898474639991e-05, -0.0005472534008923446]}, "557": {"x": -10.77294005147935, "y": -19.95601677503972, "z": 10.98556511550964, "r": [1.174178063578779e-05, 9.821182029412512e-06, 0.00010481747505508565]}, "558": {"x": -17.459552174739805, "y": -13.269404651779293, "z": 10.985565115509653, "r": [9.82118201875437e-06, 1.1741780628682363e-05, 0.0001048174750692965]}, "559": {"x": 20.49408465539835, "y": 19.8829799378332, "z": 12.434050098655902, "r": [9.80641434722429e-07, 9.205294659864194e-07, -7.484913229660606e-06]}, "560": {"x": 15.16549641813255, "y": 18.753492351073923, "z": 11.638681479201821, "r": [6.943280144078301e-05, 5.493898473574177e-05, -0.0005472534008923446]}, "561": {"x": 22.379444538133214, "y": 17.997620055098277, "z": 12.434050098655897, "r": [9.205294801972741e-07, 9.8064144538057e-07, -7.484913224331535e-06]}, "562": {"x": 21.249956951373974, "y": 12.669031817832527, "z": 11.638681479201816, "r": [5.49389847428472e-05, 6.943280145499386e-05, -0.0005472534008887919]}, "563": {"x": 11.798750977254967, "y": 15.988898500215374, "z": 10.985565115509644, "r": [-1.1741780639340504e-05, -9.821182040070653e-06, 0.00010481747505508565]}, "564": {"x": 18.485363100515425, "y": 9.302286376954973, "z": 10.985565115509647, "r": [-9.821182040070653e-06, -1.1741780641116861e-05, 0.00010481747505153294]}, "565": {"x": 11.87835317295133, "y": -20.02880473174038, "z": 8.986172684455353, "r": [-7.140312090925249e-06, 5.95030916983319e-06, -6.369808315120906e-05]}, "566": {"x": 15.271706320826643, "y": -22.821290943042197, "z": 8.326851792628831, "r": [7.547535821395002e-05, -5.962814302407082e-05, 0.0005948441747261057]}, "567": {"x": 20.57795765407691, "y": -23.931590790149528, "z": 7.535515082247562, "r": [1.4104147219029528e-06, -1.320491371359367e-06, 1.075897352009747e-05]}, "568": {"x": 18.55815105721606, "y": -13.349006847475616, "z": 8.986172684455365, "r": [-5.950309166280476e-06, 7.14031209625432e-06, -6.36980831494327e-05]}, "569": {"x": 22.460937115625278, "y": -22.048611328601176, "z": 7.53551508224757, "r": [1.320491382017508e-06, -1.4104147325610938e-06, 1.0758973504110259e-05]}, "570": {"x": 21.350637268517893, "y": -16.742359995350903, "z": 8.326851792628847, "r": [5.962814302407082e-05, -7.547535821217366e-05, 0.0005948441747287703]}, "571": {"x": -17.532340131440407, "y": 9.381888572651308, "z": 8.986172684455363, "r": [5.950309159175049e-06, -7.140312085596179e-06, -6.369808313166914e-05]}, "572": {"x": -10.852542247175634, "y": 16.06168645691604, "z": 8.986172684455347, "r": [7.140312087372536e-06, -5.950309162727763e-06, -6.369808315476178e-05]}, "573": {"x": -21.435126189849544, "y": 18.08149305377687, "z": 7.535515082247519, "r": [-1.3204913642539395e-06, 1.4104147041393844e-06, 1.0758973500557545e-05]}, "574": {"x": -20.324826342742213, "y": 12.775241720526614, "z": 8.326851792628824, "r": [-5.962814301341268e-05, 7.547535822638451e-05, 0.0005948441747340993]}, "575": {"x": -14.245895395050892, "y": 18.85417266821784, "z": 8.326851792628808, "r": [-7.547535822105544e-05, 5.96281430045309e-05, 0.0005948441747234412]}, "576": {"x": -19.552146728301153, "y": 19.96447251532519, "z": 7.535515082247519, "r": [-1.4104147325610938e-06, 1.3204913784647943e-06, 1.07589735147684e-05]}, "577": {"x": -33.46002296467919, "y": -31.543773326285013, "z": 15.559544953775225, "r": [-7.297978044107367e-07, -8.509027651371071e-07, -4.576282620405436e-06]}, "578": {"x": -35.62991481858682, "y": -36.785556833967036, "z": 16.784273467219073, "r": [8.172790444405109e-09, 5.7881095472112065e-09, 6.815229980361437e-08]}, "579": {"x": -34.28909223366704, "y": -38.126379418886756, "z": 16.784273467219055, "r": [5.7881095472112065e-09, 8.172762022695679e-09, 6.815229625090069e-08]}, "580": {"x": -29.04730872598499, "y": -35.95648756497905, "z": 15.559544953775182, "r": [-8.509027651371071e-07, -7.297978328324461e-07, -4.576282616852723e-06]}, "581": {"x": 34.485833890454934, "y": 27.576655051460744, "z": 15.559544953775221, "r": [7.297977759890273e-07, 8.509027580316797e-07, -4.576282620405436e-06]}, "582": {"x": 36.6557257443626, "y": 32.818438559142805, "z": 16.78427346721908, "r": [-8.172804655259824e-09, -5.788116652638564e-09, 6.815229269818701e-08]}, "583": {"x": 35.314903159442814, "y": 34.15926114406254, "z": 16.784273467219073, "r": [-5.788081125501776e-09, -8.172769128123036e-09, 6.815230335632805e-08]}, "584": {"x": 30.07311965176074, "y": 31.989369290154812, "z": 15.559544953775195, "r": [8.509027793479618e-07, 7.297978186215914e-07, -4.576282606194582e-06]}, "585": {"x": -12.72901069167326, "y": -31.737587287356583, "z": 12.279384061822785, "r": [-2.2177238172105262e-05, -1.1807413628162067e-05, -0.000130364326917487]}, "586": {"x": -7.375534984174915, "y": -31.160578017886795, "z": 11.333823826173306, "r": [-1.4869149135066095e-05, -5.136109734849015e-06, -8.771771434012976e-05]}, "587": {"x": -4.399903342108436, "y": -29.098139091246153, "z": 10.753664673680628, "r": [-1.1744318074491389e-05, -2.9092941105091086e-06, -7.545152732824079e-05]}, "588": {"x": -3.801218440464905, "y": -25.248541326112715, "z": 10.528992295602137, "r": [6.891890169669068e-08, 2.0143993140209204e-08, 5.419360320502165e-07]}, "589": {"x": 4.980176927357818, "y": -25.289576862513446, "z": 9.43734216203206, "r": [-2.380586106909277e-06, 7.008804523422896e-07, -1.8684255092438207e-05]}, "590": {"x": 5.569196086920792, "y": -29.134471395106246, "z": 9.212083568764271, "r": [7.254243372223357e-06, -1.7931010205529674e-06, 4.658719557237845e-05]}, "591": {"x": 8.498029134520346, "y": -31.198264061569983, "z": 8.638523129961028, "r": [1.2511504550616337e-05, -4.290340754664612e-06, 7.38543857075058e-05]}, "592": {"x": 13.838888206055037, "y": -31.788295253220134, "z": 7.6936296329642895, "r": [2.250503484191313e-05, -1.1947898912012533e-05, 0.0001325482657694721]}, "593": {"x": 23.777887651588472, "y": 2.3305647659405575, "z": 10.528992295602166, "r": [-2.0143982482068168e-08, -6.891890302895831e-08, 5.419360515901417e-07]}, "594": {"x": 27.627485416721967, "y": 2.9292496675841124, "z": 10.75366467368066, "r": [2.909294096298254e-06, 1.1744318075379567e-05, -7.545152733534621e-05]}, "595": {"x": 27.663817720582028, "y": -7.039849761445079, "z": 9.21208356876433, "r": [1.7931010276583947e-06, -7.254243376664249e-06, 4.658719559369473e-05]}, "596": {"x": 23.818923187989185, "y": -6.4508306018821235, "z": 9.437342162032113, "r": [-7.008804487895759e-07, 2.3805861051329202e-06, -1.868425507378646e-05]}, "597": {"x": 29.68992434336268, "y": 5.904881309650613, "z": 11.333823826173333, "r": [5.13610972063816e-06, 1.4869149131513382e-05, -8.77177143259189e-05]}, "598": {"x": 30.266933612832414, "y": 11.258357017148938, "z": 12.279384061822794, "r": [1.1807413635267494e-05, 2.2177238182763404e-05, -0.00013036432692103972]}, "599": {"x": 30.317641578695977, "y": -15.30954188057931, "z": 7.693629632964305, "r": [1.1947898897801679e-05, -2.250503483125499e-05, 0.0001325482657605903]}, "600": {"x": 29.72761038704582, "y": -9.968682809044626, "z": 8.638523129961072, "r": [4.290340754664612e-06, -1.2511504557721764e-05, 7.385438572526937e-05]}, "601": {"x": 30.125167986490567, "y": -36.005176073096884, "z": 4.4198677213391715, "r": [1.09069875975365e-06, -9.55550831349683e-07, 6.060661648987775e-06]}, "602": {"x": 35.353778779398354, "y": -38.165161425712014, "z": 3.199808223870352, "r": [-6.192678370098292e-09, 8.571909404508915e-09, -6.830500431931341e-08]}, "603": {"x": 36.694507751187814, "y": -36.82443245392258, "z": 3.19980822387035, "r": [-8.571909404508915e-09, 6.192706791807723e-09, -6.830500787202709e-08]}, "604": {"x": 34.53452239857266, "y": -31.59582166101476, "z": 4.419867721339175, "r": [9.555508668768198e-07, -1.0906987668590773e-06, 6.0606616623104514e-06]}, "605": {"x": -29.09935706071474, "y": 32.038057798272604, "z": 4.419867721339152, "r": [-1.0906988165970688e-06, 9.555508668768198e-07, 6.0606616685277e-06]}, "606": {"x": -34.327967853622575, "y": 34.19804315088779, "z": 3.1998082238703276, "r": [6.19271389723508e-09, -8.571944931645703e-09, -6.830500609567025e-08]}, "607": {"x": -35.66869682541203, "y": 32.85731417909833, "z": 3.1998082238703285, "r": [8.571937826218345e-09, -6.192721002662438e-09, -6.830499277299396e-08]}, "608": {"x": -33.50871147279686, "y": 27.628703386190498, "z": 4.419867721339156, "r": [-9.555508668768198e-07, 1.0906987668590773e-06, 6.060661657869559e-06]}, "609": {"x": -22.752076725812813, "y": -6.297683040764892, "z": 10.528992295602162, "r": [2.0143964718499774e-08, 6.891889725579858e-08, 5.419360498137848e-07]}, "610": {"x": -26.601674490946227, "y": -6.896367942408436, "z": 10.75366467368065, "r": [-2.909294074981972e-06, -1.1744318067385962e-05, -7.545152734245164e-05]}, "611": {"x": -26.638006794806238, "y": 3.072731486620762, "z": 9.212083568764298, "r": [-1.7931010312111084e-06, 7.2542433695588215e-06, 4.658719557060209e-05]}, "612": {"x": -22.79311226221354, "y": 2.483712327057806, "z": 9.437342162032087, "r": [7.008804416841485e-07, -2.380586111350169e-06, -1.8684255108425418e-05]}, "613": {"x": -28.664113417586915, "y": -9.871999584474938, "z": 11.333823826173331, "r": [-5.136109706427305e-06, -1.4869149127960668e-05, -8.771771434723519e-05]}, "614": {"x": -29.24112268705664, "y": -15.225475291973254, "z": 12.279384061822796, "r": [-1.1807413628162067e-05, -2.2177238175657976e-05, -0.000130364326942356]}, "615": {"x": -29.291830652920112, "y": 11.342423605754998, "z": 7.693629632964296, "r": [-1.1947898912012533e-05, 2.250503484191313e-05, 0.00013254826577657752]}, "616": {"x": -28.701799461269953, "y": 6.001564534220308, "z": 8.638523129961055, "r": [-4.290340775980894e-06, 1.2511504563050835e-05, 7.385438573592751e-05]}, "617": {"x": 13.754821617448995, "y": 27.770469012532317, "z": 12.279384061822801, "r": [2.2177238172105262e-05, 1.1807413635267494e-05, -0.000130364326917487]}, "618": {"x": 8.40134590995067, "y": 27.193459743062526, "z": 11.33382382617332, "r": [1.4869149124407954e-05, 5.136109692216451e-06, -8.771771433657705e-05]}, "619": {"x": 5.425714267884159, "y": 25.131020816421813, "z": 10.753664673680637, "r": [1.174431806827414e-05, 2.909294074981972e-06, -7.545152733889893e-05]}, "620": {"x": 4.827029366240593, "y": 21.281423051288396, "z": 10.528992295602151, "r": [-6.891889992033384e-08, -2.014397537664081e-08, 5.41936058695569e-07]}, "621": {"x": -3.9543660015820974, "y": 21.32245858768917, "z": 9.437342162032076, "r": [2.380586114902883e-06, -7.008804558950033e-07, -1.868425510664906e-05]}, "622": {"x": -4.543385161145024, "y": 25.167353120281973, "z": 9.212083568764283, "r": [-7.254243373111535e-06, 1.7931010489746768e-06, 4.658719558214841e-05]}, "623": {"x": -7.472218208744542, "y": 27.231145786745653, "z": 8.638523129961031, "r": [-1.2511504559498121e-05, 4.2903407617700395e-06, 7.385438573415115e-05]}, "624": {"x": -12.813077280279227, "y": 27.821176978395794, "z": 7.693629632964267, "r": [-2.2505034838360416e-05, 1.1947898904907106e-05, 0.00013254826577480117]}, "625": {"x": -30.11621814401777, "y": -27.810588680899542, "z": 14.445332265481046, "r": [-2.3740496217783402e-06, -2.7307994017178316e-06, -1.6314436805942023e-05]}, "626": {"x": -25.014636820277566, "y": -25.77290171442755, "z": 13.420963491537748, "r": [-9.760333128383536e-07, -1.036669111442734e-06, -7.081385007268182e-06]}, "627": {"x": -27.48449276142112, "y": -17.096900722028987, "z": 12.416963054863299, "r": [-1.794366453466978e-05, -2.876349962654956e-05, -0.00017992922874476847]}, "628": {"x": -22.760298457867894, "y": -15.340363162717862, "z": 11.71250811665294, "r": [-3.0528145018138275e-05, -4.495478760624394e-05, -0.0003294265970552601]}, "629": {"x": -25.31412408059954, "y": -32.612682744317645, "z": 14.445332265481015, "r": [-2.7307993946124043e-06, -2.3740495862512034e-06, -1.6314436798836596e-05]}, "630": {"x": -23.27643711412761, "y": -27.511101420577525, "z": 13.420963491537746, "r": [-1.036669111442734e-06, -9.760333270492083e-07, -7.081384993057327e-06]}, "631": {"x": -14.600436121728986, "y": -29.98095736172104, "z": 12.416963054863285, "r": [-2.8763499646089485e-05, -1.7943664541775206e-05, -0.00017992922872878125]}, "632": {"x": -12.843898562417914, "y": -25.25676305816785, "z": 11.71250811665294, "r": [-4.4954787602691226e-05, -3.0528145007480134e-05, -0.00032942659706591826]}, "633": {"x": 26.33993500637521, "y": 28.645564469493312, "z": 14.445332265480998, "r": [2.730799408823259e-06, 2.374049614672913e-06, -1.6314436781073027e-05]}, "634": {"x": 24.302248039903226, "y": 23.543983145753117, "z": 13.420963491537705, "r": [1.0366691043373066e-06, 9.760333128383536e-07, -7.0813849752937585e-06]}, "635": {"x": 15.626247047504693, "y": 26.013839086896752, "z": 12.416963054863288, "r": [2.876349964431313e-05, 1.7943664570196916e-05, -0.00017992922872167583]}, "636": {"x": 13.869709488193559, "y": 21.28964478334351, "z": 11.712508116652936, "r": [4.4954787597362156e-05, 3.0528145007480134e-05, -0.0003294265970552601]}, "637": {"x": 31.14202906979346, "y": 23.84347040607522, "z": 14.445332265481028, "r": [2.3740496075674855e-06, 2.730799408823259e-06, -1.631443678462574e-05]}, "638": {"x": 26.0404477460532, "y": 21.805783439603168, "z": 13.420963491537709, "r": [9.760332986274989e-07, 1.0366690759155972e-06, -7.081384996610041e-06]}, "639": {"x": 28.510303687196867, "y": 13.129782447204667, "z": 12.416963054863286, "r": [1.794366454532792e-05, 2.8763499638984058e-05, -0.0001799292287554266]}, "640": {"x": 23.7861093836436, "y": 11.373244887893538, "z": 11.712508116652932, "r": [3.05281450252437e-05, 4.49547876080203e-05, -0.0003294265970552601]}, "641": {"x": -5.575288892206838, "y": -23.193643370117343, "z": 10.649565858930197, "r": [4.635954018006316e-06, 2.20807978834614e-06, 4.0323009898202145e-05]}, "642": {"x": -9.717951481881423, "y": -22.809785981805422, "z": 11.106789072928523, "r": [-2.020730002527671e-05, -1.3539480498536705e-05, -0.00016638664572354855]}, "643": {"x": 6.719649718718777, "y": -23.24666425515009, "z": 9.320735303782655, "r": [-4.316886142774479e-06, 2.056050615095728e-06, -3.744757896306794e-05]}, "644": {"x": 10.85840630767407, "y": -22.896320756529605, "z": 8.860118133895227, "r": [2.340341962892012e-05, -1.562549320865969e-05, 0.0001923333678499617]}, "645": {"x": 15.734932171358658, "y": -30.05549830614985, "z": 7.5497131851623624, "r": [2.9968563749704913e-05, -1.867783988274141e-05, 0.00018772276787082376]}, "646": {"x": 13.995960719719859, "y": -25.356369748129058, "z": 8.250450947941857, "r": [4.740307634953922e-05, -3.212512703854031e-05, 0.00034706649635118936]}, "647": {"x": 26.417710178800363, "y": -32.68165504708486, "z": 5.526377904309518, "r": [3.252641079143359e-06, -2.8420913196214315e-06, 1.9622071532943153e-05]}, "648": {"x": 24.392685363419826, "y": -27.597421419979828, "z": 6.546578110346584, "r": [1.184981854862599e-06, -1.115849755706222e-06, 8.118053684391668e-06]}, "649": {"x": -20.697178769817416, "y": -8.071753492506804, "z": 10.649565858930217, "r": [2.20807978834614e-06, 4.635954013565424e-06, 4.0323009903531215e-05]}, "650": {"x": -20.313321381505506, "y": -12.214416082181373, "z": 11.106789072928535, "r": [-1.3539480502089418e-05, -2.020730002527671e-05, -0.00016638664572354855]}, "651": {"x": -20.750199654850153, "y": 4.22318511841876, "z": 9.320735303782675, "r": [2.0560506079903007e-06, -4.316886145439014e-06, -3.744757896306794e-05]}, "652": {"x": -20.399856156229603, "y": 8.361941707374028, "z": 8.86011813389524, "r": [-1.5625493201554264e-05, 2.3403419625367405e-05, 0.000192333367836639]}, "653": {"x": 6.6010998179825, "y": 19.226525095293024, "z": 10.649565858930211, "r": [-4.635954017118138e-06, -2.208079777687999e-06, 4.0323009912413e-05]}, "654": {"x": 10.743762407657066, "y": 18.84266770698109, "z": 11.106789072928533, "r": [2.0207300028829422e-05, 1.3539480494983991e-05, -0.0001663866457217722]}, "655": {"x": -5.693838792943071, "y": 19.2795459803258, "z": 9.320735303782664, "r": [4.316886142774479e-06, -2.0560505973321597e-06, -3.744757895773887e-05]}, "656": {"x": -9.832595381898331, "y": 18.929202481705254, "z": 8.86011813389522, "r": [-2.3403419621814692e-05, 1.5625493190896123e-05, 0.0001923333678410799]}, "657": {"x": 21.722989695593064, "y": 4.104635217682477, "z": 10.64956585893021, "r": [-2.2080797705825717e-06, -4.635954011789067e-06, 4.03230098999785e-05]}, "658": {"x": 21.339132307281165, "y": 8.247297807357047, "z": 11.106789072928532, "r": [1.3539480516300273e-05, 2.0207300032382136e-05, -0.0001663866457217722]}, "659": {"x": 21.776010580625808, "y": -8.190303393243086, "z": 9.320735303782694, "r": [-2.0560506222011554e-06, 4.316886146327192e-06, -3.744757897550244e-05]}, "660": {"x": 21.425667082005287, "y": -12.329059982198336, "z": 8.860118133895257, "r": [1.562549319800155e-05, -2.340341962892012e-05, 0.00019233336784196808]}, "661": {"x": 31.21100137256059, "y": -27.888363853324535, "z": 5.5263779043095305, "r": [2.842091333832286e-06, -3.2526410862487865e-06, 1.962207151784412e-05]}, "662": {"x": 26.126767745455567, "y": -25.863339037944034, "z": 6.54657811034659, "r": [1.115849755706222e-06, -1.1849818406517443e-06, 8.118053691497096e-06]}, "663": {"x": 28.584844631625636, "y": -17.205585845882908, "z": 7.549713185162381, "r": [1.8677839857872414e-05, -2.9968563731941344e-05, 0.00018772276786016562]}, "664": {"x": 23.885716073604762, "y": -15.466614394244106, "z": 8.250450947941882, "r": [3.212512702788217e-05, -4.740307634243379e-05, 0.0003470664963618475]}, "665": {"x": -30.18519044678482, "y": 23.92124557850029, "z": 5.526377904309491, "r": [-2.8420913054105768e-06, 3.2526410862487865e-06, 1.9622071509850514e-05]}, "666": {"x": -25.100956819679816, "y": 21.896220763119754, "z": 6.54657811034654, "r": [-1.1158497343899398e-06, 1.1849818513098853e-06, 8.118053682615312e-06]}, "667": {"x": -27.55903370584984, "y": 13.238467571058623, "z": 7.549713185162369, "r": [-1.8677839889846837e-05, 2.9968563742599486e-05, 0.00018772276787437647]}, "668": {"x": -22.859905147829036, "y": 11.499496119419817, "z": 8.25045094794186, "r": [-3.212512699946046e-05, 4.740307632822294e-05, 0.00034706649636007114]}, "669": {"x": -14.709121245582843, "y": 26.08838003132548, "z": 7.549713185162334, "r": [-2.9968563744375842e-05, 1.8677839850766986e-05, 0.00018772276787615283]}, "670": {"x": -12.970149793944096, "y": 21.389251473304704, "z": 8.250450947941832, "r": [-4.740307634243379e-05, 3.212512702432946e-05, 0.00034706649636007114]}, "671": {"x": -25.391899253024516, "y": 28.714536772260516, "z": 5.5263779043094825, "r": [-3.2526411217759232e-06, 2.8420913409377135e-06, 1.9622071532054974e-05]}, "672": {"x": -23.366874437644015, "y": 23.630303145155484, "z": 6.546578110346538, "r": [-1.184981854862599e-06, 1.1158497272845125e-06, 8.118053693273453e-06]}, "673": {"x": -29.281515820780818, "y": -25.115129497226672, "z": 13.8910137980663, "r": [-0.00045468384615787727, -0.0005468584070058569, -0.003551678178624229]}, "674": {"x": -33.874290255778746, "y": -27.1433183640886, "z": 14.874202294395833, "r": [-0.0003679238833740328, -0.0004512586351381742, -0.0025353726864381088]}, "675": {"x": -35.77517169737516, "y": -32.63604941424426, "z": 16.106065514597233, "r": [-0.0002451241367111834, -0.00027112536017170896, -0.0015783593185858535]}, "676": {"x": -31.05691676596002, "y": -30.48163761869593, "z": 15.007013438762487, "r": [-0.00038802251830816203, -0.00041560052915201595, -0.002681441459913003]}, "677": {"x": -38.03023117191033, "y": -37.969320878502884, "z": 17.381732623837024, "r": [-0.00011137317810039349, -0.00011577101830084757, -0.0006881217881300472]}, "678": {"x": -40.58439295041669, "y": -43.08085755071668, "z": 18.67814261746664, "r": [-2.0441849756025476e-05, -2.0441849699182058e-05, -0.00012169531365202602]}, "679": {"x": -35.472856278202855, "y": -40.526695772210246, "z": 17.381732623836996, "r": [-0.00011577101835769099, -0.00011137317818565862, -0.0006881217880874146]}, "680": {"x": -33.157230078837216, "y": -35.65369467913717, "z": 16.18420281410547, "r": [-0.0002652691742071056, -0.0002652691742071056, -0.0016856234788207303]}, "681": {"x": -30.13958481394424, "y": -38.27163629767503, "z": 16.10606551459719, "r": [-0.00027112536014328725, -0.0002451241366827617, -0.0015783593186142753]}, "682": {"x": -24.646853763788553, "y": -36.37075485607863, "z": 14.874202294395793, "r": [-0.0004512586351381742, -0.0003679238833456111, -0.0025353726864381088]}, "683": {"x": -22.618664896926678, "y": -31.777980421080724, "z": 13.891013798066274, "r": [-0.000546858406991646, -0.00045468384612945556, -0.00355167817863844]}, "684": {"x": -27.985173018395926, "y": -33.55338136625987, "z": 15.007013438762453, "r": [-0.00041560052909517253, -0.0003880225182228969, -0.002681441459913003]}, "685": {"x": -20.561097907290737, "y": -26.672997575675716, "z": 12.917736819916822, "r": [-0.0006424579706845179, -0.0005651714054977219, -0.004745889070960629]}, "686": {"x": -18.358745632521916, "y": -20.855210232821864, "z": 11.928339491686632, "r": [-0.0007412457830184849, -0.0007412457830184849, -0.007506277305864728]}, "687": {"x": -24.176532975375782, "y": -23.057562507590678, "z": 12.917736819916833, "r": [-0.0005651714055403545, -0.0006424579706987288, -0.004745889070960629]}, "688": {"x": -25.957186836823723, "y": -28.453651437123664, "z": 13.931601763809216, "r": [-0.0005203487191351996, -0.0005203487191351996, -0.0037250195083089466]}, "689": {"x": -17.235564289523943, "y": -30.452904110728362, "z": 12.874329335702475, "r": [-0.000622936894671966, -0.0004408359725118771, -0.004055172089543646]}, "690": {"x": -19.061463563451458, "y": -34.86257975069156, "z": 13.699748684745531, "r": [-0.0006114476598497731, -0.0004243427906942543, -0.0033117980588599494]}, "691": {"x": -13.44805438540588, "y": -33.7631274799641, "z": 12.585684843964492, "r": [-0.0006794426898011352, -0.00037434403859037957, -0.003594370036225314]}, "692": {"x": -11.996804564155601, "y": -29.62824049079765, "z": 11.968189439717767, "r": [-0.0005810800183496667, -0.0003359584453903608, -0.003854091340393495]}, "693": {"x": -7.8419403599090485, "y": -33.05902656712752, "z": 11.52324644545183, "r": [-0.0005540580089942182, -0.00022554290288212542, -0.002918925804969774]}, "694": {"x": -2.2469955913864474, "y": -32.72026887542064, "z": 10.495990063427556, "r": [-0.00016714486430124964, -8.246547074008959e-05, -0.000859916537272909]}, "695": {"x": -1.8900275745262423, "y": -29.037605969541268, "z": 10.362653121808364, "r": [-9.768169339530175e-05, -4.644239254503191e-05, -0.0007403030142185685]}, "696": {"x": -6.906086329667159, "y": -29.204390221191158, "z": 11.143035194656784, "r": [-0.00040428052102470247, -0.0001741328886453175, -0.0027945560558535476]}, "697": {"x": -1.5892315789600788, "y": -25.284061224905336, "z": 10.252566892961632, "r": [-5.154762319481421e-05, -2.569548665576349e-05, -0.0005344259833890419]}, "698": {"x": -1.3469054782754994, "y": -21.7106015673828, "z": 10.16057459694118, "r": [-1.121374406309883e-05, -1.0174578576993554e-05, -7.970191863648779e-05]}, "699": {"x": -5.146668629872366, "y": -21.240259268299372, "z": 10.4981361930196, "r": [-0.00011319892519523478, -6.0533254568895245e-05, -0.001146270470400168]}, "700": {"x": -6.0081385199925315, "y": -25.193617315987332, "z": 10.803818799829122, "r": [-0.00027767108239729055, -0.00013965832339124518, -0.002378726771382844]}, "701": {"x": -8.883263921650839, "y": -20.40575984304929, "z": 10.819700297616144, "r": [-0.00025613083266051717, -0.00017575410826964344, -0.002245531417258917]}, "702": {"x": -12.744963860693124, "y": -19.582425026181905, "z": 11.16744188851047, "r": [-0.00042461482684075236, -0.0003597204139822452, -0.0033222173015801104]}, "703": {"x": -15.277042324741272, "y": -25.507301412170037, "z": 12.057930015366349, "r": [-0.0006618297785934146, -0.0004920375633901131, -0.004893936424558376]}, "704": {"x": -10.503057123357259, "y": -25.15590984394841, "z": 11.386439798596127, "r": [-0.00047666797546952466, -0.0003168212546995619, -0.0037308762299872456]}, "705": {"x": -18.74379466799946, "y": -7.643133230172325, "z": 10.498136193019626, "r": [-6.053325455468439e-05, -0.00011319892518812935, -0.001146270470400168]}, "706": {"x": -19.21413696708293, "y": -3.843370078575483, "z": 10.160574596941215, "r": [-1.0174578548571844e-05, -1.121374406309883e-05, -7.970191863648779e-05]}, "707": {"x": -22.787596624605467, "y": -4.085696179260077, "z": 10.252566892961658, "r": [-2.5695486613130925e-05, -5.154762319392603e-05, -0.0005344259834103582]}, "708": {"x": -22.697152715687437, "y": -8.504603120292513, "z": 10.803818799829141, "r": [-0.00013965832337703432, -0.0002776710823866324, -0.0023787267713757387]}, "709": {"x": -26.54114136924136, "y": -4.386492174826248, "z": 10.362653121808389, "r": [-4.64423925166102e-05, -9.768169338997268e-05, -0.0007403030142185685]}, "710": {"x": -30.223804275120756, "y": -4.743460191686481, "z": 10.495990063427595, "r": [-8.24654707685113e-05, -0.000167144864303026, -0.0008599165372586981]}, "711": {"x": -30.562561966827637, "y": -10.33840496020908, "z": 11.523246445451862, "r": [-0.00022554290291054713, -0.000554058009008429, -0.0029189258049555633]}, "712": {"x": -26.70792562089126, "y": -9.402550929967164, "z": 11.143035194656804, "r": [-0.0001741328886453175, -0.00040428052101759704, -0.002794556055860653]}, "713": {"x": -31.266662879664196, "y": -15.944518985705914, "z": 12.585684843964525, "r": [-0.0003743440386188013, -0.0006794426898011352, -0.003594370036225314]}, "714": {"x": -32.366115150391664, "y": -21.557928163751498, "z": 13.699748684745565, "r": [-0.0004243427906942543, -0.0006114476598781948, -0.0033117980588457385]}, "715": {"x": -27.956439510428442, "y": -19.73202888982394, "z": 12.874329335702498, "r": [-0.0004408359725402988, -0.0006229368946861769, -0.004055172089557857]}, "716": {"x": -27.131775890497696, "y": -14.493269164455572, "z": 11.968189439717767, "r": [-0.0003359584453903608, -0.0005810800183354559, -0.0038540913403863897]}, "717": {"x": -23.01083681187009, "y": -17.773506925041204, "z": 12.057930015366349, "r": [-0.0004920375634043239, -0.0006618297785792038, -0.0048939364245654815]}, "718": {"x": -17.08596042588199, "y": -15.241428460993077, "z": 11.167441888510483, "r": [-0.0003597204139822452, -0.0004246148268549632, -0.0033222173015801104]}, "719": {"x": -17.909295242749366, "y": -11.379728521950787, "z": 10.819700297616158, "r": [-0.00017575410825543258, -0.0002561308326676226, -0.0022455314172518115]}, "720": {"x": -22.65944524364847, "y": -12.999521723657212, "z": 11.386439798596133, "r": [-0.0003168212546995619, -0.00047666797546952466, -0.0037308762300014564]}, "721": {"x": 30.30732674655646, "y": 21.148011222402285, "z": 13.891013798066254, "r": [0.00045468384610103385, 0.0005468584069774352, -0.003551678178624229]}, "722": {"x": 34.90010118155443, "y": 23.176200089264274, "z": 14.874202294395806, "r": [0.0003679238833456111, 0.00045125863515238507, -0.0025353726864523196]}, "723": {"x": 36.800982623150915, "y": 28.668931139420025, "z": 16.106065514597237, "r": [0.0002451241367111834, 0.00027112536017170896, -0.0015783593186000644]}, "724": {"x": 32.082727691735755, "y": 26.514519343871658, "z": 15.007013438762483, "r": [0.0003880225182513186, 0.00041560052915201595, -0.002681441459927214]}, "725": {"x": 39.05604209768607, "y": 34.00220260367864, "z": 17.38173262383702, "r": [0.0001113731781288152, 0.00011577101832926928, -0.0006881217881016255]}, "726": {"x": 41.61020387619244, "y": 39.11373927589246, "z": 18.678142617466648, "r": [2.0441849756025476e-05, 2.0441849756025476e-05, -0.00012169531368044773]}, "727": {"x": 36.498667203978606, "y": 36.559577497386, "z": 17.381732623837003, "r": [0.00011577101830084757, 0.00011137317810039349, -0.0006881217881158364]}, "728": {"x": 34.183041004613, "y": 31.686576404312948, "z": 16.18420281410549, "r": [0.000265269174263949, 0.00026526917429237074, -0.0016856234788207303]}, "729": {"x": 31.16539573972003, "y": 34.30451802285081, "z": 16.106065514597212, "r": [0.00027112536014328725, 0.0002451241366827617, -0.0015783593186142753]}, "730": {"x": 25.67266468956429, "y": 32.40363658125435, "z": 14.87420229439579, "r": [0.0004512586351381742, 0.0003679238833171894, -0.0025353726864665305]}, "731": {"x": 23.64447582270231, "y": 27.810862146256348, "z": 13.891013798066247, "r": [0.0005468584070058569, 0.00045468384615787727, -0.003551678178652651]}, "732": {"x": 29.010983944171667, "y": 29.58626309143561, "z": 15.00701343876246, "r": [0.00041560052915201595, 0.0003880225182513186, -0.002681441459913003]}, "733": {"x": 21.58690883306634, "y": 22.70587930085131, "z": 12.917736819916785, "r": [0.0006424579706845179, 0.0005651714055403545, -0.0047458890709464185]}, "734": {"x": 19.38455655829755, "y": 16.888091957997514, "z": 11.928339491686616, "r": [0.0007412457830326957, 0.0007412457830469066, -0.007506277305850517]}, "735": {"x": 25.20234390115136, "y": 19.090444232766266, "z": 12.917736819916781, "r": [0.0005651714055403545, 0.0006424579706987288, -0.004745889070960629]}, "736": {"x": 26.98299776259938, "y": 24.486533162299303, "z": 13.931601763809182, "r": [0.0005203487191636214, 0.0005203487191636214, -0.003725019508280525]}, "737": {"x": 18.261375215299633, "y": 26.485785835904053, "z": 12.874329335702472, "r": [0.0006229368946435443, 0.0004408359724834554, -0.004055172089586279]}, "738": {"x": 20.087274489227212, "y": 30.895461475867272, "z": 13.699748684745538, "r": [0.0006114476598497731, 0.0004243427906942543, -0.0033117980588315277]}, "739": {"x": 14.473865311181674, "y": 29.79600920513989, "z": 12.585684843964524, "r": [0.0006794426897869243, 0.00037434403856195786, -0.0035943700362182085]}, "740": {"x": 13.022615489931315, "y": 25.661122215973407, "z": 11.968189439717786, "r": [0.0005810800183567721, 0.00033595844540457165, -0.0038540913403792842]}, "741": {"x": 8.867751285684847, "y": 29.091908292303298, "z": 11.523246445451859, "r": [0.0005540580090013236, 0.00022554290288212542, -0.0029189258049768796]}, "742": {"x": 3.2728065171622487, "y": 28.753150600596406, "z": 10.495990063427584, "r": [0.00016714486429769693, 8.246547071166788e-05, -0.0008599165372658035]}, "743": {"x": 2.9158385003019776, "y": 25.070487694716984, "z": 10.362653121808382, "r": [9.768169338997268e-05, 4.64423925166102e-05, -0.0007403030142256739]}, "744": {"x": 7.931897255442881, "y": 25.237271946366842, "z": 11.143035194656791, "r": [0.00040428052101759704, 0.0001741328886168958, -0.0027945560558677585]}, "745": {"x": 2.6150425047357784, "y": 21.316942950081057, "z": 10.252566892961648, "r": [5.1547623195702386e-05, 2.5695486641552634e-05, -0.0005344259833961473]}, "746": {"x": 2.372716404051173, "y": 17.743483292558526, "z": 10.160574596941201, "r": [1.12137440684279e-05, 1.0174578562782699e-05, -7.97019186649095e-05]}, "747": {"x": 6.172479555648014, "y": 17.273140993475053, "z": 10.498136193019619, "r": [0.00011319892519168206, 6.053325455468439e-05, -0.0011462704703930626]}, "748": {"x": 7.033949445768208, "y": 21.226499041163006, "z": 10.803818799829134, "r": [0.00027767108239729055, 0.00013965832339124518, -0.002378726771382844]}, "749": {"x": 9.909074847426474, "y": 16.43864156822495, "z": 10.819700297616158, "r": [0.0002561308326676226, 0.0001757541082838543, -0.0022455314172518115]}, "750": {"x": 13.770774786468753, "y": 15.615306751357565, "z": 11.167441888510474, "r": [0.00042461482684075236, 0.00035972041396803434, -0.0033222173015801104]}, "751": {"x": 16.30285325051692, "y": 21.54018313734571, "z": 12.057930015366344, "r": [0.0006618297785934146, 0.0004920375634043239, -0.004893936424551271]}, "752": {"x": 11.528868049132914, "y": 21.188791569124085, "z": 11.386439798596134, "r": [0.00047666797546952466, 0.0003168212546995619, -0.003730876230008562]}, "753": {"x": 19.76960559377507, "y": 3.6760149553479966, "z": 10.498136193019615, "r": [6.0533254540473536e-05, 0.00011319892518812935, -0.0011462704703930626]}, "754": {"x": 20.239947892858535, "y": -0.12374819624884958, "z": 10.160574596941208, "r": [1.0174578548571844e-05, 1.1213744063209852e-05, -7.970191865069864e-05]}, "755": {"x": 23.813407550381136, "y": 0.11857790443574133, "z": 10.252566892961669, "r": [2.569548662734178e-05, 5.1547623194259096e-05, -0.0005344259834032528]}, "756": {"x": 23.72296364146309, "y": 4.537484845468178, "z": 10.80381879982914, "r": [0.00013965832339124518, 0.00027767108239729055, -0.0023787267713899496]}, "757": {"x": 27.566952295017103, "y": 0.4193739000019209, "z": 10.362653121808412, "r": [4.644239255924276e-05, 9.76816933930813e-05, -0.0007403030142256739]}, "758": {"x": 31.249615200896564, "y": 0.7763419168621577, "z": 10.495990063427612, "r": [8.246547074008959e-05, 0.00016714486429680875, -0.0008599165372444872]}, "759": {"x": 31.588372892603434, "y": 6.371286685384759, "z": 11.523246445451866, "r": [0.00022554290288212542, 0.0005540580089977709, -0.0029189258049768796]}, "760": {"x": 27.733736546666986, "y": 5.435432655142837, "z": 11.143035194656802, "r": [0.00017413288865952836, 0.00040428052101759704, -0.002794556055860653]}, "761": {"x": 32.292473805439975, "y": 11.977400710881584, "z": 12.58568484396452, "r": [0.00037434403859037957, 0.0006794426897869243, -0.00359437003624663]}, "762": {"x": 33.39192607616737, "y": 17.590809888927154, "z": 13.69974868474554, "r": [0.000424342790722676, 0.000611447659863984, -0.0033117980588315277]}, "763": {"x": 28.982250436204165, "y": 15.764910614999598, "z": 12.87432933570247, "r": [0.0004408359724834554, 0.0006229368946435443, -0.004055172089572068]}, "764": {"x": 28.157586816273476, "y": 10.526150889631275, "z": 11.968189439717772, "r": [0.0003359584453903608, 0.0005810800183354559, -0.0038540913403863897]}, "765": {"x": 24.036647737645776, "y": 13.80638865021688, "z": 12.057930015366335, "r": [0.0004920375634185348, 0.0006618297785934146, -0.004893936424551271]}, "766": {"x": 18.11177135165761, "y": 11.27431018616874, "z": 11.167441888510474, "r": [0.0003597204139822452, 0.0004246148268549632, -0.003322217301573005]}, "767": {"x": 18.935106168525003, "y": 7.412610247126468, "z": 10.819700297616158, "r": [0.0001757541082838543, 0.0002561308326676226, -0.0022455314172518115]}, "768": {"x": 23.685256169424168, "y": 9.032403448832886, "z": 11.386439798596127, "r": [0.0003168212546995619, 0.00047666797546952466, -0.0037308762300014564]}, "769": {"x": 6.254064926218059, "y": -21.277784336464983, "z": 9.478034754215596, "r": [0.00018403595771587788, -9.541165907478444e-05, 0.0018914159431631106]}, "770": {"x": 2.47057277326818, "y": -21.721336356077508, "z": 9.816154879948272, "r": [8.890543671036255e-05, -2.0741230372323116e-05, 0.0009764293742833274]}, "771": {"x": 2.792288250804625, "y": -25.305465314070297, "z": 9.712117474425593, "r": [0.00017712315461260175, -4.289721805150748e-05, 0.0015077117068997836]}, "772": {"x": 7.179195888713911, "y": -25.25737872166059, "z": 9.161856950506031, "r": [0.0003763753393712932, -0.00017764364972094882, 0.003126409875171987]}, "773": {"x": 3.0827754275732704, "y": -29.057501853741286, "z": 9.600139987812677, "r": [0.0002531614359391199, -6.696283308826878e-05, 0.001731955456548917]}, "774": {"x": 3.3337678576894194, "y": -32.72879991205034, "z": 9.483505441139428, "r": [0.00033849154440623863, -0.0001062001582567973, 0.0018858335168729923]}, "775": {"x": 8.914969456259895, "y": -33.08059506047255, "z": 8.458317572563157, "r": [0.0006825422092404665, -0.0002696326982061237, 0.003691404328947101]}, "776": {"x": 8.067471441023168, "y": -29.258018848064413, "z": 8.822355748819124, "r": [0.000523187349365628, -0.0002155485755679365, 0.0035434898398776227]}, "777": {"x": 14.513998634818947, "y": -33.79135600950793, "z": 7.396882552495715, "r": [0.0007609304200570932, -0.0004167435224644578, 0.004088251008788291]}, "778": {"x": 20.12120423407513, "y": -34.892192212959294, "z": 6.284275228654555, "r": [0.0006579482223685318, -0.0004562674285182311, 0.0035965741197578893]}, "779": {"x": 18.365384544981147, "y": -30.530374434204628, "z": 7.0922329164749165, "r": [0.0006769688425407594, -0.0004782230996340786, 0.00439965997670555]}, "780": {"x": 13.142994903336463, "y": -29.701955449845432, "z": 7.996993133488392, "r": [0.0006618318365170239, -0.00037859301960452285, 0.004362804792144459]}, "781": {"x": 16.424261342090617, "y": -25.61114997870362, "z": 7.904547115726508, "r": [0.0007146516975211625, -0.0005303519260024814, 0.0052898281181441575]}, "782": {"x": 13.861211904618447, "y": -19.681868804136013, "z": 8.80031193754251, "r": [0.00045837284912408904, -0.00038749795724868363, 0.003624986726094903]}, "783": {"x": 9.992828612902695, "y": -20.474828948753895, "z": 9.152638585225695, "r": [0.00030725869368097847, -0.0002098961415413214, 0.0027373196513025277]}, "784": {"x": 11.665184459726413, "y": -25.2522467033266, "z": 8.57630126942701, "r": [0.0005460073129697207, -0.0003561510799698908, 0.0042448384604298894]}, "785": {"x": 23.731199556524885, "y": -31.850827122612657, "z": 6.0785565775927894, "r": [0.0005814459785113968, -0.00048336741974708275, 0.003773960136033594]}, "786": {"x": 25.70156772088237, "y": -36.39953159078456, "z": 5.111597499203294, "r": [0.00047427796715737713, -0.0003872341752924058, 0.002678468538931611]}, "787": {"x": 31.190949516316838, "y": -38.298986060558434, "z": 3.8815200058884995, "r": [0.000280102711286645, -0.0002537242221762881, 0.0016354724776803664]}, "788": {"x": 29.08515243179926, "y": -33.62254239572447, "z": 4.965254391395486, "r": [0.00043292661302984925, -0.00040434787331378175, 0.002795357266570875]}, "789": {"x": 36.518772826028204, "y": -40.54880806740664, "z": 2.6087582627872337, "r": [0.00011842738874179304, -0.00011404121647728971, 0.000705339227625501]}, "790": {"x": 41.618812191369514, "y": -43.089465865893764, "z": 1.3177439188036195, "r": [2.090845333668767e-05, -2.090845333668767e-05, 0.00012467534846827277]}, "791": {"x": 39.07815439288242, "y": -37.98942650055245, "z": 2.608758262787226, "r": [0.000114041216448868, -0.00011842738871337133, 0.0007053392275970793]}, "792": {"x": 34.23873570918258, "y": -35.70938938370678, "z": 3.7937897026385716, "r": [0.0002719831667263861, -0.0002719831666979644, 0.0017306195226360899]}, "793": {"x": 36.82833238603425, "y": -32.661603190841085, "z": 3.8815200058884862, "r": [0.0002537242221762881, -0.0002801027112582233, 0.0016354724776590501]}, "794": {"x": 34.928877916260355, "y": -27.17222139540657, "z": 5.11159749920329, "r": [0.0003872341752924058, -0.0004742779671289554, 0.002678468538931611]}, "795": {"x": 30.380173448088314, "y": -25.20185323104901, "z": 6.078556577592819, "r": [0.00048336741969023933, -0.0005814459784687642, 0.003773960136019383]}, "796": {"x": 32.15188872120022, "y": -30.555806106323423, "z": 4.965254391395499, "r": [0.00040434787331378175, -0.00043292661305827096, 0.0027953572666099546]}, "797": {"x": 25.29019994772913, "y": -23.153616821950425, "z": 7.049059690985031, "r": [0.0006064767554221362, -0.000690978027492406, 0.0050891726727897435]}, "798": {"x": 19.4445722694065, "y": -20.915225943930764, "z": 8.047037305225727, "r": [0.0008018134284242251, -0.000801813428438436, 0.008035508516719858]}, "799": {"x": 21.682963147426207, "y": -26.760853622253414, "z": 7.049059690985013, "r": [0.0006909780274639843, -0.0006064767553937145, 0.005089172672768427]}, "800": {"x": 27.071446018656314, "y": -28.542099693180543, "z": 6.035664876037598, "r": [0.0005513123770128914, -0.0005513123769844697, 0.003946213587923353]}, "801": {"x": 29.059720759680356, "y": -19.836038219505348, "z": 7.092232916474927, "r": [0.0004782230995772352, -0.0006769688425123377, 0.004399659976691339]}, "802": {"x": 33.42153853843509, "y": -21.59185790859934, "z": 6.284275228654569, "r": [0.0004562674285182311, -0.0006579482223827426, 0.0035965741197721]}, "803": {"x": 32.32070233498376, "y": -15.984652309343195, "z": 7.396882552495734, "r": [0.0004167435224360361, -0.0007609304200570932, 0.004088251008788291]}, "804": {"x": 28.231301775321274, "y": -14.613648577860747, "z": 7.996993133488416, "r": [0.0003785930196471554, -0.0006618318365099185, 0.004362804792137354]}, "805": {"x": 31.609941385948417, "y": -10.385623130784165, "z": 8.458317572563198, "r": [0.0002696326982061237, -0.0006825422092333611, 0.0036914043289186793]}, "806": {"x": 31.258146237526205, "y": -4.8044215322137, "z": 9.48350544113949, "r": [0.00010620015831364071, -0.000338491544408015, 0.0018858335168800977]}, "807": {"x": 27.586848179217085, "y": -4.553429102097567, "z": 9.600139987812733, "r": [6.696283307405793e-05, -0.0002531614359391199, 0.0017319554565560225]}, "808": {"x": 27.787365173540216, "y": -9.538125115547448, "z": 8.822355748819174, "r": [0.00021554857553951479, -0.0005231873493585226, 0.0035434898398705172]}, "809": {"x": 23.834811639546054, "y": -4.262941925328944, "z": 9.712117474425643, "r": [4.289721805150748e-05, -0.0001771231546108254, 0.0015077117068926782]}, "810": {"x": 20.250682681553236, "y": -3.9412264477925203, "z": 9.816154879948305, "r": [2.074123035811226e-05, -8.89054367085862e-05, 0.0009764293742691166]}, "811": {"x": 19.807130661940686, "y": -7.724718600742382, "z": 9.478034754215628, "r": [9.541165907478444e-05, -0.00018403595771587788, 0.0018914159431773214]}, "812": {"x": 23.786725047136322, "y": -8.649849563238208, "z": 9.16185695050608, "r": [0.00017764364973515967, -0.0003763753393712932, 0.0031264098751933034]}, "813": {"x": 19.00417527422958, "y": -11.463482287426991, "z": 9.152638585225716, "r": [0.0002098961415413214, -0.00030725869368097847, 0.0027373196513025277]}, "814": {"x": 18.2112151296117, "y": -15.33186557914273, "z": 8.800311937542512, "r": [0.0003874979572344728, -0.0004583728491098782, 0.003624986726109114]}, "815": {"x": 24.140496304179337, "y": -17.894915016614863, "z": 7.904547115726532, "r": [0.0005303519260451139, -0.0007146516975353734, 0.0052898281181441575]}, "816": {"x": 23.781593028802302, "y": -13.135838134250662, "z": 8.576301269427042, "r": [0.00035615107995567996, -0.0005460073129626153, 0.0042448384604298894]}, "817": {"x": -5.228254000442374, "y": 17.31066606164068, "z": 9.478034754215605, "r": [-0.00018403595771587788, 9.541165907478444e-05, 0.001891415943170216]}, "818": {"x": -1.4447618474925032, "y": 17.754218081253224, "z": 9.816154879948298, "r": [-8.890543671213891e-05, 2.0741230372323116e-05, 0.0009764293742975383]}, "819": {"x": -1.766477325028913, "y": 21.338347039246038, "z": 9.712117474425613, "r": [-0.0001771231546152663, 4.289721805150748e-05, 0.0015077117068926782]}, "820": {"x": -6.153384962938179, "y": 21.29026044683627, "z": 9.161856950506033, "r": [-0.00037637533936418777, 0.00017764364970673796, 0.0031264098751577762]}, "821": {"x": -2.05696450179751, "y": 25.090383578917034, "z": 9.600139987812685, "r": [-0.0002531614359391199, 6.696283307405793e-05, 0.001731955456548917]}, "822": {"x": -2.3079569319136097, "y": 28.76168163722613, "z": 9.483505441139442, "r": [-0.000338491544408015, 0.0001062001582567973, 0.0018858335168445706]}, "823": {"x": -7.889158530484063, "y": 29.11347678564818, "z": 8.458317572563159, "r": [-0.0006825422092262556, 0.0002696326982061237, 0.0036914043289186793]}, "824": {"x": -7.0416605152473855, "y": 25.290900573240098, "z": 8.82235574881913, "r": [-0.0005231873493691808, 0.00021554857555372564, 0.003543489839884728]}, "825": {"x": -13.488187709043112, "y": 29.824237734683564, "z": 7.3968825524956925, "r": [-0.0007609304200286715, 0.0004167435224360361, 0.004088251008781185]}, "826": {"x": -19.095393308299258, "y": 30.92507393813491, "z": 6.284275228654524, "r": [-0.0006579482223685318, 0.0004562674285182311, 0.0035965741197827583]}, "827": {"x": -17.339573619205307, "y": 26.563256159380234, "z": 7.092232916474869, "r": [-0.0006769688425123377, 0.0004782230996056569, 0.004399659976662917]}, "828": {"x": -12.11718397756066, "y": 25.734837175021077, "z": 7.996993133488377, "r": [-0.0006618318365028131, 0.000378593019590312, 0.004362804792123143]}, "829": {"x": -15.39845041631484, "y": 21.644031703879268, "z": 7.9045471157264755, "r": [-0.0007146516975353734, 0.0005303519260024814, 0.005289828118137052]}, "830": {"x": -12.835400978842742, "y": 15.714750529311662, "z": 8.800311937542492, "r": [-0.0004583728491098782, 0.0003874979572628945, 0.0036249867261375357]}, "831": {"x": -8.967017687126997, "y": 16.50771067392956, "z": 9.152638585225697, "r": [-0.0003072586936880839, 0.00020989614155553227, 0.002737319651309633]}, "832": {"x": -10.639373533950645, "y": 21.285128428502237, "z": 8.576301269427, "r": [-0.0005460073129768261, 0.0003561510799698908, 0.004244838460422784]}, "833": {"x": -22.705388630749006, "y": 27.88370884778825, "z": 6.078556577592758, "r": [-0.0005814459785256076, 0.00048336741974708275, 0.00377396013605491]}, "834": {"x": -24.67575679510655, "y": 32.43241331596028, "z": 5.111597499203265, "r": [-0.00047427796718579884, 0.0003872341753208275, 0.0026784685389529272]}, "835": {"x": -30.165138590541048, "y": 34.33186778573419, "z": 3.8815200058884756, "r": [-0.0002801027112582233, 0.0002537242222047098, 0.0016354724776590501]}, "836": {"x": -28.059341506023397, "y": 29.65542412090015, "z": 4.965254391395464, "r": [-0.00043292661302984925, 0.00040434787328536004, 0.002795357266592191]}, "837": {"x": -35.49296190025246, "y": 36.58168979258244, "z": 2.6087582627872066, "r": [-0.00011842738874179304, 0.00011404121647728971, 0.0007053392276077375]}, "838": {"x": -40.59300126559376, "y": 39.12234759106951, "z": 1.3177439188036086, "r": [-2.090845339353109e-05, 2.090845333668767e-05, 0.00012467534846116735]}, "839": {"x": -38.05234346710665, "y": 34.02230822572821, "z": 2.608758262787208, "r": [-0.00011404121642044629, 0.00011842738868494962, 0.0007053392275899739]}, "840": {"x": -33.212924783406784, "y": 31.74227110888252, "z": 3.793789702638551, "r": [-0.0002719831666695427, 0.0002719831666695427, 0.0017306195226396426]}, "841": {"x": -35.80252146025841, "y": 28.694484916016783, "z": 3.881520005888488, "r": [-0.0002537242222047098, 0.000280102711286645, 0.0016354724776803664]}, "842": {"x": -33.90306699048461, "y": 23.205103120582343, "z": 5.111597499203281, "r": [-0.0003872341752924058, 0.0004742779671431663, 0.002678468538945822]}, "843": {"x": -29.354362522312606, "y": 21.234734956224802, "z": 6.078556577592779, "r": [-0.00048336741974708275, 0.0005814459784829751, 0.003773960136022936]}, "844": {"x": -31.1260777954244, "y": 26.588687831499147, "z": 4.9652543913954705, "r": [-0.00040434787334220346, 0.00043292661305827096, 0.0027953572666099546]}, "845": {"x": -24.2643890219534, "y": 19.186498547126146, "z": 7.049059690984978, "r": [-0.0006064767553652928, 0.0006909780274781951, 0.005089172672768427]}, "846": {"x": -18.418761343630734, "y": 16.948107669106413, "z": 8.04703730522569, "r": [-0.0008018134283958034, 0.0008018134283958034, 0.008035508516719858]}, "847": {"x": -20.657152221650396, "y": 22.793735347429042, "z": 7.049059690984964, "r": [-0.0006909780274497734, 0.0006064767553795036, 0.005089172672761322]}, "848": {"x": -26.045635092880513, "y": 24.574981418356234, "z": 6.035664876037555, "r": [-0.0005513123770128914, 0.0005513123770413131, 0.003946213587923353]}, "849": {"x": -28.033909833904566, "y": 15.868919944681082, "z": 7.092232916474911, "r": [-0.0004782230996056569, 0.0006769688425265485, 0.004399659976712655]}, "850": {"x": -32.39572761265925, "y": 17.62473963377506, "z": 6.284275228654558, "r": [-0.0004562674285182311, 0.0006579482223827426, 0.003596574119786311]}, "851": {"x": -31.2948914092079, "y": 12.017534034518906, "z": 7.396882552495724, "r": [-0.0004167435224360361, 0.0007609304200428824, 0.004088251008795396]}, "852": {"x": -27.20549084954542, "y": 10.646530303036423, "z": 7.996993133488398, "r": [-0.00037859301957610114, 0.0006618318365028131, 0.0043628047921018265]}, "853": {"x": -30.584130460172524, "y": 6.418504855959851, "z": 8.45831757256318, "r": [-0.0002696326982061237, 0.0006825422092404665, 0.0036914043289399956]}, "854": {"x": -30.23233531175034, "y": 0.8373032573893889, "z": 9.483505441139462, "r": [-0.00010620015831364071, 0.00033849154441334406, 0.0018858335168943086]}, "855": {"x": -26.56103725344134, "y": 0.5863108272732508, "z": 9.600139987812696, "r": [-6.696283307405793e-05, 0.0002531614359351231, 0.0017319554565347062]}, "856": {"x": -26.761554247764394, "y": 5.57100684072313, "z": 8.82235574881915, "r": [-0.00021554857553951479, 0.0005231873493620753, 0.0035434898398776227]}, "857": {"x": -22.809000713770395, "y": 0.2958236505046169, "z": 9.712117474425618, "r": [-4.2897218037296625e-05, 0.0001771231546143781, 0.0015077117068855728]}, "858": {"x": -19.224871755777656, "y": -0.025891827031819237, "z": 9.816154879948314, "r": [-2.0741230372323116e-05, 8.890543670903028e-05, 0.0009764293742833274]}, "859": {"x": -18.781319736165067, "y": 3.7576003259180486, "z": 9.47803475421562, "r": [-9.541165907478444e-05, 0.00018403595771410153, 0.0018914159431631106]}, "860": {"x": -22.76091412136064, "y": 4.682731288413889, "z": 9.161856950506047, "r": [-0.0001776436496925271, 0.0003763753393712932, 0.0031264098751790925]}, "861": {"x": -17.97836434845391, "y": 7.496364012602663, "z": 9.152638585225713, "r": [-0.00020989614152711056, 0.00030725869367387304, 0.002737319651309633]}, "862": {"x": -17.18540420383605, "y": 11.364747304318433, "z": 8.800311937542505, "r": [-0.0003874979572628945, 0.0004583728491169836, 0.0036249867261020086]}, "863": {"x": -23.114685378403628, "y": 13.92779674179058, "z": 7.904547115726501, "r": [-0.0005303519260309031, 0.0007146516975353734, 0.005289828118151263]}, "864": {"x": -22.755782103026576, "y": 9.16871985942636, "z": 8.576301269427022, "r": [-0.0003561510799414691, 0.0005460073129626153, 0.004244838460422784]}}, "face": {"1029": [169, 379, 673], "1030": [673, 625, 169], "1031": [45, 377, 673], "1032": [673, 379, 45], "1033": [95, 507, 673], "1034": [673, 377, 95], "1035": [193, 625, 673], "1036": [673, 507, 193], "1037": [95, 263, 674], "1038": [674, 507, 95], "1039": [9, 261, 674], "1040": [674, 263, 9], "1041": [93, 505, 674], "1042": [674, 261, 93], "1043": [193, 507, 674], "1044": [674, 505, 193], "1045": [93, 314, 675], "1046": [675, 505, 93], "1047": [25, 315, 675], "1048": [675, 314, 25], "1049": [145, 577, 675], "1050": [675, 315, 145], "1051": [193, 505, 675], "1052": [675, 577, 193], "1053": [145, 433, 676], "1054": [676, 577, 145], "1055": [61, 435, 676], "1056": [676, 433, 61], "1057": [169, 625, 676], "1058": [676, 435, 169], "1059": [193, 577, 676], "1060": [676, 625, 193], "1061": [145, 315, 677], "1062": [677, 578, 145], "1063": [25, 313, 677], "1064": [677, 315, 25], "1065": [73, 481, 677], "1066": [677, 313, 73], "1067": [194, 578, 677], "1068": [677, 481, 194], "1069": [73, 241, 678], "1070": [678, 481, 73], "1071": [0, 242, 678], "1072": [678, 241, 0], "1073": [74, 482, 678], "1074": [678, 242, 74], "1075": [194, 481, 678], "1076": [678, 482, 194], "1077": [74, 316, 679], "1078": [679, 482, 74], "1079": [26, 318, 679], "1080": [679, 316, 26], "1081": [146, 579, 679], "1082": [679, 318, 146], "1083": [194, 482, 679], "1084": [679, 579, 194], "1085": [146, 434, 680], "1086": [680, 579, 146], "1087": [61, 433, 680], "1088": [680, 434, 61], "1089": [145, 578, 680], "1090": [680, 433, 145], "1091": [194, 579, 680], "1092": [680, 578, 194], "1093": [146, 318, 681], "1094": [681, 580, 146], "1095": [26, 317, 681], "1096": [681, 318, 26], "1097": [96, 509, 681], "1098": [681, 317, 96], "1099": [195, 580, 681], "1100": [681, 509, 195], "1101": [96, 264, 682], "1102": [682, 509, 96], "1103": [10, 266, 682], "1104": [682, 264, 10], "1105": [98, 511, 682], "1106": [682, 266, 98], "1107": [195, 509, 682], "1108": [682, 511, 195], "1109": [98, 381, 683], "1110": [683, 511, 98], "1111": [46, 383, 683], "1112": [683, 381, 46], "1113": [171, 629, 683], "1114": [683, 383, 171], "1115": [195, 511, 683], "1116": [683, 629, 195], "1117": [171, 436, 684], "1118": [684, 629, 171], "1119": [61, 434, 684], "1120": [684, 436, 61], "1121": [146, 580, 684], "1122": [684, 434, 146], "1123": [195, 629, 684], "1124": [684, 580, 195], "1125": [171, 383, 685], "1126": [685, 630, 171], "1127": [46, 382, 685], "1128": [685, 383, 46], "1129": [130, 555, 685], "1130": [685, 382, 130], "1131": [196, 630, 685], "1132": [685, 555, 196], "1133": [130, 298, 686], "1134": [686, 555, 130], "1135": [21, 297, 686], "1136": [686, 298, 21], "1137": [129, 553, 686], "1138": [686, 297, 129], "1139": [196, 555, 686], "1140": [686, 553, 196], "1141": [129, 378, 687], "1142": [687, 553, 129], "1143": [45, 379, 687], "1144": [687, 378, 45], "1145": [169, 626, 687], "1146": [687, 379, 169], "1147": [196, 553, 687], "1148": [687, 626, 196], "1149": [169, 435, 688], "1150": [688, 626, 169], "1151": [61, 436, 688], "1152": [688, 435, 61], "1153": [171, 630, 688], "1154": [688, 436, 171], "1155": [196, 626, 688], "1156": [688, 630, 196], "1157": [172, 384, 689], "1158": [689, 631, 172], "1159": [46, 381, 689], "1160": [689, 384, 46], "1161": [98, 512, 689], "1162": [689, 381, 98], "1163": [197, 631, 689], "1164": [689, 512, 197], "1165": [98, 266, 690], "1166": [690, 512, 98], "1167": [10, 265, 690], "1168": [690, 266, 10], "1169": [97, 510, 690], "1170": [690, 265, 97], "1171": [197, 512, 690], "1172": [690, 510, 197], "1173": [97, 326, 691], "1174": [691, 510, 97], "1175": [29, 327, 691], "1176": [691, 326, 29], "1177": [149, 585, 691], "1178": [691, 327, 149], "1179": [197, 510, 691], "1180": [691, 585, 197], "1181": [149, 437, 692], "1182": [692, 585, 149], "1183": [62, 439, 692], "1184": [692, 437, 62], "1185": [172, 631, 692], "1186": [692, 439, 172], "1187": [197, 585, 692], "1188": [692, 631, 197], "1189": [149, 327, 693], "1190": [693, 586, 149], "1191": [29, 325, 693], "1192": [693, 327, 29], "1193": [77, 485, 693], "1194": [693, 325, 77], "1195": [198, 586, 693], "1196": [693, 485, 198], "1197": [77, 245, 694], "1198": [694, 485, 77], "1199": [2, 246, 694], "1200": [694, 245, 2], "1201": [78, 486, 694], "1202": [694, 246, 78], "1203": [198, 485, 694], "1204": [694, 486, 198], "1205": [78, 328, 695], "1206": [695, 486, 78], "1207": [30, 330, 695], "1208": [695, 328, 30], "1209": [150, 587, 695], "1210": [695, 330, 150], "1211": [198, 486, 695], "1212": [695, 587, 198], "1213": [150, 438, 696], "1214": [696, 587, 150], "1215": [62, 437, 696], "1216": [696, 438, 62], "1217": [149, 586, 696], "1218": [696, 437, 149], "1219": [198, 587, 696], "1220": [696, 586, 198], "1221": [150, 330, 697], "1222": [697, 588, 150], "1223": [30, 329, 697], "1224": [697, 330, 30], "1225": [105, 521, 697], "1226": [697, 329, 105], "1227": [199, 588, 697], "1228": [697, 521, 199], "1229": [105, 273, 698], "1230": [698, 521, 105], "1231": [13, 274, 698], "1232": [698, 273, 13], "1233": [106, 523, 698], "1234": [698, 274, 106], "1235": [199, 521, 698], "1236": [698, 523, 199], "1237": [106, 393, 699], "1238": [699, 523, 106], "1239": [49, 395, 699], "1240": [699, 393, 49], "1241": [177, 641, 699], "1242": [699, 395, 177], "1243": [199, 523, 699], "1244": [699, 641, 199], "1245": [177, 440, 700], "1246": [700, 641, 177], "1247": [62, 438, 700], "1248": [700, 440, 62], "1249": [150, 588, 700], "1250": [700, 438, 150], "1251": [199, 641, 700], "1252": [700, 588, 199], "1253": [177, 395, 701], "1254": [701, 642, 177], "1255": [49, 394, 701], "1256": [701, 395, 49], "1257": [131, 557, 701], "1258": [701, 394, 131], "1259": [200, 642, 701], "1260": [701, 557, 200], "1261": [131, 299, 702], "1262": [702, 557, 131], "1263": [21, 298, 702], "1264": [702, 299, 21], "1265": [130, 556, 702], "1266": [702, 298, 130], "1267": [200, 557, 702], "1268": [702, 556, 200], "1269": [130, 382, 703], "1270": [703, 556, 130], "1271": [46, 384, 703], "1272": [703, 382, 46], "1273": [172, 632, 703], "1274": [703, 384, 172], "1275": [200, 556, 703], "1276": [703, 632, 200], "1277": [172, 439, 704], "1278": [704, 632, 172], "1279": [62, 440, 704], "1280": [704, 439, 62], "1281": [177, 642, 704], "1282": [704, 440, 177], "1283": [200, 632, 704], "1284": [704, 642, 200], "1285": [181, 405, 705], "1286": [705, 649, 181], "1287": [52, 403, 705], "1288": [705, 405, 52], "1289": [112, 531, 705], "1290": [705, 403, 112], "1291": [201, 649, 705], "1292": [705, 531, 201], "1293": [112, 280, 706], "1294": [706, 531, 112], "1295": [15, 279, 706], "1296": [706, 280, 15], "1297": [111, 529, 706], "1298": [706, 279, 111], "1299": [201, 531, 706], "1300": [706, 529, 201], "1301": [111, 358, 707], "1302": [707, 529, 111], "1303": [39, 359, 707], "1304": [707, 358, 39], "1305": [161, 609, 707], "1306": [707, 359, 161], "1307": [201, 529, 707], "1308": [707, 609, 201], "1309": [161, 441, 708], "1310": [708, 609, 161], "1311": [63, 444, 708], "1312": [708, 441, 63], "1313": [181, 649, 708], "1314": [708, 444, 181], "1315": [201, 609, 708], "1316": [708, 649, 201], "1317": [161, 359, 709], "1318": [709, 610, 161], "1319": [39, 357, 709], "1320": [709, 359, 39], "1321": [87, 497, 709], "1322": [709, 357, 87], "1323": [202, 610, 709], "1324": [709, 497, 202], "1325": [87, 255, 710], "1326": [710, 497, 87], "1327": [7, 256, 710], "1328": [710, 255, 7], "1329": [88, 499, 710], "1330": [710, 256, 88], "1331": [202, 497, 710], "1332": [710, 499, 202], "1333": [88, 361, 711], "1334": [711, 499, 88], "1335": [40, 363, 711], "1336": [711, 361, 40], "1337": [163, 613, 711], "1338": [711, 363, 163], "1339": [202, 499, 711], "1340": [711, 613, 202], "1341": [163, 442, 712], "1342": [712, 613, 163], "1343": [63, 441, 712], "1344": [712, 442, 63], "1345": [161, 610, 712], "1346": [712, 441, 161], "1347": [202, 613, 712], "1348": [712, 610, 202], "1349": [163, 363, 713], "1350": [713, 614, 163], "1351": [40, 362, 713], "1352": [713, 363, 40], "1353": [94, 506, 713], "1354": [713, 362, 94], "1355": [203, 614, 713], "1356": [713, 506, 203], "1357": [94, 262, 714], "1358": [714, 506, 94], "1359": [9, 263, 714], "1360": [714, 262, 9], "1361": [95, 508, 714], "1362": [714, 263, 95], "1363": [203, 506, 714], "1364": [714, 508, 203], "1365": [95, 377, 715], "1366": [715, 508, 95], "1367": [45, 380, 715], "1368": [715, 377, 45], "1369": [170, 627, 715], "1370": [715, 380, 170], "1371": [203, 508, 715], "1372": [715, 627, 203], "1373": [170, 443, 716], "1374": [716, 627, 170], "1375": [63, 442, 716], "1376": [716, 443, 63], "1377": [163, 614, 716], "1378": [716, 442, 163], "1379": [203, 627, 716], "1380": [716, 614, 203], "1381": [170, 380, 717], "1382": [717, 628, 170], "1383": [45, 378, 717], "1384": [717, 380, 45], "1385": [129, 554, 717], "1386": [717, 378, 129], "1387": [204, 628, 717], "1388": [717, 554, 204], "1389": [129, 297, 718], "1390": [718, 554, 129], "1391": [21, 300, 718], "1392": [718, 297, 21], "1393": [132, 558, 718], "1394": [718, 300, 132], "1395": [204, 554, 718], "1396": [718, 558, 204], "1397": [132, 404, 719], "1398": [719, 558, 132], "1399": [52, 405, 719], "1400": [719, 404, 52], "1401": [181, 650, 719], "1402": [719, 405, 181], "1403": [204, 558, 719], "1404": [719, 650, 204], "1405": [181, 444, 720], "1406": [720, 650, 181], "1407": [63, 443, 720], "1408": [720, 444, 63], "1409": [170, 628, 720], "1410": [720, 443, 170], "1411": [204, 650, 720], "1412": [720, 628, 204], "1413": [175, 391, 721], "1414": [721, 637, 175], "1415": [48, 389, 721], "1416": [721, 391, 48], "1417": [104, 519, 721], "1418": [721, 389, 104], "1419": [205, 637, 721], "1420": [721, 519, 205], "1421": [104, 272, 722], "1422": [722, 519, 104], "1423": [12, 270, 722], "1424": [722, 272, 12], "1425": [102, 517, 722], "1426": [722, 270, 102], "1427": [205, 519, 722], "1428": [722, 517, 205], "1429": [102, 320, 723], "1430": [723, 517, 102], "1431": [27, 321, 723], "1432": [723, 320, 27], "1433": [147, 581, 723], "1434": [723, 321, 147], "1435": [205, 517, 723], "1436": [723, 581, 205], "1437": [147, 445, 724], "1438": [724, 581, 147], "1439": [64, 448, 724], "1440": [724, 445, 64], "1441": [175, 637, 724], "1442": [724, 448, 175], "1443": [205, 581, 724], "1444": [724, 637, 205], "1445": [147, 321, 725], "1446": [725, 582, 147], "1447": [27, 319, 725], "1448": [725, 321, 27], "1449": [75, 483, 725], "1450": [725, 319, 75], "1451": [206, 582, 725], "1452": [725, 483, 206], "1453": [75, 243, 726], "1454": [726, 483, 75], "1455": [1, 244, 726], "1456": [726, 243, 1], "1457": [76, 484, 726], "1458": [726, 244, 76], "1459": [206, 483, 726], "1460": [726, 484, 206], "1461": [76, 322, 727], "1462": [727, 484, 76], "1463": [28, 324, 727], "1464": [727, 322, 28], "1465": [148, 583, 727], "1466": [727, 324, 148], "1467": [206, 484, 727], "1468": [727, 583, 206], "1469": [148, 446, 728], "1470": [728, 583, 148], "1471": [64, 445, 728], "1472": [728, 446, 64], "1473": [147, 582, 728], "1474": [728, 445, 147], "1475": [206, 583, 728], "1476": [728, 582, 206], "1477": [148, 324, 729], "1478": [729, 584, 148], "1479": [28, 323, 729], "1480": [729, 324, 28], "1481": [99, 513, 729], "1482": [729, 323, 99], "1483": [207, 584, 729], "1484": [729, 513, 207], "1485": [99, 267, 730], "1486": [730, 513, 99], "1487": [11, 269, 730], "1488": [730, 267, 11], "1489": [101, 515, 730], "1490": [730, 269, 101], "1491": [207, 513, 730], "1492": [730, 515, 207], "1493": [101, 385, 731], "1494": [731, 515, 101], "1495": [47, 387, 731], "1496": [731, 385, 47], "1497": [173, 633, 731], "1498": [731, 387, 173], "1499": [207, 515, 731], "1500": [731, 633, 207], "1501": [173, 447, 732], "1502": [732, 633, 173], "1503": [64, 446, 732], "1504": [732, 447, 64], "1505": [148, 584, 732], "1506": [732, 446, 148], "1507": [207, 633, 732], "1508": [732, 584, 207], "1509": [173, 387, 733], "1510": [733, 634, 173], "1511": [47, 386, 733], "1512": [733, 387, 47], "1513": [133, 559, 733], "1514": [733, 386, 133], "1515": [208, 634, 733], "1516": [733, 559, 208], "1517": [133, 301, 734], "1518": [734, 559, 133], "1519": [22, 302, 734], "1520": [734, 301, 22], "1521": [134, 561, 734], "1522": [734, 302, 134], "1523": [208, 559, 734], "1524": [734, 561, 208], "1525": [134, 390, 735], "1526": [735, 561, 134], "1527": [48, 391, 735], "1528": [735, 390, 48], "1529": [175, 638, 735], "1530": [735, 391, 175], "1531": [208, 561, 735], "1532": [735, 638, 208], "1533": [175, 448, 736], "1534": [736, 638, 175], "1535": [64, 447, 736], "1536": [736, 448, 64], "1537": [173, 634, 736], "1538": [736, 447, 173], "1539": [208, 638, 736], "1540": [736, 634, 208], "1541": [174, 388, 737], "1542": [737, 635, 174], "1543": [47, 385, 737], "1544": [737, 388, 47], "1545": [101, 516, 737], "1546": [737, 385, 101], "1547": [209, 635, 737], "1548": [737, 516, 209], "1549": [101, 269, 738], "1550": [738, 516, 101], "1551": [11, 268, 738], "1552": [738, 269, 11], "1553": [100, 514, 738], "1554": [738, 268, 100], "1555": [209, 516, 738], "1556": [738, 514, 209], "1557": [100, 368, 739], "1558": [739, 514, 100], "1559": [42, 369, 739], "1560": [739, 368, 42], "1561": [165, 617, 739], "1562": [739, 369, 165], "1563": [209, 514, 739], "1564": [739, 617, 209], "1565": [165, 449, 740], "1566": [740, 617, 165], "1567": [65, 451, 740], "1568": [740, 449, 65], "1569": [174, 635, 740], "1570": [740, 451, 174], "1571": [209, 617, 740], "1572": [740, 635, 209], "1573": [165, 369, 741], "1574": [741, 618, 165], "1575": [42, 367, 741], "1576": [741, 369, 42], "1577": [90, 501, 741], "1578": [741, 367, 90], "1579": [210, 618, 741], "1580": [741, 501, 210], "1581": [90, 258, 742], "1582": [742, 501, 90], "1583": [8, 259, 742], "1584": [742, 258, 8], "1585": [91, 502, 742], "1586": [742, 259, 91], "1587": [210, 501, 742], "1588": [742, 502, 210], "1589": [91, 370, 743], "1590": [743, 502, 91], "1591": [43, 372, 743], "1592": [743, 370, 43], "1593": [166, 619, 743], "1594": [743, 372, 166], "1595": [210, 502, 743], "1596": [743, 619, 210], "1597": [166, 450, 744], "1598": [744, 619, 166], "1599": [65, 449, 744], "1600": [744, 450, 65], "1601": [165, 618, 744], "1602": [744, 449, 165], "1603": [210, 619, 744], "1604": [744, 618, 210], "1605": [166, 372, 745], "1606": [745, 620, 166], "1607": [43, 371, 745], "1608": [745, 372, 43], "1609": [114, 533, 745], "1610": [745, 371, 114], "1611": [211, 620, 745], "1612": [745, 533, 211], "1613": [114, 282, 746], "1614": [746, 533, 114], "1615": [16, 283, 746], "1616": [746, 282, 16], "1617": [115, 535, 746], "1618": [746, 283, 115], "1619": [211, 533, 746], "1620": [746, 535, 211], "1621": [115, 409, 747], "1622": [747, 535, 115], "1623": [54, 411, 747], "1624": [747, 409, 54], "1625": [183, 653, 747], "1626": [747, 411, 183], "1627": [211, 535, 747], "1628": [747, 653, 211], "1629": [183, 452, 748], "1630": [748, 653, 183], "1631": [65, 450, 748], "1632": [748, 452, 65], "1633": [166, 620, 748], "1634": [748, 450, 166], "1635": [211, 653, 748], "1636": [748, 620, 211], "1637": [183, 411, 749], "1638": [749, 654, 183], "1639": [54, 410, 749], "1640": [749, 411, 54], "1641": [135, 563, 749], "1642": [749, 410, 135], "1643": [212, 654, 749], "1644": [749, 563, 212], "1645": [135, 303, 750], "1646": [750, 563, 135], "1647": [22, 301, 750], "1648": [750, 303, 22], "1649": [133, 560, 750], "1650": [750, 301, 133], "1651": [212, 563, 750], "1652": [750, 560, 212], "1653": [133, 386, 751], "1654": [751, 560, 133], "1655": [47, 388, 751], "1656": [751, 386, 47], "1657": [174, 636, 751], "1658": [751, 388, 174], "1659": [212, 560, 751], "1660": [751, 636, 212], "1661": [174, 451, 752], "1662": [752, 636, 174], "1663": [65, 452, 752], "1664": [752, 451, 65], "1665": [183, 654, 752], "1666": [752, 452, 183], "1667": [212, 636, 752], "1668": [752, 654, 212], "1669": [185, 417, 753], "1670": [753, 657, 185], "1671": [56, 415, 753], "1672": [753, 417, 56], "1673": [118, 539, 753], "1674": [753, 415, 118], "1675": [213, 657, 753], "1676": [753, 539, 213], "1677": [118, 286, 754], "1678": [754, 539, 118], "1679": [17, 285, 754], "1680": [754, 286, 17], "1681": [117, 537, 754], "1682": [754, 285, 117], "1683": [213, 539, 754], "1684": [754, 537, 213], "1685": [117, 336, 755], "1686": [755, 537, 117], "1687": [32, 337, 755], "1688": [755, 336, 32], "1689": [153, 593, 755], "1690": [755, 337, 153], "1691": [213, 537, 755], "1692": [755, 593, 213], "1693": [153, 453, 756], "1694": [756, 593, 153], "1695": [66, 456, 756], "1696": [756, 453, 66], "1697": [185, 657, 756], "1698": [756, 456, 185], "1699": [213, 593, 756], "1700": [756, 657, 213], "1701": [153, 337, 757], "1702": [757, 594, 153], "1703": [32, 335, 757], "1704": [757, 337, 32], "1705": [80, 489, 757], "1706": [757, 335, 80], "1707": [214, 594, 757], "1708": [757, 489, 214], "1709": [80, 248, 758], "1710": [758, 489, 80], "1711": [4, 249, 758], "1712": [758, 248, 4], "1713": [81, 491, 758], "1714": [758, 249, 81], "1715": [214, 489, 758], "1716": [758, 491, 214], "1717": [81, 339, 759], "1718": [759, 491, 81], "1719": [33, 341, 759], "1720": [759, 339, 33], "1721": [155, 597, 759], "1722": [759, 341, 155], "1723": [214, 491, 759], "1724": [759, 597, 214], "1725": [155, 454, 760], "1726": [760, 597, 155], "1727": [66, 453, 760], "1728": [760, 454, 66], "1729": [153, 594, 760], "1730": [760, 453, 153], "1731": [214, 597, 760], "1732": [760, 594, 214], "1733": [155, 341, 761], "1734": [761, 598, 155], "1735": [33, 340, 761], "1736": [761, 341, 33], "1737": [103, 518, 761], "1738": [761, 340, 103], "1739": [215, 598, 761], "1740": [761, 518, 215], "1741": [103, 271, 762], "1742": [762, 518, 103], "1743": [12, 272, 762], "1744": [762, 271, 12], "1745": [104, 520, 762], "1746": [762, 272, 104], "1747": [215, 518, 762], "1748": [762, 520, 215], "1749": [104, 389, 763], "1750": [763, 520, 104], "1751": [48, 392, 763], "1752": [763, 389, 48], "1753": [176, 639, 763], "1754": [763, 392, 176], "1755": [215, 520, 763], "1756": [763, 639, 215], "1757": [176, 455, 764], "1758": [764, 639, 176], "1759": [66, 454, 764], "1760": [764, 455, 66], "1761": [155, 598, 764], "1762": [764, 454, 155], "1763": [215, 639, 764], "1764": [764, 598, 215], "1765": [176, 392, 765], "1766": [765, 640, 176], "1767": [48, 390, 765], "1768": [765, 392, 48], "1769": [134, 562, 765], "1770": [765, 390, 134], "1771": [216, 640, 765], "1772": [765, 562, 216], "1773": [134, 302, 766], "1774": [766, 562, 134], "1775": [22, 304, 766], "1776": [766, 302, 22], "1777": [136, 564, 766], "1778": [766, 304, 136], "1779": [216, 562, 766], "1780": [766, 564, 216], "1781": [136, 416, 767], "1782": [767, 564, 136], "1783": [56, 417, 767], "1784": [767, 416, 56], "1785": [185, 658, 767], "1786": [767, 417, 185], "1787": [216, 564, 767], "1788": [767, 658, 216], "1789": [185, 456, 768], "1790": [768, 658, 185], "1791": [66, 455, 768], "1792": [768, 456, 66], "1793": [176, 640, 768], "1794": [768, 455, 176], "1795": [216, 658, 768], "1796": [768, 640, 216], "1797": [178, 398, 769], "1798": [769, 643, 178], "1799": [50, 396, 769], "1800": [769, 398, 50], "1801": [107, 524, 769], "1802": [769, 396, 107], "1803": [217, 643, 769], "1804": [769, 524, 217], "1805": [107, 275, 770], "1806": [770, 524, 107], "1807": [13, 273, 770], "1808": [770, 275, 13], "1809": [105, 522, 770], "1810": [770, 273, 105], "1811": [217, 524, 770], "1812": [770, 522, 217], "1813": [105, 329, 771], "1814": [771, 522, 105], "1815": [30, 331, 771], "1816": [771, 329, 30], "1817": [151, 589, 771], "1818": [771, 331, 151], "1819": [217, 522, 771], "1820": [771, 589, 217], "1821": [151, 457, 772], "1822": [772, 589, 151], "1823": [67, 459, 772], "1824": [772, 457, 67], "1825": [178, 643, 772], "1826": [772, 459, 178], "1827": [217, 589, 772], "1828": [772, 643, 217], "1829": [151, 331, 773], "1830": [773, 590, 151], "1831": [30, 328, 773], "1832": [773, 331, 30], "1833": [78, 487, 773], "1834": [773, 328, 78], "1835": [218, 590, 773], "1836": [773, 487, 218], "1837": [78, 246, 774], "1838": [774, 487, 78], "1839": [2, 247, 774], "1840": [774, 246, 2], "1841": [79, 488, 774], "1842": [774, 247, 79], "1843": [218, 487, 774], "1844": [774, 488, 218], "1845": [79, 332, 775], "1846": [775, 488, 79], "1847": [31, 334, 775], "1848": [775, 332, 31], "1849": [152, 591, 775], "1850": [775, 334, 152], "1851": [218, 488, 775], "1852": [775, 591, 218], "1853": [152, 458, 776], "1854": [776, 591, 152], "1855": [67, 457, 776], "1856": [776, 458, 67], "1857": [151, 590, 776], "1858": [776, 457, 151], "1859": [218, 591, 776], "1860": [776, 590, 218], "1861": [152, 334, 777], "1862": [777, 592, 152], "1863": [31, 333, 777], "1864": [777, 334, 31], "1865": [108, 525, 777], "1866": [777, 333, 108], "1867": [219, 592, 777], "1868": [777, 525, 219], "1869": [108, 276, 778], "1870": [778, 525, 108], "1871": [14, 278, 778], "1872": [778, 276, 14], "1873": [110, 527, 778], "1874": [778, 278, 110], "1875": [219, 525, 778], "1876": [778, 527, 219], "1877": [110, 399, 779], "1878": [779, 527, 110], "1879": [51, 401, 779], "1880": [779, 399, 51], "1881": [179, 645, 779], "1882": [779, 401, 179], "1883": [219, 527, 779], "1884": [779, 645, 219], "1885": [179, 460, 780], "1886": [780, 645, 179], "1887": [67, 458, 780], "1888": [780, 460, 67], "1889": [152, 592, 780], "1890": [780, 458, 152], "1891": [219, 645, 780], "1892": [780, 592, 219], "1893": [179, 401, 781], "1894": [781, 646, 179], "1895": [51, 400, 781], "1896": [781, 401, 51], "1897": [138, 566, 781], "1898": [781, 400, 138], "1899": [220, 646, 781], "1900": [781, 566, 220], "1901": [138, 306, 782], "1902": [782, 566, 138], "1903": [23, 305, 782], "1904": [782, 306, 23], "1905": [137, 565, 782], "1906": [782, 305, 137], "1907": [220, 566, 782], "1908": [782, 565, 220], "1909": [137, 397, 783], "1910": [783, 565, 137], "1911": [50, 398, 783], "1912": [783, 397, 50], "1913": [178, 644, 783], "1914": [783, 398, 178], "1915": [220, 565, 783], "1916": [783, 644, 220], "1917": [178, 459, 784], "1918": [784, 644, 178], "1919": [67, 460, 784], "1920": [784, 459, 67], "1921": [179, 646, 784], "1922": [784, 460, 179], "1923": [220, 644, 784], "1924": [784, 646, 220], "1925": [180, 402, 785], "1926": [785, 647, 180], "1927": [51, 399, 785], "1928": [785, 402, 51], "1929": [110, 528, 785], "1930": [785, 399, 110], "1931": [221, 647, 785], "1932": [785, 528, 221], "1933": [110, 278, 786], "1934": [786, 528, 110], "1935": [14, 277, 786], "1936": [786, 278, 14], "1937": [109, 526, 786], "1938": [786, 277, 109], "1939": [221, 528, 786], "1940": [786, 526, 221], "1941": [109, 346, 787], "1942": [787, 526, 109], "1943": [35, 347, 787], "1944": [787, 346, 35], "1945": [157, 601, 787], "1946": [787, 347, 157], "1947": [221, 526, 787], "1948": [787, 601, 221], "1949": [157, 461, 788], "1950": [788, 601, 157], "1951": [68, 463, 788], "1952": [788, 461, 68], "1953": [180, 647, 788], "1954": [788, 463, 180], "1955": [221, 601, 788], "1956": [788, 647, 221], "1957": [157, 347, 789], "1958": [789, 602, 157], "1959": [35, 345, 789], "1960": [789, 347, 35], "1961": [83, 493, 789], "1962": [789, 345, 83], "1963": [222, 602, 789], "1964": [789, 493, 222], "1965": [83, 251, 790], "1966": [790, 493, 83], "1967": [5, 252, 790], "1968": [790, 251, 5], "1969": [84, 494, 790], "1970": [790, 252, 84], "1971": [222, 493, 790], "1972": [790, 494, 222], "1973": [84, 348, 791], "1974": [791, 494, 84], "1975": [36, 350, 791], "1976": [791, 348, 36], "1977": [158, 603, 791], "1978": [791, 350, 158], "1979": [222, 494, 791], "1980": [791, 603, 222], "1981": [158, 462, 792], "1982": [792, 603, 158], "1983": [68, 461, 792], "1984": [792, 462, 68], "1985": [157, 602, 792], "1986": [792, 461, 157], "1987": [222, 603, 792], "1988": [792, 602, 222], "1989": [158, 350, 793], "1990": [793, 604, 158], "1991": [36, 349, 793], "1992": [793, 350, 36], "1993": [121, 542, 793], "1994": [793, 349, 121], "1995": [223, 604, 793], "1996": [793, 542, 223], "1997": [121, 289, 794], "1998": [794, 542, 121], "1999": [18, 290, 794], "2000": [794, 289, 18], "2001": [122, 543, 794], "2002": [794, 290, 122], "2003": [223, 542, 794], "2004": [794, 543, 223], "2005": [122, 421, 795], "2006": [795, 543, 122], "2007": [58, 423, 795], "2008": [795, 421, 58], "2009": [187, 661, 795], "2010": [795, 423, 187], "2011": [223, 543, 795], "2012": [795, 661, 223], "2013": [187, 464, 796], "2014": [796, 661, 187], "2015": [68, 462, 796], "2016": [796, 464, 68], "2017": [158, 604, 796], "2018": [796, 462, 158], "2019": [223, 661, 796], "2020": [796, 604, 223], "2021": [187, 423, 797], "2022": [797, 662, 187], "2023": [58, 422, 797], "2024": [797, 423, 58], "2025": [140, 569, 797], "2026": [797, 422, 140], "2027": [224, 662, 797], "2028": [797, 569, 224], "2029": [140, 308, 798], "2030": [798, 569, 140], "2031": [23, 306, 798], "2032": [798, 308, 23], "2033": [138, 567, 798], "2034": [798, 306, 138], "2035": [224, 569, 798], "2036": [798, 567, 224], "2037": [138, 400, 799], "2038": [799, 567, 138], "2039": [51, 402, 799], "2040": [799, 400, 51], "2041": [180, 648, 799], "2042": [799, 402, 180], "2043": [224, 567, 799], "2044": [799, 648, 224], "2045": [180, 463, 800], "2046": [800, 648, 180], "2047": [68, 464, 800], "2048": [800, 463, 68], "2049": [187, 662, 800], "2050": [800, 464, 187], "2051": [224, 648, 800], "2052": [800, 662, 224], "2053": [188, 424, 801], "2054": [801, 663, 188], "2055": [58, 421, 801], "2056": [801, 424, 58], "2057": [122, 544, 801], "2058": [801, 421, 122], "2059": [225, 663, 801], "2060": [801, 544, 225], "2061": [122, 290, 802], "2062": [802, 544, 122], "2063": [18, 288, 802], "2064": [802, 290, 18], "2065": [120, 541, 802], "2066": [802, 288, 120], "2067": [225, 544, 802], "2068": [802, 541, 225], "2069": [120, 343, 803], "2070": [803, 541, 120], "2071": [34, 344, 803], "2072": [803, 343, 34], "2073": [156, 599, 803], "2074": [803, 344, 156], "2075": [225, 541, 803], "2076": [803, 599, 225], "2077": [156, 466, 804], "2078": [804, 599, 156], "2079": [69, 468, 804], "2080": [804, 466, 69], "2081": [188, 663, 804], "2082": [804, 468, 188], "2083": [225, 599, 804], "2084": [804, 663, 225], "2085": [156, 344, 805], "2086": [805, 600, 156], "2087": [34, 342, 805], "2088": [805, 344, 34], "2089": [82, 492, 805], "2090": [805, 342, 82], "2091": [226, 600, 805], "2092": [805, 492, 226], "2093": [82, 250, 806], "2094": [806, 492, 82], "2095": [4, 248, 806], "2096": [806, 250, 4], "2097": [80, 490, 806], "2098": [806, 248, 80], "2099": [226, 492, 806], "2100": [806, 490, 226], "2101": [80, 335, 807], "2102": [807, 490, 80], "2103": [32, 338, 807], "2104": [807, 335, 32], "2105": [154, 595, 807], "2106": [807, 338, 154], "2107": [226, 490, 807], "2108": [807, 595, 226], "2109": [154, 465, 808], "2110": [808, 595, 154], "2111": [69, 466, 808], "2112": [808, 465, 69], "2113": [156, 600, 808], "2114": [808, 466, 156], "2115": [226, 595, 808], "2116": [808, 600, 226], "2117": [154, 338, 809], "2118": [809, 596, 154], "2119": [32, 336, 809], "2120": [809, 338, 32], "2121": [117, 538, 809], "2122": [809, 336, 117], "2123": [227, 596, 809], "2124": [809, 538, 227], "2125": [117, 285, 810], "2126": [810, 538, 117], "2127": [17, 287, 810], "2128": [810, 285, 17], "2129": [119, 540, 810], "2130": [810, 287, 119], "2131": [227, 538, 810], "2132": [810, 540, 227], "2133": [119, 418, 811], "2134": [811, 540, 119], "2135": [57, 420, 811], "2136": [811, 418, 57], "2137": [186, 659, 811], "2138": [811, 420, 186], "2139": [227, 540, 811], "2140": [811, 659, 227], "2141": [186, 467, 812], "2142": [812, 659, 186], "2143": [69, 465, 812], "2144": [812, 467, 69], "2145": [154, 596, 812], "2146": [812, 465, 154], "2147": [227, 659, 812], "2148": [812, 596, 227], "2149": [186, 420, 813], "2150": [813, 660, 186], "2151": [57, 419, 813], "2152": [813, 420, 57], "2153": [139, 568, 813], "2154": [813, 419, 139], "2155": [228, 660, 813], "2156": [813, 568, 228], "2157": [139, 307, 814], "2158": [814, 568, 139], "2159": [23, 308, 814], "2160": [814, 307, 23], "2161": [140, 570, 814], "2162": [814, 308, 140], "2163": [228, 568, 814], "2164": [814, 570, 228], "2165": [140, 422, 815], "2166": [815, 570, 140], "2167": [58, 424, 815], "2168": [815, 422, 58], "2169": [188, 664, 815], "2170": [815, 424, 188], "2171": [228, 570, 815], "2172": [815, 664, 228], "2173": [188, 468, 816], "2174": [816, 664, 188], "2175": [69, 467, 816], "2176": [816, 468, 69], "2177": [186, 660, 816], "2178": [816, 467, 186], "2179": [228, 664, 816], "2180": [816, 660, 228], "2181": [184, 414, 817], "2182": [817, 655, 184], "2183": [55, 412, 817], "2184": [817, 414, 55], "2185": [116, 536, 817], "2186": [817, 412, 116], "2187": [229, 655, 817], "2188": [817, 536, 229], "2189": [116, 284, 818], "2190": [818, 536, 116], "2191": [16, 282, 818], "2192": [818, 284, 16], "2193": [114, 534, 818], "2194": [818, 282, 114], "2195": [229, 536, 818], "2196": [818, 534, 229], "2197": [114, 371, 819], "2198": [819, 534, 114], "2199": [43, 373, 819], "2200": [819, 371, 43], "2201": [167, 621, 819], "2202": [819, 373, 167], "2203": [229, 534, 819], "2204": [819, 621, 229], "2205": [167, 469, 820], "2206": [820, 621, 167], "2207": [70, 471, 820], "2208": [820, 469, 70], "2209": [184, 655, 820], "2210": [820, 471, 184], "2211": [229, 621, 820], "2212": [820, 655, 229], "2213": [167, 373, 821], "2214": [821, 622, 167], "2215": [43, 370, 821], "2216": [821, 373, 43], "2217": [91, 503, 821], "2218": [821, 370, 91], "2219": [230, 622, 821], "2220": [821, 503, 230], "2221": [91, 259, 822], "2222": [822, 503, 91], "2223": [8, 260, 822], "2224": [822, 259, 8], "2225": [92, 504, 822], "2226": [822, 260, 92], "2227": [230, 503, 822], "2228": [822, 504, 230], "2229": [92, 374, 823], "2230": [823, 504, 92], "2231": [44, 376, 823], "2232": [823, 374, 44], "2233": [168, 623, 823], "2234": [823, 376, 168], "2235": [230, 504, 823], "2236": [823, 623, 230], "2237": [168, 470, 824], "2238": [824, 623, 168], "2239": [70, 469, 824], "2240": [824, 470, 70], "2241": [167, 622, 824], "2242": [824, 469, 167], "2243": [230, 623, 824], "2244": [824, 622, 230], "2245": [168, 376, 825], "2246": [825, 624, 168], "2247": [44, 375, 825], "2248": [825, 376, 44], "2249": [127, 550, 825], "2250": [825, 375, 127], "2251": [231, 624, 825], "2252": [825, 550, 231], "2253": [127, 295, 826], "2254": [826, 550, 127], "2255": [20, 296, 826], "2256": [826, 295, 20], "2257": [128, 551, 826], "2258": [826, 296, 128], "2259": [231, 550, 826], "2260": [826, 551, 231], "2261": [128, 429, 827], "2262": [827, 551, 128], "2263": [60, 431, 827], "2264": [827, 429, 60], "2265": [191, 669, 827], "2266": [827, 431, 191], "2267": [231, 551, 827], "2268": [827, 669, 231], "2269": [191, 472, 828], "2270": [828, 669, 191], "2271": [70, 470, 828], "2272": [828, 472, 70], "2273": [168, 624, 828], "2274": [828, 470, 168], "2275": [231, 669, 828], "2276": [828, 624, 231], "2277": [191, 431, 829], "2278": [829, 670, 191], "2279": [60, 430, 829], "2280": [829, 431, 60], "2281": [144, 575, 829], "2282": [829, 430, 144], "2283": [232, 670, 829], "2284": [829, 575, 232], "2285": [144, 312, 830], "2286": [830, 575, 144], "2287": [24, 310, 830], "2288": [830, 312, 24], "2289": [142, 572, 830], "2290": [830, 310, 142], "2291": [232, 575, 830], "2292": [830, 572, 232], "2293": [142, 413, 831], "2294": [831, 572, 142], "2295": [55, 414, 831], "2296": [831, 413, 55], "2297": [184, 656, 831], "2298": [831, 414, 184], "2299": [232, 572, 831], "2300": [831, 656, 232], "2301": [184, 471, 832], "2302": [832, 656, 184], "2303": [70, 472, 832], "2304": [832, 471, 70], "2305": [191, 670, 832], "2306": [832, 472, 191], "2307": [232, 656, 832], "2308": [832, 670, 232], "2309": [192, 432, 833], "2310": [833, 671, 192], "2311": [60, 429, 833], "2312": [833, 432, 60], "2313": [128, 552, 833], "2314": [833, 429, 128], "2315": [233, 671, 833], "2316": [833, 552, 233], "2317": [128, 296, 834], "2318": [834, 552, 128], "2319": [20, 294, 834], "2320": [834, 296, 20], "2321": [126, 549, 834], "2322": [834, 294, 126], "2323": [233, 552, 834], "2324": [834, 549, 233], "2325": [126, 352, 835], "2326": [835, 549, 126], "2327": [37, 353, 835], "2328": [835, 352, 37], "2329": [159, 605, 835], "2330": [835, 353, 159], "2331": [233, 549, 835], "2332": [835, 605, 233], "2333": [159, 473, 836], "2334": [836, 605, 159], "2335": [71, 476, 836], "2336": [836, 473, 71], "2337": [192, 671, 836], "2338": [836, 476, 192], "2339": [233, 605, 836], "2340": [836, 671, 233], "2341": [159, 353, 837], "2342": [837, 606, 159], "2343": [37, 351, 837], "2344": [837, 353, 37], "2345": [85, 495, 837], "2346": [837, 351, 85], "2347": [234, 606, 837], "2348": [837, 495, 234], "2349": [85, 253, 838], "2350": [838, 495, 85], "2351": [6, 254, 838], "2352": [838, 253, 6], "2353": [86, 496, 838], "2354": [838, 254, 86], "2355": [234, 495, 838], "2356": [838, 496, 234], "2357": [86, 354, 839], "2358": [839, 496, 86], "2359": [38, 356, 839], "2360": [839, 354, 38], "2361": [160, 607, 839], "2362": [839, 356, 160], "2363": [234, 496, 839], "2364": [839, 607, 234], "2365": [160, 474, 840], "2366": [840, 607, 160], "2367": [71, 473, 840], "2368": [840, 474, 71], "2369": [159, 606, 840], "2370": [840, 473, 159], "2371": [234, 607, 840], "2372": [840, 606, 234], "2373": [160, 356, 841], "2374": [841, 608, 160], "2375": [38, 355, 841], "2376": [841, 356, 38], "2377": [123, 545, 841], "2378": [841, 355, 123], "2379": [235, 608, 841], "2380": [841, 545, 235], "2381": [123, 291, 842], "2382": [842, 545, 123], "2383": [19, 293, 842], "2384": [842, 291, 19], "2385": [125, 547, 842], "2386": [842, 293, 125], "2387": [235, 545, 842], "2388": [842, 547, 235], "2389": [125, 425, 843], "2390": [843, 547, 125], "2391": [59, 427, 843], "2392": [843, 425, 59], "2393": [189, 665, 843], "2394": [843, 427, 189], "2395": [235, 547, 843], "2396": [843, 665, 235], "2397": [189, 475, 844], "2398": [844, 665, 189], "2399": [71, 474, 844], "2400": [844, 475, 71], "2401": [160, 608, 844], "2402": [844, 474, 160], "2403": [235, 665, 844], "2404": [844, 608, 235], "2405": [189, 427, 845], "2406": [845, 666, 189], "2407": [59, 426, 845], "2408": [845, 427, 59], "2409": [143, 573, 845], "2410": [845, 426, 143], "2411": [236, 666, 845], "2412": [845, 573, 236], "2413": [143, 311, 846], "2414": [846, 573, 143], "2415": [24, 312, 846], "2416": [846, 311, 24], "2417": [144, 576, 846], "2418": [846, 312, 144], "2419": [236, 573, 846], "2420": [846, 576, 236], "2421": [144, 430, 847], "2422": [847, 576, 144], "2423": [60, 432, 847], "2424": [847, 430, 60], "2425": [192, 672, 847], "2426": [847, 432, 192], "2427": [236, 576, 847], "2428": [847, 672, 236], "2429": [192, 476, 848], "2430": [848, 672, 192], "2431": [71, 475, 848], "2432": [848, 476, 71], "2433": [189, 666, 848], "2434": [848, 475, 189], "2435": [236, 672, 848], "2436": [848, 666, 236], "2437": [190, 428, 849], "2438": [849, 667, 190], "2439": [59, 425, 849], "2440": [849, 428, 59], "2441": [125, 548, 849], "2442": [849, 425, 125], "2443": [237, 667, 849], "2444": [849, 548, 237], "2445": [125, 293, 850], "2446": [850, 548, 125], "2447": [19, 292, 850], "2448": [850, 293, 19], "2449": [124, 546, 850], "2450": [850, 292, 124], "2451": [237, 548, 850], "2452": [850, 546, 237], "2453": [124, 365, 851], "2454": [851, 546, 124], "2455": [41, 366, 851], "2456": [851, 365, 41], "2457": [164, 615, 851], "2458": [851, 366, 164], "2459": [237, 546, 851], "2460": [851, 615, 237], "2461": [164, 478, 852], "2462": [852, 615, 164], "2463": [72, 480, 852], "2464": [852, 478, 72], "2465": [190, 667, 852], "2466": [852, 480, 190], "2467": [237, 615, 852], "2468": [852, 667, 237], "2469": [164, 366, 853], "2470": [853, 616, 164], "2471": [41, 364, 853], "2472": [853, 366, 41], "2473": [89, 500, 853], "2474": [853, 364, 89], "2475": [238, 616, 853], "2476": [853, 500, 238], "2477": [89, 257, 854], "2478": [854, 500, 89], "2479": [7, 255, 854], "2480": [854, 257, 7], "2481": [87, 498, 854], "2482": [854, 255, 87], "2483": [238, 500, 854], "2484": [854, 498, 238], "2485": [87, 357, 855], "2486": [855, 498, 87], "2487": [39, 360, 855], "2488": [855, 357, 39], "2489": [162, 611, 855], "2490": [855, 360, 162], "2491": [238, 498, 855], "2492": [855, 611, 238], "2493": [162, 477, 856], "2494": [856, 611, 162], "2495": [72, 478, 856], "2496": [856, 477, 72], "2497": [164, 616, 856], "2498": [856, 478, 164], "2499": [238, 611, 856], "2500": [856, 616, 238], "2501": [162, 360, 857], "2502": [857, 612, 162], "2503": [39, 358, 857], "2504": [857, 360, 39], "2505": [111, 530, 857], "2506": [857, 358, 111], "2507": [239, 612, 857], "2508": [857, 530, 239], "2509": [111, 279, 858], "2510": [858, 530, 111], "2511": [15, 281, 858], "2512": [858, 279, 15], "2513": [113, 532, 858], "2514": [858, 281, 113], "2515": [239, 530, 858], "2516": [858, 532, 239], "2517": [113, 406, 859], "2518": [859, 532, 113], "2519": [53, 408, 859], "2520": [859, 406, 53], "2521": [182, 651, 859], "2522": [859, 408, 182], "2523": [239, 532, 859], "2524": [859, 651, 239], "2525": [182, 479, 860], "2526": [860, 651, 182], "2527": [72, 477, 860], "2528": [860, 479, 72], "2529": [162, 612, 860], "2530": [860, 477, 162], "2531": [239, 651, 860], "2532": [860, 612, 239], "2533": [182, 408, 861], "2534": [861, 652, 182], "2535": [53, 407, 861], "2536": [861, 408, 53], "2537": [141, 571, 861], "2538": [861, 407, 141], "2539": [240, 652, 861], "2540": [861, 571, 240], "2541": [141, 309, 862], "2542": [862, 571, 141], "2543": [24, 311, 862], "2544": [862, 309, 24], "2545": [143, 574, 862], "2546": [862, 311, 143], "2547": [240, 571, 862], "2548": [862, 574, 240], "2549": [143, 426, 863], "2550": [863, 574, 143], "2551": [59, 428, 863], "2552": [863, 426, 59], "2553": [190, 668, 863], "2554": [863, 428, 190], "2555": [240, 574, 863], "2556": [863, 668, 240], "2557": [190, 480, 864], "2558": [864, 668, 190], "2559": [72, 479, 864], "2560": [864, 480, 72], "2561": [182, 652, 864], "2562": [864, 479, 182], "2563": [240, 668, 864], "2564": [864, 652, 240]}, "facedata": {"1029": {"path": [5, 0, 0, 0], "s": [1.0153842834699662, 0.9854870982489246, 0.02545802671812447]}, "1030": {"path": [5, 0, 0, 0], "s": [1.0137118638758411, 0.9869148108158947, 0.021148341751863683]}, "1031": {"path": [5, 0, 0, 1], "s": [1.0237209358554549, 0.9770769341542638, -0.01594093583135287]}, "1032": {"path": [5, 0, 0, 1], "s": [1.022703288597203, 0.9781206908123345, -0.01808997343123029]}, "1033": {"path": [5, 0, 0, 2], "s": [1.01129575059081, 0.9892893432922414, 0.02154318862696607]}, "1034": {"path": [5, 0, 0, 2], "s": [1.0116050655402682, 0.989206505261495, 0.026197549273061428]}, "1035": {"path": [5, 0, 0, 3], "s": [1.0200496173245548, 0.9806314145101757, -0.017108451348441196]}, "1036": {"path": [5, 0, 0, 3], "s": [1.0209565812989194, 0.9797140681775703, -0.015669259619644257]}, "1037": {"path": [5, 0, 1, 0], "s": [1.0207422522063414, 0.979878899390354, -0.014275666470564417]}, "1038": {"path": [5, 0, 1, 0], "s": [1.0202088231865942, 0.9804257341374881, -0.015459121781627451]}, "1039": {"path": [5, 0, 1, 1], "s": [1.0133238412627374, 0.9871981125402078, 0.018745225700634496]}, "1040": {"path": [5, 0, 1, 1], "s": [1.0135615513692415, 0.9871082468620697, 0.022247832678522077]}, "1041": {"path": [5, 0, 1, 2], "s": [1.0191902049075072, 0.9814193030460563, -0.015904105498122788]}, "1042": {"path": [5, 0, 1, 2], "s": [1.0203363432682735, 0.980262478737532, -0.014051085301455584]}, "1043": {"path": [5, 0, 1, 3], "s": [1.0153715720991447, 0.9853574327571564, 0.022448286754477756]}, "1044": {"path": [5, 0, 1, 3], "s": [1.0142871902155441, 0.9862539407153291, 0.018567131365910587]}, "1045": {"path": [5, 0, 2, 0], "s": [1.018475623341183, 0.9821448161526021, 0.0170456399801478]}, "1046": {"path": [5, 0, 2, 0], "s": [1.0193083153143616, 0.9814308105595201, 0.019508616276742125]}, "1047": {"path": [5, 0, 2, 1], "s": [1.0211257956103181, 0.9796088463697504, -0.01743165615241851]}, "1048": {"path": [5, 0, 2, 1], "s": [1.0217751969616233, 0.9789457864428426, -0.016202584898284557]}, "1049": {"path": [5, 0, 2, 2], "s": [1.02023200063224, 0.9805459063981902, 0.01960387197416029]}, "1050": {"path": [5, 0, 2, 2], "s": [1.0187156501100036, 0.9819097072752454, 0.016934751141538962]}, "1051": {"path": [5, 0, 2, 3], "s": [1.0202084565000111, 0.9804474356516877, -0.016148219889570953]}, "1052": {"path": [5, 0, 2, 3], "s": [1.0197674652888276, 0.9808932166909444, -0.01682228593061102]}, "1053": {"path": [5, 0, 3, 0], "s": [1.0196303175526213, 0.9810537700412182, -0.017668250714883215]}, "1054": {"path": [5, 0, 3, 0], "s": [1.0202667287402947, 0.9804140423449128, -0.016847189507273597]}, "1055": {"path": [5, 0, 3, 1], "s": [1.0194248244030055, 0.9813662266355996, 0.02071456644576229]}, "1056": {"path": [5, 0, 3, 1], "s": [1.0170384716466017, 0.9835547366274756, 0.01769197898437423]}, "1057": {"path": [5, 0, 3, 2], "s": [1.020453630495269, 0.9802524435160854, -0.017382887787951322]}, "1058": {"path": [5, 0, 3, 2], "s": [1.019340339085232, 0.9813714071252598, -0.01874734401498667]}, "1059": {"path": [5, 0, 3, 3], "s": [1.0158890606159723, 0.9846890011560212, 0.018297114069433667]}, "1060": {"path": [5, 0, 3, 3], "s": [1.0176166023528037, 0.9831526999947792, 0.02173729888171149]}, "1061": {"path": [5, 1, 0, 0], "s": [1.0218669981312127, 0.9788972984317038, -0.017402408659811762]}, "1062": {"path": [5, 1, 0, 0], "s": [1.021802632438739, 0.9789637001974185, -0.01754097841310093]}, "1063": {"path": [5, 1, 0, 1], "s": [1.0234635863841945, 0.9773415094413949, 0.016536214047708154]}, "1064": {"path": [5, 1, 0, 1], "s": [1.0242159627438878, 0.9766802805514037, 0.018208070681056288]}, "1065": {"path": [5, 1, 0, 2], "s": [1.0256388186765821, 0.9753298648769156, -0.018334951113931075]}, "1066": {"path": [5, 1, 0, 2], "s": [1.025790698120256, 0.975163305616013, -0.017704464100993654]}, "1067": {"path": [5, 1, 0, 3], "s": [1.024419360640372, 0.9764986577540666, 0.018550758545210624]}, "1068": {"path": [5, 1, 0, 3], "s": [1.0231201557086305, 0.9776788880385712, 0.016821895346933496]}, "1069": {"path": [5, 1, 1, 0], "s": [1.0292380040451987, 0.9718749805393501, 0.01704890470930883]}, "1070": {"path": [5, 1, 1, 0], "s": [1.029827493603186, 0.9713654793683235, 0.01840861185797136]}, "1071": {"path": [5, 1, 1, 1], "s": [1.0323304777505835, 0.9690272173095582, -0.018876710478599252]}, "1072": {"path": [5, 1, 1, 1], "s": [1.0326650786939309, 0.9686926163662043, -0.01830401349540131]}, "1073": {"path": [5, 1, 1, 2], "s": [1.0290877246063417, 0.9721052483651679, 0.019534024623545088]}, "1074": {"path": [5, 1, 1, 2], "s": [1.0283594049811335, 0.9727535796034155, 0.01844701369426474]}, "1075": {"path": [5, 1, 1, 3], "s": [1.0260843453440223, 0.9749013920376884, -0.01819496149949009]}, "1076": {"path": [5, 1, 1, 3], "s": [1.0264429756152438, 0.9745427617664655, -0.01767971300303756]}, "1077": {"path": [5, 1, 2, 0], "s": [1.025535761681241, 0.9754182420550254, -0.01806349422668565]}, "1078": {"path": [5, 1, 2, 0], "s": [1.0261687137703777, 0.9747999697831168, -0.01758497016624376]}, "1079": {"path": [5, 1, 2, 1], "s": [1.0238258484407754, 0.9770703948545165, 0.01870630905038844]}, "1080": {"path": [5, 1, 2, 1], "s": [1.0225063833661492, 0.9782987124594394, 0.017795458090811886]}, "1081": {"path": [5, 1, 2, 2], "s": [1.0217456748031832, 0.9790206578329713, -0.01761030050300977]}, "1082": {"path": [5, 1, 2, 2], "s": [1.021614117405902, 0.9791501791570196, -0.017710056107451022]}, "1083": {"path": [5, 1, 2, 3], "s": [1.0229734046174856, 0.9778256391297154, 0.017018319035492717]}, "1084": {"path": [5, 1, 2, 3], "s": [1.0245253467489412, 0.9763926716454981, 0.018413051912399052]}, "1085": {"path": [5, 1, 3, 0], "s": [1.021736553746594, 0.9790612226639682, 0.01851052542768223]}, "1086": {"path": [5, 1, 3, 0], "s": [1.0195527816709162, 0.9810908621883843, 0.016550456672991508]}, "1087": {"path": [5, 1, 3, 1], "s": [1.0198071955239083, 0.9808845397286737, -0.017694959549439542]}, "1088": {"path": [5, 1, 3, 1], "s": [1.0191412781254414, 0.9815504571271376, -0.018400745125211983]}, "1089": {"path": [5, 1, 3, 2], "s": [1.0193701571901175, 0.9812734866691835, 0.01676032077436309]}, "1090": {"path": [5, 1, 3, 2], "s": [1.021232261147826, 0.9795655152627359, 0.0190763228689092]}, "1091": {"path": [5, 1, 3, 3], "s": [1.0218036499951308, 0.9789684761455411, -0.017707686344802544]}, "1092": {"path": [5, 1, 3, 3], "s": [1.0220351387590656, 0.9787369873816039, -0.017423911937056107]}, "1093": {"path": [5, 2, 0, 0], "s": [1.0193976525208126, 0.9812277048644386, 0.016162268627666284]}, "1094": {"path": [5, 2, 0, 0], "s": [1.021889700594734, 0.9788882064356962, 0.017770092579673154]}, "1095": {"path": [5, 2, 0, 1], "s": [1.0199366117169417, 0.9807843716875259, -0.018381754103001847]}, "1096": {"path": [5, 2, 0, 1], "s": [1.0210893920151358, 0.9796452499649294, -0.017474915656679864]}, "1097": {"path": [5, 2, 0, 2], "s": [1.0212690018053139, 0.9794701240685669, 0.017391834452766368]}, "1098": {"path": [5, 2, 0, 2], "s": [1.0191456527311302, 0.9814747867626545, 0.0163022144008889]}, "1099": {"path": [5, 2, 0, 3], "s": [1.017750749487279, 0.9829099324924948, -0.01890292233298005]}, "1100": {"path": [5, 2, 0, 3], "s": [1.0171533004206577, 0.9835025917310364, -0.019310804009594194]}, "1101": {"path": [5, 2, 1, 0], "s": [1.0144339214789995, 0.986164900526804, -0.019978169744901516]}, "1102": {"path": [5, 2, 1, 0], "s": [1.016283836987209, 0.9843256709663576, -0.01882205447601161]}, "1103": {"path": [5, 2, 1, 1], "s": [1.0211173303750476, 0.9795524678562632, 0.01542727907563065]}, "1104": {"path": [5, 2, 1, 1], "s": [1.0181669444876897, 0.9823550093152551, 0.014191484654167304]}, "1105": {"path": [5, 2, 1, 2], "s": [1.0127747083119487, 0.9878598490121336, -0.021896813383437345]}, "1106": {"path": [5, 2, 1, 2], "s": [1.0116529737426991, 0.988968177853995, -0.022194550297135643]}, "1107": {"path": [5, 2, 1, 3], "s": [1.0182915863361306, 0.9822495445947413, 0.014712135919758068]}, "1108": {"path": [5, 2, 1, 3], "s": [1.021752975663605, 0.9789760291926963, 0.016482443113129457]}, "1109": {"path": [5, 2, 2, 0], "s": [1.0235964982917451, 0.977215072510017, 0.01655071899247169]}, "1110": {"path": [5, 2, 2, 0], "s": [1.0195205480935106, 0.9810645457895408, 0.01467867291221732]}, "1111": {"path": [5, 2, 2, 1], "s": [1.012327402747847, 0.9884965766616903, -0.02611842409232404]}, "1112": {"path": [5, 2, 2, 1], "s": [1.0104384568050886, 0.9903594132046261, -0.026405248737249042]}, "1113": {"path": [5, 2, 2, 2], "s": [1.0191370938609547, 0.981489580830781, 0.016505728178083212]}, "1114": {"path": [5, 2, 2, 2], "s": [1.0231490930262785, 0.9777222886926125, 0.01885929233623235]}, "1115": {"path": [5, 2, 2, 3], "s": [1.0137864385607158, 0.9868842109157735, -0.022132091091982404]}, "1116": {"path": [5, 2, 2, 3], "s": [1.0151436454016844, 0.9855373864330466, -0.021494537522159855]}, "1117": {"path": [5, 2, 3, 0], "s": [1.0174078755158944, 0.9833038706945958, -0.020520771670401998]}, "1118": {"path": [5, 2, 3, 0], "s": [1.0160752930534702, 0.9846307809578853, -0.021424502590490595]}, "1119": {"path": [5, 2, 3, 1], "s": [1.0178771919410718, 0.9827160163330052, 0.016858801278726073]}, "1120": {"path": [5, 2, 3, 1], "s": [1.020753607215006, 0.9800374438235984, 0.01941020321151175]}, "1121": {"path": [5, 2, 3, 2], "s": [1.018203985585871, 0.9824767854993384, -0.019020482144785886]}, "1122": {"path": [5, 2, 3, 2], "s": [1.0189537573486416, 0.9817303302451945, -0.01837957307629197]}, "1123": {"path": [5, 2, 3, 3], "s": [1.021477380041284, 0.979291922306299, 0.01801519061878859]}, "1124": {"path": [5, 2, 3, 3], "s": [1.0183119645277325, 0.9822660972442588, 0.015916003700376328]}, "1125": {"path": [5, 3, 0, 0], "s": [1.014546114266761, 0.9863108357386006, -0.025648116067245104]}, "1126": {"path": [5, 3, 0, 0], "s": [1.0167261451206238, 0.9841457340544452, -0.02463124889405914]}, "1127": {"path": [5, 3, 0, 1], "s": [1.0280072244126695, 0.9731619989016922, 0.020434416918870563]}, "1128": {"path": [5, 3, 0, 1], "s": [1.022552643243389, 0.9782605584755243, 0.017969970781870775]}, "1129": {"path": [5, 3, 0, 2], "s": [1.0175726009482269, 0.9837423546768401, -0.0320821837075381]}, "1130": {"path": [5, 3, 0, 2], "s": [1.0127582692354453, 0.9885101640910958, -0.033493923427136384]}, "1131": {"path": [5, 3, 0, 3], "s": [1.0204589843308767, 0.9803982635970332, 0.02135922072509374]}, "1132": {"path": [5, 3, 0, 3], "s": [1.0258478423905582, 0.9753756849320915, 0.024228947723722128]}, "1133": {"path": [5, 3, 1, 0], "s": [1.0404752657944407, 0.9619725840056812, 0.030144320033399254]}, "1134": {"path": [5, 3, 1, 0], "s": [1.0264015255811374, 0.9749847578940213, 0.02694147213459458]}, "1135": {"path": [5, 3, 1, 1], "s": [1.0557045161822503, 0.9477720837826987, -0.023817412975862085]}, "1136": {"path": [5, 3, 1, 1], "s": [1.0355858675006955, 0.967890732464259, -0.048311114920727864]}, "1137": {"path": [5, 3, 1, 2], "s": [1.0188167696753918, 0.9825695137997668, 0.03253149291069413]}, "1138": {"path": [5, 3, 1, 2], "s": [1.0324878541763352, 0.969959995623787, 0.038365538162407106]}, "1139": {"path": [5, 3, 1, 3], "s": [1.0217026457861829, 0.9795978700653616, -0.02928712434311818]}, "1140": {"path": [5, 3, 1, 3], "s": [1.0253256443497496, 0.9759748715017942, -0.026307109148325594]}, "1141": {"path": [5, 3, 2, 0], "s": [1.0300604716424195, 0.9712079616841219, -0.02007314313251116]}, "1142": {"path": [5, 3, 2, 0], "s": [1.027024994824004, 0.9742899608010618, -0.024902649433136994]}, "1143": {"path": [5, 3, 2, 1], "s": [1.0115262423437539, 0.98928695937516, 0.026262532559399247]}, "1144": {"path": [5, 3, 2, 1], "s": [1.0130078028714629, 0.988161420442899, 0.0318626647536799]}, "1145": {"path": [5, 3, 2, 2], "s": [1.0213100090636436, 0.9795618701114261, -0.020888811404628217]}, "1146": {"path": [5, 3, 2, 2], "s": [1.0229593945666966, 0.9778975554386691, -0.01869468533540135]}, "1147": {"path": [5, 3, 2, 3], "s": [1.0203595054108563, 0.9808640219117938, 0.028877816282069948]}, "1148": {"path": [5, 3, 2, 3], "s": [1.0161857156169827, 0.9846715323109269, 0.024680877396279954]}, "1149": {"path": [5, 3, 3, 0], "s": [1.0160704967617757, 0.9845785582574107, 0.020030596336604492]}, "1150": {"path": [5, 3, 3, 0], "s": [1.0189974479882675, 0.9819080164478106, 0.023701538337002035]}, "1151": {"path": [5, 3, 3, 1], "s": [1.0179748463233493, 0.9827448472823532, -0.020236968333151983]}, "1152": {"path": [5, 3, 3, 1], "s": [1.019247226408982, 0.9814724671967179, -0.01905492028421798]}, "1153": {"path": [5, 3, 3, 2], "s": [1.0216565524202827, 0.979248912015795, 0.02135573485904201]}, "1154": {"path": [5, 3, 3, 2], "s": [1.0179471230546369, 0.9827019319645486, 0.01840120820887504]}, "1155": {"path": [5, 3, 3, 3], "s": [1.0207720654078676, 0.980116305667505, -0.021802423630180714]}, "1156": {"path": [5, 3, 3, 3], "s": [1.018424409635672, 0.982463961439703, -0.02377561602887339]}, "1157": {"path": [6, 0, 0, 0], "s": [1.0005788847657764, 1.0004342202444643, -0.03183325892404552]}, "1158": {"path": [6, 0, 0, 0], "s": [0.9994257268869833, 1.0015140304841714, -0.030641277782692815]}, "1159": {"path": [6, 0, 0, 1], "s": [1.0230963455388074, 0.9776415193378266, 0.01488172307017664]}, "1160": {"path": [6, 0, 0, 1], "s": [1.0280071592589166, 0.9730327790119521, 0.016871959515299562]}, "1161": {"path": [6, 0, 0, 2], "s": [1.0065606984803415, 0.9941537410231313, -0.0260016145862097]}, "1162": {"path": [6, 0, 0, 2], "s": [1.0083279503260216, 0.9924186319173387, -0.026142780773391095]}, "1163": {"path": [6, 0, 0, 3], "s": [1.0270272068832182, 0.9738653538754865, 0.01364603499475099]}, "1164": {"path": [6, 0, 0, 3], "s": [1.0224765040501471, 0.9781668255483308, 0.012352982007905345]}, "1165": {"path": [6, 0, 1, 0], "s": [1.0191667428610138, 0.9813515182623299, 0.012681895328761088]}, "1166": {"path": [6, 0, 1, 0], "s": [1.0234548261810967, 0.9772796697779896, 0.014198400013811506]}, "1167": {"path": [6, 0, 1, 1], "s": [1.007749878173483, 0.9927888272266568, -0.02197315839061777]}, "1168": {"path": [6, 0, 1, 1], "s": [1.0104764222113585, 0.9900798678546567, -0.021268816922083676]}, "1169": {"path": [6, 0, 1, 2], "s": [1.0223991566629071, 0.9782440375077792, 0.012485149517370812]}, "1170": {"path": [6, 0, 1, 2], "s": [1.0187561793651108, 0.9817193385650397, 0.01151705541200105]}, "1171": {"path": [6, 0, 1, 3], "s": [1.0049928362143985, 0.9956652296002126, -0.0252274258690182]}, "1172": {"path": [6, 0, 1, 3], "s": [1.0034219262069897, 0.9971998388259269, -0.024742333924075877]}, "1173": {"path": [6, 0, 2, 0], "s": [0.9989178520790165, 1.0015752265412476, -0.02216695721418809]}, "1174": {"path": [6, 0, 2, 0], "s": [1.002297718766659, 0.9982421866834826, -0.02314879023828662]}, "1175": {"path": [6, 0, 2, 1], "s": [1.0235687233820516, 0.9770401148424975, 0.008228185850382987]}, "1176": {"path": [6, 0, 2, 1], "s": [1.0196405874313152, 0.9808032267243031, 0.008171796112092665]}, "1177": {"path": [6, 0, 2, 2], "s": [0.9936639621603652, 1.007027387274011, -0.025432727787118834]}, "1178": {"path": [6, 0, 2, 2], "s": [0.992107646112286, 1.0085029178553913, -0.023312141276267673]}, "1179": {"path": [6, 0, 2, 3], "s": [1.0209762916543157, 0.9795497885133015, 0.009854469396182168]}, "1180": {"path": [6, 0, 2, 3], "s": [1.0256124465215355, 0.9751351645268779, 0.010524342240318677]}, "1181": {"path": [6, 0, 3, 0], "s": [1.030059882915772, 0.9708963647990319, 0.009021964766009562]}, "1182": {"path": [6, 0, 3, 0], "s": [1.025647243681104, 0.9750667267927553, 0.008631381126202367]}, "1183": {"path": [6, 0, 3, 1], "s": [0.9843606075537197, 1.0168421473518652, -0.03064888176607056]}, "1184": {"path": [6, 0, 3, 1], "s": [0.9844811091809932, 1.0165669268428106, -0.02812357898493283]}, "1185": {"path": [6, 0, 3, 2], "s": [1.0281541376476664, 0.9727425806423828, 0.011371418272795735]}, "1186": {"path": [6, 0, 3, 2], "s": [1.033042074057327, 0.9681693533952604, 0.012636331357691736]}, "1187": {"path": [6, 0, 3, 3], "s": [0.9952381142278605, 1.005529096096231, -0.02721913665154936]}, "1188": {"path": [6, 0, 3, 3], "s": [0.9967541238557753, 1.004091309402568, -0.028847068737687453]}, "1189": {"path": [6, 1, 0, 0], "s": [1.0224615840634907, 0.9780683873594442, 0.0061116824165732475]}, "1190": {"path": [6, 1, 0, 0], "s": [1.0269205258391845, 0.9738158130406854, 0.005607744488955578]}, "1191": {"path": [6, 1, 0, 1], "s": [0.9889377722810213, 1.011489144957084, -0.01731536024152375]}, "1192": {"path": [6, 1, 0, 1], "s": [0.9916063624439367, 1.0089176433570926, -0.021193261543171475]}, "1193": {"path": [6, 1, 0, 2], "s": [1.0236300504676148, 0.976923361460747, 0.0028477701900992713]}, "1194": {"path": [6, 1, 0, 2], "s": [1.0196907616733266, 0.980706062672585, 0.004112423161201645]}, "1195": {"path": [6, 1, 0, 3], "s": [0.9814851987167258, 1.0192218025781643, -0.01873802123617466]}, "1196": {"path": [6, 1, 0, 3], "s": [0.9811197275876373, 1.019453092339164, -0.014336674794972182]}, "1197": {"path": [6, 1, 1, 0], "s": [0.9816748824718189, 1.0187023556642674, -0.005874969828434226]}, "1198": {"path": [6, 1, 1, 0], "s": [0.9813733796861697, 1.019131847816956, -0.012201058885888605]}, "1199": {"path": [6, 1, 1, 1], "s": [1.0235139262510096, 0.9770343195071114, -0.0028692230144737136]}, "1200": {"path": [6, 1, 1, 1], "s": [1.0194022756008738, 0.9809674879553274, -0.0006996514370386862]}, "1201": {"path": [6, 1, 1, 2], "s": [0.9737580843460697, 1.0269737556137175, -0.004898667176050502]}, "1202": {"path": [6, 1, 1, 2], "s": [0.9763557477017577, 1.0242176183687572, 0.0008709717222855517]}, "1203": {"path": [6, 1, 1, 3], "s": [1.0231449420931062, 0.9773808999667015, 0.0015245652951198932]}, "1204": {"path": [6, 1, 1, 3], "s": [1.027485955325458, 0.9732493929922622, 0.0002869295678522167]}, "1205": {"path": [6, 1, 2, 0], "s": [1.0329005051399038, 0.9681500691179689, -0.0016417804917178102]}, "1206": {"path": [6, 1, 2, 0], "s": [1.0284949621227053, 0.9722960454700185, -0.0012587524553994813]}, "1207": {"path": [6, 1, 2, 1], "s": [0.9631852299116623, 1.0382506488846392, -0.005262124274848444]}, "1208": {"path": [6, 1, 2, 1], "s": [0.9664760710133053, 1.0346869194499002, 0.00038553702867670845]}, "1209": {"path": [6, 1, 2, 2], "s": [1.0337161848853125, 0.9673849331280547, 0.0012092926304321991]}, "1210": {"path": [6, 1, 2, 2], "s": [1.0384333317317938, 0.9629915661032942, 0.0015938689601468136]}, "1211": {"path": [6, 1, 2, 3], "s": [0.9733098285866157, 1.0274846321884448, -0.007803283329237164]}, "1212": {"path": [6, 1, 2, 3], "s": [0.9718485596134183, 1.0291435373142477, -0.013102075191037298]}, "1213": {"path": [6, 1, 3, 0], "s": [0.9704885659143677, 1.0308538729837857, -0.02078212836324216]}, "1214": {"path": [6, 1, 3, 0], "s": [0.9717552736802063, 1.0293512881800926, -0.01665961459694205]}, "1215": {"path": [6, 1, 3, 1], "s": [1.0318669613713578, 0.9691581605999731, 0.006502789136106683]}, "1216": {"path": [6, 1, 3, 1], "s": [1.0365150850426357, 0.9648191356545136, 0.0070419062547346966]}, "1217": {"path": [6, 1, 3, 2], "s": [0.9822801501451621, 1.018503702859674, -0.021353457996353794]}, "1218": {"path": [6, 1, 3, 2], "s": [0.9828287555154164, 1.0181015335551191, -0.0248890179057894]}, "1219": {"path": [6, 1, 3, 3], "s": [1.031898776518576, 0.9690999796320614, 0.003617085359968365]}, "1220": {"path": [6, 1, 3, 3], "s": [1.0276002533937518, 0.9731555437424465, 0.0038578933723190565]}, "1221": {"path": [6, 2, 0, 0], "s": [0.961677008887592, 1.0399290859503747, -0.008711649210370936]}, "1222": {"path": [6, 2, 0, 0], "s": [0.9587284609707446, 1.0432351224491128, -0.013386686530458412]}, "1223": {"path": [6, 2, 0, 1], "s": [1.046265838557817, 0.9557800466180175, -0.00010932350700445883]}, "1224": {"path": [6, 2, 0, 1], "s": [1.0410151142946584, 0.9606026062710359, -0.0013534987953170445]}, "1225": {"path": [6, 2, 0, 2], "s": [0.9484240115291069, 1.054411878004928, -0.005435360279958529]}, "1226": {"path": [6, 2, 0, 2], "s": [0.9529194917922897, 1.049407074779164, 0.000675560355910107]}, "1227": {"path": [6, 2, 0, 3], "s": [1.0485600384196703, 0.9536907720909702, 0.0014257012986390687]}, "1228": {"path": [6, 2, 0, 3], "s": [1.0543798687906802, 0.9484359795910103, 0.0034356538723138577]}, "1229": {"path": [6, 2, 1, 0], "s": [1.0652826413599918, 0.9387237340000061, 0.0024695875852441527]}, "1230": {"path": [6, 2, 1, 0], "s": [1.0586075649912812, 0.9446376157434352, -0.0007253973585338222]}, "1231": {"path": [6, 2, 1, 1], "s": [0.9284604162984783, 1.077056801652521, -0.002146261728624369]}, "1232": {"path": [6, 2, 1, 1], "s": [0.9347250952004609, 1.0698435980693728, 0.003107902024950984]}, "1233": {"path": [6, 2, 1, 2], "s": [1.0698871811729174, 0.9346856276154881, 0.002858568238462277]}, "1234": {"path": [6, 2, 1, 2], "s": [1.0772669880200707, 0.928314994148153, 0.006564882318114096]}, "1235": {"path": [6, 2, 1, 3], "s": [0.9451250056974693, 1.0580994866202018, -0.006023563763125563]}, "1236": {"path": [6, 2, 1, 3], "s": [0.9397097172780002, 1.0642443446311205, -0.00898622323448609]}, "1237": {"path": [6, 2, 2, 0], "s": [0.9278848428873199, 1.0777252207329093, -0.0022129427145056247]}, "1238": {"path": [6, 2, 2, 0], "s": [0.9353288361054553, 1.069196823391894, -0.0071148008257779045]}, "1239": {"path": [6, 2, 2, 1], "s": [1.0695003580504432, 0.9351149595467748, 0.01028513751010136]}, "1240": {"path": [6, 2, 2, 1], "s": [1.0774066717303257, 0.928312977703476, 0.013061226265916982]}, "1241": {"path": [6, 2, 2, 2], "s": [0.9506390666726678, 1.052469139361645, -0.022765771336382412]}, "1242": {"path": [6, 2, 2, 2], "s": [0.943097143242888, 1.0607247489936498, -0.019143681540937114]}, "1243": {"path": [6, 2, 2, 3], "s": [1.0640566855478812, 0.9398525051546438, 0.00750610010077555]}, "1244": {"path": [6, 2, 2, 3], "s": [1.0576310668072084, 0.9455314909628111, 0.004845563621379652]}, "1245": {"path": [6, 2, 3, 0], "s": [1.0462960651765165, 0.9558031405406558, 0.007284574870606806]}, "1246": {"path": [6, 2, 3, 0], "s": [1.052047649548447, 0.9506064662461027, 0.009126798988063727]}, "1247": {"path": [6, 2, 3, 1], "s": [0.9709751326202898, 1.0305376400763604, -0.025028418714409313]}, "1248": {"path": [6, 2, 3, 1], "s": [0.9687018219409642, 1.0330956152422142, -0.027597186892032104]}, "1249": {"path": [6, 2, 3, 2], "s": [1.0446993953552364, 0.9572378901387983, 0.005083801640990531]}, "1250": {"path": [6, 2, 3, 2], "s": [1.0396125762507546, 0.961912004378852, 0.003977059067432725]}, "1251": {"path": [6, 2, 3, 3], "s": [0.9530059948418792, 1.0496951473274858, -0.019125066261924367]}, "1252": {"path": [6, 2, 3, 3], "s": [0.9571323087079385, 1.0450888458853613, -0.01697939537119019]}, "1253": {"path": [6, 3, 0, 0], "s": [1.0612634524662743, 0.9424711062003532, 0.014496206948605045]}, "1254": {"path": [6, 3, 0, 0], "s": [1.0544972839459437, 0.9484458629818345, 0.011557961935886471]}, "1255": {"path": [6, 3, 0, 1], "s": [0.9273469678811697, 1.078347184759706, -0.0014114213079375818]}, "1256": {"path": [6, 3, 0, 1], "s": [0.938715501335785, 1.0658026557641724, -0.02203348203703503]}, "1257": {"path": [6, 3, 0, 2], "s": [1.0661063678616698, 0.938308283531253, 0.018342194253174952]}, "1258": {"path": [6, 3, 0, 2], "s": [1.0762236335657895, 0.9296923130337095, 0.023597441202858775]}, "1259": {"path": [6, 3, 0, 3], "s": [0.9664039511276159, 1.0364686000265264, -0.04058756318559325]}, "1260": {"path": [6, 3, 0, 3], "s": [0.9532840183356076, 1.0501900873813896, -0.033606941472776077]}, "1261": {"path": [6, 3, 1, 0], "s": [0.9282821796641756, 1.0772586981052399, 0.0002287778932541144]}, "1262": {"path": [6, 3, 1, 0], "s": [0.9562357343688497, 1.0480202459573524, -0.046415617268874894]}, "1263": {"path": [6, 3, 1, 1], "s": [1.0594893195225468, 0.9442668530916816, 0.02099156091865343]}, "1264": {"path": [6, 3, 1, 1], "s": [1.071636995976792, 0.934266407260359, 0.03456075980822618]}, "1265": {"path": [6, 3, 1, 2], "s": [1.0017561559989727, 1.0006709147558017, -0.04927726641918429]}, "1266": {"path": [6, 3, 1, 2], "s": [0.9935615474721663, 1.009220669953231, -0.052180940769878004]}, "1267": {"path": [6, 3, 1, 3], "s": [1.0550847434009292, 0.9482465359944272, 0.021919240646054886]}, "1268": {"path": [6, 3, 1, 3], "s": [1.0481137689140143, 0.9543936774846172, 0.017696167271687827]}, "1269": {"path": [6, 3, 2, 0], "s": [1.0309847268445953, 0.9702962478859128, 0.018989788966549896]}, "1270": {"path": [6, 3, 2, 0], "s": [1.0382486908982023, 0.9636717974225236, 0.02304304948249789]}, "1271": {"path": [6, 3, 2, 1], "s": [1.0047981025209334, 0.9963164057532312, -0.03311848443576986]}, "1272": {"path": [6, 3, 2, 1], "s": [1.0064118783190705, 0.9947674005896736, -0.033848605850643705]}, "1273": {"path": [6, 3, 2, 2], "s": [1.035780600229909, 0.9657365062804829, 0.017062770558565036]}, "1274": {"path": [6, 3, 2, 2], "s": [1.0301509285073625, 0.9709413520977381, 0.014701543785567381]}, "1275": {"path": [6, 3, 2, 3], "s": [0.9881786888226963, 1.0137964511756061, -0.04256815541944263]}, "1276": {"path": [6, 3, 2, 3], "s": [0.9918100348173372, 1.0099735024091057, -0.04125354032036512]}, "1277": {"path": [6, 3, 3, 0], "s": [0.9873904222207607, 1.0139755095724003, -0.03449212255287756]}, "1278": {"path": [6, 3, 3, 0], "s": [0.986027311676033, 1.0155051299832247, -0.03627386539341181]}, "1279": {"path": [6, 3, 3, 1], "s": [1.0414826336497898, 0.9602856745609628, 0.010993334249307232]}, "1280": {"path": [6, 3, 3, 1], "s": [1.0363303031734281, 0.9650327721928703, 0.009628363252973095]}, "1281": {"path": [6, 3, 3, 2], "s": [0.9644997247552884, 1.0379298824652747, -0.03291027123931535]}, "1282": {"path": [6, 3, 3, 2], "s": [0.9698001632921035, 1.0322620504079048, -0.032983405612960065]}, "1283": {"path": [6, 3, 3, 3], "s": [1.0413164118586664, 0.960494132468765, 0.013353038368741294]}, "1284": {"path": [6, 3, 3, 3], "s": [1.0472798608261342, 0.9550932614763332, 0.015809426141160588]}, "1285": {"path": [8, 0, 0, 0], "s": [1.063077327390237, 0.940744564846301, -0.009177023139187598]}, "1286": {"path": [8, 0, 0, 0], "s": [1.0565394361037335, 0.9465687699305789, -0.009339936608934282]}, "1287": {"path": [8, 0, 0, 1], "s": [0.9274215508454343, 1.0782980985883666, -0.006074114462722519]}, "1288": {"path": [8, 0, 0, 1], "s": [0.9378767648375885, 1.06673855275963, 0.021663397465155856]}, "1289": {"path": [8, 0, 0, 2], "s": [1.0690457423712982, 0.9354799171260519, -0.008415609155633079]}, "1290": {"path": [8, 0, 0, 2], "s": [1.0774756543449073, 0.9281344092753214, -0.006498457813318353]}, "1291": {"path": [8, 0, 0, 3], "s": [0.9492918067426986, 1.0538707510273206, 0.02075739184027034]}, "1292": {"path": [8, 0, 0, 3], "s": [0.9397336264507342, 1.0641755642517907, 0.006446873241430627]}, "1293": {"path": [8, 0, 1, 0], "s": [0.92831243619183, 1.077269545976394, -0.006535798391389532]}, "1294": {"path": [8, 0, 1, 0], "s": [0.9353631477175508, 1.0692096610708555, 0.009965648461126513]}, "1295": {"path": [8, 0, 1, 1], "s": [1.069788902899159, 0.9347797903706737, -0.0041287277639386975]}, "1296": {"path": [8, 0, 1, 1], "s": [1.077085350403224, 0.9284318675477754, -0.0006028127532817948]}, "1297": {"path": [8, 0, 1, 2], "s": [0.9449411098140534, 1.0583040709206633, 0.005918048369391972]}, "1298": {"path": [8, 0, 1, 2], "s": [0.9387396319910474, 1.0652667433689513, -0.0028479189717446215]}, "1299": {"path": [8, 0, 1, 3], "s": [1.0648501410933617, 0.9391039208157581, -0.0022231918470796]}, "1300": {"path": [8, 0, 1, 3], "s": [1.05828715742949, 0.9449373348881828, -0.003878928693928748]}, "1301": {"path": [8, 0, 2, 0], "s": [1.049411058451143, 0.9529155081203103, -0.0002683114686216509]}, "1302": {"path": [8, 0, 2, 0], "s": [1.0546799050309006, 0.9481559845031337, 0.0010313535984998548]}, "1303": {"path": [8, 0, 2, 1], "s": [0.960970252697363, 1.040647467868331, 0.005591079171461107]}, "1304": {"path": [8, 0, 2, 1], "s": [0.9557827217232666, 1.046263163452568, -0.0005039875895489025]}, "1305": {"path": [8, 0, 2, 2], "s": [1.045283630697312, 0.9566799527225459, -0.0013763710096622683]}, "1306": {"path": [8, 0, 2, 2], "s": [1.0408511857747702, 0.9607549090631975, -0.0016989224116337196]}, "1307": {"path": [8, 0, 2, 3], "s": [0.9486309663111513, 1.0541848820705395, 0.005694150435580622]}, "1308": {"path": [8, 0, 2, 3], "s": [0.9558793155679738, 1.046371494942668, 0.01431322520029215]}, "1309": {"path": [8, 0, 3, 0], "s": [0.9683886545022772, 1.0331359261273292, 0.0218428345323766]}, "1310": {"path": [8, 0, 3, 0], "s": [0.9599859404643111, 1.0419513450297233, 0.01608234673217212]}, "1311": {"path": [8, 0, 3, 1], "s": [1.0426283954734843, 0.9591690417096921, -0.007541813151866197]}, "1312": {"path": [8, 0, 3, 1], "s": [1.0390525717804038, 0.9624602009162451, -0.006837177656685518]}, "1313": {"path": [8, 0, 3, 2], "s": [0.9543659553719224, 1.048288160422629, 0.021225732656773875]}, "1314": {"path": [8, 0, 3, 2], "s": [0.9660153945458047, 1.0360838111713668, 0.029545077952672208]}, "1315": {"path": [8, 0, 3, 3], "s": [1.0479696340222837, 0.9542515205710166, -0.0051591450857827285]}, "1316": {"path": [8, 0, 3, 3], "s": [1.0531264800885918, 0.9495746620807733, -0.004713964195706025]}, "1317": {"path": [8, 1, 0, 0], "s": [0.9638990712728503, 1.0375258265622385, 0.008377388909319976]}, "1318": {"path": [8, 1, 0, 0], "s": [0.9702337010816416, 1.0308674169317265, 0.01350219441942105]}, "1319": {"path": [8, 1, 0, 1], "s": [1.034658183325142, 0.9665048071380646, 0.0014518706852752225]}, "1320": {"path": [8, 1, 0, 1], "s": [1.0385894577897736, 0.9628464210065287, 0.001463669359697319]}, "1321": {"path": [8, 1, 0, 2], "s": [0.9727091186200234, 1.0280818889727037, 0.004962669830439489]}, "1322": {"path": [8, 1, 0, 2], "s": [0.9681099236864521, 1.0329406505714214, -0.00030724148940234415]}, "1323": {"path": [8, 1, 0, 3], "s": [1.0319715803466563, 0.9690205165810125, -0.0012782348925754862]}, "1324": {"path": [8, 1, 0, 3], "s": [1.028584092290725, 0.9722103684843357, -0.00034551858345090994]}, "1325": {"path": [8, 1, 1, 0], "s": [1.0240837916955332, 0.9764895743749817, 0.002673177339543306]}, "1326": {"path": [8, 1, 1, 0], "s": [1.0273876148535799, 0.9733442251062067, 0.0013423350446691985]}, "1327": {"path": [8, 1, 1, 1], "s": [0.9815307828692195, 1.0188389806869789, 0.004671437826901652]}, "1328": {"path": [8, 1, 1, 1], "s": [0.9768726752003868, 1.0236755705577334, -0.000832555112565567]}, "1329": {"path": [8, 1, 1, 2], "s": [1.0226599017586868, 0.9778453257444392, -0.001790184627061969]}, "1330": {"path": [8, 1, 1, 2], "s": [1.0195946942762588, 0.9807825438598269, 0.0008233822030963785]}, "1331": {"path": [8, 1, 1, 3], "s": [0.9743677631200061, 1.0263675851977134, 0.007712854723105417]}, "1332": {"path": [8, 1, 1, 3], "s": [0.9805962930015837, 1.019929549058224, 0.011795547010291936]}, "1333": {"path": [8, 1, 2, 0], "s": [0.9884900586184726, 1.0119067657274394, 0.016117635383197555]}, "1334": {"path": [8, 1, 2, 0], "s": [0.9819288670081494, 1.0186245449202127, 0.014725668072979918]}, "1335": {"path": [8, 1, 2, 1], "s": [1.0221224213092124, 0.978401584491819, -0.006796804657222658]}, "1336": {"path": [8, 1, 2, 1], "s": [1.0204987365917753, 0.9799281806463315, -0.003933230257394869]}, "1337": {"path": [8, 1, 2, 2], "s": [0.9833637821987917, 1.0173725566810785, 0.021150064850021768]}, "1338": {"path": [8, 1, 2, 2], "s": [0.9903255406353566, 1.01020443078758, 0.02076653731227676]}, "1339": {"path": [8, 1, 2, 3], "s": [1.0240835198162677, 0.9764893001105369, -0.0025689531177715288]}, "1340": {"path": [8, 1, 2, 3], "s": [1.0266334991772927, 0.9740735021175965, -0.004060533815647745]}, "1341": {"path": [8, 1, 3, 0], "s": [1.0301865322149768, 0.9707437568555585, -0.006866188489050625]}, "1342": {"path": [8, 1, 3, 0], "s": [1.0278718885411808, 0.9729119644636549, -0.0053719919551231815]}, "1343": {"path": [8, 1, 3, 1], "s": [0.9730637878793059, 1.0282704328178438, 0.023931617622387664]}, "1344": {"path": [8, 1, 3, 1], "s": [0.9813194948075031, 1.0197056271638278, 0.02563222387495204]}, "1345": {"path": [8, 1, 3, 2], "s": [1.0336365967513448, 0.9674699651089537, -0.0035159912345462743]}, "1346": {"path": [8, 1, 3, 2], "s": [1.0370813832046217, 0.9642610556935325, -0.00414601121526467]}, "1347": {"path": [8, 1, 3, 3], "s": [0.9804153354926105, 1.0203404616435887, 0.018905978392655926]}, "1348": {"path": [8, 1, 3, 3], "s": [0.9733748699098208, 1.0276238862408185, 0.01622549185326966]}, "1349": {"path": [8, 2, 0, 0], "s": [1.0238452812912646, 0.9767652826764135, -0.007518350708414772]}, "1350": {"path": [8, 2, 0, 0], "s": [1.0250047607906914, 0.9756865886436862, -0.00913227241197678]}, "1351": {"path": [8, 2, 0, 1], "s": [0.9982282196218556, 1.0022155945337625, 0.020973521609341628]}, "1352": {"path": [8, 2, 0, 1], "s": [0.9934502469585428, 1.0071585912660075, 0.023705510322137694]}, "1353": {"path": [8, 2, 0, 2], "s": [1.0208371578135829, 0.9797027476365584, -0.010815192992423997]}, "1354": {"path": [8, 2, 0, 2], "s": [1.0209788350478872, 0.9795142435723764, -0.007956840788688916]}, "1355": {"path": [8, 2, 0, 3], "s": [0.9963997581916122, 1.0043478528568033, 0.02705471727413703]}, "1356": {"path": [8, 2, 0, 3], "s": [1.0006654368249426, 0.9998606433426751, 0.02293441594124489]}, "1357": {"path": [8, 2, 1, 0], "s": [1.0068605243054407, 0.9936149936247096, 0.02077771495429635]}, "1358": {"path": [8, 2, 1, 0], "s": [1.0051403713839382, 0.9955028227867496, 0.024901345538587864]}, "1359": {"path": [8, 2, 1, 1], "s": [1.0194242830151272, 0.981132007050885, -0.013776531894541635]}, "1360": {"path": [8, 2, 1, 1], "s": [1.0205297578247003, 0.9800089475754393, -0.011326691273433753]}, "1361": {"path": [8, 2, 1, 2], "s": [1.0078538819955656, 0.9928806139635212, 0.026049590040455834]}, "1362": {"path": [8, 2, 1, 2], "s": [1.0086814577985113, 0.9918368033248323, 0.021151658939842687]}, "1363": {"path": [8, 2, 1, 3], "s": [1.0224490418730556, 0.9781727231598594, -0.011478831872477552]}, "1364": {"path": [8, 2, 1, 3], "s": [1.022424364984189, 0.9782337008304225, -0.013037268796674426]}, "1365": {"path": [8, 2, 2, 0], "s": [1.0229226864363854, 0.9778238958069777, -0.015435231147113412]}, "1366": {"path": [8, 2, 2, 0], "s": [1.0234459131716818, 0.9772685263317934, -0.013471427006307397]}, "1367": {"path": [8, 2, 2, 1], "s": [1.0058071458075346, 0.9952327924633353, 0.03181594571294809]}, "1368": {"path": [8, 2, 2, 1], "s": [1.0072074509440156, 0.9935304139326198, 0.026291360794492933]}, "1369": {"path": [8, 2, 2, 2], "s": [1.0282360115677915, 0.972703745803364, -0.013000770050373495]}, "1370": {"path": [8, 2, 2, 2], "s": [1.0284596143579088, 0.9725534906523321, -0.015231150276200594]}, "1371": {"path": [8, 2, 2, 3], "s": [1.0037581895890302, 0.9968851400094485, 0.02513211817755953]}, "1372": {"path": [8, 2, 2, 3], "s": [1.000691235356705, 1.0002013254020006, 0.02987808430843422]}, "1373": {"path": [8, 2, 3, 0], "s": [0.9891042789762257, 1.012107148476363, 0.032855917890025683]}, "1374": {"path": [8, 2, 3, 0], "s": [0.9954933862261887, 1.0054033320638616, 0.029535869029822057]}, "1375": {"path": [8, 2, 3, 1], "s": [1.0317377876038774, 0.9693102484199236, -0.008602976609137947]}, "1376": {"path": [8, 2, 3, 1], "s": [1.0337816375040358, 0.9674211174015488, -0.010108753798405515]}, "1377": {"path": [8, 2, 3, 2], "s": [0.992530526199151, 1.0081834442747093, 0.025550820950596454]}, "1378": {"path": [8, 2, 3, 2], "s": [0.9859881933930744, 1.0149680543217285, 0.027322485837965996]}, "1379": {"path": [8, 2, 3, 3], "s": [1.02693559170281, 0.9739098415555355, -0.011944848388514567]}, "1380": {"path": [8, 2, 3, 3], "s": [1.0262241659295275, 0.9745430443945634, -0.009981127002124737]}, "1381": {"path": [8, 3, 0, 0], "s": [0.9995340471340408, 1.00155823347106, 0.03303868250625903]}, "1382": {"path": [8, 3, 0, 0], "s": [0.9937152079253361, 1.0078018985850559, 0.038315443361617935]}, "1383": {"path": [8, 3, 0, 1], "s": [1.029034454516961, 0.9721448243917843, -0.019248872161387955]}, "1384": {"path": [8, 3, 0, 1], "s": [1.0297283536276585, 0.9713861546465054, -0.016243945359690082]}, "1385": {"path": [8, 3, 0, 2], "s": [1.0036486301915954, 0.9982718581291301, 0.043751376779706835]}, "1386": {"path": [8, 3, 0, 2], "s": [1.0060564238334755, 0.9952245508970338, 0.03538435511276554]}, "1387": {"path": [8, 3, 0, 3], "s": [1.0399057680250294, 0.9618777692014131, -0.01619383609890871]}, "1388": {"path": [8, 3, 0, 3], "s": [1.0411260338665806, 0.9608491061317224, -0.019105470713085892]}, "1389": {"path": [8, 3, 1, 0], "s": [1.0475295281435695, 0.9552526892818273, -0.025600758997932002]}, "1390": {"path": [8, 3, 1, 0], "s": [1.0457416921594618, 0.9566853785953118, -0.021113660897085884]}, "1391": {"path": [8, 3, 1, 1], "s": [0.926374465633018, 1.0795289376041342, -0.006931284758960206]}, "1392": {"path": [8, 3, 1, 1], "s": [0.9933548559436541, 1.0104013166705728, 0.060721119609042834]}, "1393": {"path": [8, 3, 1, 2], "s": [1.0633544223954534, 0.9409015579307473, -0.02262371906724367]}, "1394": {"path": [8, 3, 1, 2], "s": [1.0725966816093393, 0.9329441961600754, -0.025939331679727434]}, "1395": {"path": [8, 3, 1, 3], "s": [0.985730733420847, 1.0167767129777838, 0.04762410113407574]}, "1396": {"path": [8, 3, 1, 3], "s": [0.9609909010979568, 1.042340378297399, 0.04098315984404729]}, "1397": {"path": [8, 3, 2, 0], "s": [0.9262362643612054, 1.0796796822382952, -0.006202868940358118]}, "1398": {"path": [8, 3, 2, 0], "s": [0.9482396920283227, 1.0561749593646006, 0.03882033224889732]}, "1399": {"path": [8, 3, 2, 1], "s": [1.0676276964111873, 0.9368904606887707, -0.01581784861377378]}, "1400": {"path": [8, 3, 2, 1], "s": [1.0766391591154727, 0.9290549935254033, -0.01603081411597974]}, "1401": {"path": [8, 3, 2, 2], "s": [0.960913853833108, 1.042029293094671, 0.03606083518984528]}, "1402": {"path": [8, 3, 2, 2], "s": [0.9440075002952008, 1.059727058371427, 0.019755793286983507]}, "1403": {"path": [8, 3, 2, 3], "s": [1.058075872477483, 0.9453982332395146, -0.017408632156798956]}, "1404": {"path": [8, 3, 2, 3], "s": [1.052758799624362, 0.9501137515297812, -0.015511691303388442]}, "1405": {"path": [8, 3, 3, 0], "s": [1.045178580662045, 0.9568836330379638, -0.010690062551759675]}, "1406": {"path": [8, 3, 3, 0], "s": [1.0490971436156973, 0.9533324636048627, -0.011762843362824973]}, "1407": {"path": [8, 3, 3, 1], "s": [0.982607138162026, 1.0187559372042714, 0.0322002475434895]}, "1408": {"path": [8, 3, 3, 1], "s": [0.9724487713872708, 1.0293195368234822, 0.030992240140240525]}, "1409": {"path": [8, 3, 3, 2], "s": [1.0373115442063203, 0.9642208974529362, -0.014052334073382714]}, "1410": {"path": [8, 3, 3, 2], "s": [1.0356215509051483, 0.9657443808880104, -0.012070356795666367]}, "1411": {"path": [8, 3, 3, 3], "s": [0.9698909088562762, 1.0324822134461902, 0.037351203156860545]}, "1412": {"path": [8, 3, 3, 3], "s": [0.983983779352443, 1.017826764974988, 0.039051593132156275]}, "1413": {"path": [9, 0, 0, 0], "s": [1.0153842834699844, 0.985487098248907, 0.02545802671811639]}, "1414": {"path": [9, 0, 0, 0], "s": [1.013711863875861, 0.986914810815875, 0.02114834175186182]}, "1415": {"path": [9, 0, 0, 1], "s": [1.0237209358554427, 0.977076934154273, -0.01594093583135438]}, "1416": {"path": [9, 0, 0, 1], "s": [1.0227032885971954, 0.9781206908123402, -0.018089973431226834]}, "1417": {"path": [9, 0, 0, 2], "s": [1.0112957505908098, 0.9892893432922417, 0.021543188626962747]}, "1418": {"path": [9, 0, 0, 2], "s": [1.011605065540266, 0.9892065052614976, 0.02619754927305188]}, "1419": {"path": [9, 0, 0, 3], "s": [1.0200496173245412, 0.9806314145101876, -0.017108451348458623]}, "1420": {"path": [9, 0, 0, 3], "s": [1.0209565812989176, 0.9797140681775719, -0.015669259619652612]}, "1421": {"path": [9, 0, 1, 0], "s": [1.0207422522063385, 0.979878899390355, -0.014275666470562777]}, "1422": {"path": [9, 0, 1, 0], "s": [1.0202088231865842, 0.9804257341374969, -0.015459121781627819]}, "1423": {"path": [9, 0, 1, 1], "s": [1.0133238412627354, 0.9871981125402097, 0.018745225700618352]}, "1424": {"path": [9, 0, 1, 1], "s": [1.0135615513692402, 0.9871082468620701, 0.022247832678516093]}, "1425": {"path": [9, 0, 1, 2], "s": [1.0191902049074832, 0.9814193030460803, -0.015904105498126018]}, "1426": {"path": [9, 0, 1, 2], "s": [1.0203363432682593, 0.9802624787375455, -0.014051085301445207]}, "1427": {"path": [9, 0, 1, 3], "s": [1.0153715720991567, 0.9853574327571444, 0.022448286754472038]}, "1428": {"path": [9, 0, 1, 3], "s": [1.0142871902155506, 0.9862539407153216, 0.018567131365884077]}, "1429": {"path": [9, 0, 2, 0], "s": [1.0184756233411902, 0.982144816152594, 0.017045639980120233]}, "1430": {"path": [9, 0, 2, 0], "s": [1.0193083153143712, 0.9814308105595099, 0.019508616276717967]}, "1431": {"path": [9, 0, 2, 1], "s": [1.021125795610289, 0.9796088463697802, -0.017431656152446823]}, "1432": {"path": [9, 0, 2, 1], "s": [1.0217751969616, 0.9789457864428662, -0.016202584898305894]}, "1433": {"path": [9, 0, 2, 2], "s": [1.0202320006322612, 0.9805459063981692, 0.019603871974140978]}, "1434": {"path": [9, 0, 2, 2], "s": [1.018715650110024, 0.9819097072752259, 0.016934751141516755]}, "1435": {"path": [9, 0, 2, 3], "s": [1.0202084564999936, 0.9804474356517068, -0.016148219889584762]}, "1436": {"path": [9, 0, 2, 3], "s": [1.0197674652888096, 0.9808932166909636, -0.0168222859306179]}, "1437": {"path": [9, 0, 3, 0], "s": [1.0196303175526025, 0.9810537700412365, -0.017668250714879437]}, "1438": {"path": [9, 0, 3, 0], "s": [1.0202667287402745, 0.9804140423449291, -0.01684718950728459]}, "1439": {"path": [9, 0, 3, 1], "s": [1.0194248244030262, 0.9813662266355788, 0.020714566445748768]}, "1440": {"path": [9, 0, 3, 1], "s": [1.017038471646611, 0.9835547366274657, 0.017691978984345744]}, "1441": {"path": [9, 0, 3, 2], "s": [1.020453630495269, 0.9802524435160893, -0.017382887787957827]}, "1442": {"path": [9, 0, 3, 2], "s": [1.0193403390852187, 0.9813714071252738, -0.01874734401499437]}, "1443": {"path": [9, 0, 3, 3], "s": [1.0158890606159696, 0.9846890011560223, 0.01829711406941546]}, "1444": {"path": [9, 0, 3, 3], "s": [1.0176166023528084, 0.9831526999947746, 0.021737298881702453]}, "1445": {"path": [9, 1, 0, 0], "s": [1.021866998131197, 0.978897298431726, -0.01740240865981827]}, "1446": {"path": [9, 1, 0, 0], "s": [1.021802632438707, 0.9789637001974453, -0.01754097841309418]}, "1447": {"path": [9, 1, 0, 1], "s": [1.0234635863841959, 0.9773415094413924, 0.016536214047687823]}, "1448": {"path": [9, 1, 0, 1], "s": [1.0242159627438867, 0.9766802805514034, 0.01820807068102724]}, "1449": {"path": [9, 1, 0, 2], "s": [1.0256388186765693, 0.9753298648769304, -0.018334951113942625]}, "1450": {"path": [9, 1, 0, 2], "s": [1.025790698120244, 0.9751633056160255, -0.017704464101004493]}, "1451": {"path": [9, 1, 0, 3], "s": [1.024419360640366, 0.9764986577540719, 0.01855075854519032]}, "1452": {"path": [9, 1, 0, 3], "s": [1.023120155708628, 0.9776788880385727, 0.01682189534692257]}, "1453": {"path": [9, 1, 1, 0], "s": [1.0292380040451974, 0.9718749805393513, 0.017048904709296337]}, "1454": {"path": [9, 1, 1, 0], "s": [1.029827493603174, 0.9713654793683334, 0.01840861185794828]}, "1455": {"path": [9, 1, 1, 1], "s": [1.0323304777505606, 0.9690272173095815, -0.01887671047859756]}, "1456": {"path": [9, 1, 1, 1], "s": [1.0326650786939129, 0.9686926163662266, -0.018304013495421222]}, "1457": {"path": [9, 1, 1, 2], "s": [1.029087724606334, 0.9721052483651746, 0.019534024623523074]}, "1458": {"path": [9, 1, 1, 2], "s": [1.0283594049811327, 0.9727535796034167, 0.018447013694251255]}, "1459": {"path": [9, 1, 1, 3], "s": [1.0260843453440063, 0.9749013920377086, -0.01819496149948257]}, "1460": {"path": [9, 1, 1, 3], "s": [1.0264429756152287, 0.974542761766476, -0.01767971300304064]}, "1461": {"path": [9, 1, 2, 0], "s": [1.0255357616812153, 0.9754182420550436, -0.018063494226682207]}, "1462": {"path": [9, 1, 2, 0], "s": [1.0261687137703546, 0.9747999697831373, -0.0175849701662334]}, "1463": {"path": [9, 1, 2, 1], "s": [1.023825848440758, 0.9770703948545317, 0.018706309050363513]}, "1464": {"path": [9, 1, 2, 1], "s": [1.0225063833661492, 0.9782987124594383, 0.017795458090796173]}, "1465": {"path": [9, 1, 2, 2], "s": [1.0217456748031686, 0.9790206578329897, -0.01761030050301414]}, "1466": {"path": [9, 1, 2, 2], "s": [1.0216141174058695, 0.9791501791570472, -0.01771005610743476]}, "1467": {"path": [9, 1, 2, 3], "s": [1.0229734046174774, 0.9778256391297234, 0.017018319035489567]}, "1468": {"path": [9, 1, 2, 3], "s": [1.0245253467489204, 0.9763926716455171, 0.018413051912386392]}, "1469": {"path": [9, 1, 3, 0], "s": [1.0217365537466072, 0.9790612226639539, 0.018510525427657933]}, "1470": {"path": [9, 1, 3, 0], "s": [1.0195527816709227, 0.9810908621883766, 0.016550456672953833]}, "1471": {"path": [9, 1, 3, 1], "s": [1.0198071955238817, 0.9808845397286972, -0.01769495954944873]}, "1472": {"path": [9, 1, 3, 1], "s": [1.019141278125425, 0.9815504571271573, -0.018400745125220542]}, "1473": {"path": [9, 1, 3, 2], "s": [1.0193701571901106, 0.9812734866691885, 0.016760320774333353]}, "1474": {"path": [9, 1, 3, 2], "s": [1.021232261147823, 0.979565515262738, 0.01907632286889375]}, "1475": {"path": [9, 1, 3, 3], "s": [1.0218036499951006, 0.9789684761455708, -0.0177076863447982]}, "1476": {"path": [9, 1, 3, 3], "s": [1.0220351387590456, 0.9787369873816211, -0.01742391193705369]}, "1477": {"path": [9, 2, 0, 0], "s": [1.0193976525207882, 0.9812277048644609, 0.01616226862764539]}, "1478": {"path": [9, 2, 0, 0], "s": [1.021889700594728, 0.9788882064357027, 0.01777009257967019]}, "1479": {"path": [9, 2, 0, 1], "s": [1.0199366117169333, 0.9807843716875322, -0.018381754102974806]}, "1480": {"path": [9, 2, 0, 1], "s": [1.0210893920151123, 0.9796452499649508, -0.01747491565666737]}, "1481": {"path": [9, 2, 0, 2], "s": [1.02126900180531, 0.9794701240685709, 0.017391834452777442]}, "1482": {"path": [9, 2, 0, 2], "s": [1.0191456527311002, 0.9814747867626835, 0.016302214400891035]}, "1483": {"path": [9, 2, 0, 3], "s": [1.0177507494872933, 0.9829099324924785, -0.01890292233297662]}, "1484": {"path": [9, 2, 0, 3], "s": [1.0171533004206779, 0.9835025917310178, -0.019310804009595606]}, "1485": {"path": [9, 2, 1, 0], "s": [1.014433921478988, 0.9861649005268163, -0.019978169744902432]}, "1486": {"path": [9, 2, 1, 0], "s": [1.0162838369871996, 0.9843256709663633, -0.018822054475998273]}, "1487": {"path": [9, 2, 1, 1], "s": [1.0211173303750558, 0.9795524678562553, 0.015427279075616621]}, "1488": {"path": [9, 2, 1, 1], "s": [1.018166944487694, 0.9823550093152511, 0.014191484654152063]}, "1489": {"path": [9, 2, 1, 2], "s": [1.0127747083119447, 0.9878598490121383, -0.021896813383437016]}, "1490": {"path": [9, 2, 1, 2], "s": [1.0116529737426898, 0.9889681778540008, -0.022194550297125634]}, "1491": {"path": [9, 2, 1, 3], "s": [1.0182915863361257, 0.9822495445947464, 0.014712135919759659]}, "1492": {"path": [9, 2, 1, 3], "s": [1.0217529756635988, 0.9789760291927021, 0.016482443113126348]}, "1493": {"path": [9, 2, 2, 0], "s": [1.023596498291759, 0.9772150725100047, 0.016550718992471753]}, "1494": {"path": [9, 2, 2, 0], "s": [1.0195205480935123, 0.9810645457895392, 0.014678672912211737]}, "1495": {"path": [9, 2, 2, 1], "s": [1.0123274027478282, 0.9884965766617098, -0.026118424092344307]}, "1496": {"path": [9, 2, 2, 1], "s": [1.01043845680508, 0.9903594132046398, -0.026405248737271823]}, "1497": {"path": [9, 2, 2, 2], "s": [1.019137093860963, 0.981489580830773, 0.01650572817806865]}, "1498": {"path": [9, 2, 2, 2], "s": [1.023149093026296, 0.977722288692595, 0.018859292336225776]}, "1499": {"path": [9, 2, 2, 3], "s": [1.013786438560711, 0.9868842109157756, -0.02213209109197567]}, "1500": {"path": [9, 2, 2, 3], "s": [1.015143645401689, 0.9855373864330413, -0.021494537522154168]}, "1501": {"path": [9, 2, 3, 0], "s": [1.0174078755158795, 0.983303870694611, -0.020520771670405957]}, "1502": {"path": [9, 2, 3, 0], "s": [1.016075293053459, 0.984630780957896, -0.021424502590495654]}, "1503": {"path": [9, 2, 3, 1], "s": [1.0178771919410632, 0.9827160163330133, 0.016858801278723468]}, "1504": {"path": [9, 2, 3, 1], "s": [1.0207536072150112, 0.9800374438235939, 0.019410203211511823]}, "1505": {"path": [9, 2, 3, 2], "s": [1.0182039855858611, 0.9824767854993448, -0.019020482144781713]}, "1506": {"path": [9, 2, 3, 2], "s": [1.0189537573486431, 0.9817303302451944, -0.018379573076290998]}, "1507": {"path": [9, 2, 3, 3], "s": [1.021477380041277, 0.9792919223063062, 0.018015190618794617]}, "1508": {"path": [9, 2, 3, 3], "s": [1.018311964527736, 0.9822660972442562, 0.015916003700386504]}, "1509": {"path": [9, 3, 0, 0], "s": [1.0145461142667633, 0.9863108357385993, -0.025648116067244972]}, "1510": {"path": [9, 3, 0, 0], "s": [1.0167261451206118, 0.9841457340544516, -0.024631248894064376]}, "1511": {"path": [9, 3, 0, 1], "s": [1.028007224412667, 0.9731619989016944, 0.020434416918859624]}, "1512": {"path": [9, 3, 0, 1], "s": [1.0225526432433962, 0.9782605584755166, 0.017969970781866452]}, "1513": {"path": [9, 3, 0, 2], "s": [1.0175726009482045, 0.9837423546768599, -0.0320821837075365]}, "1514": {"path": [9, 3, 0, 2], "s": [1.0127582692354302, 0.9885101640911066, -0.033493923427127086]}, "1515": {"path": [9, 3, 0, 3], "s": [1.0204589843308858, 0.9803982635970239, 0.021359220725089396]}, "1516": {"path": [9, 3, 0, 3], "s": [1.0258478423905573, 0.9753756849320917, 0.02422894772370898]}, "1517": {"path": [9, 3, 1, 0], "s": [1.0404752657944394, 0.961972584005682, 0.030144320033387274]}, "1518": {"path": [9, 3, 1, 0], "s": [1.0264015255811345, 0.9749847578940234, 0.026941472134577194]}, "1519": {"path": [9, 3, 1, 1], "s": [1.055704516182236, 0.9477720837827127, -0.02381741297586301]}, "1520": {"path": [9, 3, 1, 1], "s": [1.0355858675006817, 0.9678907324642715, -0.04831111492072363]}, "1521": {"path": [9, 3, 1, 2], "s": [1.0188167696753914, 0.9825695137997661, 0.03253149291068375]}, "1522": {"path": [9, 3, 1, 2], "s": [1.0324878541763316, 0.9699599956237889, 0.03836553816239532]}, "1523": {"path": [9, 3, 1, 3], "s": [1.021702645786171, 0.9795978700653746, -0.029287124343110885]}, "1524": {"path": [9, 3, 1, 3], "s": [1.025325644349741, 0.9759748715018035, -0.026307109148319185]}, "1525": {"path": [9, 3, 2, 0], "s": [1.0300604716424029, 0.9712079616841389, -0.02007314313250527]}, "1526": {"path": [9, 3, 2, 0], "s": [1.0270249948239887, 0.974289960801078, -0.02490264943313662]}, "1527": {"path": [9, 3, 2, 1], "s": [1.0115262423437492, 0.9892869593751644, 0.026262532559390758]}, "1528": {"path": [9, 3, 2, 1], "s": [1.0130078028714566, 0.988161420442905, 0.031862664753672595]}, "1529": {"path": [9, 3, 2, 2], "s": [1.02131000906364, 0.9795618701114258, -0.02088881140463139]}, "1530": {"path": [9, 3, 2, 2], "s": [1.0229593945666835, 0.9778975554386776, -0.018694685335410976]}, "1531": {"path": [9, 3, 2, 3], "s": [1.0203595054108525, 0.9808640219117962, 0.02887781628205708]}, "1532": {"path": [9, 3, 2, 3], "s": [1.0161857156169882, 0.9846715323109215, 0.024680877396277872]}, "1533": {"path": [9, 3, 3, 0], "s": [1.0160704967617848, 0.9845785582574009, 0.020030596336603]}, "1534": {"path": [9, 3, 3, 0], "s": [1.0189974479882764, 0.9819080164478011, 0.023701538336999006]}, "1535": {"path": [9, 3, 3, 1], "s": [1.0179748463233529, 0.9827448472823505, -0.02023696833316203]}, "1536": {"path": [9, 3, 3, 1], "s": [1.0192472264089816, 0.9814724671967202, -0.019054920284240807]}, "1537": {"path": [9, 3, 3, 2], "s": [1.0216565524202956, 0.9792489120157816, 0.021355734859030043]}, "1538": {"path": [9, 3, 3, 2], "s": [1.0179471230546506, 0.9827019319645353, 0.018401208208865653]}, "1539": {"path": [9, 3, 3, 3], "s": [1.0207720654078631, 0.9801163056675138, -0.021802423630187435]}, "1540": {"path": [9, 3, 3, 3], "s": [1.0184244096356634, 0.982463961439713, -0.023775616028884426]}, "1541": {"path": [10, 0, 0, 0], "s": [1.0005788847657673, 1.0004342202444738, -0.031833258924049763]}, "1542": {"path": [10, 0, 0, 0], "s": [0.9994257268869668, 1.0015140304841905, -0.03064127778269674]}, "1543": {"path": [10, 0, 0, 1], "s": [1.0230963455388273, 0.9776415193378073, 0.01488172307017188]}, "1544": {"path": [10, 0, 0, 1], "s": [1.0280071592589215, 0.9730327790119472, 0.016871959515283162]}, "1545": {"path": [10, 0, 0, 2], "s": [1.0065606984803335, 0.9941537410231449, -0.026001614586220245]}, "1546": {"path": [10, 0, 0, 2], "s": [1.0083279503260214, 0.9924186319173411, -0.02614278077339911]}, "1547": {"path": [10, 0, 0, 3], "s": [1.0270272068832287, 0.9738653538754758, 0.013646034994737861]}, "1548": {"path": [10, 0, 0, 3], "s": [1.022476504050164, 0.9781668255483146, 0.012352982007896847]}, "1549": {"path": [10, 0, 1, 0], "s": [1.019166742861008, 0.9813515182623354, 0.01268189532875236]}, "1550": {"path": [10, 0, 1, 0], "s": [1.0234548261810985, 0.977279669777988, 0.0141984000138071]}, "1551": {"path": [10, 0, 1, 1], "s": [1.007749878173484, 0.992788827226657, -0.021973158390621837]}, "1552": {"path": [10, 0, 1, 1], "s": [1.0104764222113434, 0.9900798678546694, -0.02126881692208775]}, "1553": {"path": [10, 0, 1, 2], "s": [1.0223991566629154, 0.9782440375077712, 0.012485149517357736]}, "1554": {"path": [10, 0, 1, 2], "s": [1.018756179365113, 0.9817193385650367, 0.011517055411991304]}, "1555": {"path": [10, 0, 1, 3], "s": [1.0049928362143896, 0.9956652296002222, -0.02522742586902109]}, "1556": {"path": [10, 0, 1, 3], "s": [1.0034219262069746, 0.9971998388259434, -0.024742333924085248]}, "1557": {"path": [10, 0, 2, 0], "s": [0.9989178520790006, 1.0015752265412623, -0.022166957214191124]}, "1558": {"path": [10, 0, 2, 0], "s": [1.0022977187666509, 0.9982421866834917, -0.023148790238288475]}, "1559": {"path": [10, 0, 2, 1], "s": [1.0235687233820516, 0.9770401148424969, 0.008228185850362618]}, "1560": {"path": [10, 0, 2, 1], "s": [1.0196405874313232, 0.9808032267242948, 0.008171796112075707]}, "1561": {"path": [10, 0, 2, 2], "s": [0.9936639621603435, 1.0070273872740303, -0.025432727787114327]}, "1562": {"path": [10, 0, 2, 2], "s": [0.9921076461122645, 1.0085029178554141, -0.02331214127626146]}, "1563": {"path": [10, 0, 2, 3], "s": [1.0209762916543257, 0.9795497885132924, 0.009854469396176095]}, "1564": {"path": [10, 0, 2, 3], "s": [1.0256124465215424, 0.9751351645268714, 0.010524342240312014]}, "1565": {"path": [10, 0, 3, 0], "s": [1.0300598829157805, 0.9708963647990235, 0.00902196476599906]}, "1566": {"path": [10, 0, 3, 0], "s": [1.0256472436811022, 0.975066726792757, 0.008631381126186506]}, "1567": {"path": [10, 0, 3, 1], "s": [0.9843606075537058, 1.0168421473518792, -0.030648881766067993]}, "1568": {"path": [10, 0, 3, 1], "s": [0.9844811091809774, 1.016566926842825, -0.0281235789849307]}, "1569": {"path": [10, 0, 3, 2], "s": [1.0281541376476722, 0.9727425806423773, 0.01137141827278012]}, "1570": {"path": [10, 0, 3, 2], "s": [1.0330420740573356, 0.9681693533952527, 0.012636331357676146]}, "1571": {"path": [10, 0, 3, 3], "s": [0.9952381142278588, 1.0055290960962302, -0.027219136651542367]}, "1572": {"path": [10, 0, 3, 3], "s": [0.9967541238557578, 1.0040913094025856, -0.028847068737683165]}, "1573": {"path": [10, 1, 0, 0], "s": [1.0224615840634979, 0.9780683873594372, 0.0061116824165763205]}, "1574": {"path": [10, 1, 0, 0], "s": [1.0269205258391938, 0.9738158130406763, 0.005607744488961026]}, "1575": {"path": [10, 1, 0, 1], "s": [0.9889377722810089, 1.0114891449570962, -0.01731536024152658]}, "1576": {"path": [10, 1, 0, 1], "s": [0.9916063624439412, 1.0089176433570881, -0.021193261543174687]}, "1577": {"path": [10, 1, 0, 2], "s": [1.023630050467613, 0.9769233614607478, 0.002847770190093783]}, "1578": {"path": [10, 1, 0, 2], "s": [1.019690761673339, 0.980706062672572, 0.004112423161197847]}, "1579": {"path": [10, 1, 0, 3], "s": [0.9814851987167135, 1.019221802578175, -0.018738021236177127]}, "1580": {"path": [10, 1, 0, 3], "s": [0.9811197275876226, 1.0194530923391825, -0.014336674794974122]}, "1581": {"path": [10, 1, 1, 0], "s": [0.9816748824718219, 1.018702355664264, -0.005874969828438546]}, "1582": {"path": [10, 1, 1, 0], "s": [0.9813733796861717, 1.0191318478169535, -0.012201058885891892]}, "1583": {"path": [10, 1, 1, 1], "s": [1.0235139262510045, 0.9770343195071166, -0.002869223014473533]}, "1584": {"path": [10, 1, 1, 1], "s": [1.0194022756008723, 0.980967487955329, -0.0006996514370359571]}, "1585": {"path": [10, 1, 1, 2], "s": [0.9737580843460671, 1.02697375561372, -0.004898667176059558]}, "1586": {"path": [10, 1, 1, 2], "s": [0.9763557477017436, 1.0242176183687723, 0.0008709717222826126]}, "1587": {"path": [10, 1, 1, 3], "s": [1.0231449420931218, 0.9773808999666866, 0.0015245652951188188]}, "1588": {"path": [10, 1, 1, 3], "s": [1.027485955325463, 0.9732493929922578, 0.00028692956784731025]}, "1589": {"path": [10, 1, 2, 0], "s": [1.032900505139907, 0.9681500691179661, -0.0016417804917162456]}, "1590": {"path": [10, 1, 2, 0], "s": [1.0284949621227184, 0.9722960454700063, -0.0012587524553929759]}, "1591": {"path": [10, 1, 2, 1], "s": [0.9631852299116554, 1.0382506488846461, -0.005262124274848274]}, "1592": {"path": [10, 1, 2, 1], "s": [0.9664760710133004, 1.0346869194499058, 0.00038553702867451966]}, "1593": {"path": [10, 1, 2, 2], "s": [1.0337161848853091, 0.9673849331280574, 0.0012092926304291631]}, "1594": {"path": [10, 1, 2, 2], "s": [1.0384333317318004, 0.962991566103289, 0.0015938689601514135]}, "1595": {"path": [10, 1, 2, 3], "s": [0.9733098285866012, 1.027484632188458, -0.007803283329233361]}, "1596": {"path": [10, 1, 2, 3], "s": [0.9718485596134104, 1.0291435373142572, -0.013102075191036735]}, "1597": {"path": [10, 1, 3, 0], "s": [0.9704885659143646, 1.030853872983789, -0.020782128363233326]}, "1598": {"path": [10, 1, 3, 0], "s": [0.9717552736802081, 1.0293512881800913, -0.01665961459693652]}, "1599": {"path": [10, 1, 3, 1], "s": [1.031866961371366, 0.9691581605999656, 0.00650278913611581]}, "1600": {"path": [10, 1, 3, 1], "s": [1.0365150850426343, 0.964819135654515, 0.007041906254738537]}, "1601": {"path": [10, 1, 3, 2], "s": [0.9822801501451578, 1.0185037028596748, -0.0213534579963631]}, "1602": {"path": [10, 1, 3, 2], "s": [0.9828287555154209, 1.0181015335551167, -0.024889017905802627]}, "1603": {"path": [10, 1, 3, 3], "s": [1.0318987765185845, 0.9690999796320539, 0.0036170853599619235]}, "1604": {"path": [10, 1, 3, 3], "s": [1.027600253393763, 0.9731555437424356, 0.0038578933723128436]}, "1605": {"path": [10, 2, 0, 0], "s": [0.9616770088875851, 1.039929085950382, -0.00871164921037499]}, "1606": {"path": [10, 2, 0, 0], "s": [0.9587284609707377, 1.0432351224491196, -0.01338668653046334]}, "1607": {"path": [10, 2, 0, 1], "s": [1.0462658385578216, 0.9557800466180121, -0.0001093235070039875]}, "1608": {"path": [10, 2, 0, 1], "s": [1.0410151142946666, 0.9606026062710274, -0.0013534987953186723]}, "1609": {"path": [10, 2, 0, 2], "s": [0.9484240115291032, 1.0544118780049325, -0.005435360279963617]}, "1610": {"path": [10, 2, 0, 2], "s": [0.9529194917922795, 1.0494070747791755, 0.0006755603559109306]}, "1611": {"path": [10, 2, 0, 3], "s": [1.0485600384196758, 0.9536907720909661, 0.0014257012986435827]}, "1612": {"path": [10, 2, 0, 3], "s": [1.0543798687906865, 0.9484359795910059, 0.003435653872322164]}, "1613": {"path": [10, 2, 1, 0], "s": [1.0652826413599847, 0.9387237340000129, 0.0024695875852484154]}, "1614": {"path": [10, 2, 1, 0], "s": [1.0586075649912758, 0.94463761574344, -0.000725397358530109]}, "1615": {"path": [10, 2, 1, 1], "s": [0.9284604162984793, 1.0770568016525186, -0.0021462617286315965]}, "1616": {"path": [10, 2, 1, 1], "s": [0.9347250952004564, 1.069843598069375, 0.0031079020249439562]}, "1617": {"path": [10, 2, 1, 2], "s": [1.069887181172917, 0.9346856276154888, 0.002858568238469045]}, "1618": {"path": [10, 2, 1, 2], "s": [1.0772669880200714, 0.9283149941481528, 0.006564882318122688]}, "1619": {"path": [10, 2, 1, 3], "s": [0.9451250056974746, 1.0580994866201967, -0.006023563763134377]}, "1620": {"path": [10, 2, 1, 3], "s": [0.9397097172780009, 1.064244344631118, -0.008986223234490696]}, "1621": {"path": [10, 2, 2, 0], "s": [0.9278848428873173, 1.0777252207329124, -0.0022129427145067687]}, "1622": {"path": [10, 2, 2, 0], "s": [0.9353288361054553, 1.069196823391894, -0.007114800825779718]}, "1623": {"path": [10, 2, 2, 1], "s": [1.069500358050446, 0.935114959546772, 0.01028513751010021]}, "1624": {"path": [10, 2, 2, 1], "s": [1.0774066717303303, 0.9283129777034723, 0.01306122626591449]}, "1625": {"path": [10, 2, 2, 2], "s": [0.9506390666726702, 1.0524691393616417, -0.022765771336381996]}, "1626": {"path": [10, 2, 2, 2], "s": [0.9430971432428875, 1.0607247489936507, -0.019143681540932895]}, "1627": {"path": [10, 2, 2, 3], "s": [1.064056685547881, 0.9398525051546437, 0.007506100100779372]}, "1628": {"path": [10, 2, 2, 3], "s": [1.0576310668072073, 0.9455314909628131, 0.004845563621379415]}, "1629": {"path": [10, 2, 3, 0], "s": [1.0462960651765123, 0.9558031405406597, 0.007284574870606279]}, "1630": {"path": [10, 2, 3, 0], "s": [1.052047649548447, 0.9506064662461038, 0.00912679898806571]}, "1631": {"path": [10, 2, 3, 1], "s": [0.9709751326202936, 1.030537640076356, -0.02502841871441454]}, "1632": {"path": [10, 2, 3, 1], "s": [0.968701821940956, 1.033095615242223, -0.027597186892031698]}, "1633": {"path": [10, 2, 3, 2], "s": [1.0446993953552448, 0.9572378901387913, 0.005083801640987184]}, "1634": {"path": [10, 2, 3, 2], "s": [1.0396125762507544, 0.9619120043788525, 0.003977059067423748]}, "1635": {"path": [10, 2, 3, 3], "s": [0.9530059948418781, 1.0496951473274865, -0.019125066261925953]}, "1636": {"path": [10, 2, 3, 3], "s": [0.9571323087079338, 1.0450888458853667, -0.016979395371187922]}, "1637": {"path": [10, 3, 0, 0], "s": [1.0612634524662772, 0.9424711062003519, 0.014496206948601943]}, "1638": {"path": [10, 3, 0, 0], "s": [1.0544972839459439, 0.9484458629818346, 0.011557961935882747]}, "1639": {"path": [10, 3, 0, 1], "s": [0.927346967881165, 1.078347184759711, -0.0014114213079319956]}, "1640": {"path": [10, 3, 0, 1], "s": [0.9387155013357811, 1.0658026557641773, -0.022033482037036114]}, "1641": {"path": [10, 3, 0, 2], "s": [1.0661063678616698, 0.9383082835312523, 0.018342194253158573]}, "1642": {"path": [10, 3, 0, 2], "s": [1.076223633565794, 0.9296923130337029, 0.023597441202853495]}, "1643": {"path": [10, 3, 0, 3], "s": [0.9664039511276099, 1.0364686000265344, -0.04058756318558493]}, "1644": {"path": [10, 3, 0, 3], "s": [0.9532840183355997, 1.050190087381398, -0.03360694147276243]}, "1645": {"path": [10, 3, 1, 0], "s": [0.928282179664181, 1.077258698105234, 0.00022877789325851183]}, "1646": {"path": [10, 3, 1, 0], "s": [0.9562357343688467, 1.048020245957355, -0.04641561726886658]}, "1647": {"path": [10, 3, 1, 1], "s": [1.0594893195225394, 0.9442668530916889, 0.020991560918646145]}, "1648": {"path": [10, 3, 1, 1], "s": [1.071636995976788, 0.9342664072603636, 0.034560759808224095]}, "1649": {"path": [10, 3, 1, 2], "s": [1.0017561559989647, 1.000670914755808, -0.04927726641918183]}, "1650": {"path": [10, 3, 1, 2], "s": [0.993561547472159, 1.0092206699532378, -0.0521809407698727]}, "1651": {"path": [10, 3, 1, 3], "s": [1.0550847434009296, 0.9482465359944243, 0.021919240646044967]}, "1652": {"path": [10, 3, 1, 3], "s": [1.048113768914013, 0.9543936774846167, 0.01769616727167695]}, "1653": {"path": [10, 3, 2, 0], "s": [1.0309847268445935, 0.9702962478859145, 0.018989788966532275]}, "1654": {"path": [10, 3, 2, 0], "s": [1.038248690898206, 0.9636717974225201, 0.023043049482486037]}, "1655": {"path": [10, 3, 2, 1], "s": [1.004798102520919, 0.9963164057532442, -0.03311848443576057]}, "1656": {"path": [10, 3, 2, 1], "s": [1.0064118783190532, 0.9947674005896883, -0.033848605850637085]}, "1657": {"path": [10, 3, 2, 2], "s": [1.0357806002299086, 0.9657365062804835, 0.01706277055856065]}, "1658": {"path": [10, 3, 2, 2], "s": [1.0301509285073611, 0.9709413520977391, 0.014701543785558747]}, "1659": {"path": [10, 3, 2, 3], "s": [0.9881786888226858, 1.0137964511756172, -0.042568155419436676]}, "1660": {"path": [10, 3, 2, 3], "s": [0.991810034817334, 1.0099735024091108, -0.04125354032036392]}, "1661": {"path": [10, 3, 3, 0], "s": [0.98739042222075, 1.0139755095724108, -0.034492122552870756]}, "1662": {"path": [10, 3, 3, 0], "s": [0.9860273116760273, 1.0155051299832312, -0.036273865393405096]}, "1663": {"path": [10, 3, 3, 1], "s": [1.0414826336497998, 0.9602856745609539, 0.010993334249302478]}, "1664": {"path": [10, 3, 3, 1], "s": [1.0363303031734301, 0.9650327721928688, 0.009628363252964366]}, "1665": {"path": [10, 3, 3, 2], "s": [0.9644997247552891, 1.0379298824652732, -0.032910271239313095]}, "1666": {"path": [10, 3, 3, 2], "s": [0.9698001632921056, 1.0322620504079048, -0.03298340561295956]}, "1667": {"path": [10, 3, 3, 3], "s": [1.0413164118586666, 0.9604941324687646, 0.01335303836873245]}, "1668": {"path": [10, 3, 3, 3], "s": [1.0472798608261322, 0.9550932614763338, 0.01580942614115003]}, "1669": {"path": [12, 0, 0, 0], "s": [1.0630773273902334, 0.9407445648463048, -0.009177023139183714]}, "1670": {"path": [12, 0, 0, 0], "s": [1.0565394361037348, 0.9465687699305785, -0.00933993660892584]}, "1671": {"path": [12, 0, 0, 1], "s": [0.9274215508454391, 1.0782980985883617, -0.006074114462724704]}, "1672": {"path": [12, 0, 0, 1], "s": [0.9378767648375923, 1.0667385527596263, 0.02166339746515097]}, "1673": {"path": [12, 0, 0, 2], "s": [1.0690457423712967, 0.9354799171260523, -0.008415609155627462]}, "1674": {"path": [12, 0, 0, 2], "s": [1.0774756543449018, 0.9281344092753266, -0.006498457813316005]}, "1675": {"path": [12, 0, 0, 3], "s": [0.9492918067426955, 1.0538707510273244, 0.020757391840258436]}, "1676": {"path": [12, 0, 0, 3], "s": [0.9397336264507293, 1.0641755642517958, 0.006446873241424493]}, "1677": {"path": [12, 0, 1, 0], "s": [0.9283124361918271, 1.0772695459763966, -0.0065357983913895855]}, "1678": {"path": [12, 0, 1, 0], "s": [0.9353631477175512, 1.0692096610708544, 0.00996564846112005]}, "1679": {"path": [12, 0, 1, 1], "s": [1.0697889028991714, 0.9347797903706629, -0.004128727763939274]}, "1680": {"path": [12, 0, 1, 1], "s": [1.0770853504032274, 0.9284318675477722, -0.0006028127532823329]}, "1681": {"path": [12, 0, 1, 2], "s": [0.9449411098140481, 1.058304070920669, 0.005918048369387023]}, "1682": {"path": [12, 0, 1, 2], "s": [0.9387396319910384, 1.0652667433689598, -0.0028479189717442615]}, "1683": {"path": [12, 0, 1, 3], "s": [1.0648501410933662, 0.9391039208157531, -0.0022231918470708776]}, "1684": {"path": [12, 0, 1, 3], "s": [1.0582871574294945, 0.9449373348881781, -0.0038789286939231583]}, "1685": {"path": [12, 0, 2, 0], "s": [1.0494110584511598, 0.9529155081202949, -0.0002683114686176134]}, "1686": {"path": [12, 0, 2, 0], "s": [1.054679905030914, 0.9481559845031218, 0.001031353598505377]}, "1687": {"path": [12, 0, 2, 1], "s": [0.9609702526973619, 1.0406474678683333, 0.0055910791714565275]}, "1688": {"path": [12, 0, 2, 1], "s": [0.9557827217232632, 1.0462631634525719, -0.0005039875895523785]}, "1689": {"path": [12, 0, 2, 2], "s": [1.0452836306973126, 0.9566799527225454, -0.001376371009648872]}, "1690": {"path": [12, 0, 2, 2], "s": [1.0408511857747715, 0.9607549090631954, -0.0016989224116247745]}, "1691": {"path": [12, 0, 2, 3], "s": [0.948630966311139, 1.0541848820705526, 0.00569415043557767]}, "1692": {"path": [12, 0, 2, 3], "s": [0.9558793155679703, 1.04637149494267, 0.014313225200278532]}, "1693": {"path": [12, 0, 3, 0], "s": [0.9683886545022722, 1.0331359261273343, 0.021842834532363978]}, "1694": {"path": [12, 0, 3, 0], "s": [0.9599859404643064, 1.0419513450297275, 0.016082346732164104]}, "1695": {"path": [12, 0, 3, 1], "s": [1.0426283954734823, 0.9591690417096952, -0.007541813151858713]}, "1696": {"path": [12, 0, 3, 1], "s": [1.0390525717804031, 0.9624602009162455, -0.00683717765668106]}, "1697": {"path": [12, 0, 3, 2], "s": [0.9543659553719238, 1.0482881604226275, 0.0212257326567684]}, "1698": {"path": [12, 0, 3, 2], "s": [0.9660153945458069, 1.0360838111713644, 0.029545077952667947]}, "1699": {"path": [12, 0, 3, 3], "s": [1.0479696340222837, 0.9542515205710161, -0.0051591450857722135]}, "1700": {"path": [12, 0, 3, 3], "s": [1.0531264800885873, 0.9495746620807765, -0.004713964195699038]}, "1701": {"path": [12, 1, 0, 0], "s": [0.9638990712728509, 1.0375258265622371, 0.008377388909310722]}, "1702": {"path": [12, 1, 0, 0], "s": [0.9702337010816424, 1.0308674169317242, 0.013502194419408097]}, "1703": {"path": [12, 1, 0, 1], "s": [1.0346581833251354, 0.9665048071380706, 0.0014518706852766473]}, "1704": {"path": [12, 1, 0, 1], "s": [1.03858945778977, 0.9628464210065323, 0.0014636693597045323]}, "1705": {"path": [12, 1, 0, 2], "s": [0.9727091186200301, 1.0280818889726941, 0.004962669830433743]}, "1706": {"path": [12, 1, 0, 2], "s": [0.9681099236864578, 1.0329406505714152, -0.000307241489404781]}, "1707": {"path": [12, 1, 0, 3], "s": [1.0319715803466436, 0.969020516581024, -0.00127823489256442]}, "1708": {"path": [12, 1, 0, 3], "s": [1.0285840922907168, 0.9722103684843435, -0.00034551858343962225]}, "1709": {"path": [12, 1, 1, 0], "s": [1.0240837916955297, 0.9764895743749855, 0.0026731773395506993]}, "1710": {"path": [12, 1, 1, 0], "s": [1.0273876148535688, 0.9733442251062184, 0.0013423350446733326]}, "1711": {"path": [12, 1, 1, 1], "s": [0.9815307828692236, 1.0188389806869766, 0.004671437826894536]}, "1712": {"path": [12, 1, 1, 1], "s": [0.9768726752003944, 1.0236755705577265, -0.0008325551125752292]}, "1713": {"path": [12, 1, 1, 2], "s": [1.022659901758685, 0.9778453257444392, -0.001790184627052639]}, "1714": {"path": [12, 1, 1, 2], "s": [1.0195946942762555, 0.9807825438598313, 0.000823382203099765]}, "1715": {"path": [12, 1, 1, 3], "s": [0.974367763120014, 1.0263675851977088, 0.0077128547230914885]}, "1716": {"path": [12, 1, 1, 3], "s": [0.9805962930015858, 1.0199295490582234, 0.01179554701028299]}, "1717": {"path": [12, 1, 2, 0], "s": [0.9884900586184697, 1.0119067657274403, 0.016117635383183653]}, "1718": {"path": [12, 1, 2, 0], "s": [0.9819288670081453, 1.0186245449202158, 0.014725668072971158]}, "1719": {"path": [12, 1, 2, 1], "s": [1.022122421309203, 0.9784015844918295, -0.006796804657223306]}, "1720": {"path": [12, 1, 2, 1], "s": [1.0204987365917717, 0.9799281806463355, -0.003933230257394827]}, "1721": {"path": [12, 1, 2, 2], "s": [0.9833637821988005, 1.01737255668107, 0.021150064850017816]}, "1722": {"path": [12, 1, 2, 2], "s": [0.9903255406353639, 1.010204430787572, 0.020766537312270524]}, "1723": {"path": [12, 1, 2, 3], "s": [1.0240835198162614, 0.9764893001105418, -0.0025689531177635434]}, "1724": {"path": [12, 1, 2, 3], "s": [1.0266334991772816, 0.9740735021176075, -0.004060533815643638]}, "1725": {"path": [12, 1, 3, 0], "s": [1.0301865322149737, 0.9707437568555608, -0.006866188489043287]}, "1726": {"path": [12, 1, 3, 0], "s": [1.0278718885411755, 0.9729119644636592, -0.0053719919551244435]}, "1727": {"path": [12, 1, 3, 1], "s": [0.9730637878793121, 1.028270432817837, 0.023931617622385146]}, "1728": {"path": [12, 1, 3, 1], "s": [0.9813194948075113, 1.0197056271638192, 0.02563222387494601]}, "1729": {"path": [12, 1, 3, 2], "s": [1.033636596751337, 0.967469965108961, -0.003515991234532881]}, "1730": {"path": [12, 1, 3, 2], "s": [1.0370813832046135, 0.96426105569354, -0.004146011215255445]}, "1731": {"path": [12, 1, 3, 3], "s": [0.9804153354926124, 1.0203404616435865, 0.018905978392647273]}, "1732": {"path": [12, 1, 3, 3], "s": [0.9733748699098265, 1.0276238862408107, 0.01622549185325472]}, "1733": {"path": [12, 2, 0, 0], "s": [1.0238452812912535, 0.9767652826764254, -0.007518350708416748]}, "1734": {"path": [12, 2, 0, 0], "s": [1.0250047607906774, 0.9756865886436984, -0.009132272411976214]}, "1735": {"path": [12, 2, 0, 1], "s": [0.998228219621865, 1.002215594533753, 0.020973521609329315]}, "1736": {"path": [12, 2, 0, 1], "s": [0.9934502469585479, 1.007158591266002, 0.023705510322128583]}, "1737": {"path": [12, 2, 0, 2], "s": [1.0208371578135609, 0.9797027476365785, -0.010815192992419375]}, "1738": {"path": [12, 2, 0, 2], "s": [1.0209788350478706, 0.979514243572394, -0.007956840788688831]}, "1739": {"path": [12, 2, 0, 3], "s": [0.9963997581916066, 1.004347852856808, 0.027054717274121762]}, "1740": {"path": [12, 2, 0, 3], "s": [1.0006654368249452, 0.9998606433426712, 0.022934415941232633]}, "1741": {"path": [12, 2, 1, 0], "s": [1.0068605243054398, 0.9936149936247098, 0.020777714954290996]}, "1742": {"path": [12, 2, 1, 0], "s": [1.0051403713839366, 0.9955028227867503, 0.02490134553857604]}, "1743": {"path": [12, 2, 1, 1], "s": [1.0194242830151232, 0.9811320070508912, -0.013776531894535147]}, "1744": {"path": [12, 2, 1, 1], "s": [1.0205297578246981, 0.9800089475754433, -0.011326691273431581]}, "1745": {"path": [12, 2, 1, 2], "s": [1.0078538819955558, 0.9928806139635304, 0.026049590040443365]}, "1746": {"path": [12, 2, 1, 2], "s": [1.008681457798503, 0.9918368033248405, 0.021151658939839092]}, "1747": {"path": [12, 2, 1, 3], "s": [1.022449041873054, 0.9781727231598635, -0.011478831872477066]}, "1748": {"path": [12, 2, 1, 3], "s": [1.0224243649841767, 0.978233700830433, -0.013037268796667946]}, "1749": {"path": [12, 2, 2, 0], "s": [1.022922686436377, 0.9778238958069861, -0.015435231147101526]}, "1750": {"path": [12, 2, 2, 0], "s": [1.0234459131716818, 0.9772685263317947, -0.013471427006294457]}, "1751": {"path": [12, 2, 2, 1], "s": [1.0058071458075257, 0.9952327924633426, 0.03181594571293513]}, "1752": {"path": [12, 2, 2, 1], "s": [1.0072074509440119, 0.9935304139326222, 0.026291360794480915]}, "1753": {"path": [12, 2, 2, 2], "s": [1.0282360115677889, 0.9727037458033676, -0.013000770050365018]}, "1754": {"path": [12, 2, 2, 2], "s": [1.0284596143578923, 0.9725534906523479, -0.015231150276202778]}, "1755": {"path": [12, 2, 2, 3], "s": [1.003758189589023, 0.996885140009455, 0.02513211817755244]}, "1756": {"path": [12, 2, 2, 3], "s": [1.0006912353566955, 1.0002013254020097, 0.029878084308428584]}, "1757": {"path": [12, 2, 3, 0], "s": [0.9891042789762176, 1.0121071484763695, 0.0328559178900177]}, "1758": {"path": [12, 2, 3, 0], "s": [0.9954933862261768, 1.0054033320638731, 0.029535869029815448]}, "1759": {"path": [12, 2, 3, 1], "s": [1.0317377876038643, 0.9693102484199364, -0.008602976609142332]}, "1760": {"path": [12, 2, 3, 1], "s": [1.0337816375040274, 0.9674211174015561, -0.010108753798402452]}, "1761": {"path": [12, 2, 3, 2], "s": [0.9925305261991493, 1.0081834442747095, 0.02555082095058754]}, "1762": {"path": [12, 2, 3, 2], "s": [0.9859881933930771, 1.0149680543217265, 0.027322485837959733]}, "1763": {"path": [12, 2, 3, 3], "s": [1.0269355917028142, 0.9739098415555341, -0.011944848388502773]}, "1764": {"path": [12, 2, 3, 3], "s": [1.0262241659295228, 0.9745430443945673, -0.009981127002109543]}, "1765": {"path": [12, 3, 0, 0], "s": [0.9995340471340401, 1.00155823347106, 0.03303868250625307]}, "1766": {"path": [12, 3, 0, 0], "s": [0.9937152079253376, 1.0078018985850539, 0.03831544336160503]}, "1767": {"path": [12, 3, 0, 1], "s": [1.0290344545169574, 0.9721448243917868, -0.019248872161374272]}, "1768": {"path": [12, 3, 0, 1], "s": [1.029728353627656, 0.9713861546465077, -0.016243945359671053]}, "1769": {"path": [12, 3, 0, 2], "s": [1.003648630191598, 0.9982718581291274, 0.04375137677970635]}, "1770": {"path": [12, 3, 0, 2], "s": [1.0060564238334684, 0.9952245508970399, 0.03538435511275366]}, "1771": {"path": [12, 3, 0, 3], "s": [1.0399057680250268, 0.9618777692014178, -0.016193836098902008]}, "1772": {"path": [12, 3, 0, 3], "s": [1.0411260338665795, 0.9608491061317231, -0.019105470713082023]}, "1773": {"path": [12, 3, 1, 0], "s": [1.047529528143559, 0.9552526892818421, -0.025600758997940162]}, "1774": {"path": [12, 3, 1, 0], "s": [1.0457416921594493, 0.9566853785953242, -0.021113660897090478]}, "1775": {"path": [12, 3, 1, 1], "s": [0.9263744656330285, 1.0795289376041226, -0.006931284758953699]}, "1776": {"path": [12, 3, 1, 1], "s": [0.9933548559436679, 1.0104013166705588, 0.060721119609035645]}, "1777": {"path": [12, 3, 1, 2], "s": [1.063354422395441, 0.9409015579307605, -0.02262371906724222]}, "1778": {"path": [12, 3, 1, 2], "s": [1.0725966816093278, 0.9329441961600875, -0.025939331679731288]}, "1779": {"path": [12, 3, 1, 3], "s": [0.9857307334208506, 1.0167767129777785, 0.04762410113406208]}, "1780": {"path": [12, 3, 1, 3], "s": [0.9609909010979611, 1.0423403782973928, 0.040983159844039774]}, "1781": {"path": [12, 3, 2, 0], "s": [0.926236264361209, 1.0796796822382906, -0.00620286894034977]}, "1782": {"path": [12, 3, 2, 0], "s": [0.948239692028333, 1.0561749593645877, 0.03882033224888346]}, "1783": {"path": [12, 3, 2, 1], "s": [1.067627696411184, 0.9368904606887742, -0.015817848613771893]}, "1784": {"path": [12, 3, 2, 1], "s": [1.0766391591154674, 0.9290549935254079, -0.01603081411597929]}, "1785": {"path": [12, 3, 2, 2], "s": [0.9609138538331117, 1.0420292930946655, 0.03606083518983603]}, "1786": {"path": [12, 3, 2, 2], "s": [0.9440075002952029, 1.059727058371425, 0.0197557932869798]}, "1787": {"path": [12, 3, 2, 3], "s": [1.0580758724774706, 0.9453982332395254, -0.01740863215679087]}, "1788": {"path": [12, 3, 2, 3], "s": [1.0527587996243566, 0.9501137515297858, -0.015511691303377024]}, "1789": {"path": [12, 3, 3, 0], "s": [1.0451785806620428, 0.9568836330379661, -0.010690062551754035]}, "1790": {"path": [12, 3, 3, 0], "s": [1.0490971436156917, 0.9533324636048698, -0.011762843362822326]}, "1791": {"path": [12, 3, 3, 1], "s": [0.9826071381620256, 1.0187559372042714, 0.03220024754348278]}, "1792": {"path": [12, 3, 3, 1], "s": [0.9724487713872662, 1.0293195368234873, 0.030992240140232014]}, "1793": {"path": [12, 3, 3, 2], "s": [1.0373115442063123, 0.9642208974529446, -0.014052334073381051]}, "1794": {"path": [12, 3, 3, 2], "s": [1.035621550905152, 0.9657443808880085, -0.01207035679565437]}, "1795": {"path": [12, 3, 3, 3], "s": [0.9698909088562716, 1.0324822134461935, 0.03735120315684955]}, "1796": {"path": [12, 3, 3, 3], "s": [0.9839837793524396, 1.0178267649749906, 0.03905159313215137]}, "1797": {"path": [14, 0, 0, 0], "s": [1.0639075082373652, 0.9400325411574856, -0.010376826340410301]}, "1798": {"path": [14, 0, 0, 0], "s": [1.0575451293291314, 0.9457053323623648, -0.01122800162127215]}, "1799": {"path": [14, 0, 0, 1], "s": [0.926833205954614, 1.0789484748194316, -0.0022965140399065793]}, "1800": {"path": [14, 0, 0, 1], "s": [0.9379879988837453, 1.0668042715198358, 0.025487327116076333]}, "1801": {"path": [14, 0, 0, 2], "s": [1.0697306661970756, 0.9348880030388704, -0.008852474819181503]}, "1802": {"path": [14, 0, 0, 2], "s": [1.0783971809938306, 0.9273429346769577, -0.006633744807951526]}, "1803": {"path": [14, 0, 0, 3], "s": [0.949961533054008, 1.053347695475574, 0.02529410272934438]}, "1804": {"path": [14, 0, 0, 3], "s": [0.9399768788705776, 1.063998021738628, 0.011555933469192325]}, "1805": {"path": [14, 0, 1, 0], "s": [0.9281158753978955, 1.0774554907738232, -0.0018830883718473843]}, "1806": {"path": [14, 0, 1, 0], "s": [0.9354873130059708, 1.0692022363474305, 0.015004237422593774]}, "1807": {"path": [14, 0, 1, 1], "s": [1.0697525209695171, 0.9347971203855441, -0.0012554391585710204]}, "1808": {"path": [14, 0, 1, 1], "s": [1.0777167158586767, 0.9278885327929972, 0.0009910825374175021]}, "1809": {"path": [14, 0, 1, 2], "s": [0.9452357045764562, 1.0580787614402611, 0.011568213663698656]}, "1810": {"path": [14, 0, 1, 2], "s": [0.9387908016312757, 1.0652067103475322, 0.0025023009761300347]}, "1811": {"path": [14, 0, 1, 3], "s": [1.0654958282536138, 0.9385403970599315, -0.003298138087970196]}, "1812": {"path": [14, 0, 1, 3], "s": [1.058586204953735, 0.9446846059652586, -0.0054856090799272235]}, "1813": {"path": [14, 0, 2, 0], "s": [1.0492383002987613, 0.9530839799366747, -0.0034950179878251]}, "1814": {"path": [14, 0, 2, 0], "s": [1.055190152261927, 0.9476986242534022, -0.0015018736183290966]}, "1815": {"path": [14, 0, 2, 1], "s": [0.9613012918248044, 1.0403741224836816, 0.010629577821322213]}, "1816": {"path": [14, 0, 2, 1], "s": [0.9560570978322772, 1.045986670433483, 0.004793798690213014]}, "1817": {"path": [14, 0, 2, 2], "s": [1.0461327747208367, 0.9559232186289779, -0.0047549052993708756]}, "1818": {"path": [14, 0, 2, 2], "s": [1.0412531645367158, 0.9604136019601103, -0.0058053686420755975]}, "1819": {"path": [14, 0, 2, 3], "s": [0.9491441544594154, 1.0537085401816262, 0.011013692267111361]}, "1820": {"path": [14, 0, 2, 3], "s": [0.9565464976250456, 1.0458128185167928, 0.019198664631069548]}, "1821": {"path": [14, 0, 3, 0], "s": [0.9691864065429571, 1.0324779399727506, 0.02576013348306901]}, "1822": {"path": [14, 0, 3, 0], "s": [0.960972157823895, 1.0410593616326185, 0.020713791803151017]}, "1823": {"path": [14, 0, 3, 1], "s": [1.0438444750919122, 0.9580942781772426, -0.010070694737147874]}, "1824": {"path": [14, 0, 3, 1], "s": [1.0403302118942854, 0.9613298602834338, -0.010024831617944003]}, "1825": {"path": [14, 0, 3, 2], "s": [0.9554484804858144, 1.0473205508511376, 0.025706592389610646]}, "1826": {"path": [14, 0, 3, 2], "s": [0.9669193863654703, 1.0353409733525796, 0.03303420398775668]}, "1827": {"path": [14, 0, 3, 3], "s": [1.0487520752374442, 0.9535763242961276, -0.008071493223543159]}, "1828": {"path": [14, 0, 3, 3], "s": [1.0540438165388806, 0.9487728885044875, -0.006942364718763237]}, "1829": {"path": [14, 1, 0, 0], "s": [0.9645457598363899, 1.0369356681678272, 0.013111138562004953]}, "1830": {"path": [14, 1, 0, 0], "s": [0.9707160556482072, 1.0304909865882215, 0.01772416096601977]}, "1831": {"path": [14, 1, 0, 1], "s": [1.0345198785844179, 0.9666458063326313, -0.003781825137467333]}, "1832": {"path": [14, 1, 0, 1], "s": [1.0391863984344516, 0.9623007818341996, -0.00314383284210939]}, "1833": {"path": [14, 1, 0, 2], "s": [0.9728410987906797, 1.0280056784037097, 0.009282981273394096]}, "1834": {"path": [14, 1, 0, 2], "s": [0.968346444658216, 1.032707616147058, 0.004329950053469687]}, "1835": {"path": [14, 1, 0, 3], "s": [1.0331050295006035, 0.9679888842025046, -0.005846774348748646]}, "1836": {"path": [14, 1, 0, 3], "s": [1.0292123050829012, 0.9716478225833876, -0.005647584424330315]}, "1837": {"path": [14, 1, 1, 0], "s": [1.0239924521357984, 0.9765817982477795, -0.00351998564367307]}, "1838": {"path": [14, 1, 1, 0], "s": [1.028110916255174, 0.9726761001581492, -0.00434931639500228]}, "1839": {"path": [14, 1, 1, 1], "s": [0.9814071715034957, 1.0190205177196907, 0.008604882294842723]}, "1840": {"path": [14, 1, 1, 1], "s": [0.9770561655836043, 1.0234932050749381, 0.0032165900255872026]}, "1841": {"path": [14, 1, 1, 2], "s": [1.0241864665945588, 0.9764316783174808, -0.006936172357698347]}, "1842": {"path": [14, 1, 1, 2], "s": [1.0206619438207147, 0.9797816189228277, -0.005080520601260473]}, "1843": {"path": [14, 1, 1, 3], "s": [0.9747215507241654, 1.0260796999493063, 0.011916220087548219]}, "1844": {"path": [14, 1, 1, 3], "s": [0.9805485211193272, 1.020085700550755, 0.01560529044961127]}, "1845": {"path": [14, 1, 2, 0], "s": [0.988203061375546, 1.012322157247902, 0.019489866358518317]}, "1846": {"path": [14, 1, 2, 0], "s": [0.9820277553247407, 1.018643829150517, 0.018344291103284515]}, "1847": {"path": [14, 1, 2, 1], "s": [1.0241528952922456, 0.9765125099843669, -0.009905270798279736]}, "1848": {"path": [14, 1, 2, 1], "s": [1.0227265577985547, 0.9778379180541977, -0.0077979495045160776]}, "1849": {"path": [14, 1, 2, 2], "s": [0.9838339980216196, 1.0170467732440291, 0.024600672666828423]}, "1850": {"path": [14, 1, 2, 2], "s": [0.990268932014363, 1.010399408966786, 0.023814777460288584]}, "1851": {"path": [14, 1, 2, 3], "s": [1.0254880309367118, 0.9751982454785156, -0.007357209301062976]}, "1852": {"path": [14, 1, 2, 3], "s": [1.0282932620371275, 0.9725491182542854, -0.0081058806449583]}, "1853": {"path": [14, 1, 3, 0], "s": [1.0318153814555249, 0.9692618465335524, -0.00996403087631738]}, "1854": {"path": [14, 1, 3, 0], "s": [1.029520641477736, 0.9714069796428302, -0.009139847801633221]}, "1855": {"path": [14, 1, 3, 1], "s": [0.9741426134427904, 1.0273296087774773, 0.02766857353842221]}, "1856": {"path": [14, 1, 3, 1], "s": [0.9819023513449291, 1.0192738252896882, 0.028763965586918967]}, "1857": {"path": [14, 1, 3, 2], "s": [1.0346815461818886, 0.9665388044115845, -0.007737221295294658]}, "1858": {"path": [14, 1, 3, 2], "s": [1.0383343271911962, 0.9631370106291992, -0.0076301982025120995]}, "1859": {"path": [14, 1, 3, 3], "s": [0.9807386133161193, 1.0201523608911904, 0.022423465200356013]}, "1860": {"path": [14, 1, 3, 3], "s": [0.9740956699032871, 1.0270138975579073, 0.020243283865402247]}, "1861": {"path": [14, 2, 0, 0], "s": [1.02581955004004, 0.9749364285205282, -0.010433044741232113]}, "1862": {"path": [14, 2, 0, 0], "s": [1.0268389332990566, 0.9739925394744409, -0.011552500819099663]}, "1863": {"path": [14, 2, 0, 1], "s": [0.997929353976456, 1.0026304858730115, 0.023545552538730287]}, "1864": {"path": [14, 2, 0, 1], "s": [0.9934405719088446, 1.0073164683056532, 0.026627962121894007]}, "1865": {"path": [14, 2, 0, 2], "s": [1.0225308361390677, 0.9781165733199922, -0.012424071730850465]}, "1866": {"path": [14, 2, 0, 2], "s": [1.0230935123609346, 0.9775237973818369, -0.009912380126955334]}, "1867": {"path": [14, 2, 0, 3], "s": [0.9967849821998697, 1.004110501880508, 0.029703009000186586]}, "1868": {"path": [14, 2, 0, 3], "s": [1.000607216142981, 1.00002700555555, 0.02518408419500248]}, "1869": {"path": [14, 2, 1, 0], "s": [1.0067205129936765, 0.9938296467893922, 0.022554197927249133]}, "1870": {"path": [14, 2, 1, 0], "s": [1.0051872403488353, 0.9955699758657254, 0.02709680081902805]}, "1871": {"path": [14, 2, 1, 1], "s": [1.0205358346803273, 0.9800880600770701, -0.014662416273521233]}, "1872": {"path": [14, 2, 1, 1], "s": [1.0219678126202627, 0.9786511479343344, -0.012246345281818864]}, "1873": {"path": [14, 2, 1, 2], "s": [1.0082448109290172, 0.9926020026635094, 0.02803245446325815]}, "1874": {"path": [14, 2, 1, 2], "s": [1.0087477986234155, 0.9918393640046588, 0.02271068091776428]}, "1875": {"path": [14, 2, 1, 3], "s": [1.0241791908729991, 0.9765575356009817, -0.013034824615003764]}, "1876": {"path": [14, 2, 1, 3], "s": [1.023957226042484, 0.9768058094842452, -0.01440024519478475]}, "1877": {"path": [14, 2, 2, 0], "s": [1.0243103756356804, 0.9765363759946968, -0.016623541049770575]}, "1878": {"path": [14, 2, 2, 0], "s": [1.025061725096228, 0.9757630726021703, -0.01474376094402451]}, "1879": {"path": [14, 2, 2, 1], "s": [1.0066605017399337, 0.9945232062410807, 0.03387078072106446]}, "1880": {"path": [14, 2, 2, 1], "s": [1.0075779727409548, 0.993257775298095, 0.02801170548263168]}, "1881": {"path": [14, 2, 2, 2], "s": [1.0299930531216623, 0.9710916816610935, -0.01475418771598738]}, "1882": {"path": [14, 2, 2, 2], "s": [1.0299516483845577, 0.971191956801441, -0.016755799159363097]}, "1883": {"path": [14, 2, 2, 3], "s": [1.003966626547088, 0.9967799487382233, 0.027088790015308447]}, "1884": {"path": [14, 2, 2, 3], "s": [1.0013619601383397, 0.9996748754049198, 0.032193054165784704]}, "1885": {"path": [14, 2, 3, 0], "s": [0.9901185064995146, 1.011255045402168, 0.03552935749058336]}, "1886": {"path": [14, 2, 3, 0], "s": [0.9958899233040975, 1.0051424548095582, 0.031800035062611115]}, "1887": {"path": [14, 2, 3, 1], "s": [1.0334179783012125, 0.9677901577703171, -0.011478164609974306]}, "1888": {"path": [14, 2, 3, 1], "s": [1.0352853974649494, 0.9660670558422654, -0.012454552800197971]}, "1889": {"path": [14, 2, 3, 2], "s": [0.9927766658514584, 1.008076314228024, 0.02818939806248207]}, "1890": {"path": [14, 2, 3, 2], "s": [0.9867788779471204, 1.0143341080574693, 0.030388698761931704]}, "1891": {"path": [14, 2, 3, 3], "s": [1.0285686027292507, 0.9724111310882977, -0.01384046176466109]}, "1892": {"path": [14, 2, 3, 3], "s": [1.0281035041440982, 0.9728102421934819, -0.012231879102872885]}, "1893": {"path": [14, 3, 0, 0], "s": [0.99994654716259, 1.0012776016680243, 0.03498686237975624]}, "1894": {"path": [14, 3, 0, 0], "s": [0.9948069764333549, 1.0068774096893414, 0.04060383691354992]}, "1895": {"path": [14, 3, 0, 1], "s": [1.030452881638159, 0.9708559709229271, -0.020526395035212863]}, "1896": {"path": [14, 3, 0, 1], "s": [1.0314274636485092, 0.9698309629192716, -0.017615057525175372]}, "1897": {"path": [14, 3, 0, 2], "s": [1.004598462896819, 0.9975052047438513, 0.04574052270415961]}, "1898": {"path": [14, 3, 0, 2], "s": [1.006377219669179, 0.9950316437973362, 0.037110364692573214]}, "1899": {"path": [14, 3, 0, 3], "s": [1.0415792732896827, 0.9603840312267812, -0.017779238572135585]}, "1900": {"path": [14, 3, 0, 3], "s": [1.042411382293167, 0.9597139873134554, -0.020415291364701875]}, "1901": {"path": [14, 3, 1, 0], "s": [1.0488893198890885, 0.9540579462082325, -0.026479998737434143]}, "1902": {"path": [14, 3, 1, 0], "s": [1.0475435355715266, 0.9550867378230617, -0.022247204692912623]}, "1903": {"path": [14, 3, 1, 1], "s": [0.9257275388589079, 1.080268429076909, -0.005850996184015132]}, "1904": {"path": [14, 3, 1, 1], "s": [0.9916697343703287, 1.012271655189704, 0.06196098298595974]}, "1905": {"path": [14, 3, 1, 2], "s": [1.064982032209492, 0.9394910983637896, -0.023262398375865107]}, "1906": {"path": [14, 3, 1, 2], "s": [1.0733034408860564, 0.9323402544330315, -0.026153454065456536]}, "1907": {"path": [14, 3, 1, 3], "s": [0.9858062007077661, 1.0168785706140895, 0.049448966401934684]}, "1908": {"path": [14, 3, 1, 3], "s": [0.9625548574410452, 1.0409349342616572, 0.0442377356295855]}, "1909": {"path": [14, 3, 2, 0], "s": [0.9255299535630819, 1.0804771205569212, -0.003733525816120866]}, "1910": {"path": [14, 3, 2, 0], "s": [0.9480994759520026, 1.0565073943510184, 0.04091585174008075]}, "1911": {"path": [14, 3, 2, 1], "s": [1.0688297104845592, 0.9358655516925638, -0.01676027052396278]}, "1912": {"path": [14, 3, 2, 1], "s": [1.0774994564042861, 0.9283236893649034, -0.016378969989118933]}, "1913": {"path": [14, 3, 2, 2], "s": [0.961617235548966, 1.0415023274420232, 0.039071587280439746]}, "1914": {"path": [14, 3, 2, 2], "s": [0.9447124965715037, 1.0591442702532246, 0.0242245284851338]}, "1915": {"path": [14, 3, 2, 3], "s": [1.059002609678174, 0.9446022836008441, -0.01833803264411698]}, "1916": {"path": [14, 3, 2, 3], "s": [1.0542079645990663, 0.9488543220379841, -0.01702302959788123]}, "1917": {"path": [14, 3, 3, 0], "s": [1.0465618181462766, 0.9556706108372646, -0.012975824706341238]}, "1918": {"path": [14, 3, 3, 0], "s": [1.0501938200089116, 0.9523781427509331, -0.013477382112018156]}, "1919": {"path": [14, 3, 3, 1], "s": [0.9833027916297069, 1.0182186915134355, 0.034889566559484185]}, "1920": {"path": [14, 3, 3, 1], "s": [0.9737682525119231, 1.0281525948858086, 0.03438539860977394]}, "1921": {"path": [14, 3, 3, 2], "s": [1.038682289527826, 0.9629988997674879, -0.015808289701003845]}, "1922": {"path": [14, 3, 3, 2], "s": [1.03728655779509, 0.9642489499595983, -0.014229341556193223]}, "1923": {"path": [14, 3, 3, 3], "s": [0.9712951447341538, 1.0312366379867346, 0.04043685878610806]}, "1924": {"path": [14, 3, 3, 3], "s": [0.984552581920948, 1.0174216352134793, 0.0412928305116519]}, "1925": {"path": [15, 0, 0, 0], "s": [1.0163464509034392, 0.9846347536234441, 0.027019202086100817]}, "1926": {"path": [15, 0, 0, 0], "s": [1.0142576364605156, 0.9864358285766868, 0.022362289957888998]}, "1927": {"path": [15, 0, 0, 1], "s": [1.0252420185174071, 0.9756625485979517, -0.017036452576715762]}, "1928": {"path": [15, 0, 0, 1], "s": [1.0240055783399362, 0.9769173001814131, -0.019203253957509495]}, "1929": {"path": [15, 0, 0, 2], "s": [1.0116315777068865, 0.9890217233968799, 0.02292610796384485]}, "1930": {"path": [15, 0, 0, 2], "s": [1.012303473223907, 0.9886177964559622, 0.027950474832026975]}, "1931": {"path": [15, 0, 0, 3], "s": [1.0210770758733767, 0.9796748130223378, -0.01798592192931646]}, "1932": {"path": [15, 0, 0, 3], "s": [1.022130439048499, 0.9786151327209106, -0.016501977685394874]}, "1933": {"path": [15, 0, 1, 0], "s": [1.0219538097993266, 0.9787430564415827, -0.015172189858755427]}, "1934": {"path": [15, 0, 1, 0], "s": [1.0212966089192845, 0.9794085044647962, -0.016327411203446256]}, "1935": {"path": [15, 0, 1, 1], "s": [1.0134281249740344, 0.9871390290322347, 0.019860898288525625]}, "1936": {"path": [15, 0, 1, 1], "s": [1.0138071928609056, 0.986936992755227, 0.023744939582148985]}, "1937": {"path": [15, 0, 1, 2], "s": [1.0198168386377224, 0.9808372419244771, -0.01656306969027077]}, "1938": {"path": [15, 0, 1, 2], "s": [1.0211333958803805, 0.9795139390117846, -0.014642228494043934]}, "1939": {"path": [15, 0, 1, 3], "s": [1.015883060124155, 0.9849235132652401, 0.023814126986441676]}, "1940": {"path": [15, 0, 1, 3], "s": [1.0145477754713161, 0.986037821697885, 0.01955705842328365]}, "1941": {"path": [15, 0, 2, 0], "s": [1.0187971637439737, 0.9818569244976454, 0.01769321566538976]}, "1942": {"path": [15, 0, 2, 0], "s": [1.0197292142054506, 0.9810611908003162, 0.020414631573208553]}, "1943": {"path": [15, 0, 2, 1], "s": [1.021506275290268, 0.9792648513835891, -0.01803304909127769]}, "1944": {"path": [15, 0, 2, 1], "s": [1.022181394234559, 0.9785754695126031, -0.016782067516570954]}, "1945": {"path": [15, 0, 2, 2], "s": [1.0208059424970573, 0.9800278765468394, 0.020451899466462708]}, "1946": {"path": [15, 0, 2, 2], "s": [1.0191149559519135, 0.9815452048019574, 0.01753277378393222]}, "1947": {"path": [15, 0, 2, 3], "s": [1.0209421844158162, 0.9797647638481911, -0.016827899952831533]}, "1948": {"path": [15, 0, 2, 3], "s": [1.0204626565127153, 0.9802479225870897, -0.017504260175501885]}, "1949": {"path": [15, 0, 3, 0], "s": [1.0203291394345901, 0.9804071097825072, -0.018383215712619486]}, "1950": {"path": [15, 0, 3, 0], "s": [1.021018569337676, 0.9797149457770936, -0.01752576092689922]}, "1951": {"path": [15, 0, 3, 1], "s": [1.0203520476923746, 0.9805189514100344, 0.02178347705049283]}, "1952": {"path": [15, 0, 3, 1], "s": [1.0176369633178481, 0.9830039802490312, 0.01847120434573825]}, "1953": {"path": [15, 0, 3, 2], "s": [1.0215563567858286, 0.9792239257442118, -0.018232554971118975]}, "1954": {"path": [15, 0, 3, 2], "s": [1.0203037696280426, 0.9804800576520174, -0.019684990918800323]}, "1955": {"path": [15, 0, 3, 3], "s": [1.0163565412830495, 0.9842685260056218, 0.019176933666224305]}, "1956": {"path": [15, 0, 3, 3], "s": [1.0183753028276834, 0.9824729053855326, 0.022937797234812516]}, "1957": {"path": [15, 1, 0, 0], "s": [1.0223244623821177, 0.9784802761220851, -0.018008948831501836]}, "1958": {"path": [15, 1, 0, 0], "s": [1.0222921267502076, 0.9785147705308205, -0.01810927448700538]}, "1959": {"path": [15, 1, 0, 1], "s": [1.023916599585894, 0.9769221622061682, 0.01693571333717645]}, "1960": {"path": [15, 1, 0, 1], "s": [1.0247038049925865, 0.9762346739492762, 0.01874526504268083]}, "1961": {"path": [15, 1, 0, 2], "s": [1.0260315016014034, 0.9749749430113468, -0.01884157110422366]}, "1962": {"path": [15, 1, 0, 2], "s": [1.0261127376295052, 0.9748775747986855, -0.01828379419831571]}, "1963": {"path": [15, 1, 0, 3], "s": [1.0249460168444902, 0.9760173368193511, 0.019107112397241627]}, "1964": {"path": [15, 1, 0, 3], "s": [1.0235668912894493, 0.977266476425155, 0.017251354610274026]}, "1965": {"path": [15, 1, 1, 0], "s": [1.0297519314918409, 0.9714006669339884, 0.017369888535549334]}, "1966": {"path": [15, 1, 1, 0], "s": [1.0303151932712136, 0.9709207824630832, 0.01882640790191361]}, "1967": {"path": [15, 1, 1, 1], "s": [1.0328635594151672, 0.9685386702187014, -0.01919110088873181]}, "1968": {"path": [15, 1, 1, 1], "s": [1.0331275926575747, 0.9682746369762941, -0.018741524236485358]}, "1969": {"path": [15, 1, 1, 2], "s": [1.0294965991950802, 0.9717393765392168, 0.02005949777713909]}, "1970": {"path": [15, 1, 1, 2], "s": [1.0287982356447996, 0.9723543627810299, 0.01887995896835845]}, "1971": {"path": [15, 1, 1, 3], "s": [1.0265058110944871, 0.974519237499483, -0.01869920630907499]}, "1972": {"path": [15, 1, 1, 3], "s": [1.0269291511741476, 0.974095897419824, -0.018096217824724925]}, "1973": {"path": [15, 1, 2, 0], "s": [1.025989831193946, 0.9750004812342447, -0.018454786791861046]}, "1974": {"path": [15, 1, 2, 0], "s": [1.0266199827948097, 0.9743864618179444, -0.018017010490917643]}, "1975": {"path": [15, 1, 2, 1], "s": [1.0242136645975688, 0.9767248143442935, 0.01936237079875902]}, "1976": {"path": [15, 1, 2, 1], "s": [1.0228149404325606, 0.978023821359502, 0.018367813844987195]}, "1977": {"path": [15, 1, 2, 2], "s": [1.022236251999433, 0.978570645281596, -0.018176598948287326]}, "1978": {"path": [15, 1, 2, 2], "s": [1.0221045663165012, 0.9787001721877, -0.018273342545755175]}, "1979": {"path": [15, 1, 2, 3], "s": [1.0233758015053076, 0.977457566209296, 0.01750486380597745]}, "1980": {"path": [15, 1, 2, 3], "s": [1.025029662668573, 0.9759336909952682, 0.018999528093477644]}, "1981": {"path": [15, 1, 3, 0], "s": [1.022465186047811, 0.9783907132195319, 0.01924688596784821]}, "1982": {"path": [15, 1, 3, 0], "s": [1.0200431073535168, 0.9806375918083209, 0.01710603214743763]}, "1983": {"path": [15, 1, 3, 1], "s": [1.0205217496023102, 0.9802232089224029, -0.01841478129873741]}, "1984": {"path": [15, 1, 3, 1], "s": [1.0198034811147072, 0.9809414774100088, -0.019171161480903115]}, "1985": {"path": [15, 1, 3, 2], "s": [1.019851039277671, 0.9808296598841665, 0.017324779572383625]}, "1986": {"path": [15, 1, 3, 2], "s": [1.021921485643591, 0.9789344136237516, 0.01985221191762483]}, "1987": {"path": [15, 1, 3, 3], "s": [1.0223228664185495, 0.9784908312568054, -0.01826338891679467]}, "1988": {"path": [15, 1, 3, 3], "s": [1.022542460229314, 0.9782712374460429, -0.017996608281837696]}, "1989": {"path": [15, 2, 0, 0], "s": [1.0198433423913094, 0.9808168183625615, 0.01671832265763266]}, "1990": {"path": [15, 2, 0, 0], "s": [1.0226048060809512, 0.9782290129629452, 0.01848486147454459]}, "1991": {"path": [15, 2, 0, 1], "s": [1.0202454877821, 0.9805113759650668, -0.01903436490595331]}, "1992": {"path": [15, 2, 0, 1], "s": [1.0214908972109862, 0.9792802294628717, -0.01805104470686086]}, "1993": {"path": [15, 2, 0, 2], "s": [1.0218841279887922, 0.9789062770169735, 0.01813249216861844]}, "1994": {"path": [15, 2, 0, 2], "s": [1.0195319371653844, 0.9811221510762341, 0.016892817486203162]}, "1995": {"path": [15, 2, 0, 3], "s": [1.018231246972097, 0.9824793321277084, -0.019777650940094163]}, "1996": {"path": [15, 2, 0, 3], "s": [1.0175750476075283, 0.9831319006564823, -0.020260567983165275]}, "1997": {"path": [15, 2, 1, 0], "s": [1.0145147775517485, 0.9861325573404178, -0.02111994428850225]}, "1998": {"path": [15, 2, 1, 0], "s": [1.016550175932748, 0.9841039046294506, -0.01977365386504906]}, "1999": {"path": [15, 2, 1, 1], "s": [1.0221917203801396, 0.9785524652359914, 0.016377665334380342]}, "2000": {"path": [15, 2, 1, 1], "s": [1.0189234783283034, 0.9816436756779656, 0.014825265622376311]}, "2001": {"path": [15, 2, 1, 2], "s": [1.0131273710162039, 0.9875777423678765, -0.023281791152879868]}, "2002": {"path": [15, 2, 1, 2], "s": [1.0119218085481434, 0.9887750576927601, -0.023728561434575895]}, "2003": {"path": [15, 2, 1, 3], "s": [1.0190307388604307, 0.9815548583087705, 0.015315759675321741]}, "2004": {"path": [15, 2, 1, 3], "s": [1.0228651661788508, 0.9779414072105448, 0.01738390058625916]}, "2005": {"path": [15, 2, 2, 0], "s": [1.0250503815663137, 0.9758708881135546, 0.01779961292434381]}, "2006": {"path": [15, 2, 2, 0], "s": [1.020667390158647, 0.9799859109451193, 0.01548102440405906]}, "2007": {"path": [15, 2, 2, 1], "s": [1.0130009559402084, 0.9879219225811419, -0.027674030587959874]}, "2008": {"path": [15, 2, 2, 1], "s": [1.0110648871909071, 0.9898396799244494, -0.028145058534232638]}, "2009": {"path": [15, 2, 2, 2], "s": [1.0201910534108507, 0.9805024116263515, 0.017314392538205485]}, "2010": {"path": [15, 2, 2, 2], "s": [1.0245605291845263, 0.9764206753423564, 0.020052028213550933]}, "2011": {"path": [15, 2, 2, 3], "s": [1.0142839951774536, 0.9864615765919557, -0.02349870197986858]}, "2012": {"path": [15, 2, 2, 3], "s": [1.0157397111240114, 0.9850121777717077, -0.022715301086817262]}, "2013": {"path": [15, 2, 3, 0], "s": [1.0182234063923257, 0.9825604208877364, -0.021587467257320667]}, "2014": {"path": [15, 2, 3, 0], "s": [1.0167823465097874, 0.9839979360202551, -0.022621457677647068]}, "2015": {"path": [15, 2, 3, 1], "s": [1.0185620119092151, 0.9820789316576639, 0.0175582596769413]}, "2016": {"path": [15, 2, 3, 1], "s": [1.0217842635016412, 0.9790867356007689, 0.02038183112621766]}, "2017": {"path": [15, 2, 3, 2], "s": [1.0187672763145017, 0.9819662388002676, -0.019876381344311154]}, "2018": {"path": [15, 2, 3, 2], "s": [1.019579284171222, 0.981156965045871, -0.019165491934185885]}, "2019": {"path": [15, 2, 3, 3], "s": [1.0225552539300387, 0.9782929542831769, 0.018936744308401875]}, "2020": {"path": [15, 2, 3, 3], "s": [1.0190417420032645, 0.9815833252854059, 0.01656447162444963]}, "2021": {"path": [15, 3, 0, 0], "s": [1.015382155360445, 0.9855787205148323, -0.02718539155025414]}, "2022": {"path": [15, 3, 0, 0], "s": [1.0177172011514366, 0.9832542916675121, -0.02597702323204681]}, "2023": {"path": [15, 3, 0, 1], "s": [1.0296159710583594, 0.9717005516256171, 0.021872517915261003]}, "2024": {"path": [15, 3, 0, 1], "s": [1.0239001423765235, 0.9770070568019306, 0.018912021636115998]}, "2025": {"path": [15, 3, 0, 2], "s": [1.0185348380331833, 0.9829142721307008, -0.03365158191153009]}, "2026": {"path": [15, 3, 0, 2], "s": [1.0135904556452469, 0.9878216337187166, -0.03530693723883462]}, "2027": {"path": [15, 3, 0, 3], "s": [1.0216277226471715, 0.9793214112028489, 0.02240319322732906]}, "2028": {"path": [15, 3, 0, 3], "s": [1.0274894990951815, 0.9738853809891859, 0.025632055881222703]}, "2029": {"path": [15, 3, 1, 0], "s": [1.0424042590722562, 0.9602819844936332, 0.03165486607966012]}, "2030": {"path": [15, 3, 1, 0], "s": [1.027798408713415, 0.973708023233597, 0.027848820997948925]}, "2031": {"path": [15, 3, 1, 1], "s": [1.0577750486346529, 0.9459325827869993, -0.024163686859096995]}, "2032": {"path": [15, 3, 1, 1], "s": [1.0364509185344424, 0.9672567128872116, -0.05014088681463418]}, "2033": {"path": [15, 3, 1, 2], "s": [1.019499083759973, 0.982007348187039, 0.03399399538516622]}, "2034": {"path": [15, 3, 1, 2], "s": [1.0343295721980192, 0.9683566713678703, 0.039999270381181194]}, "2035": {"path": [15, 3, 1, 3], "s": [1.022863013561858, 0.9785744567575404, -0.030783401918528613]}, "2036": {"path": [15, 3, 1, 3], "s": [1.0269736311816613, 0.9744638391377428, -0.027361786025516723]}, "2037": {"path": [15, 3, 2, 0], "s": [1.0317825105314329, 0.9696295788325321, -0.02113861711100397]}, "2038": {"path": [15, 3, 2, 0], "s": [1.0283951683538164, 0.97305394181007, -0.026152864185601525]}, "2039": {"path": [15, 3, 2, 1], "s": [1.01208019128762, 0.9888270078908348, 0.027788977968270463]}, "2040": {"path": [15, 3, 2, 1], "s": [1.0140933869582662, 0.9872231357257111, 0.03371132438286045]}, "2041": {"path": [15, 3, 2, 2], "s": [1.0225192213291185, 0.9784522714898292, -0.022051184809171898]}, "2042": {"path": [15, 3, 2, 2], "s": [1.0244089801126173, 0.976551895762661, -0.019711204054319933]}, "2043": {"path": [15, 3, 2, 3], "s": [1.0218200956188064, 0.9795547844655613, 0.030475621838757815]}, "2044": {"path": [15, 3, 2, 3], "s": [1.0170397005111884, 0.9839094333388322, 0.02597990402329237]}, "2045": {"path": [15, 3, 3, 0], "s": [1.0168221741311536, 0.9838929914564821, 0.02107630625098715]}, "2046": {"path": [15, 3, 3, 0], "s": [1.0201953524248584, 0.9808208051826546, 0.025076423368399495]}, "2047": {"path": [15, 3, 3, 1], "s": [1.0188340354760665, 0.9819588611471767, -0.02128636122166943]}, "2048": {"path": [15, 3, 3, 1], "s": [1.0202366986190397, 0.9805561980042015, -0.019985451264476203]}, "2049": {"path": [15, 3, 3, 2], "s": [1.0230024116326704, 0.9780137459748423, 0.022592493048926576]}, "2050": {"path": [15, 3, 3, 2], "s": [1.0188736614070204, 0.9818415041806159, 0.019298919293082313]}, "2051": {"path": [15, 3, 3, 3], "s": [1.0220666999097003, 0.9789236274227338, -0.0229181444185245]}, "2052": {"path": [15, 3, 3, 3], "s": [1.0194747617354643, 0.9815155655969718, -0.025106719750345695]}, "2053": {"path": [16, 0, 0, 0], "s": [1.0011217293695642, 1.0000218758164345, -0.033817594898861915]}, "2054": {"path": [16, 0, 0, 0], "s": [1.000059078033968, 1.001025656748787, -0.03293623197237729]}, "2055": {"path": [16, 0, 0, 1], "s": [1.0245525236106916, 0.9762832244283582, 0.015919841294984607]}, "2056": {"path": [16, 0, 0, 1], "s": [1.0296097938943525, 0.9715739140866617, 0.01849371341555726]}, "2057": {"path": [16, 0, 0, 2], "s": [1.0069530248062792, 0.9938717728921159, -0.02796762384072343]}, "2058": {"path": [16, 0, 0, 2], "s": [1.0087696886376947, 0.9920770629926813, -0.027879561325929586]}, "2059": {"path": [16, 0, 0, 3], "s": [1.0287013577427224, 0.9723354778005362, 0.015582881467492612]}, "2060": {"path": [16, 0, 0, 3], "s": [1.0240661973211478, 0.976680377964163, 0.013614722176439288]}, "2061": {"path": [16, 0, 1, 0], "s": [1.0204060434332574, 0.9801811191948168, 0.013518050361075888]}, "2062": {"path": [16, 0, 1, 0], "s": [1.0250097560619762, 0.975837057530551, 0.015572549426047903]}, "2063": {"path": [16, 0, 1, 1], "s": [1.0075832448108075, 0.9930357157437913, -0.023793879090030196]}, "2064": {"path": [16, 0, 1, 1], "s": [1.0105294812753467, 0.9900944134820518, -0.02279460615227803]}, "2065": {"path": [16, 0, 1, 2], "s": [1.0240180166305364, 0.9767391995840252, 0.01409034858798041]}, "2066": {"path": [16, 0, 1, 2], "s": [1.0201180652283461, 0.9804320945547225, 0.012509651671339701]}, "2067": {"path": [16, 0, 1, 3], "s": [1.0052042091102282, 0.9955588264164998, -0.027201520742494958]}, "2068": {"path": [16, 0, 1, 3], "s": [1.0035487408676587, 0.9971879856063236, -0.02695825223528598]}, "2069": {"path": [16, 0, 2, 0], "s": [0.9986047259686959, 1.002012583774076, -0.024789143528859466]}, "2070": {"path": [16, 0, 2, 0], "s": [1.0021740143950963, 0.9984733950639637, -0.025378940047897026]}, "2071": {"path": [16, 0, 2, 1], "s": [1.0254858732028331, 0.9752711670116632, 0.011260742093733593]}, "2072": {"path": [16, 0, 2, 1], "s": [1.021624975984525, 0.978934863864941, 0.010213069393406559]}, "2073": {"path": [16, 0, 2, 2], "s": [0.9938819381553231, 1.0069495346181738, -0.028088344396068065]}, "2074": {"path": [16, 0, 2, 2], "s": [0.9922219390111442, 1.0085340395494244, -0.02626024143969891]}, "2075": {"path": [16, 0, 2, 3], "s": [1.02276715484566, 0.9778670668528712, 0.011415681424322161]}, "2076": {"path": [16, 0, 2, 3], "s": [1.0274421054441751, 0.9734533786362025, 0.012922418416292629]}, "2077": {"path": [16, 0, 3, 0], "s": [1.0316428528229973, 0.9694701331815925, 0.012121630342033602]}, "2078": {"path": [16, 0, 3, 0], "s": [1.0275244241970105, 0.9733285558824706, 0.01090247392309029]}, "2079": {"path": [16, 0, 3, 1], "s": [0.9851018071533051, 1.0162506461539074, -0.03332188540478367]}, "2080": {"path": [16, 0, 3, 1], "s": [0.9853008474560453, 1.0159072886154854, -0.031213977792179257]}, "2081": {"path": [16, 0, 3, 2], "s": [1.0298673085805257, 0.9711650695331284, 0.01308267356095626]}, "2082": {"path": [16, 0, 3, 2], "s": [1.0345640311713578, 0.9668095207303238, 0.015045103576002293]}, "2083": {"path": [16, 0, 3, 3], "s": [0.9956584791048343, 1.005255267232743, -0.029848458671727293]}, "2084": {"path": [16, 0, 3, 3], "s": [0.9971913740630711, 1.003788359754473, -0.031130270350266994]}, "2085": {"path": [16, 1, 0, 0], "s": [1.024532563264838, 0.9761357777163107, 0.009104418608999867]}, "2086": {"path": [16, 1, 0, 0], "s": [1.0285206976395826, 0.9723600736260642, 0.009615679006487734]}, "2087": {"path": [16, 1, 0, 1], "s": [0.9886635199896361, 1.0119009558631133, -0.02072585111654928]}, "2088": {"path": [16, 1, 0, 1], "s": [0.9914428447035966, 1.0092225605730165, -0.02421748115634946]}, "2089": {"path": [16, 1, 0, 2], "s": [1.025014640574883, 0.9756569439003743, 0.007915281197233366]}, "2090": {"path": [16, 1, 0, 2], "s": [1.021723105944559, 0.978802112678888, 0.008045785938572638]}, "2091": {"path": [16, 1, 0, 3], "s": [0.9817663782849615, 1.0190760020064509, -0.02223860802725516]}, "2092": {"path": [16, 1, 0, 3], "s": [0.9813166040696195, 1.0193696723456076, -0.018010695648766627]}, "2093": {"path": [16, 1, 1, 0], "s": [0.9815893230882472, 1.0188542396552935, -0.009820561533388094]}, "2094": {"path": [16, 1, 1, 0], "s": [0.981242341809798, 1.0193758031022386, -0.015959330195418193]}, "2095": {"path": [16, 1, 1, 1], "s": [1.0234159024225657, 0.9771334682359765, 0.0037323159047360018]}, "2096": {"path": [16, 1, 1, 1], "s": [1.02022374895323, 0.9802039402699554, 0.005228640448606469]}, "2097": {"path": [16, 1, 1, 2], "s": [0.9738721375308971, 1.0269148788824254, -0.009153587248206547]}, "2098": {"path": [16, 1, 1, 2], "s": [0.9765462973887269, 1.024027952994851, -0.0032719901710819375]}, "2099": {"path": [16, 1, 1, 3], "s": [1.0246773609560613, 0.9759568607140211, 0.006395345448514414]}, "2100": {"path": [16, 1, 1, 3], "s": [1.0280775510778812, 0.9727236995955916, 0.005949702148208418]}, "2101": {"path": [16, 1, 2, 0], "s": [1.032748718755734, 0.9683053420495403, 0.004012650744270447]}, "2102": {"path": [16, 1, 2, 0], "s": [1.0292398386280972, 0.9716069385662911, 0.004070461879045528]}, "2103": {"path": [16, 1, 2, 1], "s": [0.963505979150622, 1.0379812011180292, -0.01005452749588137]}, "2104": {"path": [16, 1, 2, 1], "s": [0.9667271862614739, 1.0344384986555757, -0.004451872173328967]}, "2105": {"path": [16, 1, 2, 2], "s": [1.0349205057123883, 0.9662865365240413, 0.005454451625342825]}, "2106": {"path": [16, 1, 2, 2], "s": [1.0387390023047705, 0.9627424256994473, 0.006173066297894372]}, "2107": {"path": [16, 1, 2, 3], "s": [0.9736975591243243, 1.0271625685419634, -0.012070037828513356]}, "2108": {"path": [16, 1, 2, 3], "s": [0.9722934986592955, 1.0288004150438133, -0.017203341683634552]}, "2109": {"path": [16, 1, 3, 0], "s": [0.9712684334088154, 1.0302029044115792, -0.02456747974551713]}, "2110": {"path": [16, 1, 3, 0], "s": [0.9725321187602485, 1.0286882318332244, -0.02079292303884487]}, "2111": {"path": [16, 1, 3, 1], "s": [1.0335833682383164, 0.967592808396301, 0.00937197873557832]}, "2112": {"path": [16, 1, 3, 1], "s": [1.0376359469353094, 0.9638362752849566, 0.010543538111487864]}, "2113": {"path": [16, 1, 3, 2], "s": [0.9828032863521764, 1.0181243347683888, -0.02481818134949427]}, "2114": {"path": [16, 1, 3, 2], "s": [0.9833929204872386, 1.0176843075018378, -0.02799184324522729]}, "2115": {"path": [16, 1, 3, 3], "s": [1.032855450970531, 0.9682541164906621, 0.008157336699950923]}, "2116": {"path": [16, 1, 3, 3], "s": [1.0292983282579284, 0.9715926459493804, 0.007660693401691573]}, "2117": {"path": [16, 2, 0, 0], "s": [0.9623606886672545, 1.0393060778295715, -0.013686226511710605]}, "2118": {"path": [16, 2, 0, 0], "s": [0.9593936339051474, 1.0426623594446673, -0.01798971827835608]}, "2119": {"path": [16, 2, 0, 1], "s": [1.046074044346703, 0.9559697239190572, 0.0038878494067950023]}, "2120": {"path": [16, 2, 0, 1], "s": [1.041683820919415, 0.9599915933890697, 0.0027768781111548626]}, "2121": {"path": [16, 2, 0, 2], "s": [0.9487451805439416, 1.0541435959713878, -0.010660969895555704]}, "2122": {"path": [16, 2, 0, 2], "s": [0.953215245491954, 1.0491070347434834, -0.004981934397949948]}, "2123": {"path": [16, 2, 0, 3], "s": [1.0495746967104764, 0.9527846194313635, 0.004316013215955068]}, "2124": {"path": [16, 2, 0, 3], "s": [1.0545230674620774, 0.9483296271789652, 0.005955452789698379]}, "2125": {"path": [16, 2, 1, 0], "s": [1.0651969678803694, 0.9388005440984402, 0.002737337775885194]}, "2126": {"path": [16, 2, 1, 0], "s": [1.0592455990084633, 0.9440688670082545, 0.0008902468195108403]}, "2127": {"path": [16, 2, 1, 1], "s": [0.9281898287113629, 1.0774154199403134, -0.006784842325429897]}, "2128": {"path": [16, 2, 1, 1], "s": [0.9348340297445137, 1.0697156116105497, -0.0025604457632828564]}, "2129": {"path": [16, 2, 1, 2], "s": [1.070789396586819, 0.9339001527665837, 0.00322196419416762]}, "2130": {"path": [16, 2, 1, 2], "s": [1.0773108919283556, 0.9282604742433652, 0.005011930661715908]}, "2131": {"path": [16, 2, 1, 3], "s": [0.9456431124936527, 1.0576276984253423, -0.0117621681010889]}, "2132": {"path": [16, 2, 1, 3], "s": [0.9399363738835982, 1.0640998514299476, -0.013643892521590635]}, "2133": {"path": [16, 2, 2, 0], "s": [0.927284946801309, 1.07845516886948, -0.005936656696500978]}, "2134": {"path": [16, 2, 2, 0], "s": [0.935487812189364, 1.0691308570465838, -0.012605014980043855]}, "2135": {"path": [16, 2, 2, 1], "s": [1.0707695382339415, 0.9340227321696378, 0.011094576390687666]}, "2136": {"path": [16, 2, 2, 1], "s": [1.0778115723839667, 0.9279701083900795, 0.013301189767552702]}, "2137": {"path": [16, 2, 2, 2], "s": [0.9516907514104442, 1.0515597102810534, -0.027561763918958482]}, "2138": {"path": [16, 2, 2, 2], "s": [0.9434037251056818, 1.0605363242891697, -0.022669780419968085]}, "2139": {"path": [16, 2, 2, 3], "s": [1.0644689333211563, 0.9395059672880504, 0.008655336386970976]}, "2140": {"path": [16, 2, 2, 3], "s": [1.0588186935738375, 0.9444905349557443, 0.006650888263715372]}, "2141": {"path": [16, 2, 3, 0], "s": [1.047730550152793, 0.9545298095652565, 0.009489073350239073]}, "2142": {"path": [16, 2, 3, 0], "s": [1.0527663314959417, 0.9500026998410104, 0.011439284193560197]}, "2143": {"path": [16, 2, 3, 1], "s": [0.9720882961365395, 1.0295717760411784, -0.02889071688518651]}, "2144": {"path": [16, 2, 3, 1], "s": [0.9696400921617315, 1.0322986611074223, -0.030954303329793365]}, "2145": {"path": [16, 2, 3, 2], "s": [1.0452950149709401, 0.9567365044855741, 0.008479314800885162]}, "2146": {"path": [16, 2, 3, 2], "s": [1.0410071853553249, 0.9606571611603828, 0.007141948684106313]}, "2147": {"path": [16, 2, 3, 3], "s": [0.9537258745182242, 1.049090830525145, -0.023346729784786902]}, "2148": {"path": [16, 2, 3, 3], "s": [0.95814412996611, 1.0441842695674626, -0.02188671946670987]}, "2149": {"path": [16, 3, 0, 0], "s": [1.062004024361042, 0.941852742463686, 0.01585568831425127]}, "2150": {"path": [16, 3, 0, 0], "s": [1.055918168463106, 0.9472013945278833, 0.012929101886140845]}, "2151": {"path": [16, 3, 0, 1], "s": [0.9266405722575525, 1.0791825735116365, -0.0037891277624951428]}, "2152": {"path": [16, 3, 0, 1], "s": [0.939252273980282, 1.065442988196842, -0.026828146790837993]}, "2153": {"path": [16, 3, 0, 2], "s": [1.0675532459658024, 0.9370536243372174, 0.01883184285236097]}, "2154": {"path": [16, 3, 0, 2], "s": [1.0767360001660635, 0.9292710739539384, 0.024075282743639237]}, "2155": {"path": [16, 3, 0, 3], "s": [0.9676890877851985, 1.0353731988518506, -0.04381034483076812]}, "2156": {"path": [16, 3, 0, 3], "s": [0.9534860238968655, 1.050118869382152, -0.03568844891921965]}, "2157": {"path": [16, 3, 1, 0], "s": [0.9276481958229832, 1.077995499496104, -0.000761717044785212]}, "2158": {"path": [16, 3, 1, 0], "s": [0.957521399171349, 1.0469517314019319, -0.04978641096569068]}, "2159": {"path": [16, 3, 1, 1], "s": [1.0611328210266, 0.9428085685334344, 0.021097772771830465]}, "2160": {"path": [16, 3, 1, 1], "s": [1.0721735196033042, 0.9338224483325105, 0.034924219579595156]}, "2161": {"path": [16, 3, 1, 2], "s": [1.0022907782840496, 1.0003394951105418, -0.051293772552014734]}, "2162": {"path": [16, 3, 1, 2], "s": [0.9927566994603637, 1.0101905666369586, -0.05360459644938405]}, "2163": {"path": [16, 3, 1, 3], "s": [1.0561446788223918, 0.9473451128803096, 0.02309761842564927]}, "2164": {"path": [16, 3, 1, 3], "s": [1.0497246585006477, 0.9529601128212073, 0.01859378917760387]}, "2165": {"path": [16, 3, 2, 0], "s": [1.032529891482647, 0.9688789719838677, 0.019912302788000123]}, "2166": {"path": [16, 3, 2, 0], "s": [1.039754939891239, 0.9623487277494309, 0.024634195248074347]}, "2167": {"path": [16, 3, 2, 1], "s": [1.0055181087405543, 0.9957403178272236, -0.035141445308203824]}, "2168": {"path": [16, 3, 2, 1], "s": [1.0069746796109116, 0.9943341729501728, -0.0356277312311707]}, "2169": {"path": [16, 3, 2, 2], "s": [1.0372494946670596, 0.9644348914556362, 0.018963222343235196]}, "2170": {"path": [16, 3, 2, 2], "s": [1.031743585622298, 0.9694805632083148, 0.01597975205287798]}, "2171": {"path": [16, 3, 2, 3], "s": [0.9886474548411737, 1.0134779147654478, -0.044411270760924965]}, "2172": {"path": [16, 3, 2, 3], "s": [0.9927437232367416, 1.0092195812797196, -0.04354772879329681]}, "2173": {"path": [16, 3, 3, 0], "s": [0.9883655885230307, 1.0131699192316592, -0.03717907335087104]}, "2174": {"path": [16, 3, 3, 0], "s": [0.9867552242000487, 1.0149259650952631, -0.03851620742008899]}, "2175": {"path": [16, 3, 3, 1], "s": [1.0426345743423024, 0.9592862730554272, 0.013602756322138703]}, "2176": {"path": [16, 3, 3, 1], "s": [1.0379716665508885, 0.9635498165922535, 0.01172215564921983]}, "2177": {"path": [16, 3, 3, 2], "s": [0.9653395167751296, 1.037232445984712, -0.03579760034371206]}, "2178": {"path": [16, 3, 3, 2], "s": [0.971100191941755, 1.0311322370417844, -0.0365063461415735]}, "2179": {"path": [16, 3, 3, 3], "s": [1.042893098164963, 0.9590811189694639, 0.01480133620939273]}, "2180": {"path": [16, 3, 3, 3], "s": [1.0483915745164176, 0.9541402082044703, 0.017679230438759148]}, "2181": {"path": [18, 0, 0, 0], "s": [1.0639075082373557, 0.940032541157493, -0.010376826340400564]}, "2182": {"path": [18, 0, 0, 0], "s": [1.0575451293291265, 0.9457053323623685, -0.011228001621256948]}, "2183": {"path": [18, 0, 0, 1], "s": [0.9268332059546238, 1.0789484748194205, -0.002296514039912868]}, "2184": {"path": [18, 0, 0, 1], "s": [0.937987998883752, 1.0668042715198276, 0.025487327116058826]}, "2185": {"path": [18, 0, 0, 2], "s": [1.0697306661970718, 0.9348880030388736, -0.00885247481917171]}, "2186": {"path": [18, 0, 0, 2], "s": [1.07839718099382, 0.9273429346769665, -0.006633744807945401]}, "2187": {"path": [18, 0, 0, 3], "s": [0.9499615330540068, 1.0533476954755747, 0.02529410272932855]}, "2188": {"path": [18, 0, 0, 3], "s": [0.9399768788705773, 1.0639980217386282, 0.011555933469180374]}, "2189": {"path": [18, 0, 1, 0], "s": [0.9281158753978894, 1.0774554907738298, -0.0018830883718538999]}, "2190": {"path": [18, 0, 1, 0], "s": [0.9354873130059712, 1.0692022363474307, 0.01500423742257888]}, "2191": {"path": [18, 0, 1, 1], "s": [1.0697525209695193, 0.9347971203855417, -0.001255439158569723]}, "2192": {"path": [18, 0, 1, 1], "s": [1.0777167158586853, 0.927888532792991, 0.0009910825374249879]}, "2193": {"path": [18, 0, 1, 2], "s": [0.9452357045764574, 1.0580787614402591, 0.0115682136637004]}, "2194": {"path": [18, 0, 1, 2], "s": [0.938790801631283, 1.0652067103475242, 0.002502300976129919]}, "2195": {"path": [18, 0, 1, 3], "s": [1.0654958282536136, 0.9385403970599314, -0.0032981380879562945]}, "2196": {"path": [18, 0, 1, 3], "s": [1.058586204953733, 0.9446846059652614, -0.005485609079919869]}, "2197": {"path": [18, 0, 2, 0], "s": [1.049238300298772, 0.9530839799366647, -0.0034950179878179806]}, "2198": {"path": [18, 0, 2, 0], "s": [1.0551901522619251, 0.9476986242534025, -0.001501873618329426]}, "2199": {"path": [18, 0, 2, 1], "s": [0.9613012918248025, 1.0403741224836824, 0.010629577821309895]}, "2200": {"path": [18, 0, 2, 1], "s": [0.9560570978322721, 1.0459866704334884, 0.004793798690204067]}, "2201": {"path": [18, 0, 2, 2], "s": [1.0461327747208298, 0.9559232186289837, -0.00475490529936573]}, "2202": {"path": [18, 0, 2, 2], "s": [1.041253164536715, 0.9604136019601107, -0.005805368642065345]}, "2203": {"path": [18, 0, 2, 3], "s": [0.9491441544594165, 1.0537085401816257, 0.01101369226710086]}, "2204": {"path": [18, 0, 2, 3], "s": [0.9565464976250418, 1.0458128185167965, 0.01919866463105984]}, "2205": {"path": [18, 0, 3, 0], "s": [0.9691864065429507, 1.032477939972757, 0.0257601334830539]}, "2206": {"path": [18, 0, 3, 0], "s": [0.9609721578238947, 1.0410593616326178, 0.020713791803128826]}, "2207": {"path": [18, 0, 3, 1], "s": [1.0438444750919031, 0.9580942781772521, -0.010070694737132421]}, "2208": {"path": [18, 0, 3, 1], "s": [1.0403302118942832, 0.9613298602834357, -0.010024831617923936]}, "2209": {"path": [18, 0, 3, 2], "s": [0.9554484804858184, 1.0473205508511327, 0.02570659238959122]}, "2210": {"path": [18, 0, 3, 2], "s": [0.9669193863654704, 1.0353409733525774, 0.03303420398773501]}, "2211": {"path": [18, 0, 3, 3], "s": [1.0487520752374435, 0.9535763242961276, -0.008071493223523248]}, "2212": {"path": [18, 0, 3, 3], "s": [1.0540438165388695, 0.9487728885044987, -0.006942364718750567]}, "2213": {"path": [18, 1, 0, 0], "s": [0.9645457598363884, 1.0369356681678288, 0.013111138561993129]}, "2214": {"path": [18, 1, 0, 0], "s": [0.9707160556481974, 1.0304909865882341, 0.017724160966015742]}, "2215": {"path": [18, 1, 0, 1], "s": [1.034519878584422, 0.9666458063326268, -0.00378182513745485]}, "2216": {"path": [18, 1, 0, 1], "s": [1.0391863984344498, 0.9623007818342012, -0.0031438328420981274]}, "2217": {"path": [18, 1, 0, 2], "s": [0.9728410987906746, 1.0280056784037148, 0.00928298127338353]}, "2218": {"path": [18, 1, 0, 2], "s": [0.9683464446582131, 1.0327076161470599, 0.004329950053455653]}, "2219": {"path": [18, 1, 0, 3], "s": [1.0331050295006043, 0.9679888842025034, -0.005846774348743911]}, "2220": {"path": [18, 1, 0, 3], "s": [1.0292123050829056, 0.9716478225833836, -0.005647584424325969]}, "2221": {"path": [18, 1, 1, 0], "s": [1.0239924521358132, 0.9765817982477661, -0.003519985643662922]}, "2222": {"path": [18, 1, 1, 0], "s": [1.0281109162551851, 0.972676100158138, -0.004349316394988158]}, "2223": {"path": [18, 1, 1, 1], "s": [0.9814071715034893, 1.0190205177196952, 0.008604882294834486]}, "2224": {"path": [18, 1, 1, 1], "s": [0.9770561655836096, 1.0234932050749326, 0.0032165900255757586]}, "2225": {"path": [18, 1, 1, 2], "s": [1.0241864665945541, 0.9764316783174856, -0.006936172357688601]}, "2226": {"path": [18, 1, 1, 2], "s": [1.0206619438207174, 0.9797816189228243, -0.005080520601245948]}, "2227": {"path": [18, 1, 1, 3], "s": [0.9747215507241516, 1.0260796999493207, 0.011916220087544038]}, "2228": {"path": [18, 1, 1, 3], "s": [0.9805485211193233, 1.0200857005507598, 0.01560529044959763]}, "2229": {"path": [18, 1, 2, 0], "s": [0.9882030613755318, 1.0123221572479146, 0.019489866358498566]}, "2230": {"path": [18, 1, 2, 0], "s": [0.9820277553247326, 1.0186438291505249, 0.018344291103258546]}, "2231": {"path": [18, 1, 2, 1], "s": [1.0241528952922394, 0.9765125099843723, -0.009905270798276073]}, "2232": {"path": [18, 1, 2, 1], "s": [1.0227265577985527, 0.9778379180541998, -0.007797949504501172]}, "2233": {"path": [18, 1, 2, 2], "s": [0.9838339980216183, 1.0170467732440285, 0.024600672666806656]}, "2234": {"path": [18, 1, 2, 2], "s": [0.9902689320143555, 1.0103994089667938, 0.02381477746027959]}, "2235": {"path": [18, 1, 2, 3], "s": [1.0254880309367087, 0.9751982454785192, -0.007357209301035393]}, "2236": {"path": [18, 1, 2, 3], "s": [1.0282932620371117, 0.9725491182542993, -0.008105880644941001]}, "2237": {"path": [18, 1, 3, 0], "s": [1.0318153814555162, 0.9692618465335594, -0.009964030876294367]}, "2238": {"path": [18, 1, 3, 0], "s": [1.0295206414777276, 0.9714069796428382, -0.009139847801616838]}, "2239": {"path": [18, 1, 3, 1], "s": [0.9741426134427726, 1.0273296087774946, 0.027668573538404437]}, "2240": {"path": [18, 1, 3, 1], "s": [0.9819023513449141, 1.0192738252897022, 0.028763965586896638]}, "2241": {"path": [18, 1, 3, 2], "s": [1.0346815461818968, 0.966538804411576, -0.007737221295277821]}, "2242": {"path": [18, 1, 3, 2], "s": [1.0383343271912013, 0.9631370106291938, -0.007630198202495556]}, "2243": {"path": [18, 1, 3, 3], "s": [0.9807386133161161, 1.0201523608911924, 0.022423465200333104]}, "2244": {"path": [18, 1, 3, 3], "s": [0.9740956699032786, 1.0270138975579146, 0.020243283865387932]}, "2245": {"path": [18, 2, 0, 0], "s": [1.025819550040037, 0.9749364285205308, -0.010433044741212021]}, "2246": {"path": [18, 2, 0, 0], "s": [1.0268389332990457, 0.973992539474453, -0.011552500819093856]}, "2247": {"path": [18, 2, 0, 1], "s": [0.9979293539764484, 1.0026304858730188, 0.02354555253872095]}, "2248": {"path": [18, 2, 0, 1], "s": [0.993440571908838, 1.0073164683056586, 0.02662796212187908]}, "2249": {"path": [18, 2, 0, 2], "s": [1.0225308361390766, 0.9781165733199846, -0.012424071730839509]}, "2250": {"path": [18, 2, 0, 2], "s": [1.0230935123609384, 0.9775237973818324, -0.009912380126958631]}, "2251": {"path": [18, 2, 0, 3], "s": [0.9967849821998621, 1.0041105018805152, 0.029703009000170314]}, "2252": {"path": [18, 2, 0, 3], "s": [1.0006072161429713, 1.0000270055555602, 0.025184084194997066]}, "2253": {"path": [18, 2, 1, 0], "s": [1.006720512993661, 0.9938296467894082, 0.022554197927265523]}, "2254": {"path": [18, 2, 1, 0], "s": [1.0051872403488191, 0.9955699758657425, 0.02709680081903189]}, "2255": {"path": [18, 2, 1, 1], "s": [1.0205358346803368, 0.9800880600770642, -0.014662416273528432]}, "2256": {"path": [18, 2, 1, 1], "s": [1.0219678126202836, 0.978651147934318, -0.012246345281815075]}, "2257": {"path": [18, 2, 1, 2], "s": [1.0082448109290232, 0.9926020026635044, 0.028032454463262073]}, "2258": {"path": [18, 2, 1, 2], "s": [1.0087477986234237, 0.9918393640046509, 0.022710680917766846]}, "2259": {"path": [18, 2, 1, 3], "s": [1.0241791908730014, 0.9765575356009815, -0.013034824614993194]}, "2260": {"path": [18, 2, 1, 3], "s": [1.0239572260424903, 0.9768058094842393, -0.014400245194761727]}, "2261": {"path": [18, 2, 2, 0], "s": [1.0243103756356766, 0.9765363759947012, -0.01662354104978093]}, "2262": {"path": [18, 2, 2, 0], "s": [1.0250617250962182, 0.9757630726021785, -0.01474376094404154]}, "2263": {"path": [18, 2, 2, 1], "s": [1.0066605017399386, 0.9945232062410755, 0.033870780721051444]}, "2264": {"path": [18, 2, 2, 1], "s": [1.0075779727409624, 0.9932577752980879, 0.028011705482630826]}, "2265": {"path": [18, 2, 2, 2], "s": [1.029993053121655, 0.9710916816611012, -0.014754187715967504]}, "2266": {"path": [18, 2, 2, 2], "s": [1.0299516483845423, 0.9711919568014553, -0.01675579915934793]}, "2267": {"path": [18, 2, 2, 3], "s": [1.0039666265470764, 0.9967799487382346, 0.02708879001529588]}, "2268": {"path": [18, 2, 2, 3], "s": [1.0013619601383286, 0.9996748754049296, 0.03219305416576438]}, "2269": {"path": [18, 2, 3, 0], "s": [0.9901185064995078, 1.0112550454021747, 0.03552935749057247]}, "2270": {"path": [18, 2, 3, 0], "s": [0.9958899233040905, 1.0051424548095647, 0.031800035062595364]}, "2271": {"path": [18, 2, 3, 1], "s": [1.033417978301211, 0.9677901577703198, -0.01147816460996443]}, "2272": {"path": [18, 2, 3, 1], "s": [1.0352853974649456, 0.9660670558422679, -0.012454552800191187]}, "2273": {"path": [18, 2, 3, 2], "s": [0.992776665851459, 1.008076314228023, 0.028189398062467567]}, "2274": {"path": [18, 2, 3, 2], "s": [0.9867788779471189, 1.0143341080574713, 0.03038869876192055]}, "2275": {"path": [18, 2, 3, 3], "s": [1.0285686027292333, 0.972411131088311, -0.013840461764649207]}, "2276": {"path": [18, 2, 3, 3], "s": [1.0281035041440876, 0.9728102421934917, -0.01223187910285687]}, "2277": {"path": [18, 3, 0, 0], "s": [0.9999465471625841, 1.001277601668029, 0.03498686237973441]}, "2278": {"path": [18, 3, 0, 0], "s": [0.9948069764333506, 1.0068774096893445, 0.040603836913537555]}, "2279": {"path": [18, 3, 0, 1], "s": [1.0304528816381433, 0.9708559709229423, -0.020526395035201126]}, "2280": {"path": [18, 3, 0, 1], "s": [1.0314274636484897, 0.9698309629192895, -0.017615057525174716]}, "2281": {"path": [18, 3, 0, 2], "s": [1.0045984628968252, 0.9975052047438437, 0.04574052270414672]}, "2282": {"path": [18, 3, 0, 2], "s": [1.006377219669181, 0.9950316437973324, 0.03711036469255044]}, "2283": {"path": [18, 3, 0, 3], "s": [1.0415792732896672, 0.9603840312267955, -0.017779238572129596]}, "2284": {"path": [18, 3, 0, 3], "s": [1.0424113822931504, 0.9597139873134701, -0.020415291364691352]}, "2285": {"path": [18, 3, 1, 0], "s": [1.0488893198890814, 0.9540579462082409, -0.026479998737431582]}, "2286": {"path": [18, 3, 1, 0], "s": [1.047543535571517, 0.9550867378230741, -0.022247204692915655]}, "2287": {"path": [18, 3, 1, 1], "s": [0.9257275388589234, 1.0802684290768905, -0.005850996184016449]}, "2288": {"path": [18, 3, 1, 1], "s": [0.9916697343703312, 1.012271655189699, 0.061960982985944026]}, "2289": {"path": [18, 3, 1, 2], "s": [1.0649820322094778, 0.9394910983638018, -0.023262398375852165]}, "2290": {"path": [18, 3, 1, 2], "s": [1.0733034408860374, 0.9323402544330474, -0.02615345406544637]}, "2291": {"path": [18, 3, 1, 3], "s": [0.9858062007077653, 1.0168785706140893, 0.04944896640191722]}, "2292": {"path": [18, 3, 1, 3], "s": [0.9625548574410481, 1.0409349342616527, 0.0442377356295686]}, "2293": {"path": [18, 3, 2, 0], "s": [0.9255299535630991, 1.0804771205569008, -0.003733525816127106]}, "2294": {"path": [18, 3, 2, 0], "s": [0.9480994759520095, 1.0565073943510095, 0.04091585174006699]}, "2295": {"path": [18, 3, 2, 1], "s": [1.0688297104845461, 0.9358655516925758, -0.016760270523955106]}, "2296": {"path": [18, 3, 2, 1], "s": [1.0774994564042695, 0.9283236893649173, -0.016378969989114124]}, "2297": {"path": [18, 3, 2, 2], "s": [0.9616172355489672, 1.0415023274420208, 0.03907158728042437]}, "2298": {"path": [18, 3, 2, 2], "s": [0.9447124965715108, 1.0591442702532157, 0.024224528485125962]}, "2299": {"path": [18, 3, 2, 3], "s": [1.0590026096781628, 0.9446022836008545, -0.018338032644111078]}, "2300": {"path": [18, 3, 2, 3], "s": [1.054207964599055, 0.9488543220379939, -0.017023029597873877]}, "2301": {"path": [18, 3, 3, 0], "s": [1.0465618181462661, 0.9556706108372737, -0.012975824706335171]}, "2302": {"path": [18, 3, 3, 0], "s": [1.0501938200089014, 0.9523781427509406, -0.013477382112009384]}, "2303": {"path": [18, 3, 3, 1], "s": [0.9833027916297071, 1.0182186915134346, 0.0348895665594734]}, "2304": {"path": [18, 3, 3, 1], "s": [0.9737682525119232, 1.0281525948858077, 0.03438539860976369]}, "2305": {"path": [18, 3, 3, 2], "s": [1.038682289527817, 0.9629988997674969, -0.015808289700991924]}, "2306": {"path": [18, 3, 3, 2], "s": [1.0372865577950823, 0.9642489499596067, -0.01422934155618264]}, "2307": {"path": [18, 3, 3, 3], "s": [0.9712951447341575, 1.0312366379867304, 0.04043685878609619]}, "2308": {"path": [18, 3, 3, 3], "s": [0.9845525819209495, 1.0174216352134757, 0.04129283051163416]}, "2309": {"path": [19, 0, 0, 0], "s": [1.0163464509034565, 0.9846347536234271, 0.027019202086095376]}, "2310": {"path": [19, 0, 0, 0], "s": [1.0142576364605336, 0.9864358285766693, 0.022362289957884956]}, "2311": {"path": [19, 0, 0, 1], "s": [1.0252420185174, 0.9756625485979558, -0.017036452576716737]}, "2312": {"path": [19, 0, 0, 1], "s": [1.0240055783399313, 0.9769173001814186, -0.019203253957516743]}, "2313": {"path": [19, 0, 0, 2], "s": [1.011631577706892, 0.9890217233968742, 0.022926107963847024]}, "2314": {"path": [19, 0, 0, 2], "s": [1.0123034732239118, 0.9886177964559572, 0.027950474832023724]}, "2315": {"path": [19, 0, 0, 3], "s": [1.0210770758733825, 0.9796748130223318, -0.01798592192931939]}, "2316": {"path": [19, 0, 0, 3], "s": [1.022130439048498, 0.978615132720908, -0.016501977685411177]}, "2317": {"path": [19, 0, 1, 0], "s": [1.0219538097993242, 0.978743056441582, -0.015172189858767204]}, "2318": {"path": [19, 0, 1, 0], "s": [1.0212966089193, 0.9794085044647839, -0.01632741120345197]}, "2319": {"path": [19, 0, 1, 1], "s": [1.0134281249740396, 0.98713902903223, 0.019860898288523294]}, "2320": {"path": [19, 0, 1, 1], "s": [1.013807192860915, 0.9869369927552174, 0.023744939582156337]}, "2321": {"path": [19, 0, 1, 2], "s": [1.0198168386377096, 0.9808372419244937, -0.01656306969030087]}, "2322": {"path": [19, 0, 1, 2], "s": [1.0211333958803837, 0.9795139390117813, -0.014642228494044564]}, "2323": {"path": [19, 0, 1, 3], "s": [1.015883060124171, 0.984923513265225, 0.023814126986453053]}, "2324": {"path": [19, 0, 1, 3], "s": [1.0145477754713295, 0.9860378216978727, 0.0195570584232892]}, "2325": {"path": [19, 0, 2, 0], "s": [1.0187971637439988, 0.9818569244976205, 0.017693215665374164]}, "2326": {"path": [19, 0, 2, 0], "s": [1.0197292142054712, 0.9810611908002949, 0.02041463157318375]}, "2327": {"path": [19, 0, 2, 1], "s": [1.021506275290251, 0.9792648513836081, -0.018033049091328128]}, "2328": {"path": [19, 0, 2, 1], "s": [1.0221813942345475, 0.9785754695126139, -0.016782067516604014]}, "2329": {"path": [19, 0, 2, 2], "s": [1.0208059424970737, 0.9800278765468229, 0.02045189946644724]}, "2330": {"path": [19, 0, 2, 2], "s": [1.0191149559519332, 0.9815452048019385, 0.017532773783936445]}, "2331": {"path": [19, 0, 2, 3], "s": [1.0209421844158217, 0.9797647638481898, -0.01682789995284191]}, "2332": {"path": [19, 0, 2, 3], "s": [1.020462656512714, 0.980247922587092, -0.017504260175524665]}, "2333": {"path": [19, 0, 3, 0], "s": [1.0203291394345868, 0.9804071097825071, -0.0183832157126438]}, "2334": {"path": [19, 0, 3, 0], "s": [1.0210185693376743, 0.9797149457770958, -0.017525760926909627]}, "2335": {"path": [19, 0, 3, 1], "s": [1.0203520476923904, 0.9805189514100193, 0.021783477050491183]}, "2336": {"path": [19, 0, 3, 1], "s": [1.0176369633178683, 0.9830039802490113, 0.018471204345738408]}, "2337": {"path": [19, 0, 3, 2], "s": [1.0215563567858255, 0.9792239257442186, -0.018232554971145235]}, "2338": {"path": [19, 0, 3, 2], "s": [1.0203037696280426, 0.9804800576520202, -0.01968499091882236]}, "2339": {"path": [19, 0, 3, 3], "s": [1.0163565412830662, 0.984268526005606, 0.019176933666226866]}, "2340": {"path": [19, 0, 3, 3], "s": [1.018375302827697, 0.9824729053855193, 0.02293779723482149]}, "2341": {"path": [19, 1, 0, 0], "s": [1.0223244623821288, 0.9784802761220691, -0.018008948831491192]}, "2342": {"path": [19, 1, 0, 0], "s": [1.0222921267502243, 0.9785147705308075, -0.018109274487029745]}, "2343": {"path": [19, 1, 0, 1], "s": [1.0239165995859356, 0.9769221622061285, 0.01693571333717042]}, "2344": {"path": [19, 1, 0, 1], "s": [1.0247038049926087, 0.9762346739492548, 0.018745265042657607]}, "2345": {"path": [19, 1, 0, 2], "s": [1.026031501601424, 0.9749749430113251, -0.018841571104219225]}, "2346": {"path": [19, 1, 0, 2], "s": [1.0261127376295098, 0.9748775747986747, -0.018283794198339906]}, "2347": {"path": [19, 1, 0, 3], "s": [1.024946016844507, 0.9760173368193347, 0.01910711239723849]}, "2348": {"path": [19, 1, 0, 3], "s": [1.0235668912894678, 0.9772664764251365, 0.017251354610267777]}, "2349": {"path": [19, 1, 1, 0], "s": [1.0297519314918533, 0.9714006669339769, 0.01736988853555637]}, "2350": {"path": [19, 1, 1, 0], "s": [1.0303151932712356, 0.9709207824630627, 0.018826407901927425]}, "2351": {"path": [19, 1, 1, 1], "s": [1.0328635594151894, 0.9685386702186839, -0.019191100888747877]}, "2352": {"path": [19, 1, 1, 1], "s": [1.0331275926575985, 0.9682746369762733, -0.01874152423650816]}, "2353": {"path": [19, 1, 1, 2], "s": [1.0294965991951073, 0.9717393765391911, 0.020059497777138766]}, "2354": {"path": [19, 1, 1, 2], "s": [1.0287982356448342, 0.9723543627809967, 0.018879958968359395]}, "2355": {"path": [19, 1, 1, 3], "s": [1.0265058110944845, 0.9745192374994902, -0.01869920630911865]}, "2356": {"path": [19, 1, 1, 3], "s": [1.0269291511741474, 0.9740958974198253, -0.0180962178247654]}, "2357": {"path": [19, 1, 2, 0], "s": [1.0259898311939502, 0.9750004812342344, -0.018454786791869675]}, "2358": {"path": [19, 1, 2, 0], "s": [1.0266199827948244, 0.9743864618179293, -0.01801701049092572]}, "2359": {"path": [19, 1, 2, 1], "s": [1.0242136645975872, 0.9767248143442752, 0.019362370798755045]}, "2360": {"path": [19, 1, 2, 1], "s": [1.0228149404325841, 0.9780238213594789, 0.018367813844985835]}, "2361": {"path": [19, 1, 2, 2], "s": [1.0222362519994181, 0.978570645281617, -0.01817659894831814]}, "2362": {"path": [19, 1, 2, 2], "s": [1.022104566316499, 0.9787001721877008, -0.018273342545773657]}, "2363": {"path": [19, 1, 2, 3], "s": [1.0233758015053356, 0.9774575662092694, 0.017504863805973662]}, "2364": {"path": [19, 1, 2, 3], "s": [1.0250296626685926, 0.9759336909952486, 0.018999528093471465]}, "2365": {"path": [19, 1, 3, 0], "s": [1.0224651860478404, 0.9783907132195037, 0.01924688596783817]}, "2366": {"path": [19, 1, 3, 0], "s": [1.0200431073535372, 0.9806375918083008, 0.017106032147424233]}, "2367": {"path": [19, 1, 3, 1], "s": [1.020521749602304, 0.9802232089224063, -0.018414781298758655]}, "2368": {"path": [19, 1, 3, 1], "s": [1.0198034811146968, 0.9809414774100166, -0.01917116148092592]}, "2369": {"path": [19, 1, 3, 2], "s": [1.0198510392776918, 0.9808296598841469, 0.01732477957238284]}, "2370": {"path": [19, 1, 3, 2], "s": [1.0219214856436196, 0.9789344136237238, 0.019852211917616748]}, "2371": {"path": [19, 1, 3, 3], "s": [1.0223228664185526, 0.9784908312568004, -0.01826338891680229]}, "2372": {"path": [19, 1, 3, 3], "s": [1.0225424602293096, 0.978271237446046, -0.01799660828184738]}, "2373": {"path": [19, 2, 0, 0], "s": [1.0198433423913285, 0.9808168183625428, 0.01671832265762679]}, "2374": {"path": [19, 2, 0, 0], "s": [1.022604806080971, 0.9782290129629261, 0.018484861474544]}, "2375": {"path": [19, 2, 0, 1], "s": [1.0202454877820903, 0.9805113759650728, -0.019034364905967056]}, "2376": {"path": [19, 2, 0, 1], "s": [1.021490897210987, 0.9792802294628726, -0.01805104470687985]}, "2377": {"path": [19, 2, 0, 2], "s": [1.0218841279888067, 0.9789062770169591, 0.01813249216860853]}, "2378": {"path": [19, 2, 0, 2], "s": [1.0195319371654035, 0.9811221510762154, 0.016892817486190186]}, "2379": {"path": [19, 2, 0, 3], "s": [1.0182312469720962, 0.9824793321277092, -0.019777650940119455]}, "2380": {"path": [19, 2, 0, 3], "s": [1.0175750476074996, 0.9831319006565125, -0.020260567983198845]}, "2381": {"path": [19, 2, 1, 0], "s": [1.0145147775517707, 0.9861325573403955, -0.02111994428850329]}, "2382": {"path": [19, 2, 1, 0], "s": [1.0165501759327324, 0.9841039046294674, -0.01977365386505871]}, "2383": {"path": [19, 2, 1, 1], "s": [1.022191720380167, 0.9785524652359662, 0.016377665334400902]}, "2384": {"path": [19, 2, 1, 1], "s": [1.0189234783283063, 0.9816436756779635, 0.014825265622388922]}, "2385": {"path": [19, 2, 1, 2], "s": [1.0131273710162019, 0.9875777423678833, -0.023281791152903998]}, "2386": {"path": [19, 2, 1, 2], "s": [1.0119218085481427, 0.9887750576927621, -0.023728561434598425]}, "2387": {"path": [19, 2, 1, 3], "s": [1.0190307388604596, 0.9815548583087419, 0.015315759675288296]}, "2388": {"path": [19, 2, 1, 3], "s": [1.0228651661788775, 0.9779414072105179, 0.017383900586220653]}, "2389": {"path": [19, 2, 2, 0], "s": [1.0250503815663239, 0.9758708881135447, 0.017799612924347202]}, "2390": {"path": [19, 2, 2, 0], "s": [1.020667390158668, 0.9799859109450999, 0.015481024404064769]}, "2391": {"path": [19, 2, 2, 1], "s": [1.0130009559401874, 0.9879219225811616, -0.027674030587980986]}, "2392": {"path": [19, 2, 2, 1], "s": [1.011064887190903, 0.9898396799244507, -0.028145058534241676]}, "2393": {"path": [19, 2, 2, 2], "s": [1.0201910534108733, 0.9805024116263295, 0.017314392538184925]}, "2394": {"path": [19, 2, 2, 2], "s": [1.0245605291845579, 0.9764206753423249, 0.020052028213531695]}, "2395": {"path": [19, 2, 2, 3], "s": [1.0142839951774187, 0.9864615765919896, -0.023498701979888705]}, "2396": {"path": [19, 2, 2, 3], "s": [1.0157397111239765, 0.9850121777717389, -0.02271530108683537]}, "2397": {"path": [19, 2, 3, 0], "s": [1.0182234063923064, 0.9825604208877513, -0.02158746725732694]}, "2398": {"path": [19, 2, 3, 0], "s": [1.0167823465097712, 0.9839979360202706, -0.022621457677668953]}, "2399": {"path": [19, 2, 3, 1], "s": [1.0185620119092371, 0.9820789316576426, 0.017558259676932145]}, "2400": {"path": [19, 2, 3, 1], "s": [1.0217842635016559, 0.9790867356007529, 0.02038183112620151]}, "2401": {"path": [19, 2, 3, 2], "s": [1.018767276314491, 0.9819662388002836, -0.019876381344337835]}, "2402": {"path": [19, 2, 3, 2], "s": [1.0195792841712235, 0.9811569650458738, -0.019165491934211763]}, "2403": {"path": [19, 2, 3, 3], "s": [1.0225552539300635, 0.9782929542831525, 0.01893674430838645]}, "2404": {"path": [19, 2, 3, 3], "s": [1.0190417420032973, 0.981583325285374, 0.016564471624438467]}, "2405": {"path": [19, 3, 0, 0], "s": [1.0153821553604279, 0.9855787205148506, -0.02718539155028228]}, "2406": {"path": [19, 3, 0, 0], "s": [1.0177172011514282, 0.9832542916675189, -0.02597702323205826]}, "2407": {"path": [19, 3, 0, 1], "s": [1.0296159710583805, 0.9717005516255965, 0.021872517915247566]}, "2408": {"path": [19, 3, 0, 1], "s": [1.0239001423765488, 0.9770070568019062, 0.018912021636107078]}, "2409": {"path": [19, 3, 0, 2], "s": [1.0185348380331551, 0.9829142721307307, -0.03365158191154003]}, "2410": {"path": [19, 3, 0, 2], "s": [1.0135904556452322, 0.9878216337187313, -0.03530693723883898]}, "2411": {"path": [19, 3, 0, 3], "s": [1.0216277226471826, 0.9793214112028383, 0.02240319322732732]}, "2412": {"path": [19, 3, 0, 3], "s": [1.027489499095196, 0.973885380989172, 0.02563205588121983]}, "2413": {"path": [19, 3, 1, 0], "s": [1.0424042590722609, 0.9602819844936271, 0.03165486607964111]}, "2414": {"path": [19, 3, 1, 0], "s": [1.0277984087134222, 0.9737080232335892, 0.027848820997929128]}, "2415": {"path": [19, 3, 1, 1], "s": [1.057775048634644, 0.9459325827870161, -0.024163686859099906]}, "2416": {"path": [19, 3, 1, 1], "s": [1.036450918534428, 0.9672567128872219, -0.0501408868146269]}, "2417": {"path": [19, 3, 1, 2], "s": [1.01949908375997, 0.9820073481870417, 0.03399399538516588]}, "2418": {"path": [19, 3, 1, 2], "s": [1.0343295721980115, 0.9683566713678768, 0.039999270381178634]}, "2419": {"path": [19, 3, 1, 3], "s": [1.0228630135618555, 0.9785744567575434, -0.03078340191853163]}, "2420": {"path": [19, 3, 1, 3], "s": [1.0269736311816537, 0.9744638391377463, -0.027361786025519953]}, "2421": {"path": [19, 3, 2, 0], "s": [1.0317825105314107, 0.9696295788325541, -0.02113861711101169]}, "2422": {"path": [19, 3, 2, 0], "s": [1.0283951683537969, 0.9730539418100869, -0.026152864185601407]}, "2423": {"path": [19, 3, 2, 1], "s": [1.0120801912876265, 0.988827007890828, 0.02778897796826484]}, "2424": {"path": [19, 3, 2, 1], "s": [1.0140933869582704, 0.9872231357257062, 0.03371132438284991]}, "2425": {"path": [19, 3, 2, 2], "s": [1.022519221329104, 0.9784522714898433, -0.02205118480918342]}, "2426": {"path": [19, 3, 2, 2], "s": [1.0244089801126053, 0.976551895762673, -0.019711204054332306]}, "2427": {"path": [19, 3, 2, 3], "s": [1.0218200956188206, 0.9795547844655461, 0.03047562183873743]}, "2428": {"path": [19, 3, 2, 3], "s": [1.017039700511208, 0.9839094333388133, 0.02597990402327884]}, "2429": {"path": [19, 3, 3, 0], "s": [1.0168221741311758, 0.9838929914564611, 0.021076306250984684]}, "2430": {"path": [19, 3, 3, 0], "s": [1.0201953524248777, 0.9808208051826354, 0.02507642336839518]}, "2431": {"path": [19, 3, 3, 1], "s": [1.0188340354760612, 0.9819588611471824, -0.021286361221688876]}, "2432": {"path": [19, 3, 3, 1], "s": [1.020236698619037, 0.9805561980042073, -0.01998545126449519]}, "2433": {"path": [19, 3, 3, 2], "s": [1.0230024116326841, 0.978013745974829, 0.022592493048911963]}, "2434": {"path": [19, 3, 3, 2], "s": [1.0188736614070335, 0.9818415041806035, 0.0192989192930719]}, "2435": {"path": [19, 3, 3, 3], "s": [1.0220666999096892, 0.9789236274227457, -0.02291814441854468]}, "2436": {"path": [19, 3, 3, 3], "s": [1.019474761735452, 0.9815155655969847, -0.025106719750356294]}, "2437": {"path": [20, 0, 0, 0], "s": [1.0011217293695573, 1.000021875816442, -0.03381759489887306]}, "2438": {"path": [20, 0, 0, 0], "s": [1.0000590780339556, 1.0010256567487987, -0.03293623197239009]}, "2439": {"path": [20, 0, 0, 1], "s": [1.024552523610713, 0.9762832244283371, 0.015919841294966184]}, "2440": {"path": [20, 0, 0, 1], "s": [1.029609793894371, 0.971573914086644, 0.018493713415539476]}, "2441": {"path": [20, 0, 0, 2], "s": [1.0069530248062653, 0.9938717728921298, -0.02796762384073407]}, "2442": {"path": [20, 0, 0, 2], "s": [1.0087696886376771, 0.9920770629927006, -0.027879561325942853]}, "2443": {"path": [20, 0, 0, 3], "s": [1.028701357742732, 0.9723354778005266, 0.015582881467492989]}, "2444": {"path": [20, 0, 0, 3], "s": [1.0240661973211593, 0.9766803779641522, 0.013614722176438079]}, "2445": {"path": [20, 0, 1, 0], "s": [1.020406043433286, 0.9801811191947887, 0.013518050361073269]}, "2446": {"path": [20, 0, 1, 0], "s": [1.0250097560619869, 0.9758370575305407, 0.015572549426038203]}, "2447": {"path": [20, 0, 1, 1], "s": [1.0075832448108049, 0.9930357157437953, -0.023793879090047904]}, "2448": {"path": [20, 0, 1, 1], "s": [1.0105294812753547, 0.9900944134820453, -0.02279460615230871]}, "2449": {"path": [20, 0, 1, 2], "s": [1.0240180166305528, 0.9767391995840093, 0.014090348587971901]}, "2450": {"path": [20, 0, 1, 2], "s": [1.0201180652283688, 0.9804320945547005, 0.012509651671338846]}, "2451": {"path": [20, 0, 1, 3], "s": [1.0052042091102251, 0.9955588264165037, -0.027201520742500696]}, "2452": {"path": [20, 0, 1, 3], "s": [1.003548740867654, 0.9971879856063267, -0.026958252235298064]}, "2453": {"path": [20, 0, 2, 0], "s": [0.9986047259686989, 1.0020125837740725, -0.024789143528872133]}, "2454": {"path": [20, 0, 2, 0], "s": [1.0021740143950926, 0.9984733950639669, -0.025378940047908864]}, "2455": {"path": [20, 0, 2, 1], "s": [1.0254858732028327, 0.975271167011664, 0.011260742093744027]}, "2456": {"path": [20, 0, 2, 1], "s": [1.0216249759845362, 0.9789348638649308, 0.010213069393416303]}, "2457": {"path": [20, 0, 2, 2], "s": [0.9938819381553214, 1.0069495346181774, -0.028088344396078352]}, "2458": {"path": [20, 0, 2, 2], "s": [0.9922219390111457, 1.0085340395494231, -0.026260241439712242]}, "2459": {"path": [20, 0, 2, 3], "s": [1.0227671548456687, 0.9778670668528628, 0.011415681424329971]}, "2460": {"path": [20, 0, 2, 3], "s": [1.0274421054441876, 0.973453378636191, 0.012922418416301736]}, "2461": {"path": [20, 0, 3, 0], "s": [1.0316428528230093, 0.9694701331815814, 0.012121630342030372]}, "2462": {"path": [20, 0, 3, 0], "s": [1.0275244241970265, 0.9733285558824561, 0.010902473923093207]}, "2463": {"path": [20, 0, 3, 1], "s": [0.9851018071532964, 1.0162506461539185, -0.033321885404784334]}, "2464": {"path": [20, 0, 3, 1], "s": [0.9853008474560394, 1.0159072886154912, -0.031213977792184752]}, "2465": {"path": [20, 0, 3, 2], "s": [1.0298673085805434, 0.9711650695331128, 0.013082673560970641]}, "2466": {"path": [20, 0, 3, 2], "s": [1.0345640311713686, 0.9668095207303142, 0.015045103576009612]}, "2467": {"path": [20, 0, 3, 3], "s": [0.9956584791048346, 1.0052552672327468, -0.029848458671749276]}, "2468": {"path": [20, 0, 3, 3], "s": [0.9971913740630874, 1.0037883597544588, -0.031130270350285885]}, "2469": {"path": [20, 1, 0, 0], "s": [1.0245325632648457, 0.9761357777163037, 0.009104418609006728]}, "2470": {"path": [20, 1, 0, 0], "s": [1.0285206976395849, 0.9723600736260625, 0.009615679006488584]}, "2471": {"path": [20, 1, 0, 1], "s": [0.9886635199896423, 1.011900955863109, -0.02072585111655601]}, "2472": {"path": [20, 1, 0, 1], "s": [0.9914428447036068, 1.009222560573005, -0.024217481156354435]}, "2473": {"path": [20, 1, 0, 2], "s": [1.0250146405748901, 0.9756569439003675, 0.007915281197239563]}, "2474": {"path": [20, 1, 0, 2], "s": [1.021723105944558, 0.9788021126788888, 0.008045785938580543]}, "2475": {"path": [20, 1, 0, 3], "s": [0.981766378284966, 1.0190760020064458, -0.02223860802726662]}, "2476": {"path": [20, 1, 0, 3], "s": [0.9813166040696183, 1.0193696723456092, -0.01801069564877669]}, "2477": {"path": [20, 1, 1, 0], "s": [0.9815893230882411, 1.0188542396553009, -0.009820561533392723]}, "2478": {"path": [20, 1, 1, 0], "s": [0.9812423418097922, 1.0193758031022444, -0.01595933019542111]}, "2479": {"path": [20, 1, 1, 1], "s": [1.0234159024225742, 0.9771334682359678, 0.0037323159047389764]}, "2480": {"path": [20, 1, 1, 1], "s": [1.0202237489532349, 0.9802039402699496, 0.005228640448607793]}, "2481": {"path": [20, 1, 1, 2], "s": [0.9738721375308916, 1.026914878882433, -0.009153587248210714]}, "2482": {"path": [20, 1, 1, 2], "s": [0.9765462973887237, 1.0240279529948562, -0.0032719901710856606]}, "2483": {"path": [20, 1, 1, 3], "s": [1.0246773609560667, 0.975956860714016, 0.006395345448517754]}, "2484": {"path": [20, 1, 1, 3], "s": [1.0280775510778886, 0.9727236995955844, 0.005949702148213267]}, "2485": {"path": [20, 1, 2, 0], "s": [1.03274871875574, 0.9683053420495343, 0.004012650744265135]}, "2486": {"path": [20, 1, 2, 0], "s": [1.0292398386281125, 0.9716069385662768, 0.0040704618790464555]}, "2487": {"path": [20, 1, 2, 1], "s": [0.9635059791506229, 1.0379812011180292, -0.010054527495883543]}, "2488": {"path": [20, 1, 2, 1], "s": [0.9667271862614671, 1.0344384986555817, -0.004451872173323252]}, "2489": {"path": [20, 1, 2, 2], "s": [1.034920505712397, 0.966286536524034, 0.005454451625349179]}, "2490": {"path": [20, 1, 2, 2], "s": [1.0387390023047702, 0.9627424256994475, 0.006173066297895834]}, "2491": {"path": [20, 1, 2, 3], "s": [0.9736975591243097, 1.027162568541978, -0.012070037828519228]}, "2492": {"path": [20, 1, 2, 3], "s": [0.9722934986592824, 1.0288004150438252, -0.01720334168364381]}, "2493": {"path": [20, 1, 3, 0], "s": [0.9712684334088032, 1.0302029044115946, -0.024567479745526873]}, "2494": {"path": [20, 1, 3, 0], "s": [0.9725321187602464, 1.028688231833225, -0.020792923038857745]}, "2495": {"path": [20, 1, 3, 1], "s": [1.0335833682383218, 0.9675928083962955, 0.009371978735581881]}, "2496": {"path": [20, 1, 3, 1], "s": [1.0376359469353265, 0.9638362752849418, 0.0105435381114963]}, "2497": {"path": [20, 1, 3, 2], "s": [0.9828032863521656, 1.0181243347684006, -0.024818181349501322]}, "2498": {"path": [20, 1, 3, 2], "s": [0.9833929204872325, 1.0176843075018436, -0.02799184324523477]}, "2499": {"path": [20, 1, 3, 3], "s": [1.0328554509705459, 0.9682541164906493, 0.008157336699961383]}, "2500": {"path": [20, 1, 3, 3], "s": [1.0292983282579429, 0.9715926459493672, 0.0076606934016996584]}, "2501": {"path": [20, 2, 0, 0], "s": [0.9623606886672567, 1.0393060778295686, -0.013686226511710628]}, "2502": {"path": [20, 2, 0, 0], "s": [0.9593936339051534, 1.0426623594446616, -0.01798971827836196]}, "2503": {"path": [20, 2, 0, 1], "s": [1.0460740443467003, 0.9559697239190604, 0.003887849406794681]}, "2504": {"path": [20, 2, 0, 1], "s": [1.041683820919413, 0.9599915933890726, 0.0027768781111555253]}, "2505": {"path": [20, 2, 0, 2], "s": [0.9487451805439543, 1.054143595971373, -0.010660969895556491]}, "2506": {"path": [20, 2, 0, 2], "s": [0.9532152454919681, 1.0491070347434674, -0.004981934397950886]}, "2507": {"path": [20, 2, 0, 3], "s": [1.0495746967104624, 0.952784619431376, 0.004316013215962882]}, "2508": {"path": [20, 2, 0, 3], "s": [1.0545230674620627, 0.9483296271789781, 0.005955452789706201]}, "2509": {"path": [20, 2, 1, 0], "s": [1.065196967880362, 0.9388005440984468, 0.002737337775884977]}, "2510": {"path": [20, 2, 1, 0], "s": [1.0592455990084524, 0.944068867008264, 0.0008902468195122062]}, "2511": {"path": [20, 2, 1, 1], "s": [0.928189828711371, 1.0774154199403057, -0.006784842325428062]}, "2512": {"path": [20, 2, 1, 1], "s": [0.9348340297445225, 1.0697156116105397, -0.002560445763284207]}, "2513": {"path": [20, 2, 1, 2], "s": [1.070789396586812, 0.9339001527665907, 0.003221964194168838]}, "2514": {"path": [20, 2, 1, 2], "s": [1.0773108919283463, 0.9282604742433729, 0.00501193066171657]}, "2515": {"path": [20, 2, 1, 3], "s": [0.945643112493663, 1.0576276984253297, -0.011762168101093656]}, "2516": {"path": [20, 2, 1, 3], "s": [0.9399363738836022, 1.0640998514299427, -0.013643892521590425]}, "2517": {"path": [20, 2, 2, 0], "s": [0.9272849468013219, 1.078455168869465, -0.005936656696501468]}, "2518": {"path": [20, 2, 2, 0], "s": [0.9354878121893697, 1.069130857046575, -0.012605014980035615]}, "2519": {"path": [20, 2, 2, 1], "s": [1.0707695382339266, 0.9340227321696517, 0.011094576390683172]}, "2520": {"path": [20, 2, 2, 1], "s": [1.0778115723839505, 0.927970108390094, 0.013301189767545985]}, "2521": {"path": [20, 2, 2, 2], "s": [0.9516907514104497, 1.0515597102810466, -0.027561763918954135]}, "2522": {"path": [20, 2, 2, 2], "s": [0.9434037251056867, 1.0605363242891626, -0.02266978041996012]}, "2523": {"path": [20, 2, 2, 3], "s": [1.0644689333211508, 0.9395059672880549, 0.008655336386964384]}, "2524": {"path": [20, 2, 2, 3], "s": [1.058818693573828, 0.9444905349557526, 0.006650888263708904]}, "2525": {"path": [20, 2, 3, 0], "s": [1.0477305501527951, 0.9545298095652532, 0.009489073350244532]}, "2526": {"path": [20, 2, 3, 0], "s": [1.052766331495935, 0.9500026998410175, 0.011439284193556665]}, "2527": {"path": [20, 2, 3, 1], "s": [0.9720882961365435, 1.0295717760411758, -0.028890716885200864]}, "2528": {"path": [20, 2, 3, 1], "s": [0.9696400921617216, 1.0322986611074345, -0.03095430332980111]}, "2529": {"path": [20, 2, 3, 2], "s": [1.0452950149709337, 0.9567365044855792, 0.008479314800884232]}, "2530": {"path": [20, 2, 3, 2], "s": [1.0410071853553293, 0.9606571611603782, 0.007141948684111778]}, "2531": {"path": [20, 2, 3, 3], "s": [0.9537258745182285, 1.0490908305251385, -0.02334672978477409]}, "2532": {"path": [20, 2, 3, 3], "s": [0.9581441299661233, 1.0441842695674466, -0.02188671946670463]}, "2533": {"path": [20, 3, 0, 0], "s": [1.0620040243610354, 0.9418527424636925, 0.0158556883142518]}, "2534": {"path": [20, 3, 0, 0], "s": [1.0559181684631072, 0.9472013945278829, 0.01292910188614611]}, "2535": {"path": [20, 3, 0, 1], "s": [0.9266405722575602, 1.0791825735116272, -0.0037891277624911624]}, "2536": {"path": [20, 3, 0, 1], "s": [0.9392522739802943, 1.0654429881968284, -0.02682814679083618]}, "2537": {"path": [20, 3, 0, 2], "s": [1.0675532459658053, 0.9370536243372154, 0.018831842852364257]}, "2538": {"path": [20, 3, 0, 2], "s": [1.0767360001660533, 0.9292710739539476, 0.024075282743629675]}, "2539": {"path": [20, 3, 0, 3], "s": [0.9676890877852014, 1.0353731988518473, -0.04381034483077275]}, "2540": {"path": [20, 3, 0, 3], "s": [0.953486023896867, 1.05011886938215, -0.03568844891922363]}, "2541": {"path": [20, 3, 1, 0], "s": [0.9276481958229883, 1.0779954994960979, -0.000761717044777452]}, "2542": {"path": [20, 3, 1, 0], "s": [0.9575213991713427, 1.0469517314019388, -0.049786410965686166]}, "2543": {"path": [20, 3, 1, 1], "s": [1.0611328210265898, 0.9428085685334423, 0.021097772771805814]}, "2544": {"path": [20, 3, 1, 1], "s": [1.0721735196033026, 0.9338224483325122, 0.034924219579587974]}, "2545": {"path": [20, 3, 1, 2], "s": [1.0022907782840338, 1.0003394951105569, -0.051293772552012576]}, "2546": {"path": [20, 3, 1, 2], "s": [0.9927566994603358, 1.0101905666369857, -0.05360459644937104]}, "2547": {"path": [20, 3, 1, 3], "s": [1.0561446788223952, 0.9473451128803062, 0.02309761842564148]}, "2548": {"path": [20, 3, 1, 3], "s": [1.0497246585006508, 0.952960112821205, 0.018593789177593387]}, "2549": {"path": [20, 3, 2, 0], "s": [1.032529891482655, 0.9688789719838592, 0.019912302787985902]}, "2550": {"path": [20, 3, 2, 0], "s": [1.0397549398912467, 0.9623487277494237, 0.024634195248056222]}, "2551": {"path": [20, 3, 2, 1], "s": [1.00551810874053, 0.995740317827252, -0.03514144530822169]}, "2552": {"path": [20, 3, 2, 1], "s": [1.0069746796108883, 0.9943341729501954, -0.03562773123118224]}, "2553": {"path": [20, 3, 2, 2], "s": [1.037249494667078, 0.964434891455618, 0.018963222343225256]}, "2554": {"path": [20, 3, 2, 2], "s": [1.0317435856223183, 0.9694805632082956, 0.0159797520528772]}, "2555": {"path": [20, 3, 2, 3], "s": [0.988647454841163, 1.0134779147654591, -0.04441127076092413]}, "2556": {"path": [20, 3, 2, 3], "s": [0.9927437232367357, 1.0092195812797269, -0.04354772879330305]}, "2557": {"path": [20, 3, 3, 0], "s": [0.9883655885230411, 1.013169919231649, -0.03717907335088358]}, "2558": {"path": [20, 3, 3, 0], "s": [0.9867552242000377, 1.014925965095276, -0.03851620742009284]}, "2559": {"path": [20, 3, 3, 1], "s": [1.0426345743423169, 0.9592862730554148, 0.013602756322145495]}, "2560": {"path": [20, 3, 3, 1], "s": [1.037971666550888, 0.9635498165922539, 0.011722155649218904]}, "2561": {"path": [20, 3, 3, 2], "s": [0.9653395167751279, 1.0372324459847149, -0.0357976003437214]}, "2562": {"path": [20, 3, 3, 2], "s": [0.9711001919417593, 1.0311322370417808, -0.03650634614158437]}, "2563": {"path": [20, 3, 3, 3], "s": [1.0428930981649642, 0.9590811189694628, 0.014801336209393287]}, "2564": {"path": [20, 3, 3, 3], "s": [1.0483915745164236, 0.9541402082044651, 0.017679230438764373]}}, "edgedata": {"13-275": {"q_pre": 11, "f": 19.665550921417285}, "107-275": {"q_pre": 11, "f": 19.660860250810128}, "107-396": {"q_pre": 11, "f": 19.656440542381237}, "50-396": {"q_pre": 11, "f": 19.65291519719398}, "50-397": {"q_pre": 11, "f": 19.650217823277305}, "137-397": {"q_pre": 11, "f": 19.6502134631127}, "137-305": {"q_pre": 11, "f": 19.652248370635757}, "23-305": {"q_pre": 11, "f": 19.65767566853136}, "23-307": {"q_pre": 11, "f": 19.657675668531372}, "139-307": {"q_pre": 11, "f": 19.652248370635757}, "139-419": {"q_pre": 11, "f": 19.65021346311266}, "57-419": {"q_pre": 11, "f": 19.650217823277284}, "57-418": {"q_pre": 11, "f": 19.652915197193938}, "119-418": {"q_pre": 11, "f": 19.656440542381205}, "119-287": {"q_pre": 11, "f": 19.660860250810085}, "17-287": {"q_pre": 11, "f": 19.665550921417243}, "17-286": {"q_pre": 11, "f": 19.669762640641824}, "118-286": {"q_pre": 11, "f": 19.67395033339228}, "118-415": {"q_pre": 11, "f": 19.677109114190547}, "56-415": {"q_pre": 11, "f": 19.68084333813445}, "56-416": {"q_pre": 11, "f": 19.683706807224084}, "136-416": {"q_pre": 11, "f": 19.688529643317715}, "136-304": {"q_pre": 11, "f": 19.693555483894183}, "22-304": {"q_pre": 11, "f": 19.70117597787627}, "22-303": {"q_pre": 11, "f": 19.7011759778763}, "135-303": {"q_pre": 11, "f": 19.6935554838942}, "135-410": {"q_pre": 11, "f": 19.688529643317707}, "54-410": {"q_pre": 11, "f": 19.683706807224066}, "54-409": {"q_pre": 11, "f": 19.68084333813446}, "115-409": {"q_pre": 11, "f": 19.677109114190547}, "115-283": {"q_pre": 11, "f": 19.673950333392273}, "16-283": {"q_pre": 11, "f": 19.66976264064185}, "16-284": {"q_pre": 11, "f": 19.665550921417264}, "116-284": {"q_pre": 11, "f": 19.660860250810128}, "116-412": {"q_pre": 11, "f": 19.656440542381258}, "55-412": {"q_pre": 11, "f": 19.652915197194023}, "55-413": {"q_pre": 11, "f": 19.650217823277348}, "142-413": {"q_pre": 11, "f": 19.65021346311274}, "142-310": {"q_pre": 11, "f": 19.652248370635853}, "24-310": {"q_pre": 11, "f": 19.657675668531432}, "24-309": {"q_pre": 11, "f": 19.657675668531418}, "141-309": {"q_pre": 11, "f": 19.652248370635828}, "141-407": {"q_pre": 11, "f": 19.650213463112713}, "53-407": {"q_pre": 11, "f": 19.650217823277348}, "53-406": {"q_pre": 11, "f": 19.652915197193998}, "113-406": {"q_pre": 11, "f": 19.65644054238125}, "113-281": {"q_pre": 11, "f": 19.660860250810117}, "15-281": {"q_pre": 11, "f": 19.665550921417253}, "15-280": {"q_pre": 11, "f": 19.669762640641817}, "112-280": {"q_pre": 11, "f": 19.67395033339226}, "112-403": {"q_pre": 11, "f": 19.677109114190518}, "52-403": {"q_pre": 11, "f": 19.680843338134434}, "52-404": {"q_pre": 11, "f": 19.68370680722407}, "132-404": {"q_pre": 11, "f": 19.68852964331769}, "132-300": {"q_pre": 11, "f": 19.69355548389423}, "21-300": {"q_pre": 11, "f": 19.701175977876296}, "21-299": {"q_pre": 11, "f": 19.70117597787633}, "131-299": {"q_pre": 11, "f": 19.69355548389424}, "131-394": {"q_pre": 11, "f": 19.688529643317686}, "49-394": {"q_pre": 11, "f": 19.683706807224077}, "49-393": {"q_pre": 11, "f": 19.68084333813448}, "106-393": {"q_pre": 11, "f": 19.677109114190593}, "106-274": {"q_pre": 11, "f": 19.673950333392334}, "13-274": {"q_pre": 11, "f": 19.669762640641874}, "0-241": {"q_pre": 30, "f": 91.01877513111067}, "73-241": {"q_pre": 30, "f": 90.96106926549257}, "73-313": {"q_pre": 30, "f": 90.90913288989908}, "25-313": {"q_pre": 30, "f": 90.85413780963736}, "25-314": {"q_pre": 30, "f": 90.80332541336139}, "93-314": {"q_pre": 30, "f": 90.74751496100114}, "93-261": {"q_pre": 30, "f": 90.69429409242984}, "9-261": {"q_pre": 30, "f": 90.6338381644493}, "9-262": {"q_pre": 30, "f": 90.57444244201815}, "94-262": {"q_pre": 30, "f": 90.50826989213785}, "94-362": {"q_pre": 30, "f": 90.44275896274131}, "40-362": {"q_pre": 30, "f": 90.37648387709238}, "40-361": {"q_pre": 30, "f": 90.31434778487662}, "88-361": {"q_pre": 30, "f": 90.26328733413473}, "88-256": {"q_pre": 30, "f": 90.22532606442834}, "7-256": {"q_pre": 30, "f": 90.20928975431677}, "7-257": {"q_pre": 30, "f": 90.21510481803638}, "89-257": {"q_pre": 30, "f": 90.24319236842803}, "89-364": {"q_pre": 30, "f": 90.29188111763335}, "41-364": {"q_pre": 30, "f": 90.3533400400459}, "41-365": {"q_pre": 30, "f": 90.42419308675804}, "124-365": {"q_pre": 30, "f": 90.49846569490205}, "124-292": {"q_pre": 30, "f": 90.57027912906082}, "19-292": {"q_pre": 30, "f": 90.64201750778531}, "19-291": {"q_pre": 30, "f": 90.70547910784666}, "123-291": {"q_pre": 30, "f": 90.76944054446022}, "123-355": {"q_pre": 30, "f": 90.82502577961972}, "38-355": {"q_pre": 30, "f": 90.88285588579765}, "38-354": {"q_pre": 30, "f": 90.93506377639612}, "86-354": {"q_pre": 30, "f": 90.99128953384553}, "86-254": {"q_pre": 30, "f": 91.044302165581}, "6-254": {"q_pre": 30, "f": 91.10302594266274}, "6-253": {"q_pre": 30, "f": 91.10302594266193}, "85-253": {"q_pre": 30, "f": 91.04430216558043}, "85-351": {"q_pre": 30, "f": 90.99128953384506}, "37-351": {"q_pre": 30, "f": 90.93506377639666}, "37-352": {"q_pre": 30, "f": 90.88285588579842}, "126-352": {"q_pre": 30, "f": 90.8250257796204}, "126-294": {"q_pre": 30, "f": 90.76944054446143}, "20-294": {"q_pre": 30, "f": 90.70547910784747}, "20-295": {"q_pre": 30, "f": 90.6420175077852}, "127-295": {"q_pre": 30, "f": 90.5702791290609}, "127-375": {"q_pre": 30, "f": 90.49846569490197}, "44-375": {"q_pre": 30, "f": 90.42419308675795}, "44-374": {"q_pre": 30, "f": 90.35334004004585}, "92-374": {"q_pre": 30, "f": 90.29188111763325}, "92-260": {"q_pre": 30, "f": 90.24319236842796}, "8-260": {"q_pre": 30, "f": 90.21510481803625}, "8-258": {"q_pre": 30, "f": 90.20928975431657}, "90-258": {"q_pre": 30, "f": 90.22532606442822}, "90-367": {"q_pre": 30, "f": 90.26328733413455}, "42-367": {"q_pre": 30, "f": 90.31434778487629}, "42-368": {"q_pre": 30, "f": 90.37648387709214}, "100-368": {"q_pre": 30, "f": 90.44275896274124}, "100-268": {"q_pre": 30, "f": 90.50826989213758}, "11-268": {"q_pre": 30, "f": 90.57444244201788}, "11-267": {"q_pre": 30, "f": 90.6338381644488}, "99-267": {"q_pre": 30, "f": 90.69429409242937}, "99-323": {"q_pre": 30, "f": 90.74751496100073}, "28-323": {"q_pre": 30, "f": 90.803325413361}, "28-322": {"q_pre": 30, "f": 90.85413780963822}, "76-322": {"q_pre": 30, "f": 90.90913288990006}, "76-244": {"q_pre": 30, "f": 90.9610692654935}, "1-244": {"q_pre": 30, "f": 91.01877513111147}, "1-243": {"q_pre": 30, "f": 91.01877513111106}, "75-243": {"q_pre": 30, "f": 90.96106926549308}, "75-319": {"q_pre": 30, "f": 90.90913288989918}, "27-319": {"q_pre": 30, "f": 90.85413780963763}, "27-320": {"q_pre": 30, "f": 90.80332541336197}, "102-320": {"q_pre": 30, "f": 90.74751496100156}, "102-270": {"q_pre": 30, "f": 90.69429409243006}, "12-270": {"q_pre": 30, "f": 90.63383816444966}, "12-271": {"q_pre": 30, "f": 90.57444244201858}, "103-271": {"q_pre": 30, "f": 90.50826989213785}, "103-340": {"q_pre": 30, "f": 90.4427589627412}, "33-340": {"q_pre": 30, "f": 90.37648387709216}, "33-339": {"q_pre": 30, "f": 90.31434778487622}, "81-339": {"q_pre": 30, "f": 90.26328733413447}, "81-249": {"q_pre": 30, "f": 90.2253260644282}, "4-249": {"q_pre": 30, "f": 90.20928975431664}, "4-250": {"q_pre": 30, "f": 90.21510481803631}, "82-250": {"q_pre": 30, "f": 90.24319236842801}, "82-342": {"q_pre": 30, "f": 90.29188111763325}, "34-342": {"q_pre": 30, "f": 90.3533400400457}, "34-343": {"q_pre": 30, "f": 90.42419308675781}, "120-343": {"q_pre": 30, "f": 90.49846569490178}, "120-288": {"q_pre": 30, "f": 90.57027912906045}, "18-288": {"q_pre": 30, "f": 90.64201750778481}, "18-289": {"q_pre": 30, "f": 90.705479107847}, "121-289": {"q_pre": 30, "f": 90.76944054446041}, "121-349": {"q_pre": 30, "f": 90.82502577961992}, "36-349": {"q_pre": 30, "f": 90.88285588579758}, "36-348": {"q_pre": 30, "f": 90.93506377639594}, "84-348": {"q_pre": 30, "f": 90.99128953384496}, "84-252": {"q_pre": 30, "f": 91.04430216558025}, "5-252": {"q_pre": 30, "f": 91.1030259426619}, "5-251": {"q_pre": 30, "f": 91.10302594266156}, "83-251": {"q_pre": 30, "f": 91.04430216558046}, "83-345": {"q_pre": 30, "f": 90.99128953384489}, "35-345": {"q_pre": 30, "f": 90.93506377639575}, "35-346": {"q_pre": 30, "f": 90.88285588579792}, "109-346": {"q_pre": 30, "f": 90.82502577961998}, "109-277": {"q_pre": 30, "f": 90.76944054446137}, "14-277": {"q_pre": 30, "f": 90.70547910784711}, "14-276": {"q_pre": 30, "f": 90.64201750778474}, "108-276": {"q_pre": 30, "f": 90.57027912906062}, "108-333": {"q_pre": 30, "f": 90.49846569490188}, "31-333": {"q_pre": 30, "f": 90.42419308675804}, "31-332": {"q_pre": 30, "f": 90.35334004004585}, "79-332": {"q_pre": 30, "f": 90.29188111763347}, "79-247": {"q_pre": 30, "f": 90.243192368428}, "2-247": {"q_pre": 30, "f": 90.2151048180363}, "2-245": {"q_pre": 30, "f": 90.2092897543166}, "77-245": {"q_pre": 30, "f": 90.22532606442823}, "77-325": {"q_pre": 30, "f": 90.26328733413453}, "29-325": {"q_pre": 30, "f": 90.31434778487636}, "29-326": {"q_pre": 30, "f": 90.37648387709227}, "97-326": {"q_pre": 30, "f": 90.44275896274132}, "97-265": {"q_pre": 30, "f": 90.508269892138}, "10-265": {"q_pre": 30, "f": 90.57444244201827}, "10-264": {"q_pre": 30, "f": 90.63383816444936}, "96-264": {"q_pre": 30, "f": 90.69429409242967}, "96-317": {"q_pre": 30, "f": 90.74751496100127}, "26-317": {"q_pre": 30, "f": 90.80332541336136}, "26-316": {"q_pre": 30, "f": 90.85413780963836}, "74-316": {"q_pre": 30, "f": 90.9091328899}, "74-242": {"q_pre": 30, "f": 90.96106926549311}, "0-242": {"q_pre": 30, "f": 91.01877513111137}, "0-678": {"f": 0.0}, "1-726": {"f": 0.0}, "2-246": {"f": 0.0}, "2-694": {"f": 0.0}, "2-774": {"f": 0.0}, "4-248": {"f": 0.0}, "4-758": {"f": 0.0}, "4-806": {"f": 0.0}, "5-790": {"f": 0.0}, "6-838": {"f": 0.0}, "7-255": {"f": 0.0}, "7-710": {"f": 0.0}, "7-854": {"f": 0.0}, "8-259": {"f": 0.0}, "8-742": {"f": 0.0}, "8-822": {"f": 0.0}, "9-263": {"f": 0.0}, "9-674": {"f": 0.0}, "9-714": {"f": 0.0}, "10-266": {"f": 0.0}, "10-682": {"f": 0.0}, "10-690": {"f": 0.0}, "11-269": {"f": 0.0}, "11-730": {"f": 0.0}, "11-738": {"f": 0.0}, "12-272": {"f": 0.0}, "12-722": {"f": 0.0}, "12-762": {"f": 0.0}, "13-273": {"f": 0.0}, "13-698": {"f": 0.0}, "13-770": {"f": 0.0}, "14-278": {"f": 0.0}, "14-778": {"f": 0.0}, "14-786": {"f": 0.0}, "15-279": {"f": 0.0}, "15-706": {"f": 0.0}, "15-858": {"f": 0.0}, "16-282": {"f": 0.0}, "16-746": {"f": 0.0}, "16-818": {"f": 0.0}, "17-285": {"f": 0.0}, "17-754": {"f": 0.0}, "17-810": {"f": 0.0}, "18-290": {"f": 0.0}, "18-794": {"f": 0.0}, "18-802": {"f": 0.0}, "19-293": {"f": 0.0}, "19-842": {"f": 0.0}, "19-850": {"f": 0.0}, "20-296": {"f": 0.0}, "20-826": {"f": 0.0}, "20-834": {"f": 0.0}, "21-298": {"f": 0.0}, "21-297": {"f": 0.0}, "21-686": {"f": 0.0}, "21-702": {"f": 0.0}, "21-718": {"f": 0.0}, "22-301": {"f": 0.0}, "22-302": {"f": 0.0}, "22-734": {"f": 0.0}, "22-750": {"f": 0.0}, "22-766": {"f": 0.0}, "23-306": {"f": 0.0}, "23-308": {"f": 0.0}, "23-782": {"f": 0.0}, "23-798": {"f": 0.0}, "23-814": {"f": 0.0}, "24-312": {"f": 0.0}, "24-311": {"f": 0.0}, "24-830": {"f": 0.0}, "24-846": {"f": 0.0}, "24-862": {"f": 0.0}, "25-315": {"f": 0.0}, "25-675": {"f": 0.0}, "25-677": {"f": 0.0}, "26-318": {"f": 0.0}, "26-679": {"f": 0.0}, "26-681": {"f": 0.0}, "27-321": {"f": 0.0}, "27-723": {"f": 0.0}, "27-725": {"f": 0.0}, "28-324": {"f": 0.0}, "28-727": {"f": 0.0}, "28-729": {"f": 0.0}, "29-327": {"f": 0.0}, "29-691": {"f": 0.0}, "29-693": {"f": 0.0}, "30-328": {"f": 0.0}, "30-330": {"f": 0.0}, "30-329": {"f": 0.0}, "30-331": {"f": 0.0}, "30-695": {"f": 0.0}, "30-697": {"f": 0.0}, "30-771": {"f": 0.0}, "30-773": {"f": 0.0}, "31-334": {"f": 0.0}, "31-775": {"f": 0.0}, "31-777": {"f": 0.0}, "32-336": {"f": 0.0}, "32-337": {"f": 0.0}, "32-335": {"f": 0.0}, "32-338": {"f": 0.0}, "32-755": {"f": 0.0}, "32-757": {"f": 0.0}, "32-807": {"f": 0.0}, "32-809": {"f": 0.0}, "33-341": {"f": 0.0}, "33-759": {"f": 0.0}, "33-761": {"f": 0.0}, "34-344": {"f": 0.0}, "34-803": {"f": 0.0}, "34-805": {"f": 0.0}, "35-347": {"f": 0.0}, "35-787": {"f": 0.0}, "35-789": {"f": 0.0}, "36-350": {"f": 0.0}, "36-791": {"f": 0.0}, "36-793": {"f": 0.0}, "37-353": {"f": 0.0}, "37-835": {"f": 0.0}, "37-837": {"f": 0.0}, "38-356": {"f": 0.0}, "38-839": {"f": 0.0}, "38-841": {"f": 0.0}, "39-358": {"f": 0.0}, "39-359": {"f": 0.0}, "39-357": {"f": 0.0}, "39-360": {"f": 0.0}, "39-707": {"f": 0.0}, "39-709": {"f": 0.0}, "39-855": {"f": 0.0}, "39-857": {"f": 0.0}, "40-363": {"f": 0.0}, "40-711": {"f": 0.0}, "40-713": {"f": 0.0}, "41-366": {"f": 0.0}, "41-851": {"f": 0.0}, "41-853": {"f": 0.0}, "42-369": {"f": 0.0}, "42-739": {"f": 0.0}, "42-741": {"f": 0.0}, "43-370": {"f": 0.0}, "43-372": {"f": 0.0}, "43-371": {"f": 0.0}, "43-373": {"f": 0.0}, "43-743": {"f": 0.0}, "43-745": {"f": 0.0}, "43-819": {"f": 0.0}, "43-821": {"f": 0.0}, "44-376": {"f": 0.0}, "44-823": {"f": 0.0}, "44-825": {"f": 0.0}, "45-379": {"f": 0.0}, "45-377": {"f": 0.0}, "45-378": {"f": 0.0}, "45-380": {"f": 0.0}, "45-673": {"f": 0.0}, "45-687": {"f": 0.0}, "45-715": {"f": 0.0}, "45-717": {"f": 0.0}, "46-381": {"f": 0.0}, "46-383": {"f": 0.0}, "46-382": {"f": 0.0}, "46-384": {"f": 0.0}, "46-683": {"f": 0.0}, "46-685": {"f": 0.0}, "46-689": {"f": 0.0}, "46-703": {"f": 0.0}, "47-385": {"f": 0.0}, "47-387": {"f": 0.0}, "47-386": {"f": 0.0}, "47-388": {"f": 0.0}, "47-731": {"f": 0.0}, "47-733": {"f": 0.0}, "47-737": {"f": 0.0}, "47-751": {"f": 0.0}, "48-391": {"f": 0.0}, "48-389": {"f": 0.0}, "48-390": {"f": 0.0}, "48-392": {"f": 0.0}, "48-721": {"f": 0.0}, "48-735": {"f": 0.0}, "48-763": {"f": 0.0}, "48-765": {"f": 0.0}, "49-395": {"f": 0.0}, "49-699": {"f": 0.0}, "49-701": {"f": 0.0}, "50-398": {"f": 0.0}, "50-769": {"f": 0.0}, "50-783": {"f": 0.0}, "51-399": {"f": 0.0}, "51-401": {"f": 0.0}, "51-400": {"f": 0.0}, "51-402": {"f": 0.0}, "51-779": {"f": 0.0}, "51-781": {"f": 0.0}, "51-785": {"f": 0.0}, "51-799": {"f": 0.0}, "52-405": {"f": 0.0}, "52-705": {"f": 0.0}, "52-719": {"f": 0.0}, "53-408": {"f": 0.0}, "53-859": {"f": 0.0}, "53-861": {"f": 0.0}, "54-411": {"f": 0.0}, "54-747": {"f": 0.0}, "54-749": {"f": 0.0}, "55-414": {"f": 0.0}, "55-817": {"f": 0.0}, "55-831": {"f": 0.0}, "56-417": {"f": 0.0}, "56-753": {"f": 0.0}, "56-767": {"f": 0.0}, "57-420": {"f": 0.0}, "57-811": {"f": 0.0}, "57-813": {"f": 0.0}, "58-421": {"f": 0.0}, "58-423": {"f": 0.0}, "58-422": {"f": 0.0}, "58-424": {"f": 0.0}, "58-795": {"f": 0.0}, "58-797": {"f": 0.0}, "58-801": {"f": 0.0}, "58-815": {"f": 0.0}, "59-425": {"f": 0.0}, "59-427": {"f": 0.0}, "59-426": {"f": 0.0}, "59-428": {"f": 0.0}, "59-843": {"f": 0.0}, "59-845": {"f": 0.0}, "59-849": {"f": 0.0}, "59-863": {"f": 0.0}, "60-429": {"f": 0.0}, "60-431": {"f": 0.0}, "60-430": {"f": 0.0}, "60-432": {"f": 0.0}, "60-827": {"f": 0.0}, "60-829": {"f": 0.0}, "60-833": {"f": 0.0}, "60-847": {"f": 0.0}, "61-433": {"f": 0.0}, "61-435": {"f": 0.0}, "61-434": {"f": 0.0}, "61-436": {"f": 0.0}, "61-676": {"f": 0.0}, "61-680": {"f": 0.0}, "61-684": {"f": 0.0}, "61-688": {"f": 0.0}, "62-437": {"f": 0.0}, "62-439": {"f": 0.0}, "62-438": {"f": 0.0}, "62-440": {"f": 0.0}, "62-692": {"f": 0.0}, "62-696": {"f": 0.0}, "62-700": {"f": 0.0}, "62-704": {"f": 0.0}, "63-441": {"f": 0.0}, "63-444": {"f": 0.0}, "63-442": {"f": 0.0}, "63-443": {"f": 0.0}, "63-708": {"f": 0.0}, "63-712": {"f": 0.0}, "63-716": {"f": 0.0}, "63-720": {"f": 0.0}, "64-445": {"f": 0.0}, "64-448": {"f": 0.0}, "64-446": {"f": 0.0}, "64-447": {"f": 0.0}, "64-724": {"f": 0.0}, "64-728": {"f": 0.0}, "64-732": {"f": 0.0}, "64-736": {"f": 0.0}, "65-449": {"f": 0.0}, "65-451": {"f": 0.0}, "65-450": {"f": 0.0}, "65-452": {"f": 0.0}, "65-740": {"f": 0.0}, "65-744": {"f": 0.0}, "65-748": {"f": 0.0}, "65-752": {"f": 0.0}, "66-453": {"f": 0.0}, "66-456": {"f": 0.0}, "66-454": {"f": 0.0}, "66-455": {"f": 0.0}, "66-756": {"f": 0.0}, "66-760": {"f": 0.0}, "66-764": {"f": 0.0}, "66-768": {"f": 0.0}, "67-457": {"f": 0.0}, "67-459": {"f": 0.0}, "67-458": {"f": 0.0}, "67-460": {"f": 0.0}, "67-772": {"f": 0.0}, "67-776": {"f": 0.0}, "67-780": {"f": 0.0}, "67-784": {"f": 0.0}, "68-461": {"f": 0.0}, "68-463": {"f": 0.0}, "68-462": {"f": 0.0}, "68-464": {"f": 0.0}, "68-788": {"f": 0.0}, "68-792": {"f": 0.0}, "68-796": {"f": 0.0}, "68-800": {"f": 0.0}, "69-466": {"f": 0.0}, "69-468": {"f": 0.0}, "69-465": {"f": 0.0}, "69-467": {"f": 0.0}, "69-804": {"f": 0.0}, "69-808": {"f": 0.0}, "69-812": {"f": 0.0}, "69-816": {"f": 0.0}, "70-469": {"f": 0.0}, "70-471": {"f": 0.0}, "70-470": {"f": 0.0}, "70-472": {"f": 0.0}, "70-820": {"f": 0.0}, "70-824": {"f": 0.0}, "70-828": {"f": 0.0}, "70-832": {"f": 0.0}, "71-473": {"f": 0.0}, "71-476": {"f": 0.0}, "71-474": {"f": 0.0}, "71-475": {"f": 0.0}, "71-836": {"f": 0.0}, "71-840": {"f": 0.0}, "71-844": {"f": 0.0}, "71-848": {"f": 0.0}, "72-478": {"f": 0.0}, "72-480": {"f": 0.0}, "72-477": {"f": 0.0}, "72-479": {"f": 0.0}, "72-852": {"f": 0.0}, "72-856": {"f": 0.0}, "72-860": {"f": 0.0}, "72-864": {"f": 0.0}, "73-481": {"f": 0.0}, "73-677": {"f": 0.0}, "73-678": {"f": 0.0}, "74-482": {"f": 0.0}, "74-678": {"f": 0.0}, "74-679": {"f": 0.0}, "75-483": {"f": 0.0}, "75-725": {"f": 0.0}, "75-726": {"f": 0.0}, "76-484": {"f": 0.0}, "76-726": {"f": 0.0}, "76-727": {"f": 0.0}, "77-485": {"f": 0.0}, "77-693": {"f": 0.0}, "77-694": {"f": 0.0}, "78-246": {"f": 0.0}, "78-486": {"f": 0.0}, "78-328": {"f": 0.0}, "78-487": {"f": 0.0}, "78-694": {"f": 0.0}, "78-695": {"f": 0.0}, "78-773": {"f": 0.0}, "78-774": {"f": 0.0}, "79-488": {"f": 0.0}, "79-774": {"f": 0.0}, "79-775": {"f": 0.0}, "80-335": {"f": 0.0}, "80-489": {"f": 0.0}, "80-248": {"f": 0.0}, "80-490": {"f": 0.0}, "80-757": {"f": 0.0}, "80-758": {"f": 0.0}, "80-806": {"f": 0.0}, "80-807": {"f": 0.0}, "81-491": {"f": 0.0}, "81-758": {"f": 0.0}, "81-759": {"f": 0.0}, "82-492": {"f": 0.0}, "82-805": {"f": 0.0}, "82-806": {"f": 0.0}, "83-493": {"f": 0.0}, "83-789": {"f": 0.0}, "83-790": {"f": 0.0}, "84-494": {"f": 0.0}, "84-790": {"f": 0.0}, "84-791": {"f": 0.0}, "85-495": {"f": 0.0}, "85-837": {"f": 0.0}, "85-838": {"f": 0.0}, "86-496": {"f": 0.0}, "86-838": {"f": 0.0}, "86-839": {"f": 0.0}, "87-357": {"f": 0.0}, "87-497": {"f": 0.0}, "87-255": {"f": 0.0}, "87-498": {"f": 0.0}, "87-709": {"f": 0.0}, "87-710": {"f": 0.0}, "87-854": {"f": 0.0}, "87-855": {"f": 0.0}, "88-499": {"f": 0.0}, "88-710": {"f": 0.0}, "88-711": {"f": 0.0}, "89-500": {"f": 0.0}, "89-853": {"f": 0.0}, "89-854": {"f": 0.0}, "90-501": {"f": 0.0}, "90-741": {"f": 0.0}, "90-742": {"f": 0.0}, "91-259": {"f": 0.0}, "91-502": {"f": 0.0}, "91-370": {"f": 0.0}, "91-503": {"f": 0.0}, "91-742": {"f": 0.0}, "91-743": {"f": 0.0}, "91-821": {"f": 0.0}, "91-822": {"f": 0.0}, "92-504": {"f": 0.0}, "92-822": {"f": 0.0}, "92-823": {"f": 0.0}, "93-505": {"f": 0.0}, "93-674": {"f": 0.0}, "93-675": {"f": 0.0}, "94-506": {"f": 0.0}, "94-713": {"f": 0.0}, "94-714": {"f": 0.0}, "95-377": {"f": 0.0}, "95-507": {"f": 0.0}, "95-263": {"f": 0.0}, "95-508": {"f": 0.0}, "95-673": {"f": 0.0}, "95-674": {"f": 0.0}, "95-714": {"f": 0.0}, "95-715": {"f": 0.0}, "96-509": {"f": 0.0}, "96-681": {"f": 0.0}, "96-682": {"f": 0.0}, "97-510": {"f": 0.0}, "97-690": {"f": 0.0}, "97-691": {"f": 0.0}, "98-266": {"f": 0.0}, "98-511": {"f": 0.0}, "98-381": {"f": 0.0}, "98-512": {"f": 0.0}, "98-682": {"f": 0.0}, "98-683": {"f": 0.0}, "98-689": {"f": 0.0}, "98-690": {"f": 0.0}, "99-513": {"f": 0.0}, "99-729": {"f": 0.0}, "99-730": {"f": 0.0}, "100-514": {"f": 0.0}, "100-738": {"f": 0.0}, "100-739": {"f": 0.0}, "101-269": {"f": 0.0}, "101-515": {"f": 0.0}, "101-385": {"f": 0.0}, "101-516": {"f": 0.0}, "101-730": {"f": 0.0}, "101-731": {"f": 0.0}, "101-737": {"f": 0.0}, "101-738": {"f": 0.0}, "102-517": {"f": 0.0}, "102-722": {"f": 0.0}, "102-723": {"f": 0.0}, "103-518": {"f": 0.0}, "103-761": {"f": 0.0}, "103-762": {"f": 0.0}, "104-389": {"f": 0.0}, "104-519": {"f": 0.0}, "104-272": {"f": 0.0}, "104-520": {"f": 0.0}, "104-721": {"f": 0.0}, "104-722": {"f": 0.0}, "104-762": {"f": 0.0}, "104-763": {"f": 0.0}, "105-329": {"f": 0.0}, "105-521": {"f": 0.0}, "105-273": {"f": 0.0}, "105-522": {"f": 0.0}, "105-697": {"f": 0.0}, "105-698": {"f": 0.0}, "105-770": {"f": 0.0}, "105-771": {"f": 0.0}, "106-523": {"f": 0.0}, "106-698": {"f": 0.0}, "106-699": {"f": 0.0}, "107-524": {"f": 0.0}, "107-769": {"f": 0.0}, "107-770": {"f": 0.0}, "108-525": {"f": 0.0}, "108-777": {"f": 0.0}, "108-778": {"f": 0.0}, "109-526": {"f": 0.0}, "109-786": {"f": 0.0}, "109-787": {"f": 0.0}, "110-278": {"f": 0.0}, "110-527": {"f": 0.0}, "110-399": {"f": 0.0}, "110-528": {"f": 0.0}, "110-778": {"f": 0.0}, "110-779": {"f": 0.0}, "110-785": {"f": 0.0}, "110-786": {"f": 0.0}, "111-279": {"f": 0.0}, "111-529": {"f": 0.0}, "111-358": {"f": 0.0}, "111-530": {"f": 0.0}, "111-706": {"f": 0.0}, "111-707": {"f": 0.0}, "111-857": {"f": 0.0}, "111-858": {"f": 0.0}, "112-531": {"f": 0.0}, "112-705": {"f": 0.0}, "112-706": {"f": 0.0}, "113-532": {"f": 0.0}, "113-858": {"f": 0.0}, "113-859": {"f": 0.0}, "114-371": {"f": 0.0}, "114-533": {"f": 0.0}, "114-282": {"f": 0.0}, "114-534": {"f": 0.0}, "114-745": {"f": 0.0}, "114-746": {"f": 0.0}, "114-818": {"f": 0.0}, "114-819": {"f": 0.0}, "115-535": {"f": 0.0}, "115-746": {"f": 0.0}, "115-747": {"f": 0.0}, "116-536": {"f": 0.0}, "116-817": {"f": 0.0}, "116-818": {"f": 0.0}, "117-285": {"f": 0.0}, "117-537": {"f": 0.0}, "117-336": {"f": 0.0}, "117-538": {"f": 0.0}, "117-754": {"f": 0.0}, "117-755": {"f": 0.0}, "117-809": {"f": 0.0}, "117-810": {"f": 0.0}, "118-539": {"f": 0.0}, "118-753": {"f": 0.0}, "118-754": {"f": 0.0}, "119-540": {"f": 0.0}, "119-810": {"f": 0.0}, "119-811": {"f": 0.0}, "120-541": {"f": 0.0}, "120-802": {"f": 0.0}, "120-803": {"f": 0.0}, "121-542": {"f": 0.0}, "121-793": {"f": 0.0}, "121-794": {"f": 0.0}, "122-290": {"f": 0.0}, "122-543": {"f": 0.0}, "122-421": {"f": 0.0}, "122-544": {"f": 0.0}, "122-794": {"f": 0.0}, "122-795": {"f": 0.0}, "122-801": {"f": 0.0}, "122-802": {"f": 0.0}, "123-545": {"f": 0.0}, "123-841": {"f": 0.0}, "123-842": {"f": 0.0}, "124-546": {"f": 0.0}, "124-850": {"f": 0.0}, "124-851": {"f": 0.0}, "125-293": {"f": 0.0}, "125-547": {"f": 0.0}, "125-425": {"f": 0.0}, "125-548": {"f": 0.0}, "125-842": {"f": 0.0}, "125-843": {"f": 0.0}, "125-849": {"f": 0.0}, "125-850": {"f": 0.0}, "126-549": {"f": 0.0}, "126-834": {"f": 0.0}, "126-835": {"f": 0.0}, "127-550": {"f": 0.0}, "127-825": {"f": 0.0}, "127-826": {"f": 0.0}, "128-296": {"f": 0.0}, "128-551": {"f": 0.0}, "128-429": {"f": 0.0}, "128-552": {"f": 0.0}, "128-826": {"f": 0.0}, "128-827": {"f": 0.0}, "128-833": {"f": 0.0}, "128-834": {"f": 0.0}, "129-297": {"f": 0.0}, "129-553": {"f": 0.0}, "129-378": {"f": 0.0}, "129-554": {"f": 0.0}, "129-686": {"f": 0.0}, "129-687": {"f": 0.0}, "129-717": {"f": 0.0}, "129-718": {"f": 0.0}, "130-382": {"f": 0.0}, "130-555": {"f": 0.0}, "130-298": {"f": 0.0}, "130-556": {"f": 0.0}, "130-685": {"f": 0.0}, "130-686": {"f": 0.0}, "130-702": {"f": 0.0}, "130-703": {"f": 0.0}, "131-557": {"f": 0.0}, "131-701": {"f": 0.0}, "131-702": {"f": 0.0}, "132-558": {"f": 0.0}, "132-718": {"f": 0.0}, "132-719": {"f": 0.0}, "133-386": {"f": 0.0}, "133-559": {"f": 0.0}, "133-301": {"f": 0.0}, "133-560": {"f": 0.0}, "133-733": {"f": 0.0}, "133-734": {"f": 0.0}, "133-750": {"f": 0.0}, "133-751": {"f": 0.0}, "134-302": {"f": 0.0}, "134-561": {"f": 0.0}, "134-390": {"f": 0.0}, "134-562": {"f": 0.0}, "134-734": {"f": 0.0}, "134-735": {"f": 0.0}, "134-765": {"f": 0.0}, "134-766": {"f": 0.0}, "135-563": {"f": 0.0}, "135-749": {"f": 0.0}, "135-750": {"f": 0.0}, "136-564": {"f": 0.0}, "136-766": {"f": 0.0}, "136-767": {"f": 0.0}, "137-565": {"f": 0.0}, "137-782": {"f": 0.0}, "137-783": {"f": 0.0}, "138-400": {"f": 0.0}, "138-566": {"f": 0.0}, "138-306": {"f": 0.0}, "138-567": {"f": 0.0}, "138-781": {"f": 0.0}, "138-782": {"f": 0.0}, "138-798": {"f": 0.0}, "138-799": {"f": 0.0}, "139-568": {"f": 0.0}, "139-813": {"f": 0.0}, "139-814": {"f": 0.0}, "140-422": {"f": 0.0}, "140-569": {"f": 0.0}, "140-308": {"f": 0.0}, "140-570": {"f": 0.0}, "140-797": {"f": 0.0}, "140-798": {"f": 0.0}, "140-814": {"f": 0.0}, "140-815": {"f": 0.0}, "141-571": {"f": 0.0}, "141-861": {"f": 0.0}, "141-862": {"f": 0.0}, "142-572": {"f": 0.0}, "142-830": {"f": 0.0}, "142-831": {"f": 0.0}, "143-426": {"f": 0.0}, "143-573": {"f": 0.0}, "143-311": {"f": 0.0}, "143-574": {"f": 0.0}, "143-845": {"f": 0.0}, "143-846": {"f": 0.0}, "143-862": {"f": 0.0}, "143-863": {"f": 0.0}, "144-430": {"f": 0.0}, "144-575": {"f": 0.0}, "144-312": {"f": 0.0}, "144-576": {"f": 0.0}, "144-829": {"f": 0.0}, "144-830": {"f": 0.0}, "144-846": {"f": 0.0}, "144-847": {"f": 0.0}, "145-315": {"f": 0.0}, "145-577": {"f": 0.0}, "145-433": {"f": 0.0}, "145-578": {"f": 0.0}, "145-675": {"f": 0.0}, "145-676": {"f": 0.0}, "145-677": {"f": 0.0}, "145-680": {"f": 0.0}, "146-318": {"f": 0.0}, "146-579": {"f": 0.0}, "146-434": {"f": 0.0}, "146-580": {"f": 0.0}, "146-679": {"f": 0.0}, "146-680": {"f": 0.0}, "146-681": {"f": 0.0}, "146-684": {"f": 0.0}, "147-321": {"f": 0.0}, "147-581": {"f": 0.0}, "147-445": {"f": 0.0}, "147-582": {"f": 0.0}, "147-723": {"f": 0.0}, "147-724": {"f": 0.0}, "147-725": {"f": 0.0}, "147-728": {"f": 0.0}, "148-324": {"f": 0.0}, "148-583": {"f": 0.0}, "148-446": {"f": 0.0}, "148-584": {"f": 0.0}, "148-727": {"f": 0.0}, "148-728": {"f": 0.0}, "148-729": {"f": 0.0}, "148-732": {"f": 0.0}, "149-327": {"f": 0.0}, "149-585": {"f": 0.0}, "149-437": {"f": 0.0}, "149-586": {"f": 0.0}, "149-691": {"f": 0.0}, "149-692": {"f": 0.0}, "149-693": {"f": 0.0}, "149-696": {"f": 0.0}, "150-330": {"f": 0.0}, "150-587": {"f": 0.0}, "150-438": {"f": 0.0}, "150-588": {"f": 0.0}, "150-695": {"f": 0.0}, "150-696": {"f": 0.0}, "150-697": {"f": 0.0}, "150-700": {"f": 0.0}, "151-331": {"f": 0.0}, "151-589": {"f": 0.0}, "151-457": {"f": 0.0}, "151-590": {"f": 0.0}, "151-771": {"f": 0.0}, "151-772": {"f": 0.0}, "151-773": {"f": 0.0}, "151-776": {"f": 0.0}, "152-334": {"f": 0.0}, "152-591": {"f": 0.0}, "152-458": {"f": 0.0}, "152-592": {"f": 0.0}, "152-775": {"f": 0.0}, "152-776": {"f": 0.0}, "152-777": {"f": 0.0}, "152-780": {"f": 0.0}, "153-337": {"f": 0.0}, "153-593": {"f": 0.0}, "153-453": {"f": 0.0}, "153-594": {"f": 0.0}, "153-755": {"f": 0.0}, "153-756": {"f": 0.0}, "153-757": {"f": 0.0}, "153-760": {"f": 0.0}, "154-338": {"f": 0.0}, "154-595": {"f": 0.0}, "154-465": {"f": 0.0}, "154-596": {"f": 0.0}, "154-807": {"f": 0.0}, "154-808": {"f": 0.0}, "154-809": {"f": 0.0}, "154-812": {"f": 0.0}, "155-341": {"f": 0.0}, "155-597": {"f": 0.0}, "155-454": {"f": 0.0}, "155-598": {"f": 0.0}, "155-759": {"f": 0.0}, "155-760": {"f": 0.0}, "155-761": {"f": 0.0}, "155-764": {"f": 0.0}, "156-344": {"f": 0.0}, "156-599": {"f": 0.0}, "156-466": {"f": 0.0}, "156-600": {"f": 0.0}, "156-803": {"f": 0.0}, "156-804": {"f": 0.0}, "156-805": {"f": 0.0}, "156-808": {"f": 0.0}, "157-347": {"f": 0.0}, "157-601": {"f": 0.0}, "157-461": {"f": 0.0}, "157-602": {"f": 0.0}, "157-787": {"f": 0.0}, "157-788": {"f": 0.0}, "157-789": {"f": 0.0}, "157-792": {"f": 0.0}, "158-350": {"f": 0.0}, "158-603": {"f": 0.0}, "158-462": {"f": 0.0}, "158-604": {"f": 0.0}, "158-791": {"f": 0.0}, "158-792": {"f": 0.0}, "158-793": {"f": 0.0}, "158-796": {"f": 0.0}, "159-353": {"f": 0.0}, "159-605": {"f": 0.0}, "159-473": {"f": 0.0}, "159-606": {"f": 0.0}, "159-835": {"f": 0.0}, "159-836": {"f": 0.0}, "159-837": {"f": 0.0}, "159-840": {"f": 0.0}, "160-356": {"f": 0.0}, "160-607": {"f": 0.0}, "160-474": {"f": 0.0}, "160-608": {"f": 0.0}, "160-839": {"f": 0.0}, "160-840": {"f": 0.0}, "160-841": {"f": 0.0}, "160-844": {"f": 0.0}, "161-359": {"f": 0.0}, "161-609": {"f": 0.0}, "161-441": {"f": 0.0}, "161-610": {"f": 0.0}, "161-707": {"f": 0.0}, "161-708": {"f": 0.0}, "161-709": {"f": 0.0}, "161-712": {"f": 0.0}, "162-360": {"f": 0.0}, "162-611": {"f": 0.0}, "162-477": {"f": 0.0}, "162-612": {"f": 0.0}, "162-855": {"f": 0.0}, "162-856": {"f": 0.0}, "162-857": {"f": 0.0}, "162-860": {"f": 0.0}, "163-363": {"f": 0.0}, "163-613": {"f": 0.0}, "163-442": {"f": 0.0}, "163-614": {"f": 0.0}, "163-711": {"f": 0.0}, "163-712": {"f": 0.0}, "163-713": {"f": 0.0}, "163-716": {"f": 0.0}, "164-366": {"f": 0.0}, "164-615": {"f": 0.0}, "164-478": {"f": 0.0}, "164-616": {"f": 0.0}, "164-851": {"f": 0.0}, "164-852": {"f": 0.0}, "164-853": {"f": 0.0}, "164-856": {"f": 0.0}, "165-369": {"f": 0.0}, "165-617": {"f": 0.0}, "165-449": {"f": 0.0}, "165-618": {"f": 0.0}, "165-739": {"f": 0.0}, "165-740": {"f": 0.0}, "165-741": {"f": 0.0}, "165-744": {"f": 0.0}, "166-372": {"f": 0.0}, "166-619": {"f": 0.0}, "166-450": {"f": 0.0}, "166-620": {"f": 0.0}, "166-743": {"f": 0.0}, "166-744": {"f": 0.0}, "166-745": {"f": 0.0}, "166-748": {"f": 0.0}, "167-373": {"f": 0.0}, "167-621": {"f": 0.0}, "167-469": {"f": 0.0}, "167-622": {"f": 0.0}, "167-819": {"f": 0.0}, "167-820": {"f": 0.0}, "167-821": {"f": 0.0}, "167-824": {"f": 0.0}, "168-376": {"f": 0.0}, "168-623": {"f": 0.0}, "168-470": {"f": 0.0}, "168-624": {"f": 0.0}, "168-823": {"f": 0.0}, "168-824": {"f": 0.0}, "168-825": {"f": 0.0}, "168-828": {"f": 0.0}, "169-625": {"f": 0.0}, "169-379": {"f": 0.0}, "169-435": {"f": 0.0}, "169-626": {"f": 0.0}, "169-673": {"f": 0.0}, "169-676": {"f": 0.0}, "169-687": {"f": 0.0}, "169-688": {"f": 0.0}, "170-380": {"f": 0.0}, "170-627": {"f": 0.0}, "170-443": {"f": 0.0}, "170-628": {"f": 0.0}, "170-715": {"f": 0.0}, "170-716": {"f": 0.0}, "170-717": {"f": 0.0}, "170-720": {"f": 0.0}, "171-383": {"f": 0.0}, "171-629": {"f": 0.0}, "171-436": {"f": 0.0}, "171-630": {"f": 0.0}, "171-683": {"f": 0.0}, "171-684": {"f": 0.0}, "171-685": {"f": 0.0}, "171-688": {"f": 0.0}, "172-631": {"f": 0.0}, "172-384": {"f": 0.0}, "172-439": {"f": 0.0}, "172-632": {"f": 0.0}, "172-689": {"f": 0.0}, "172-692": {"f": 0.0}, "172-703": {"f": 0.0}, "172-704": {"f": 0.0}, "173-387": {"f": 0.0}, "173-633": {"f": 0.0}, "173-447": {"f": 0.0}, "173-634": {"f": 0.0}, "173-731": {"f": 0.0}, "173-732": {"f": 0.0}, "173-733": {"f": 0.0}, "173-736": {"f": 0.0}, "174-635": {"f": 0.0}, "174-388": {"f": 0.0}, "174-451": {"f": 0.0}, "174-636": {"f": 0.0}, "174-737": {"f": 0.0}, "174-740": {"f": 0.0}, "174-751": {"f": 0.0}, "174-752": {"f": 0.0}, "175-637": {"f": 0.0}, "175-391": {"f": 0.0}, "175-448": {"f": 0.0}, "175-638": {"f": 0.0}, "175-721": {"f": 0.0}, "175-724": {"f": 0.0}, "175-735": {"f": 0.0}, "175-736": {"f": 0.0}, "176-392": {"f": 0.0}, "176-639": {"f": 0.0}, "176-455": {"f": 0.0}, "176-640": {"f": 0.0}, "176-763": {"f": 0.0}, "176-764": {"f": 0.0}, "176-765": {"f": 0.0}, "176-768": {"f": 0.0}, "177-395": {"f": 0.0}, "177-641": {"f": 0.0}, "177-440": {"f": 0.0}, "177-642": {"f": 0.0}, "177-699": {"f": 0.0}, "177-700": {"f": 0.0}, "177-701": {"f": 0.0}, "177-704": {"f": 0.0}, "178-643": {"f": 0.0}, "178-398": {"f": 0.0}, "178-459": {"f": 0.0}, "178-644": {"f": 0.0}, "178-769": {"f": 0.0}, "178-772": {"f": 0.0}, "178-783": {"f": 0.0}, "178-784": {"f": 0.0}, "179-401": {"f": 0.0}, "179-645": {"f": 0.0}, "179-460": {"f": 0.0}, "179-646": {"f": 0.0}, "179-779": {"f": 0.0}, "179-780": {"f": 0.0}, "179-781": {"f": 0.0}, "179-784": {"f": 0.0}, "180-647": {"f": 0.0}, "180-402": {"f": 0.0}, "180-463": {"f": 0.0}, "180-648": {"f": 0.0}, "180-785": {"f": 0.0}, "180-788": {"f": 0.0}, "180-799": {"f": 0.0}, "180-800": {"f": 0.0}, "181-649": {"f": 0.0}, "181-405": {"f": 0.0}, "181-444": {"f": 0.0}, "181-650": {"f": 0.0}, "181-705": {"f": 0.0}, "181-708": {"f": 0.0}, "181-719": {"f": 0.0}, "181-720": {"f": 0.0}, "182-408": {"f": 0.0}, "182-651": {"f": 0.0}, "182-479": {"f": 0.0}, "182-652": {"f": 0.0}, "182-859": {"f": 0.0}, "182-860": {"f": 0.0}, "182-861": {"f": 0.0}, "182-864": {"f": 0.0}, "183-411": {"f": 0.0}, "183-653": {"f": 0.0}, "183-452": {"f": 0.0}, "183-654": {"f": 0.0}, "183-747": {"f": 0.0}, "183-748": {"f": 0.0}, "183-749": {"f": 0.0}, "183-752": {"f": 0.0}, "184-655": {"f": 0.0}, "184-414": {"f": 0.0}, "184-471": {"f": 0.0}, "184-656": {"f": 0.0}, "184-817": {"f": 0.0}, "184-820": {"f": 0.0}, "184-831": {"f": 0.0}, "184-832": {"f": 0.0}, "185-657": {"f": 0.0}, "185-417": {"f": 0.0}, "185-456": {"f": 0.0}, "185-658": {"f": 0.0}, "185-753": {"f": 0.0}, "185-756": {"f": 0.0}, "185-767": {"f": 0.0}, "185-768": {"f": 0.0}, "186-420": {"f": 0.0}, "186-659": {"f": 0.0}, "186-467": {"f": 0.0}, "186-660": {"f": 0.0}, "186-811": {"f": 0.0}, "186-812": {"f": 0.0}, "186-813": {"f": 0.0}, "186-816": {"f": 0.0}, "187-423": {"f": 0.0}, "187-661": {"f": 0.0}, "187-464": {"f": 0.0}, "187-662": {"f": 0.0}, "187-795": {"f": 0.0}, "187-796": {"f": 0.0}, "187-797": {"f": 0.0}, "187-800": {"f": 0.0}, "188-663": {"f": 0.0}, "188-424": {"f": 0.0}, "188-468": {"f": 0.0}, "188-664": {"f": 0.0}, "188-801": {"f": 0.0}, "188-804": {"f": 0.0}, "188-815": {"f": 0.0}, "188-816": {"f": 0.0}, "189-427": {"f": 0.0}, "189-665": {"f": 0.0}, "189-475": {"f": 0.0}, "189-666": {"f": 0.0}, "189-843": {"f": 0.0}, "189-844": {"f": 0.0}, "189-845": {"f": 0.0}, "189-848": {"f": 0.0}, "190-667": {"f": 0.0}, "190-428": {"f": 0.0}, "190-480": {"f": 0.0}, "190-668": {"f": 0.0}, "190-849": {"f": 0.0}, "190-852": {"f": 0.0}, "190-863": {"f": 0.0}, "190-864": {"f": 0.0}, "191-431": {"f": 0.0}, "191-669": {"f": 0.0}, "191-472": {"f": 0.0}, "191-670": {"f": 0.0}, "191-827": {"f": 0.0}, "191-828": {"f": 0.0}, "191-829": {"f": 0.0}, "191-832": {"f": 0.0}, "192-671": {"f": 0.0}, "192-432": {"f": 0.0}, "192-476": {"f": 0.0}, "192-672": {"f": 0.0}, "192-833": {"f": 0.0}, "192-836": {"f": 0.0}, "192-847": {"f": 0.0}, "192-848": {"f": 0.0}, "193-507": {"f": 0.0}, "193-625": {"f": 0.0}, "193-505": {"f": 0.0}, "193-577": {"f": 0.0}, "193-673": {"f": 0.0}, "193-674": {"f": 0.0}, "193-675": {"f": 0.0}, "193-676": {"f": 0.0}, "194-481": {"f": 0.0}, "194-578": {"f": 0.0}, "194-482": {"f": 0.0}, "194-579": {"f": 0.0}, "194-677": {"f": 0.0}, "194-678": {"f": 0.0}, "194-679": {"f": 0.0}, "194-680": {"f": 0.0}, "195-509": {"f": 0.0}, "195-580": {"f": 0.0}, "195-511": {"f": 0.0}, "195-629": {"f": 0.0}, "195-681": {"f": 0.0}, "195-682": {"f": 0.0}, "195-683": {"f": 0.0}, "195-684": {"f": 0.0}, "196-555": {"f": 0.0}, "196-630": {"f": 0.0}, "196-553": {"f": 0.0}, "196-626": {"f": 0.0}, "196-685": {"f": 0.0}, "196-686": {"f": 0.0}, "196-687": {"f": 0.0}, "196-688": {"f": 0.0}, "197-512": {"f": 0.0}, "197-631": {"f": 0.0}, "197-510": {"f": 0.0}, "197-585": {"f": 0.0}, "197-689": {"f": 0.0}, "197-690": {"f": 0.0}, "197-691": {"f": 0.0}, "197-692": {"f": 0.0}, "198-485": {"f": 0.0}, "198-586": {"f": 0.0}, "198-486": {"f": 0.0}, "198-587": {"f": 0.0}, "198-693": {"f": 0.0}, "198-694": {"f": 0.0}, "198-695": {"f": 0.0}, "198-696": {"f": 0.0}, "199-521": {"f": 0.0}, "199-588": {"f": 0.0}, "199-523": {"f": 0.0}, "199-641": {"f": 0.0}, "199-697": {"f": 0.0}, "199-698": {"f": 0.0}, "199-699": {"f": 0.0}, "199-700": {"f": 0.0}, "200-557": {"f": 0.0}, "200-642": {"f": 0.0}, "200-556": {"f": 0.0}, "200-632": {"f": 0.0}, "200-701": {"f": 0.0}, "200-702": {"f": 0.0}, "200-703": {"f": 0.0}, "200-704": {"f": 0.0}, "201-531": {"f": 0.0}, "201-649": {"f": 0.0}, "201-529": {"f": 0.0}, "201-609": {"f": 0.0}, "201-705": {"f": 0.0}, "201-706": {"f": 0.0}, "201-707": {"f": 0.0}, "201-708": {"f": 0.0}, "202-497": {"f": 0.0}, "202-610": {"f": 0.0}, "202-499": {"f": 0.0}, "202-613": {"f": 0.0}, "202-709": {"f": 0.0}, "202-710": {"f": 0.0}, "202-711": {"f": 0.0}, "202-712": {"f": 0.0}, "203-506": {"f": 0.0}, "203-614": {"f": 0.0}, "203-508": {"f": 0.0}, "203-627": {"f": 0.0}, "203-713": {"f": 0.0}, "203-714": {"f": 0.0}, "203-715": {"f": 0.0}, "203-716": {"f": 0.0}, "204-554": {"f": 0.0}, "204-628": {"f": 0.0}, "204-558": {"f": 0.0}, "204-650": {"f": 0.0}, "204-717": {"f": 0.0}, "204-718": {"f": 0.0}, "204-719": {"f": 0.0}, "204-720": {"f": 0.0}, "205-519": {"f": 0.0}, "205-637": {"f": 0.0}, "205-517": {"f": 0.0}, "205-581": {"f": 0.0}, "205-721": {"f": 0.0}, "205-722": {"f": 0.0}, "205-723": {"f": 0.0}, "205-724": {"f": 0.0}, "206-483": {"f": 0.0}, "206-582": {"f": 0.0}, "206-484": {"f": 0.0}, "206-583": {"f": 0.0}, "206-725": {"f": 0.0}, "206-726": {"f": 0.0}, "206-727": {"f": 0.0}, "206-728": {"f": 0.0}, "207-513": {"f": 0.0}, "207-584": {"f": 0.0}, "207-515": {"f": 0.0}, "207-633": {"f": 0.0}, "207-729": {"f": 0.0}, "207-730": {"f": 0.0}, "207-731": {"f": 0.0}, "207-732": {"f": 0.0}, "208-559": {"f": 0.0}, "208-634": {"f": 0.0}, "208-561": {"f": 0.0}, "208-638": {"f": 0.0}, "208-733": {"f": 0.0}, "208-734": {"f": 0.0}, "208-735": {"f": 0.0}, "208-736": {"f": 0.0}, "209-516": {"f": 0.0}, "209-635": {"f": 0.0}, "209-514": {"f": 0.0}, "209-617": {"f": 0.0}, "209-737": {"f": 0.0}, "209-738": {"f": 0.0}, "209-739": {"f": 0.0}, "209-740": {"f": 0.0}, "210-501": {"f": 0.0}, "210-618": {"f": 0.0}, "210-502": {"f": 0.0}, "210-619": {"f": 0.0}, "210-741": {"f": 0.0}, "210-742": {"f": 0.0}, "210-743": {"f": 0.0}, "210-744": {"f": 0.0}, "211-533": {"f": 0.0}, "211-620": {"f": 0.0}, "211-535": {"f": 0.0}, "211-653": {"f": 0.0}, "211-745": {"f": 0.0}, "211-746": {"f": 0.0}, "211-747": {"f": 0.0}, "211-748": {"f": 0.0}, "212-563": {"f": 0.0}, "212-654": {"f": 0.0}, "212-560": {"f": 0.0}, "212-636": {"f": 0.0}, "212-749": {"f": 0.0}, "212-750": {"f": 0.0}, "212-751": {"f": 0.0}, "212-752": {"f": 0.0}, "213-539": {"f": 0.0}, "213-657": {"f": 0.0}, "213-537": {"f": 0.0}, "213-593": {"f": 0.0}, "213-753": {"f": 0.0}, "213-754": {"f": 0.0}, "213-755": {"f": 0.0}, "213-756": {"f": 0.0}, "214-489": {"f": 0.0}, "214-594": {"f": 0.0}, "214-491": {"f": 0.0}, "214-597": {"f": 0.0}, "214-757": {"f": 0.0}, "214-758": {"f": 0.0}, "214-759": {"f": 0.0}, "214-760": {"f": 0.0}, "215-518": {"f": 0.0}, "215-598": {"f": 0.0}, "215-520": {"f": 0.0}, "215-639": {"f": 0.0}, "215-761": {"f": 0.0}, "215-762": {"f": 0.0}, "215-763": {"f": 0.0}, "215-764": {"f": 0.0}, "216-562": {"f": 0.0}, "216-640": {"f": 0.0}, "216-564": {"f": 0.0}, "216-658": {"f": 0.0}, "216-765": {"f": 0.0}, "216-766": {"f": 0.0}, "216-767": {"f": 0.0}, "216-768": {"f": 0.0}, "217-524": {"f": 0.0}, "217-643": {"f": 0.0}, "217-522": {"f": 0.0}, "217-589": {"f": 0.0}, "217-769": {"f": 0.0}, "217-770": {"f": 0.0}, "217-771": {"f": 0.0}, "217-772": {"f": 0.0}, "218-487": {"f": 0.0}, "218-590": {"f": 0.0}, "218-488": {"f": 0.0}, "218-591": {"f": 0.0}, "218-773": {"f": 0.0}, "218-774": {"f": 0.0}, "218-775": {"f": 0.0}, "218-776": {"f": 0.0}, "219-525": {"f": 0.0}, "219-592": {"f": 0.0}, "219-527": {"f": 0.0}, "219-645": {"f": 0.0}, "219-777": {"f": 0.0}, "219-778": {"f": 0.0}, "219-779": {"f": 0.0}, "219-780": {"f": 0.0}, "220-566": {"f": 0.0}, "220-646": {"f": 0.0}, "220-565": {"f": 0.0}, "220-644": {"f": 0.0}, "220-781": {"f": 0.0}, "220-782": {"f": 0.0}, "220-783": {"f": 0.0}, "220-784": {"f": 0.0}, "221-528": {"f": 0.0}, "221-647": {"f": 0.0}, "221-526": {"f": 0.0}, "221-601": {"f": 0.0}, "221-785": {"f": 0.0}, "221-786": {"f": 0.0}, "221-787": {"f": 0.0}, "221-788": {"f": 0.0}, "222-493": {"f": 0.0}, "222-602": {"f": 0.0}, "222-494": {"f": 0.0}, "222-603": {"f": 0.0}, "222-789": {"f": 0.0}, "222-790": {"f": 0.0}, "222-791": {"f": 0.0}, "222-792": {"f": 0.0}, "223-542": {"f": 0.0}, "223-604": {"f": 0.0}, "223-543": {"f": 0.0}, "223-661": {"f": 0.0}, "223-793": {"f": 0.0}, "223-794": {"f": 0.0}, "223-795": {"f": 0.0}, "223-796": {"f": 0.0}, "224-569": {"f": 0.0}, "224-662": {"f": 0.0}, "224-567": {"f": 0.0}, "224-648": {"f": 0.0}, "224-797": {"f": 0.0}, "224-798": {"f": 0.0}, "224-799": {"f": 0.0}, "224-800": {"f": 0.0}, "225-544": {"f": 0.0}, "225-663": {"f": 0.0}, "225-541": {"f": 0.0}, "225-599": {"f": 0.0}, "225-801": {"f": 0.0}, "225-802": {"f": 0.0}, "225-803": {"f": 0.0}, "225-804": {"f": 0.0}, "226-492": {"f": 0.0}, "226-600": {"f": 0.0}, "226-490": {"f": 0.0}, "226-595": {"f": 0.0}, "226-805": {"f": 0.0}, "226-806": {"f": 0.0}, "226-807": {"f": 0.0}, "226-808": {"f": 0.0}, "227-538": {"f": 0.0}, "227-596": {"f": 0.0}, "227-540": {"f": 0.0}, "227-659": {"f": 0.0}, "227-809": {"f": 0.0}, "227-810": {"f": 0.0}, "227-811": {"f": 0.0}, "227-812": {"f": 0.0}, "228-568": {"f": 0.0}, "228-660": {"f": 0.0}, "228-570": {"f": 0.0}, "228-664": {"f": 0.0}, "228-813": {"f": 0.0}, "228-814": {"f": 0.0}, "228-815": {"f": 0.0}, "228-816": {"f": 0.0}}, "max_vertex": 864, "max_face": 2564}} \ No newline at end of file diff --git a/src/nfd_numpy/data/out_hypar_mesh_04.json b/src/nfd_numpy/data/out_hypar_mesh_04.json deleted file mode 100644 index 7411806e..00000000 --- a/src/nfd_numpy/data/out_hypar_mesh_04.json +++ /dev/null @@ -1 +0,0 @@ -{"compas": "1.7.1", "datatype": "compas.datastructures/Mesh", "data": {"attributes": {"name": "Mesh"}, "dva": {"x": 0.0, "y": 0.0, "z": 0.0, "rx": 0.0, "ry": 0.0, "rz": 0.0, "px": 0.0, "py": 0.0, "pz": 0.0, "is_anchor": false}, "dea": {"q_pre": 0.0}, "dfa": {"s_pre": [1.0, 1.0, 0.0]}, "vertex": {"0": {"z": 20.0, "y": -46.98355913741212, "x": -44.487094537112114, "is_anchor": true, "r": [151.0731917277875, 151.0726146216756, -54.8232046015969]}, "1": {"z": 20.0, "y": 43.016440862587885, "x": 45.512905462887865, "is_anchor": true, "r": [-151.0871830119853, -151.08780536207047, -54.8312827902563]}, "2": {"z": 9.999587113817295, "y": -37.96818870014344, "x": 0.49940173057125553, "r": [0.036872959414803064, 0.50462909375582, -0.0074218646134671384]}, "3": {"z": 9.990476330460035, "y": -1.9846447318017177, "x": 0.5146236434797856, "r": [1.1040516745650097e-05, -1.631326937656663e-05, 0.0014509277562346767]}, "4": {"z": 9.999661372821565, "y": -1.9701358790728032, "x": 36.4975395388117, "r": [-0.5043466652875273, -0.03550625158502929, -0.008435577101998326]}, "5": {"z": 0.0, "y": -46.98355913741212, "x": 45.512905462887865, "is_anchor": true, "r": [-151.51855300111308, 151.51870789894608, 54.83212137641998]}, "6": {"z": 0.0, "y": 43.016440862587885, "x": -44.487094537112114, "is_anchor": true, "r": [151.51798569791887, -151.51783757097968, 54.83153655248588]}, "7": {"z": 10.000088835534267, "y": -1.9969428536551754, "x": -35.47162170715753, "r": [0.5042247162771933, 0.03550980657571723, -0.008478451129292963]}, "8": {"z": 9.999913863223082, "y": 34.00096955081589, "x": 0.5262833571537685, "r": [-0.03557090083332465, -0.5042921085950385, -0.008460409942626423]}, "9": {"z": 14.800488120323765, "y": -24.91434638329009, "x": -37.7465662991066, "r": [0.3955336460015646, -0.5313754332328195, 0.045438244999338906]}, "10": {"z": 14.800727748667772, "y": -40.24312867661213, "x": -22.417982871219543, "r": [-0.5275726059191328, 0.3973055831023249, 0.049158852752662074]}, "11": {"z": 14.800780560956063, "y": 36.27593212130942, "x": 23.443736872195224, "r": [0.5268139595427739, -0.39774444235244566, 0.049173542050090724]}, "12": {"z": 14.800531899701259, "y": 20.94725690814819, "x": 38.77246995360572, "r": [-0.3972897997959519, 0.5276148954536142, 0.049132968255007015]}, "13": {"z": 9.972561215865456, "y": -20.65783719588524, "x": 0.7072628129512334, "r": [0.00010423194561701155, -0.00018483251875978102, 0.001505858285602818]}, "14": {"z": 5.199132634190442, "y": -40.24055796955786, "x": 23.42516641335048, "r": [0.5734294673331579, 0.3795396942120792, -0.055612781036797454]}, "15": {"z": 9.971548348455757, "y": -1.7911057427420505, "x": -18.158995630662453, "r": [0.000396519660128547, -0.0004375350290886093, 0.00011561203572879597]}, "16": {"z": 9.971106508441233, "y": 16.688941685132782, "x": 0.3206732732903313, "r": [0.0009390044413265103, 8.405679132950095e-05, 0.00011641586946059546]}, "17": {"z": 9.971608263105274, "y": -2.176369193318258, "x": 19.185796315358168, "r": [-0.0002796971432761919, 0.00046935021226829354, 0.0007189768365842841]}, "18": {"z": 5.198508188317912, "y": -24.895862763149324, "x": 38.76994414683903, "r": [-0.38323349059866274, -0.5647865213241303, -0.06417991149041491]}, "19": {"z": 5.198847978731149, "y": 20.92884069451192, "x": -37.74405139537109, "r": [0.38313967502314483, 0.5643140947853134, -0.06422620151931646]}, "20": {"z": 5.1989838224037115, "y": 36.27343579739688, "x": -22.399535175739004, "r": [-0.5684902995274301, -0.3814663012856103, -0.0598535984739299]}, "21": {"z": 12.165265199042928, "y": -21.868340277864984, "x": -19.370728732905505, "r": [-0.0012130888554140462, -0.0011901447856115244, -0.010894725326299648]}, "22": {"z": 12.17114344128956, "y": 17.90264899194496, "x": 20.39854217261667, "r": [4.099678480207203e-05, 0.00048187957809586734, -0.002446382964629956]}, "23": {"z": 7.79362349233247, "y": -22.005839577777717, "x": 20.53561204181997, "r": [0.0008736000020999057, -0.0014384745852389358, 0.010234663811504396]}, "24": {"z": 7.787569992007748, "y": 18.038661191811652, "x": -19.509996248243695, "r": [-0.0005708784448099635, 9.884466565157624e-05, 0.003117617064535727]}, "25": {"x": -40.56992442076519, "y": -36.106348093161024, "z": 17.336928709512247, "r": [0.29411618628081726, -0.7690599931607416, 0.09060304559070431]}, "26": {"x": -33.60992179633678, "y": -43.06645109591764, "z": 17.337174135216472, "r": [-0.7690829008753743, 0.2942693024484839, 0.09052223669489212]}, "27": {"x": 41.595713595188, "y": 32.139172522914826, "z": 17.337058483342233, "r": [-0.2978650382777488, 0.7627293633768986, 0.09367610924147485]}, "28": {"x": 34.63572112620873, "y": 39.099316884839105, "z": 17.336873648637305, "r": [0.7667550276249075, -0.29735328899721303, 0.08482685125302858]}, "29": {"x": -11.013414258658198, "y": -38.538725438720796, "z": 12.370521138979333, "r": [-0.24536340766992026, 0.4802047082867986, 0.017963717979334604]}, "30": {"x": 0.6625951754625076, "y": -29.670009489494113, "z": 9.972700772359827, "r": [0.000668116301132296, -0.0005880023032326376, 0.001681612667077198]}, "31": {"x": 12.014428726836583, "y": -38.5369155263072, "z": 7.628836057572865, "r": [0.3120467923333067, 0.4661234801828411, -0.030946959995709622]}, "32": {"x": 0.6440554666015941, "y": -11.262446157095814, "z": 9.983993840068262, "r": [5.0863802756206944e-05, -0.0009651687448146706, 0.0007582616212398752]}, "33": {"x": -8.761981734195382, "y": -1.853680827194159, "z": 9.983524960983775, "r": [0.0002980278695033367, -0.0004508256049296222, 0.0008891467626748195]}, "34": {"x": 0.38337067395759283, "y": 7.292876337161825, "z": 9.98427903488138, "r": [-0.0004568887856306325, 0.000587433452591879, 0.001244282455780843]}, "35": {"x": 9.79204565429408, "y": -2.113736188254176, "z": 9.983348246976165, "r": [0.000562977005206966, 0.00035992304375653816, 0.0010112228291674352]}, "36": {"x": 28.197798138429892, "y": -2.1333768804634867, "z": 9.971266023955781, "r": [-0.0002451117119005586, 0.0004955958519397841, 0.0005651058788355423]}, "37": {"x": 37.068059135749365, "y": 9.542684934438501, "z": 12.370398276873274, "r": [-0.47819606477567866, 0.252763907080356, 0.01412120609317391]}, "38": {"x": 37.06629228993454, "y": -13.485191618565288, "z": 7.62880806474308, "r": [-0.4658960778478898, -0.31289715378455085, -0.03017594289882075]}, "39": {"x": 34.62581957829875, "y": -43.06453759544866, "z": 2.6629737962837656, "r": [0.7859819884423986, 0.2856361195195518, -0.0939321801917774]}, "40": {"x": 41.59387823245037, "y": -36.09646436933337, "z": 2.66273312272219, "r": [-0.2864415987543367, -0.7832309311590748, -0.0991909855945563]}, "41": {"x": -33.60010504807881, "y": 39.097402304277814, "z": 2.6628156235101854, "r": [-0.7828283514414807, -0.28669647198044146, -0.09913379727265603]}, "42": {"x": -40.568113245105145, "y": 32.12950225529152, "z": 2.6631813582801476, "r": [0.2890221630752734, 0.781002606166572, -0.09422081400681859]}, "43": {"x": -27.171647531612386, "y": -1.8349265693831454, "z": 9.969421856389484, "r": [-0.00011169402498556469, -0.0010386090266547576, -7.566019000454505e-05]}, "44": {"x": -36.04215859442565, "y": -13.509745561059626, "z": 12.370829997254486, "r": [0.4796926822230594, -0.24777498910355078, 0.016447986402409853]}, "45": {"x": -36.040362989596694, "y": 9.518140190929469, "z": 7.629236189890058, "r": [0.4656331090302741, 0.3127345756946365, -0.030136622801374635]}, "46": {"x": 12.039129768441121, "y": 34.57150045441522, "z": 12.370507705743641, "r": [0.24829015306677893, -0.4793468633275926, 0.016411503782265746]}, "47": {"x": 0.36466083058850274, "y": 25.70131165352502, "z": 9.970969455213703, "r": [0.0005783963972192108, 0.00047748970250371947, -3.4336039820392905e-05]}, "48": {"x": -10.988814857955273, "y": 34.5697256579779, "z": 7.629203138794573, "r": [-0.31350335777503613, -0.46533266240370486, -0.030264050454087754]}, "49": {"x": -28.88891135734503, "y": -23.18464112385379, "z": 13.401536590905849, "r": [-0.0017657288133414717, -0.002269509618973764, -0.014998571723877863]}, "50": {"x": -20.690931771711178, "y": -31.388364911213962, "z": 13.410802813242544, "r": [-0.0005804687149186805, -0.0002129267668973256, -0.0029234482727837907]}, "51": {"x": 21.718469734926675, "y": 27.421999119924067, "z": 13.413246865062808, "r": [-7.394450349984538e-05, -5.459928270568071e-05, 0.0004749154123082633]}, "52": {"x": 29.91673396591349, "y": 19.21962026393887, "z": 13.408607133583166, "r": [-0.00026634267031333536, -0.0001429740417864256, -0.0031409748370538892]}, "53": {"x": -9.437668040319332, "y": -21.032955825093204, "z": 11.04167862025775, "r": [-6.276729380316759e-05, -0.00062925854955731, -0.003675279096770845]}, "54": {"x": 10.684930726001038, "y": -21.122335059307957, "z": 8.916074712715064, "r": [0.00046665208401375224, -0.00026949550222665763, 0.004081146382322376]}, "55": {"x": 21.825011226567934, "y": -31.463922975374732, "z": 6.558480516573389, "r": [0.0012499723159740128, -0.0008317082602493642, 0.01170663399797478]}, "56": {"x": -18.535272781885237, "y": -11.93447130780061, "z": 11.040008634851505, "r": [-0.000612979796273283, -5.5925068001227984e-05, -0.003650271385949866]}, "57": {"x": -18.623392612883062, "y": 8.188138838669863, "z": 8.917799637207308, "r": [-5.683523593247308e-05, 0.0009879795181724216, 0.005980937595564506]}, "58": {"x": 10.464961494290565, "y": 17.06504739070731, "z": 11.042584063059898, "r": [0.00048397552028012214, 0.0010627751988174783, -0.0028429077361701305]}, "59": {"x": -9.657943327944619, "y": 17.153143941945803, "z": 8.916811958895039, "r": [-0.00015549947837811828, -0.0005947163159232272, 0.003359261673752556]}, "60": {"x": 19.561375225348726, "y": 7.966505919538359, "z": 11.039303862766793, "r": [0.0006532045477454229, 7.834329508926707e-05, -0.00359230239022601]}, "61": {"x": 19.652970064774767, "y": -12.155029313841725, "z": 8.915123257675729, "r": [-0.00018169376773280455, -0.0005304541132082896, 0.001962253299829464]}, "62": {"x": 29.995517878595, "y": -23.296662512741083, "z": 6.557210131034236, "r": [0.0013258406518925625, -0.001548379776427744, 0.005694487018610861]}, "63": {"x": -28.967648393138212, "y": 19.32761779221454, "z": 6.565471655558314, "r": [-0.0021295629971938013, 0.002782543723780062, 0.017531810539579196]}, "64": {"x": -20.796839400140495, "y": 27.49733456305311, "z": 6.561924308415648, "r": [-0.0017673622344460682, 0.0016479593787286362, 0.01320448400144536]}, "65": {"x": -30.924038938437597, "y": -33.42119859045324, "z": 15.290326195461288, "r": [-0.0025523338171069554, -0.0025464076700902893, -0.013626822692878626]}, "66": {"x": -10.10733884274906, "y": -30.132127995689153, "z": 11.658140428196322, "r": [0.00044387206057283635, 0.000453247247410804, -0.00085513726802533]}, "67": {"x": -9.019628191028962, "y": -11.517618283218654, "z": 10.494853143640231, "r": [-3.812156603333339e-05, -3.6215737773903633e-05, -0.000717246819519235]}, "68": {"x": -27.63495799116975, "y": -12.604090174495013, "z": 11.655479300044785, "r": [-0.00034538037217402007, -0.000696866199192403, -0.0040019865445690694]}, "69": {"x": 31.952439523468062, "y": 29.45573586932255, "z": 15.295807972729015, "r": [0.0012233089015580845, 0.001251153768658142, -0.005314754789864651]}, "70": {"x": 11.133325486352367, "y": 26.163698642333774, "z": 11.656404196430207, "r": [0.00018667258686222432, -0.000559725261162658, -0.0028969818664137392]}, "71": {"x": 10.04672721744979, "y": 7.548748963625332, "z": 10.4937731615846, "r": [0.0005645895112657007, -0.00024019372680927908, -0.001349491725100127]}, "72": {"x": 28.6612442718983, "y": 8.636350207281417, "z": 11.65713249634947, "r": [-6.809497179238733e-05, -0.0005654839768307884, -0.002439774156900665]}, "73": {"x": 10.194184012321845, "y": -11.662917777428245, "z": 9.472816694082011, "r": [0.00017108770618257108, -0.00017064750397977058, 0.0024567130191415765]}, "74": {"x": 11.302981018926964, "y": -30.181262042153996, "z": 8.306943002717691, "r": [0.001708991832017892, -0.0003190850544729784, 0.00839347386774325]}, "75": {"x": 32.01807522724798, "y": -33.488799295145675, "z": 4.681074843238243, "r": [0.001618139160567189, -0.0016248879577682729, 0.010762652895567104]}, "76": {"x": 28.71278507466856, "y": -12.773740036062314, "z": 8.304046955115641, "r": [0.0008214819336149759, -0.0011834040150831004, 0.0033890457294440957]}, "77": {"x": -9.164754122828125, "y": 7.695829351169191, "z": 9.470966434957475, "r": [0.000756528881302454, -1.700135836490979e-05, 0.0019348929288160455]}, "78": {"x": -10.275949618218506, "y": 26.21396483724917, "z": 8.300783454407561, "r": [2.7817034771615567e-05, -1.0553555380710122e-05, -0.0001772074134818169]}, "79": {"x": -30.98988655174116, "y": 29.521029006160127, "z": 4.683813934461086, "r": [-0.002164097310100921, 0.0023490831931782807, 0.014789722045471354]}, "80": {"x": -27.68445809092105, "y": 8.804463231163881, "z": 8.308115253281747, "r": [-0.0007618420070154563, 0.0016509460638360896, 0.010678287548989696]}, "81": {"x": -42.394026114539386, "y": -41.59081746126231, "z": 18.652271600291645, "r": [0.2764577021202328, -0.8342757637293445, 0.09093980328072249]}, "82": {"x": -39.09437265300908, "y": -44.89052442494009, "z": 18.652379270240772, "r": [-0.8343619581086159, 0.27632135756540777, 0.09088155401587272]}, "83": {"x": 43.41969178393808, "y": 37.62354262434445, "z": 18.652391386584377, "r": [-0.2655628928775542, 0.8450437365333556, 0.09807954382369743]}, "84": {"x": 40.11996613309023, "y": 40.9231735520276, "z": 18.652524623915475, "r": [0.8461706404579772, -0.263508541898986, 0.10205692359228635]}, "85": {"x": -5.263943477796779, "y": -38.1111495944116, "z": 11.181018916974628, "r": [-0.11161051219649476, 0.4992979224675125, 0.0009981209204799057]}, "86": {"x": 0.5948679242940337, "y": -33.92622832785409, "z": 9.981923999101523, "r": [0.0002588941142871448, -0.0001743219878136415, 0.0016191942372190127]}, "87": {"x": 6.263300997734414, "y": -38.11018740531682, "z": 8.818052478573767, "r": [0.17770182773544008, 0.492562944100861, -0.01704137523418403]}, "88": {"x": 0.5849273980409943, "y": -6.557187831259542, "z": 9.989238113729677, "r": [2.7152936831420504e-05, -0.0010321424274080115, 0.0021627728562130244]}, "89": {"x": -4.057627199865789, "y": -1.9143838665592288, "z": 9.988811772038972, "r": [-0.00015290379265753273, 1.8934172199003285e-06, 0.0014356466076321794]}, "90": {"x": 0.44386911890659375, "y": 2.587552913076564, "z": 9.988500850101548, "r": [0.0004031257702052926, 0.0006165628277541302, 0.0017057244727816112]}, "91": {"x": 5.0872889457256605, "y": -2.054526493621376, "z": 9.989241503297608, "r": [0.0005956555398221042, -0.00044784614646431464, 0.0019041819929768167]}, "92": {"x": 32.45505722844507, "y": -2.068295644621833, "z": 9.980708081625927, "r": [0.00023722621225630292, -0.001744923612278626, 0.003873607832926673]}, "93": {"x": 36.64050198273597, "y": 3.7932061029003727, "z": 11.18117096360995, "r": [-0.4998025661217653, 0.10797115286976222, 0.002493690040427765]}, "94": {"x": 36.639531206769576, "y": -7.734053129655914, "z": 8.818198108195437, "r": [-0.49219465345836255, -0.17951687070292266, -0.013694187305956618]}, "95": {"x": 40.11502285942746, "y": -44.88931342857129, "z": 1.3476100450845818, "r": [0.8516431818429666, 0.26298929299606755, -0.09915317649326205]}, "96": {"x": 43.418650975332994, "y": -41.58566259489677, "z": 1.3474332911874665, "r": [-0.2633770126038186, -0.851496196698875, -0.09959632170046806]}, "97": {"x": -39.08928930394362, "y": 40.92221030987073, "z": 1.3475842744248605, "r": [-0.8504569550433558, -0.2635183410731443, -0.09880278046160562]}, "98": {"x": -42.39278976074971, "y": 37.61856134755499, "z": 1.3475065023137485, "r": [0.2606063012265736, 0.8527984860165105, -0.1036696755964317]}, "99": {"x": -31.428852854901407, "y": -1.899348102005561, "z": 9.980658946181533, "r": [-0.00024724644558915543, 0.001696969827521766, 0.003662361965252714]}, "100": {"x": -35.61459809426571, "y": -7.760279869446385, "z": 11.181613058650951, "r": [0.4999235330346181, -0.1077316430970292, 0.0024535164787398145]}, "101": {"x": -35.61359980686917, "y": 3.766984639788445, "z": 8.818647289960532, "r": [0.4917719434530383, 0.17979698690654988, -0.01372353019479533]}, "102": {"x": 6.289638319949935, "y": 34.14393682889571, "z": 11.1813555502442, "r": [0.10789859410338742, -0.4997863468518702, 0.0024447774773914688]}, "103": {"x": 0.4288041836755162, "y": 29.958316772548955, "z": 9.980888884680388, "r": [-0.001718169679661763, 0.00022691456032575275, 0.0038054415077635184]}, "104": {"x": -5.237652371722442, "y": 34.14295670950974, "z": 8.818530945707622, "r": [-0.17974598964545585, -0.49191548607659996, -0.01367454615188457]}, "105": {"x": -39.019697682775806, "y": -30.543364525840904, "z": 16.05332800187326, "r": [0.34414262453902467, -0.6585823346381972, 0.06514623271479181]}, "106": {"x": -36.75333107404968, "y": -19.232142547875714, "z": 13.574610588151439, "r": [0.4406377190899988, -0.39873344041492587, 0.026003953899962795]}, "107": {"x": -33.417420371189706, "y": -24.007060478605297, "z": 14.080010556399165, "r": [-0.0020104363287138938, -0.002796218627802105, -0.016494215700559423]}, "108": {"x": -28.046962001575924, "y": -41.51624380676709, "z": 16.053702526259308, "r": [-0.6574357982729069, 0.3452072776094752, 0.06539439442581951]}, "109": {"x": -16.735810132900244, "y": -39.249906616509016, "z": 13.57428597392318, "r": [-0.4043629887100266, 0.4387811229886083, 0.022235744288064296]}, "110": {"x": -21.505402057163334, "y": -35.91188899662374, "z": 14.068913590794246, "r": [-0.004878876322099046, -0.003331361544422151, -0.029726822143857135]}, "111": {"x": 29.072731406478194, "y": 37.54907020491296, "z": 16.053674811576666, "r": [0.6560363361550898, -0.3461221026912895, 0.0652183189728035]}, "112": {"x": 17.761548401116087, "y": 35.2826932050753, "z": 13.574336731115729, "r": [0.40366703506212076, -0.4390547635573867, 0.022173628223733033]}, "113": {"x": 22.532287228735825, "y": 31.94521797471129, "z": 14.070071278407571, "r": [0.005017649056281215, 0.0033315201360011315, -0.03023780474217297]}, "114": {"x": 40.04563442863896, "y": 26.57629943709365, "z": 16.052896315959014, "r": [-0.34220827768363193, 0.6652675304071352, 0.05648988639060448]}, "115": {"x": 37.77923884075114, "y": 15.265070733740044, "z": 13.574757301182597, "r": [-0.44298642901799923, 0.39340937038393875, 0.028028604015901237]}, "116": {"x": 34.441129048825914, "y": 20.03556799413813, "z": 14.070118674153598, "r": [0.0031432893573040133, 0.005475058225322016, -0.029458621497047588]}, "117": {"x": 0.7003308146472979, "y": -25.23431717869526, "z": 9.9688634812206, "r": [-0.00033498891646210893, -0.0006004286784531132, 0.0015218693308707287]}, "118": {"x": 0.6871670858470561, "y": -15.983782634330584, "z": 9.977991073683759, "r": [7.887684034724174e-05, -0.00016633491867601435, 0.0015233387050681557]}, "119": {"x": -4.380700842973701, "y": -20.79074595404535, "z": 10.502380528927235, "r": [-0.0001778363696152141, -0.00011829958652143091, -0.0017104426957175178]}, "120": {"x": 5.69690524283258, "y": -20.840376473672794, "z": 9.452887974230064, "r": [0.001155547209893193, -0.0006970268719612704, 0.006310880827459897]}, "121": {"x": 17.73948451064301, "y": -39.247534623065974, "z": 6.42499211324039, "r": [0.45123109873867406, 0.4250404209178811, -0.03731793345658474]}, "122": {"x": 29.058284293170235, "y": -41.513829876163605, "z": 3.946212123649733, "r": [0.685035545989038, 0.3331061630323049, -0.07199281489159137]}, "123": {"x": 22.596902723616285, "y": -35.95601976657273, "z": 5.90038374471673, "r": [0.004380372406888711, -0.0026010132075384718, 0.023967870189030016]}, "124": {"x": -13.484692473290973, "y": -1.8091891761685892, "z": 9.978656734091562, "r": [-0.0001879800105335505, 0.0010522372394139445, 0.0027567343820660284]}, "125": {"x": -22.735751056930766, "y": -1.7954407581027856, "z": 9.968134594716973, "r": [0.00017822818447044142, 0.0008619123298689857, 0.0032010223690868145]}, "126": {"x": -18.292962796307823, "y": -6.876783227393876, "z": 10.500233155003698, "r": [-0.0005195260440906679, 0.0002763953862237045, -0.0017990924505806305]}, "127": {"x": -18.341644151672416, "y": 3.198593325725273, "z": 9.453655041001035, "r": [-0.0007510569581619109, 0.00039727831190017326, 0.007809078180503803]}, "128": {"x": 0.3396215104809525, "y": 12.015300033618399, "z": 9.978806976208872, "r": [-0.0005476709161378324, 0.0005905357612192574, 0.002119488258045976]}, "129": {"x": 0.32515169156025775, "y": 21.26556470202591, "z": 9.968551307366011, "r": [-0.0008174845774302497, 0.0006187130249806216, 0.0030968591846658455]}, "130": {"x": 5.407359653418458, "y": 16.82195138134541, "z": 10.501204700827342, "r": [0.0007340083991786983, -0.000283257062513087, -0.0023568831501705745]}, "131": {"x": -4.668523961181247, "y": 16.870899616059937, "z": 9.453538883511838, "r": [-0.0003047231768302794, 0.0007058223931970531, 0.007768449512138176]}, "132": {"x": 14.512870672098295, "y": -2.1563229664434544, "z": 9.97704835115371, "r": [0.00014184056986010773, -7.72627462310993e-05, 0.0015191029390777544]}, "133": {"x": 23.761930659551783, "y": -2.1706691131467943, "z": 9.969166053527319, "r": [-0.0002342105902535252, -0.0007324385250759846, 0.0023869660395199332]}, "134": {"x": 19.31940333650962, "y": 2.9103118342632808, "z": 10.501148652196067, "r": [0.00012475953166557474, 0.00017944153768301163, -0.0016716552841025134]}, "135": {"x": 19.369573210727896, "y": -7.166019342499569, "z": 9.453841412004813, "r": [0.0007340690162322971, -0.0012937431663022636, 0.00850427928048525]}, "136": {"x": 37.77693148336654, "y": -19.210231881251165, "z": 6.424783383985992, "r": [-0.4247251598067905, -0.4533532129375004, -0.035884997396410157]}, "137": {"x": 40.043306021570594, "y": -30.52904980810955, "z": 3.9466414197563973, "r": [-0.3296153303416389, -0.6938667865243531, -0.062349181588108316]}, "138": {"x": 34.48648054939468, "y": -24.064033571514212, "z": 5.905396242486582, "r": [0.004033170220193227, -0.005170712630460983, 0.03184447623287223]}, "139": {"x": -39.01745360149176, "y": 26.562042112637076, "z": 3.9469773668999473, "r": [0.32872716719630546, 0.694250124834582, -0.06281964934602158]}, "140": {"x": -36.75101591668772, "y": 15.243197958291473, "z": 6.425207994140434, "r": [0.42419663439761734, 0.4537086410450435, -0.036028924425025366]}, "141": {"x": -33.460408575798674, "y": 20.097781240509324, "z": 5.904435773172159, "r": [-0.0039146475786076, 0.004844226045520372, 0.028308361325899867]}, "142": {"x": -28.03269779621476, "y": 37.546793891174644, "z": 3.946697141798909, "r": [-0.6902271693728323, -0.3311153803744986, -0.06619926632443729]}, "143": {"x": -16.713874429791296, "y": 35.28038621483873, "z": 6.425126049832143, "r": [-0.4523500673096912, -0.4247130638741723, -0.03624387340178181]}, "144": {"x": -21.567908547639142, "y": 31.989334980826385, "z": 5.900404883076314, "r": [-0.003740577840005699, 0.003051945053883287, 0.023551373250507268]}, "145": {"x": -24.196608667396852, "y": -22.46867282728366, "z": 12.767308458944512, "r": [-0.001472242658270062, -0.0017339348621803197, -0.013312765968713336]}, "146": {"x": -19.970210702581294, "y": -26.6938810755385, "z": 12.76570011931435, "r": [-0.0017333958322076626, -0.002212122010075035, -0.016996066518922603]}, "147": {"x": -14.442032216989798, "y": -21.389955477095338, "z": 11.59306563648705, "r": [-0.0005555485395465354, -0.00038584862455692814, -0.009287383733425969]}, "148": {"x": -18.89231565923776, "y": -16.939164160073055, "z": 11.591757718101588, "r": [-0.00040696842517107257, -0.0005880641354742977, -0.009333229639018725]}, "149": {"x": 20.99485390841014, "y": 22.72466566724472, "z": 12.760100988821327, "r": [0.0033781939038188824, 0.002868113019072638, -0.023941993481379598]}, "150": {"x": 25.220382679724796, "y": 18.498498804204896, "z": 12.760123027970875, "r": [0.0020052588932095716, 0.0032605537886460922, -0.022736495691789926]}, "151": {"x": 15.467671368568377, "y": 17.420968379059296, "z": 11.590541675852872, "r": [0.0012477094364964358, 0.00010073032282775785, -0.011557741108271458]}, "152": {"x": 19.916747679580567, "y": 12.969591408995859, "z": 11.586312313644301, "r": [0.0007278813624758129, 0.0019262808538229592, -0.013900439833273381]}, "153": {"x": 15.641239226804823, "y": -21.509620530857624, "z": 8.368667719757056, "r": [0.0009343137683757163, -0.0006724726347400178, 0.0127259430919473]}, "154": {"x": 21.132861674220003, "y": -26.80173906740904, "z": 7.192519940268685, "r": [0.0019918464348727127, -0.0016661415788554734, 0.01543555849465772]}, "155": {"x": 20.04282077823726, "y": -17.11120172864105, "z": 8.369808883563786, "r": [0.002235319185253104, -0.0016552412752410817, 0.016303068122498487]}, "156": {"x": 25.33204283926461, "y": -22.60206985171802, "z": 7.2017889867639715, "r": [0.0034637656389548965, -0.0031121884143701095, 0.02692345334951085]}, "157": {"x": -19.012653278537442, "y": 13.145294912269504, "z": 8.368032494087458, "r": [-0.0007392179931819953, 0.001902247359980791, 0.013636897283925364]}, "158": {"x": -14.615215043162001, "y": 17.54366438013451, "z": 8.371967795766066, "r": [-0.0024073179520520682, 0.0019990134369329837, 0.019174598548804767]}, "159": {"x": -24.304359899478186, "y": 18.636193937485046, "z": 7.196758557529021, "r": [-0.0018775807248729848, 0.003093776094043932, 0.020158294054629877]}, "160": {"x": -20.106285749161422, "y": 22.833444106711497, "z": 7.201201145587429, "r": [-0.004030194084922556, 0.0027300571156239073, 0.026909010808909173]}, "161": {"x": -35.841447450784955, "y": -34.69799875410468, "z": 16.294865830405683, "r": [-0.003093013088609098, -0.003329493749262724, -0.019447430211560146]}, "162": {"x": -32.20156034169014, "y": -38.338403114080485, "z": 16.295696714929175, "r": [-0.003356082051791276, -0.0031275696677468545, -0.01941823511419649]}, "163": {"x": 36.867713610854274, "y": 30.73006595531609, "z": 16.289255368127094, "r": [0.004658453386717554, 0.004555684139646132, -0.028013736906494557]}, "164": {"x": 33.22821352059184, "y": 34.371502729531464, "z": 16.29551194713852, "r": [0.0031334912974472218, 0.0028513797088223214, -0.019857004699176173]}, "165": {"x": -10.527951890159715, "y": -34.43658352925878, "z": 11.98730093512943, "r": [-0.003521034809517154, -0.0013571783701031848, -0.019360477970602474]}, "166": {"x": -4.7347177278058385, "y": -29.801855192243664, "z": 10.807523383306332, "r": [-0.000613421514432666, -0.0002066457462852611, -0.004753648845268188]}, "167": {"x": 5.984923491030225, "y": -29.83077191904498, "z": 9.147583808237405, "r": [0.001766605417680367, -0.0008323111845882636, 0.008293181502162739]}, "168": {"x": 11.649628563210943, "y": -34.46500806871732, "z": 7.981475402930247, "r": [0.003148803727066607, -0.0013361327891274755, 0.01771547654203065]}, "169": {"x": -4.191309855541046, "y": -11.379485856087543, "z": 10.235190367703106, "r": [-4.98660928043293e-05, 0.0008190009906510198, 7.6353021238873e-05]}, "170": {"x": 5.413211093211671, "y": -11.458522018327628, "z": 9.735872304542289, "r": [0.00029527545936414157, -0.00017708254886983354, 0.004526841107862722]}, "171": {"x": -8.881258461032028, "y": -6.689921878527303, "z": 10.23533127956537, "r": [0.0003947105302639642, -0.000503260077271861, -0.00012809898708354694]}, "172": {"x": -8.96103565587094, "y": 2.9155114149138788, "z": 9.735048465347408, "r": [-0.0010312325404804312, 0.00026251484783479384, 0.004678655014114241]}, "173": {"x": 5.218840823094976, "y": 7.411329193075416, "z": 10.235105368835278, "r": [5.828787182249329e-05, 9.197719968812024e-05, -0.0001498886839765845]}, "174": {"x": -4.385857016902109, "y": 7.489894486930724, "z": 9.733448963079349, "r": [-0.00017563751857263554, 9.984071266266881e-05, 0.003029773924838608]}, "175": {"x": 9.910327109005054, "y": 2.722175059189079, "z": 10.235582770707971, "r": [5.213164990713892e-05, 4.265154210969513e-05, -5.808324113942831e-05]}, "176": {"x": 9.988643100139534, "y": -6.882264425431573, "z": 9.735235008039936, "r": [0.00018248712847057647, -0.00028902039100398014, 0.004526364054166621]}, "177": {"x": 28.330763005697843, "y": 3.2654701248988554, "z": 10.808393391502475, "r": [0.0001865453196998601, 0.0004845168578313519, -0.0032962625590435835]}, "178": {"x": 28.360180297322398, "y": -7.455806919788856, "z": 9.147651837980852, "r": [0.0009599240782947049, -0.002224144080251733, 0.011524919695569125]}, "179": {"x": 32.96677609455342, "y": 9.061409903574, "z": 11.994212893665228, "r": [0.0005637437930410272, 0.0025539901474616045, -0.011878562137599857]}, "180": {"x": 32.994972495018565, "y": -13.118876741359282, "z": 7.9785935527961644, "r": [0.0010989749476983945, -0.002079484475584259, 0.017041698371207836]}, "181": {"x": 33.268788378754714, "y": -38.37861943615925, "z": 3.6909992689579805, "r": [0.00407704553039423, -0.0037782362786771273, 0.0249721706366417]}, "182": {"x": 36.90852862160776, "y": -34.73814103388379, "z": 3.6952498461289123, "r": [0.004813385731921471, -0.004773356454212063, 0.03022944015104123]}, "183": {"x": -32.24221585887891, "y": 34.41251615875943, "z": 3.6945742304444673, "r": [-0.004424212978122455, 0.004475806729949738, 0.026574978315351938]}, "184": {"x": -35.880134577825956, "y": 30.769464575395556, "z": 3.695017264994123, "r": [-0.004162326322123988, 0.004122757479652961, 0.027535544361162678]}, "185": {"x": -27.30463548234465, "y": -7.232307575427106, "z": 10.805593294311642, "r": [-0.0006771231224078633, -0.0011903707621883086, -0.004620378189725827]}, "186": {"x": -27.332085799449196, "y": 3.486370788839169, "z": 9.145401928969477, "r": [-0.0003934563949918868, 0.00024389207528674461, 0.008166150338409395]}, "187": {"x": -31.94044238032505, "y": -13.027112138868974, "z": 11.99181609660012, "r": [-0.001102918706383349, -0.0024675690920688, -0.013596254387106654]}, "188": {"x": -31.96837899111197, "y": 9.152096892884991, "z": 7.978589965082618, "r": [-0.0013802207468600614, 0.0021017375584841957, 0.01474902862329408]}, "189": {"x": 11.555709559016966, "y": 30.469203934721993, "z": 11.989782760305012, "r": [0.0035125284915338284, 0.000821907802965427, -0.016953022822614017]}, "190": {"x": 5.760574761564539, "y": 25.833520727876376, "z": 10.805496871529776, "r": [0.0006849163408704229, 0.00025936726727593395, -0.004821281725600812]}, "191": {"x": -4.957876896830226, "y": 25.86174005626309, "z": 9.147518130418124, "r": [-0.0018928554211115056, 0.0004950479415697373, 0.012517563998558856]}, "192": {"x": -10.622202630761713, "y": 30.49701371888243, "z": 7.98102487375147, "r": [-0.003168833501753454, 0.0010495610161527225, 0.020503669837242278]}, "193": {"x": -29.810531309986303, "y": -28.356601089265393, "z": 14.318683487510588, "r": [-0.002819716971814046, -0.0037306693452663353, -0.022784972238483192]}, "194": {"x": -28.161935534552054, "y": -17.92544675224246, "z": 12.513684517208112, "r": [-0.0009096202513134699, -0.0016422329915890543, -0.014052410859182629]}, "195": {"x": -25.857838032179785, "y": -32.30730558887749, "z": 14.314556308442022, "r": [-0.004300879852284112, -0.0039611020782786, -0.02840381373614953]}, "196": {"x": -15.424992630927795, "y": -30.65762803092597, "z": 12.507228604441062, "r": [-0.003314499863193987, -0.002141496363776696, -0.02389473863051883]}, "197": {"x": 26.882554665330364, "y": 28.338870134098592, "z": 14.310294739269754, "r": [0.005599568935490851, 0.004987409685366373, -0.03605674625587163]}, "198": {"x": 16.45292782693992, "y": 26.69076207256707, "z": 12.509438167499006, "r": [0.00346956640893481, 0.0023099886935931124, -0.021940645443368822]}, "199": {"x": 30.835014606448034, "y": 24.386472113449642, "z": 14.312384792617017, "r": [0.0047097275190246535, 0.005266183012189174, -0.03539663283266137]}, "200": {"x": 29.187193469431822, "y": 13.954474406417198, "z": 12.507324413030108, "r": [0.0021368872877935985, 0.0026140910792626926, -0.020579665057072205]}, "201": {"x": -9.738808710037365, "y": -25.651562256820355, "z": 11.336276965148436, "r": [-0.0014607496551679588, -0.0009333953666050832, -0.008345848889106833]}, "202": {"x": -9.199114340653404, "y": -16.308480726786616, "z": 10.758751876195154, "r": [-0.0014206850660869463, -0.00035860589806091525, -0.005538013749601944]}, "203": {"x": 10.423376452491828, "y": -16.42227607168895, "z": 9.204625324483303, "r": [0.0007834983449193089, -0.0005908476413054586, 0.009200623974866318]}, "204": {"x": 10.977807776799683, "y": -25.721244990135098, "z": 8.621433396226855, "r": [0.000970811642975633, -0.00029999133311520154, 0.010900141150330889]}, "205": {"x": 16.591467650824686, "y": -30.726663250363078, "z": 7.446679228153013, "r": [0.002108836313531981, -0.0012985095575217542, 0.014267249761244827]}, "206": {"x": 26.976456701055703, "y": -32.38998168285345, "z": 5.649007615686679, "r": [0.004361098017586329, -0.004478169979879709, 0.02888327805771862]}, "207": {"x": -13.810654464738608, "y": -11.696440153782705, "z": 10.758207258677604, "r": [-0.00035838355950446044, -0.0014156141307317682, -0.005536329802037443]}, "208": {"x": -23.154060625208963, "y": -12.235453210147782, "z": 11.333483935736306, "r": [-0.0010639455016239197, -0.0016073359447084101, -0.0085758047253357]}, "209": {"x": -13.923092216323873, "y": 7.926040873021536, "z": 9.203217235965907, "r": [0.000288845158452844, 0.0007077975504934386, 0.00892112217715102]}, "210": {"x": -23.22340467829615, "y": 8.48072840514165, "z": 8.62190449579351, "r": [-0.0003192587425608906, 0.0009718103052520632, 0.010892372855900945]}, "211": {"x": 10.766100413120903, "y": 21.683636265907786, "z": 11.337759271564991, "r": [0.0007776559227110624, 0.00042150052454204, -0.006259062013558747]}, "212": {"x": 10.224492566349904, "y": 12.340338561603145, "z": 10.758381052985737, "r": [1.9810630870864543e-05, 0.0007787614529632947, -0.005698107899668514]}, "213": {"x": -9.396441396187754, "y": 12.453763090470915, "z": 9.201980168025639, "r": [-0.0010278815435835753, 3.7720625531534324e-05, 0.0077948582057114635]}, "214": {"x": -9.951265525028509, "y": 21.75382601075755, "z": 8.625734506862202, "r": [-0.0023264818140464882, 0.0012117554503028316, 0.01849724014982357]}, "215": {"x": 14.838088047539252, "y": 7.728723481616522, "z": 10.759487390597686, "r": [0.0006759901168251758, 0.0008409929460739818, -0.004529850747303499]}, "216": {"x": 24.180112824851598, "y": 8.267407703475271, "z": 11.333629874524071, "r": [0.0009691842403078965, 0.0015211777373114188, -0.00839954884969174]}, "217": {"x": 14.953351718451382, "y": -11.890437441504075, "z": 9.203626935451382, "r": [0.0004969285574105697, 0.0001881080957133463, 0.008761158750397513]}, "218": {"x": 24.252658151083534, "y": -12.448283360172178, "z": 8.625344804996793, "r": [0.0011132889234666266, -0.002365682500574451, 0.018435107042922283]}, "219": {"x": 30.91736569078948, "y": -28.44737743249814, "z": 5.645719586600497, "r": [0.0035195255806712566, -0.0038572848724811593, 0.02675896725982696]}, "220": {"x": 29.257179048117496, "y": -18.061096245210734, "z": 7.453208779061883, "r": [0.0018959169936110243, -0.0042168919226632795, 0.024800348286770912]}, "221": {"x": -29.891744970390263, "y": 24.4806861107347, "z": 5.642693935075658, "r": [-0.003410315145128351, 0.0036733655944054533, 0.022947699016419243]}, "222": {"x": -28.229976008707922, "y": 14.093695937282602, "z": 7.448486759708939, "r": [-0.0012851097764929875, 0.002062855477960923, 0.013999428525472979]}, "223": {"x": -15.562210033167979, "y": 26.75991934408144, "z": 7.4505219195071595, "r": [-0.002341552297746574, 0.00186812726748542, 0.020906005990372734]}, "224": {"x": -25.94878310070444, "y": 28.41985339318752, "z": 5.6436978410683185, "r": [-0.0029846637160133582, 0.002597384486236365, 0.02235379176864072]}, "225": {"x": -34.51353915318826, "y": -29.397811847466578, "z": 15.166700852122451, "r": [-0.0024124470176047907, -0.0028580823679646983, -0.017587417447160192]}, "226": {"x": -37.381817623124384, "y": -39.878387705818156, "z": 17.468823830852706, "r": [-0.000431346243601638, -0.00043309073544151033, -0.004319377584494077]}, "227": {"x": -26.90200339348369, "y": -37.01130042870605, "z": 15.169625406013155, "r": [-0.002476548895785413, -0.002210947055004908, -0.012578894650232542]}, "228": {"x": -24.954242206995918, "y": -27.451966747489646, "z": 13.528418869499289, "r": [-0.0009312100978036142, -0.0008727086940609752, -0.010673533810560798]}, "229": {"x": -16.05368157804949, "y": -35.05823251943334, "z": 13.037427281950901, "r": [0.0003244449456332177, 0.00017135635661702509, 0.00181682658797655]}, "230": {"x": -4.981985274642298, "y": -34.06184895964761, "z": 10.988370765999314, "r": [0.0011091834556253843, 0.00011173301226108379, 0.00021028688472313206]}, "231": {"x": -4.536220917386986, "y": -25.366082827201765, "z": 10.649119111694393, "r": [-0.000775377114106135, 0.00017395126003805217, -0.002255897825207853]}, "232": {"x": -14.893019879096414, "y": -26.094298317838884, "z": 12.04455715688664, "r": [-0.00030456051476335233, 0.000385406414721956, -0.004492772131662548]}, "233": {"x": -4.268318699795893, "y": -16.11432186523198, "z": 10.364950022176954, "r": [-8.085400816781885e-05, -0.0001357573974019033, -0.0008584498167323318]}, "234": {"x": -4.135210220870079, "y": -6.633286850116437, "z": 10.111696902364407, "r": [8.890697174024353e-07, 0.000832653478401113, 0.0005113785653421132]}, "235": {"x": -13.616109075430591, "y": -6.765434235112905, "z": 10.36445491228018, "r": [-0.0001503978809935802, -9.903562416369027e-05, -0.0008805486033551801]}, "236": {"x": -14.085326734651748, "y": -16.582803850536187, "z": 11.1725473330679, "r": [-0.0007295723110942731, -0.0007305833971997799, -0.002072873962518429]}, "237": {"x": -22.868745710667636, "y": -7.032698428055803, "z": 10.647036193688113, "r": [-0.0006724808245763825, -0.000839112094755734, -0.002372343219256834]}, "238": {"x": -31.564830773976844, "y": -7.477234302168046, "z": 10.985440055345192, "r": [-0.000547617769768749, 3.810233319256895e-05, -0.0020670982453694364]}, "239": {"x": -32.559420321461666, "y": -18.54655531026784, "z": 13.02843494625791, "r": [-0.0007233884659001433, -0.0018825166341684962, -0.009703600287522818]}, "240": {"x": -23.596444531986112, "y": -17.389717446846657, "z": 12.041330121674564, "r": [-0.0004289047577827887, -0.0013235674155822608, -0.00776315879407008]}, "241": {"x": 35.54343809516853, "y": 25.437060038226484, "z": 15.182689748824364, "r": [-0.00011424827019368422, -0.00013819080132293493, 0.0007917079244919023]}, "242": {"x": 38.41003979737531, "y": 35.913836511848395, "z": 17.462992247653318, "r": [0.0014121964985918112, 0.0014923761938518965, -0.010028999256306292]}, "243": {"x": 27.929673033391875, "y": 33.04541958279715, "z": 15.173338710224566, "r": [0.0017337733027176228, 0.001719870405452184, -0.00860933438090683]}, "244": {"x": 25.983201743310634, "y": 23.487126403616184, "z": 13.535725877738598, "r": [3.6277612025514827e-09, 3.620456823227869e-09, -2.2315184367016627e-08]}, "245": {"x": 17.080728652290155, "y": 31.09120959329892, "z": 13.038824422252894, "r": [-0.00031532362842767725, -0.00016627297159743648, 0.0017660448577956345]}, "246": {"x": 6.006134505378533, "y": 30.093929850474535, "z": 10.98496216636083, "r": [-4.736255848669657e-05, 0.0005520852455447312, -0.002024240055710891]}, "247": {"x": 5.562524698015373, "y": 21.39763116143878, "z": 10.648490316269182, "r": [0.0007814621190895821, -0.00017848454307056727, -0.0023552420779040517]}, "248": {"x": 15.917820901320665, "y": 22.12560872436819, "z": 12.040789282609623, "r": [0.00025210375076056835, 7.052451552169714e-05, -0.006531682024956353]}, "249": {"x": 5.295883306470592, "y": 12.146516278598286, "z": 10.367104659834494, "r": [-0.0009297366904839066, -5.2165176661844725e-05, 0.00010107521440971823]}, "250": {"x": 5.163773091561097, "y": 2.664468781885975, "z": 10.110984675004602, "r": [0.0004970223569031873, -0.00035453078782232694, 0.0004759466904573628]}, "251": {"x": 14.643859104818658, "y": 2.7985643535288776, "z": 10.364691915832516, "r": [0.00010787234990772276, 9.004585936622789e-05, -0.0008572397042456714]}, "252": {"x": 15.110872702298122, "y": 12.614039468274171, "z": 11.172019234691819, "r": [-0.000456020265147572, -0.00045856533623833684, -0.0009740671251918798]}, "253": {"x": 23.89471364349566, "y": 3.0647212842856844, "z": 10.647484592558973, "r": [0.00022915282059443598, 0.0003348777438265671, -0.0024328136149165402]}, "254": {"x": 32.590489777220434, "y": 3.509154706415931, "z": 10.984320246173828, "r": [0.00032293408972350335, 0.0005930014232582437, -0.0035110475982875755]}, "255": {"x": 33.586189747496626, "y": 14.579344622947646, "z": 13.029073286017999, "r": [0.0014729976280136725, 0.001495037078136363, -0.006611363251792568]}, "256": {"x": 24.622421242615296, "y": 13.421002513791459, "z": 12.039343235345159, "r": [0.0006079985222271489, 0.0008539529898357046, -0.00560787574431032]}, "257": {"x": 14.705663915439981, "y": -7.022163789365773, "z": 9.59437902173198, "r": [-6.104762884717729e-05, 0.0007767040112049983, 0.0014365826891591382]}, "258": {"x": 5.267582986001755, "y": -6.737193185850521, "z": 9.864372883877458, "r": [0.00010569092232870503, -0.00010553713293148803, 0.0012074868436826591]}, "259": {"x": 5.55404563828958, "y": -16.176416448960357, "z": 9.596282570977367, "r": [-0.0001348373568497152, -0.0005299870461072942, 0.002832921382022846]}, "260": {"x": 15.265183691973059, "y": -16.73203276260216, "z": 8.79337828677675, "r": [0.0008731714989451689, -0.0002466092164326028, 0.006426719092701205]}, "261": {"x": 5.84010309832138, "y": -25.405599236953048, "z": 9.301099811154327, "r": [0.0001226987259954626, -0.0005700371828822881, 0.00394374594419844]}, "262": {"x": 6.125515498534328, "y": -34.077150994893216, "z": 8.984436843968206, "r": [0.0003857967335676449, -0.0006338483258332417, 0.004576742882981932]}, "263": {"x": 17.148314923743254, "y": -35.091357614434905, "z": 6.947781738329896, "r": [0.0022104303606482745, -0.0009193763149255574, 0.011220941944721119]}, "264": {"x": 16.085754169224217, "y": -26.187327507767016, "z": 7.919833608190542, "r": [0.001644456628696389, -0.0011343488242800959, 0.012720670480867113]}, "265": {"x": 27.979552979654674, "y": -37.05632175014758, "z": 4.804853263864877, "r": [0.0019266064801968241, -0.0019185825343868146, 0.009639715689758077]}, "266": {"x": 38.43249652588543, "y": -39.902675632806584, "z": 2.5256305325860895, "r": [0.0009623457924874401, -0.0009700179176377333, 0.007331695659312132]}, "267": {"x": 35.582943873836975, "y": -29.448596049763054, "z": 4.8022544802351455, "r": [-5.889575049877749e-09, -0.00021795226524545797, 0.004539405674361063]}, "268": {"x": 26.087770376373896, "y": -27.55966255014558, "z": 6.436279175645987, "r": [0.00167470370028866, -0.0020216729759852115, 0.01366066104485597]}, "269": {"x": 33.62183357587027, "y": -18.616611896980398, "z": 6.945208432956834, "r": [0.00020211869230024604, -0.0002018514650075076, 0.006341370182980199]}, "270": {"x": 32.60563950596979, "y": -7.596699295161374, "z": 8.980518857369418, "r": [-8.415150944074412e-06, 4.917723936515017e-05, -0.0002704588128636942]}, "271": {"x": 23.934913958543994, "y": -7.31053077886938, "z": 9.299628410089358, "r": [0.0003971873196206843, 0.0003138503344786159, 0.0009585324484291391]}, "272": {"x": 24.719242085570368, "y": -17.557287525812157, "z": 7.912193181004591, "r": [-1.724390017443511e-05, 2.6932972360782514e-05, -0.0002033632889961723]}, "273": {"x": -13.677971444382104, "y": 3.058452175220795, "z": 9.594163800479093, "r": [-0.0005681332301676889, 0.0006519360130994301, 0.0014456223157850445]}, "274": {"x": -4.238562883829172, "y": 2.7680535569602185, "z": 9.86530948097991, "r": [-0.00011909898271156294, 0.00014972290354897666, 0.002201413953116571]}, "275": {"x": -4.52792379383818, "y": 12.206271183770347, "z": 9.59570932890943, "r": [-0.0006801389296988702, -0.00021527752313943438, 0.0031247922948480777]}, "276": {"x": -14.236420369126403, "y": 12.766751384017988, "z": 8.79035633502809, "r": [-0.0003338788121567404, 0.00030445332605211206, 0.003967337749671174]}, "277": {"x": -4.81404018609644, "y": 21.43618139548153, "z": 9.298715596068119, "r": [-4.622821343502892e-07, 1.0154050755772914e-07, 3.506319004031866e-06]}, "278": {"x": -5.099682460581195, "y": 30.108209757872093, "z": 8.9810500791999, "r": [7.03359526177394e-05, -1.20184411542823e-05, -0.0003871231174699119]}, "279": {"x": -16.1208352516216, "y": 31.1247399827395, "z": 6.943993320859846, "r": [-0.001075682824577484, 0.0006437978109516962, 0.006512790392420698]}, "280": {"x": -15.060527709722663, "y": 22.221320435898665, "z": 7.916208720766557, "r": [-0.001146884797847747, 0.0009617363907352683, 0.003973685182224074]}, "281": {"x": -26.95043587368246, "y": 33.08593405974992, "z": 4.808682275856199, "r": [-0.0017905725541140782, 0.0013607126358010646, 0.013280781291378219]}, "282": {"x": -37.40740710658635, "y": 35.935764140135355, "z": 2.5285175178923867, "r": [-0.0014995093699212703, 0.00143551571630951, 0.010166680067243306]}, "283": {"x": -34.556606161629134, "y": 25.48156315474174, "z": 4.800797672098985, "r": [-2.880337120814147e-05, 0.00023531318713310156, 0.0042272186165135395]}, "284": {"x": -25.06330296085536, "y": 23.591702189070354, "z": 6.430743085093123, "r": [-0.001968923374960241, 0.0016345681309672955, 0.009537006274733528]}, "285": {"x": -32.594863181486325, "y": 14.649695720107816, "z": 6.94736944753539, "r": [-0.0004495317099326712, 0.0011477042414895777, 0.010108119358594791]}, "286": {"x": -31.578516674746943, "y": 3.629471432035414, "z": 8.98168832128481, "r": [0.00021619280315121614, 0.0007384759842565813, 0.0018079852360060045]}, "287": {"x": -22.907110831303555, "y": 3.34400288016317, "z": 9.298999541931735, "r": [-0.000570546888226886, 0.000821453474936007, 0.002057062806393617]}, "288": {"x": -23.69015016132499, "y": 13.588892057158638, "z": 7.920876545172915, "r": [-0.0011314791486825015, 0.0015738221935990282, 0.012386211543635284]}}, "face": {"85": [193, 49, 107, 225], "86": [107, 9, 105, 225], "87": [105, 25, 161, 225], "88": [161, 65, 193, 225], "92": [162, 65, 161, 226], "93": [162, 26, 108, 227], "94": [108, 10, 110, 227], "96": [195, 65, 162, 227], "97": [195, 50, 146, 228], "98": [146, 21, 145, 228], "99": [145, 49, 193, 228], "106": [85, 2, 86, 230], "107": [86, 30, 166, 230], "110": [117, 13, 119, 231], "111": [119, 53, 201, 231], "112": [201, 66, 166, 231], "113": [201, 53, 147, 232], "114": [147, 21, 146, 232], "117": [202, 53, 119, 233], "118": [119, 13, 118, 233], "119": [118, 32, 169, 233], "120": [169, 67, 202, 233], "122": [88, 3, 89, 234], "123": [89, 33, 171, 234], "125": [171, 33, 124, 235], "126": [124, 15, 126, 235], "127": [126, 56, 207, 235], "128": [207, 67, 171, 235], "130": [148, 21, 147, 236], "133": [208, 56, 126, 237], "135": [125, 43, 185, 237], "136": [185, 68, 208, 237], "137": [185, 43, 99, 238], "138": [99, 7, 100, 238], "139": [100, 44, 187, 238], "142": [106, 9, 107, 239], "143": [107, 49, 194, 239], "144": [194, 68, 187, 239], "145": [194, 49, 145, 240], "146": [145, 21, 148, 240], "147": [148, 56, 208, 240], "154": [83, 1, 84, 242], "155": [84, 28, 164, 242], "156": [164, 69, 163, 242], "157": [164, 28, 111, 243], "158": [111, 11, 113, 243], "169": [189, 46, 102, 246], "170": [102, 8, 103, 246], "171": [103, 47, 190, 246], "174": [129, 16, 130, 247], "175": [130, 58, 211, 247], "176": [211, 70, 190, 247], "177": [211, 58, 151, 248], "178": [151, 22, 149, 248], "180": [198, 70, 211, 248], "182": [130, 16, 128, 249], "183": [128, 34, 173, 249], "186": [90, 3, 91, 250], "187": [91, 35, 175, 250], "188": [175, 71, 173, 250], "189": [175, 35, 132, 251], "190": [132, 17, 134, 251], "191": [134, 60, 215, 251], "192": [215, 71, 175, 251], "196": [212, 71, 215, 252], "197": [216, 60, 134, 253], "198": [134, 17, 133, 253], "199": [133, 36, 177, 253], "200": [177, 72, 216, 253], "201": [177, 36, 92, 254], "202": [92, 4, 93, 254], "203": [93, 37, 179, 254], "204": [179, 72, 177, 254], "205": [179, 37, 115, 255], "206": [115, 12, 116, 255], "209": [200, 52, 150, 256], "211": [152, 60, 216, 256], "214": [135, 17, 132, 257], "215": [132, 35, 176, 257], "218": [91, 3, 88, 258], "220": [170, 73, 176, 258], "221": [170, 32, 118, 259], "222": [118, 13, 120, 259], "223": [120, 54, 203, 259], "226": [153, 23, 155, 260], "227": [155, 61, 217, 260], "228": [217, 73, 203, 260], "230": [120, 13, 117, 261], "231": [117, 30, 167, 261], "232": [167, 74, 204, 261], "233": [167, 30, 86, 262], "234": [86, 2, 87, 262], "235": [87, 31, 168, 262], "238": [121, 14, 123, 263], "239": [123, 55, 205, 263], "240": [205, 74, 168, 263], "241": [205, 55, 154, 264], "242": [154, 23, 153, 264], "243": [153, 54, 204, 264], "244": [204, 74, 205, 264], "246": [123, 14, 122, 265], "247": [122, 39, 181, 265], "250": [95, 5, 96, 266], "252": [182, 75, 181, 266], "255": [138, 62, 219, 267], "258": [156, 23, 154, 268], "259": [154, 55, 206, 268], "260": [206, 75, 219, 268], "263": [136, 38, 180, 269], "264": [180, 76, 220, 269], "269": [178, 36, 133, 271], "277": [209, 57, 127, 273], "281": [172, 33, 89, 274], "282": [89, 3, 90, 274], "283": [90, 34, 174, 274], "284": [174, 77, 172, 274], "285": [174, 34, 128, 275], "287": [131, 59, 213, 275], "288": [213, 77, 174, 275], "289": [213, 59, 158, 276], "291": [157, 57, 209, 276], "301": [192, 48, 143, 279], "303": [144, 64, 223, 279], "305": [223, 64, 160, 280], "309": [224, 64, 144, 281], "310": [144, 20, 142, 281], "312": [183, 79, 224, 281], "314": [97, 6, 98, 282], "315": [98, 42, 184, 282], "316": [184, 79, 183, 282], "319": [141, 63, 221, 283], "321": [221, 63, 159, 284], "324": [224, 79, 221, 284], "325": [222, 63, 141, 285], "327": [140, 45, 188, 285], "328": [188, 80, 222, 285], "332": [186, 80, 188, 286], "336": [210, 80, 186, 287], "337": [210, 57, 157, 288], "338": [157, 24, 159, 288], "339": [159, 63, 222, 288], "340": [222, 80, 210, 288], "344": [200, 255, 116], "347": [159, 24, 160], "348": [160, 284, 159], "350": [184, 283, 221], "353": [146, 50, 196], "354": [196, 232, 146], "356": [125, 237, 126], "360": [97, 282, 183], "361": [121, 263, 168], "362": [155, 23, 156], "363": [156, 272, 155], "369": [179, 255, 200], "370": [135, 61, 218], "371": [218, 271, 135], "373": [182, 267, 219], "375": [110, 10, 109], "376": [109, 229, 110], "377": [176, 73, 217], "379": [191, 47, 103], "380": [103, 278, 191], "382": [212, 252, 151], "384": [164, 243, 197], "386": [181, 39, 95], "388": [199, 52, 116], "389": [116, 241, 199], "390": [186, 43, 125], "394": [96, 40, 182], "397": [165, 230, 166], "399": [198, 248, 149], "400": [168, 31, 121], "401": [165, 29, 85], "402": [85, 230, 165], "403": [202, 67, 207], "404": [207, 236, 202], "408": [192, 279, 223], "409": [199, 69, 197], "410": [197, 244, 199], "411": [141, 19, 140], "414": [152, 252, 215], "419": [180, 270, 178], "422": [218, 61, 155], "424": [221, 79, 184], "426": [217, 257, 176], "429": [116, 52, 200], "430": [214, 78, 223], "432": [196, 66, 201], "433": [201, 232, 196], "435": [83, 242, 163], "436": [147, 53, 202], "438": [158, 24, 157], "441": [197, 69, 164], "443": [178, 271, 218], "444": [125, 15, 127], "445": [127, 287, 125], "446": [212, 58, 130], "447": [130, 249, 212], "448": [142, 41, 183], "450": [138, 269, 220], "451": [208, 68, 194], "452": [194, 240, 208], "454": [129, 247, 190], "457": [214, 277, 191], "458": [150, 22, 152], "459": [198, 51, 113], "460": [113, 245, 198], "461": [192, 278, 104], "462": [88, 32, 170], "464": [81, 226, 161], "465": [156, 62, 220], "466": [220, 272, 156], "467": [101, 7, 99], "468": [191, 78, 214], "469": [195, 227, 110], "470": [82, 26, 162], "473": [90, 250, 173], "474": [110, 50, 195], "477": [117, 231, 166], "478": [170, 258, 88], "479": [219, 62, 156], "483": [157, 276, 158], "484": [181, 75, 206], "485": [206, 265, 181], "486": [187, 68, 185], "487": [185, 238, 187], "488": [203, 73, 170], "489": [172, 77, 209], "491": [109, 29, 165], "492": [165, 229, 109], "493": [161, 25, 81], "495": [91, 258, 176], "496": [149, 22, 150], "497": [150, 244, 149], "498": [137, 18, 138], "499": [138, 267, 137], "502": [196, 229, 165], "503": [113, 51, 197], "505": [190, 70, 189], "506": [189, 246, 190], "509": [178, 76, 180], "510": [162, 226, 82], "511": [204, 54, 120], "515": [152, 256, 150], "516": [196, 50, 110], "517": [110, 229, 196], "518": [133, 17, 135], "519": [135, 271, 133], "520": [169, 32, 88], "521": [124, 33, 172], "522": [172, 273, 124], "523": [156, 268, 219], "524": [217, 61, 135], "525": [135, 257, 217], "526": [81, 0, 82], "527": [82, 226, 81], "528": [163, 69, 199], "529": [199, 241, 163], "530": [140, 285, 141], "531": [203, 54, 153], "532": [158, 280, 160], "534": [169, 234, 171], "536": [171, 67, 169], "537": [206, 55, 123], "538": [123, 265, 206], "539": [209, 77, 213], "540": [213, 276, 209], "541": [143, 20, 144], "543": [173, 34, 90], "544": [99, 286, 101], "545": [160, 24, 158], "546": [94, 4, 92], "547": [92, 270, 94], "549": [220, 62, 138], "550": [189, 70, 198], "551": [198, 245, 189], "552": [168, 74, 167], "553": [167, 262, 168], "554": [163, 27, 83], "555": [182, 266, 96], "556": [95, 266, 181], "557": [116, 12, 114], "558": [114, 241, 116], "560": [218, 272, 220], "561": [165, 66, 196], "562": [114, 27, 163], "564": [113, 11, 112], "565": [112, 245, 113], "566": [183, 281, 142], "567": [127, 15, 124], "568": [124, 273, 127], "570": [176, 35, 91], "571": [219, 75, 182], "572": [214, 59, 131], "573": [131, 277, 214], "574": [187, 44, 106], "575": [106, 239, 187], "576": [192, 78, 191], "577": [191, 278, 192], "578": [129, 47, 191], "579": [191, 277, 129], "580": [103, 8, 104], "582": [190, 47, 129], "583": [120, 261, 204], "584": [200, 72, 179], "585": [144, 279, 143], "586": [173, 71, 212], "587": [212, 249, 173], "588": [99, 43, 186], "589": [186, 286, 99], "590": [126, 15, 125], "592": [149, 244, 197], "593": [149, 51, 198], "595": [128, 16, 131], "596": [131, 275, 128], "597": [104, 278, 103], "598": [92, 36, 178], "599": [178, 270, 92], "600": [209, 273, 172], "602": [155, 272, 218], "603": [170, 259, 203], "604": [150, 52, 199], "605": [199, 244, 150], "606": [184, 42, 139], "609": [166, 66, 165], "610": [182, 40, 137], "611": [137, 267, 182], "612": [215, 60, 152], "613": [125, 287, 186], "614": [223, 280, 214], "615": [158, 59, 214], "616": [131, 16, 129], "617": [129, 277, 131], "618": [197, 243, 113], "619": [216, 72, 200], "620": [200, 256, 216], "621": [183, 41, 97], "622": [127, 57, 210], "623": [210, 287, 127], "624": [153, 260, 203], "625": [214, 280, 158], "626": [197, 51, 149], "627": [193, 65, 195], "628": [195, 228, 193], "629": [163, 241, 114], "630": [139, 19, 141], "631": [152, 22, 151], "632": [151, 252, 152], "633": [151, 58, 212], "634": [101, 286, 188], "635": [218, 76, 178], "636": [223, 78, 192], "637": [188, 45, 101], "638": [202, 236, 147], "639": [166, 30, 117], "640": [88, 234, 169], "641": [160, 64, 224], "642": [224, 284, 160], "643": [207, 56, 148], "644": [148, 236, 207], "645": [138, 18, 136], "646": [136, 269, 138], "647": [220, 76, 218], "648": [180, 38, 94], "649": [94, 270, 180], "650": [139, 283, 184], "651": [104, 48, 192], "652": [141, 283, 139], "653": [112, 46, 189], "654": [189, 245, 112]}, "facedata": {"85": {"path": [5, 0, 0], "s": [1.021406691159843, 0.9797606240257378, 0.027024331921502658]}, "86": {"path": [5, 0, 1], "s": [1.0037657207884343, 0.9979195668402561, -0.04091657356786627]}, "87": {"path": [5, 0, 2], "s": [1.032647855364009, 0.9694784492707577, 0.03360851509882593]}, "88": {"path": [5, 0, 3], "s": [1.0158610118335083, 0.9857242586900128, -0.03685063224053466]}, "89": {"path": [5, 1, 0]}, "90": {"path": [5, 1, 1]}, "91": {"path": [5, 1, 2]}, "92": {"path": [5, 1, 3], "s": [1.02535329421885, 0.9766757195628735, 0.0379143508270847]}, "93": {"path": [5, 2, 0], "s": [1.0227125744533674, 0.9794121887842675, 0.04070421057085725]}, "94": {"path": [5, 2, 1], "s": [1.0290974933665435, 0.9726057654315479, -0.03006366541494393]}, "95": {"path": [5, 2, 2]}, "96": {"path": [5, 2, 3], "s": [1.020711747045579, 0.9808810786983196, -0.03458578755608513]}, "97": {"path": [5, 3, 0], "s": [1.0134405721402935, 0.9873281812799861, -0.024408422983805664]}, "98": {"path": [5, 3, 1], "s": [1.006621527646764, 0.9938620664946319, 0.020952800408920766]}, "99": {"path": [5, 3, 2], "s": [1.0035893586204676, 0.9971769304100011, -0.027433651563391115]}, "100": {"path": [5, 3, 3]}, "101": {"path": [6, 0, 0]}, "102": {"path": [6, 0, 1]}, "103": {"path": [6, 0, 2]}, "104": {"path": [6, 0, 3]}, "105": {"path": [6, 1, 0]}, "106": {"path": [6, 1, 1], "s": [1.028683907160375, 0.9721340079091967, -0.002366837275666688]}, "107": {"path": [6, 1, 2], "s": [0.9790639758167579, 1.0214107551168639, 0.004177167386616228]}, "108": {"path": [6, 1, 3]}, "109": {"path": [6, 2, 0]}, "110": {"path": [6, 2, 1], "s": [0.9896217824835183, 1.0104922898578275, 0.0013335758507049072]}, "111": {"path": [6, 2, 2], "s": [1.0098858348295028, 0.9902433209199074, -0.005411000005118159]}, "112": {"path": [6, 2, 3], "s": [0.9879472133629719, 1.0123319143927645, 0.011156205806762354]}, "113": {"path": [6, 3, 0], "s": [0.995065154627493, 1.0051189751674523, 0.012447010871213027]}, "114": {"path": [6, 3, 1], "s": [1.0067427645398799, 0.9935514963381658, -0.01572654478466763]}, "115": {"path": [6, 3, 2]}, "116": {"path": [6, 3, 3]}, "117": {"path": [7, 0, 0], "s": [0.9954339686921876, 1.004613980534648, 0.004977603405725862]}, "118": {"path": [7, 0, 1], "s": [1.0063485989771122, 0.9936933487451698, -8.780681633088252e-05]}, "119": {"path": [7, 0, 2], "s": [0.9968415258536792, 1.0031694835582101, -0.0002371984061794866]}, "120": {"path": [7, 0, 3], "s": [1.0022208422563463, 0.9977914402318492, -0.002493797908112361]}, "121": {"path": [7, 1, 0]}, "122": {"path": [7, 1, 1], "s": [0.9999854214051102, 1.0000163735727505, -0.0013239266935625503]}, "123": {"path": [7, 1, 2], "s": [0.9990034677230345, 1.0009985257260654, 0.0008004342763941913]}, "124": {"path": [7, 1, 3]}, "125": {"path": [7, 2, 0], "s": [1.0031201687584959, 0.9968907579151508, -0.0005192307140523806]}, "126": {"path": [7, 2, 1], "s": [0.9937094590783568, 1.006332171309415, -6.451002384530175e-06]}, "127": {"path": [7, 2, 2], "s": [1.0057934444249546, 0.9942544021761834, 0.00352238275479811]}, "128": {"path": [7, 2, 3], "s": [0.9979901153338725, 1.002022061362345, -0.0026275555069510473]}, "129": {"path": [7, 3, 0]}, "130": {"path": [7, 3, 1], "s": [1.0029978549078868, 0.9971556516822365, 0.01190002712827397]}, "131": {"path": [7, 3, 2]}, "132": {"path": [7, 3, 3]}, "133": {"path": [8, 0, 0], "s": [0.991294134369196, 1.0088349156004288, -0.006984534324195959]}, "134": {"path": [8, 0, 1]}, "135": {"path": [8, 0, 2], "s": [0.984545119806174, 1.0157039452746834, -0.001011874045962946]}, "136": {"path": [8, 0, 3], "s": [1.0156025406076106, 0.9846764365114749, 0.005826749041915664]}, "137": {"path": [8, 1, 0], "s": [1.0218026482479228, 0.9786717296068925, 0.0006686409011679571]}, "138": {"path": [8, 1, 1], "s": [0.9721686682396328, 1.0286491645006066, -0.0027536896385017165]}, "139": {"path": [8, 1, 2], "s": [1.0287468381201197, 0.9721356935661987, 0.00825589988367481]}, "140": {"path": [8, 1, 3]}, "141": {"path": [8, 2, 0]}, "142": {"path": [8, 2, 1], "s": [1.0293045008410253, 0.9720107936665527, 0.02207639641599561]}, "143": {"path": [8, 2, 2], "s": [0.9964612125666493, 1.004396302499245, -0.02892067595977898]}, "144": {"path": [8, 2, 3], "s": [1.0214246708621388, 0.9792194024145007, 0.013775825526521589]}, "145": {"path": [8, 3, 0], "s": [1.0149031423605608, 0.9856150434041729, 0.017286840642733104]}, "146": {"path": [8, 3, 1], "s": [1.0000215174753881, 1.0002736920881525, -0.017076086510104026]}, "147": {"path": [8, 3, 2], "s": [1.009171358438799, 0.991012425034182, 0.009871270432199321]}, "148": {"path": [8, 3, 3]}, "149": {"path": [9, 0, 0]}, "150": {"path": [9, 0, 1]}, "151": {"path": [9, 0, 2]}, "152": {"path": [9, 0, 3]}, "153": {"path": [9, 1, 0]}, "154": {"path": [9, 1, 1], "s": [1.0411743982111905, 0.96187614053269, 0.03831027184642322]}, "155": {"path": [9, 1, 2], "s": [1.033681620969265, 0.9689089371231319, -0.03925954194893425]}, "156": {"path": [9, 1, 3], "s": [1.0253884389857815, 0.9766612738553712, 0.03817290360069109]}, "157": {"path": [9, 2, 0], "s": [1.0226671789549142, 0.9794533014061975, 0.040674268829019075]}, "158": {"path": [9, 2, 1], "s": [1.0291280744383506, 0.9725729716858679, -0.02999769105318319]}, "159": {"path": [9, 2, 2]}, "160": {"path": [9, 2, 3]}, "161": {"path": [9, 3, 0]}, "162": {"path": [9, 3, 1]}, "163": {"path": [9, 3, 2]}, "164": {"path": [9, 3, 3]}, "165": {"path": [10, 0, 0]}, "166": {"path": [10, 0, 1]}, "167": {"path": [10, 0, 2]}, "168": {"path": [10, 0, 3]}, "169": {"path": [10, 1, 0], "s": [0.9796186304486957, 1.0212610734343535, 0.020805814116980008]}, "170": {"path": [10, 1, 1], "s": [1.028651256376264, 0.9721652161130541, -0.0024417866625544523]}, "171": {"path": [10, 1, 2], "s": [0.9790951710219161, 1.0213775669826288, 0.004097325633199234]}, "172": {"path": [10, 1, 3]}, "173": {"path": [10, 2, 0]}, "174": {"path": [10, 2, 1], "s": [0.9896354481337968, 1.01047835467481, 0.001294928415122985]}, "175": {"path": [10, 2, 2], "s": [1.0099117113206688, 0.9902182461510559, -0.005435978456966374]}, "176": {"path": [10, 2, 3], "s": [0.9878990643241528, 1.012380495870675, 0.01112393715347556]}, "177": {"path": [10, 3, 0], "s": [0.9951409092158152, 1.0050410399529783, 0.012391390223670072]}, "178": {"path": [10, 3, 1], "s": [1.0069290316849153, 0.9933660392552203, -0.01568764810723332]}, "179": {"path": [10, 3, 2]}, "180": {"path": [10, 3, 3], "s": [1.0144518285186148, 0.9859070321852527, -0.012262633786601494]}, "181": {"path": [11, 0, 0]}, "182": {"path": [11, 0, 1], "s": [1.0063570462339517, 0.9936850240173114, -0.00012853268497258234]}, "183": {"path": [11, 0, 2], "s": [0.9968459332873258, 1.0031649993749845, -0.0002497701636536223]}, "184": {"path": [11, 0, 3]}, "185": {"path": [11, 1, 0]}, "186": {"path": [11, 1, 1], "s": [0.9999873051856804, 1.0000144721336037, -0.0013150762223851]}, "187": {"path": [11, 1, 2], "s": [0.9989990105884592, 1.0010029651360062, 0.0008174680019420503]}, "188": {"path": [11, 1, 3], "s": [1.0000741883951185, 0.9999271019855291, 0.0008034713161188758]}, "189": {"path": [11, 2, 0], "s": [1.0031453982284837, 0.9968656328079536, -0.0004975999762919428]}, "190": {"path": [11, 2, 1], "s": [0.9936904556793007, 1.0063515223378572, 3.8112326126456566e-05]}, "191": {"path": [11, 2, 2], "s": [1.0057966805798264, 0.9942513140574216, 0.003539414137546536]}, "192": {"path": [11, 2, 3], "s": [0.9979873712828098, 1.002024678411133, -0.002600359289078083]}, "193": {"path": [11, 3, 0]}, "194": {"path": [11, 3, 1]}, "195": {"path": [11, 3, 2]}, "196": {"path": [11, 3, 3], "s": [1.0005955056566096, 0.9994343116378065, 0.0052569711646132545]}, "197": {"path": [12, 0, 0], "s": [0.991297065852675, 1.0088316388101255, -0.0069515145692923145]}, "198": {"path": [12, 0, 1], "s": [1.010557925588441, 0.9895557984993976, 2.4237122126320137e-05]}, "199": {"path": [12, 0, 2], "s": [0.9845400664180547, 1.015709294982404, -0.000967624473518019]}, "200": {"path": [12, 0, 3], "s": [1.0155827897298972, 0.9846961122545315, 0.00588324231577141]}, "201": {"path": [12, 1, 0], "s": [1.0218026808304705, 0.9786715002315682, 0.0006275483616818958]}, "202": {"path": [12, 1, 1], "s": [0.9721942590425867, 1.0286222913033656, -0.0027715577340817225]}, "203": {"path": [12, 1, 2], "s": [1.0287689059961054, 0.9721143539049468, 0.008260171432083444]}, "204": {"path": [12, 1, 3], "s": [0.9820217112918306, 1.0184983733037198, -0.01339714533905318]}, "205": {"path": [12, 2, 0], "s": [0.9821344411137718, 1.0189209736690135, -0.026599535518939524]}, "206": {"path": [12, 2, 1], "s": [1.0292248146485714, 0.9720903308598747, 0.022150871791901974]}, "207": {"path": [12, 2, 2]}, "208": {"path": [12, 2, 3]}, "209": {"path": [12, 3, 0], "s": [1.0150135188055915, 0.9855069260635433, 0.01722190407818174]}, "210": {"path": [12, 3, 1]}, "211": {"path": [12, 3, 2], "s": [1.0090908442855742, 0.9910914791780356, 0.0098637148704184]}, "212": {"path": [12, 3, 3]}, "213": {"path": [13, 0, 0]}, "214": {"path": [13, 0, 1], "s": [1.0064795232862747, 0.9935748719746046, -0.003306947966533347]}, "215": {"path": [13, 0, 2], "s": [0.9970247579918918, 1.0029944341213028, 0.003071781835577324]}, "216": {"path": [13, 0, 3]}, "217": {"path": [13, 1, 0]}, "218": {"path": [13, 1, 1], "s": [1.0001155989114867, 0.9998874756445792, 0.0017380092842111292]}, "219": {"path": [13, 1, 2]}, "220": {"path": [13, 1, 3], "s": [1.0004683261434644, 0.9995474359439058, 0.003867500037711857]}, "221": {"path": [13, 2, 0], "s": [1.0034442001110127, 0.9965749668468942, 0.0025458060101478204]}, "222": {"path": [13, 2, 1], "s": [0.9936285130091426, 1.0064257594208479, -0.0033915110610770256]}, "223": {"path": [13, 2, 2], "s": [1.006268098524043, 0.9938163832938457, 0.00661302860838789]}, "224": {"path": [13, 2, 3]}, "225": {"path": [13, 3, 0]}, "226": {"path": [13, 3, 1], "s": [1.0038885693427602, 0.9963516922072947, 0.014948780915609106]}, "227": {"path": [13, 3, 2], "s": [1.004642324032278, 0.9955011959930427, -0.010991977544983824]}, "228": {"path": [13, 3, 3], "s": [1.0011426264436352, 0.9989300504388937, 0.008357539544738345]}, "229": {"path": [14, 0, 0]}, "230": {"path": [14, 0, 1], "s": [1.0108533118275511, 0.9892766275733382, 0.0032160421017745143]}, "231": {"path": [14, 0, 2], "s": [0.9843512400073697, 1.0159180565619794, -0.003876138725523203]}, "232": {"path": [14, 0, 3], "s": [1.0159601344311786, 0.9843753463645587, 0.008994467291949616]}, "233": {"path": [14, 1, 0], "s": [1.0220215390048297, 0.978476713322704, 0.003984478764684133]}, "234": {"path": [14, 1, 1], "s": [0.9717948226031277, 1.0290475322475174, -0.0032505445691555506]}, "235": {"path": [14, 1, 2], "s": [1.0288428043232622, 0.9721088777222416, 0.011636534413404091]}, "236": {"path": [14, 1, 3]}, "237": {"path": [14, 2, 0]}, "238": {"path": [14, 2, 1], "s": [1.029466174067763, 0.9719728364780447, 0.024643006493669475]}, "239": {"path": [14, 2, 2], "s": [0.9971189008787631, 1.0038657928886188, -0.03113815895635476]}, "240": {"path": [14, 2, 3], "s": [1.0218505725845743, 0.9788981015042203, 0.016750542614503174]}, "241": {"path": [14, 3, 0], "s": [1.0157046073160798, 0.9849417306985717, 0.020156445460023684]}, "242": {"path": [14, 3, 1], "s": [1.0007870691927943, 0.9996157991062379, -0.01999347621267196]}, "243": {"path": [14, 3, 2], "s": [1.009729304303167, 0.9905309720496536, 0.012837905776605811]}, "244": {"path": [14, 3, 3], "s": [0.9905028674819056, 1.0099550313383308, -0.01894786192292538]}, "245": {"path": [15, 0, 0]}, "246": {"path": [15, 0, 1], "s": [1.0035522675444322, 0.9982649751848829, -0.04253834434645138]}, "247": {"path": [15, 0, 2], "s": [1.0331631939466488, 0.9690695689277171, 0.034738414244158244]}, "248": {"path": [15, 0, 3]}, "249": {"path": [15, 1, 0]}, "250": {"path": [15, 1, 1], "s": [1.0417826677931503, 0.9613433641282041, 0.03867162733954855]}, "251": {"path": [15, 1, 2]}, "252": {"path": [15, 1, 3], "s": [1.0259827888475064, 0.9761812425054659, 0.03930203825690689]}, "253": {"path": [15, 2, 0]}, "254": {"path": [15, 2, 1]}, "255": {"path": [15, 2, 2], "s": [1.0069088054346347, 0.9943954712478502, 0.03552574839225372]}, "256": {"path": [15, 2, 3]}, "257": {"path": [15, 3, 0]}, "258": {"path": [15, 3, 1], "s": [1.0074282528741483, 0.9931830427618348, 0.023612248740152837]}, "259": {"path": [15, 3, 2], "s": [1.0044050850088988, 0.9965086557919784, -0.029934078730994806]}, "260": {"path": [15, 3, 3], "s": [1.0174680136278857, 0.9838077652512602, 0.031480758553415936]}, "261": {"path": [16, 0, 0]}, "262": {"path": [16, 0, 1]}, "263": {"path": [16, 0, 2], "s": [1.0282468312779427, 0.9729120789857972, -0.019640043126304244]}, "264": {"path": [16, 0, 3], "s": [0.9890085833804072, 1.0117368912943723, 0.024673293043754364]}, "265": {"path": [16, 1, 0]}, "266": {"path": [16, 1, 1]}, "267": {"path": [16, 1, 2]}, "268": {"path": [16, 1, 3]}, "269": {"path": [16, 2, 0], "s": [1.0157738892228518, 0.9844956987823509, -0.004458350727921227]}, "270": {"path": [16, 2, 1]}, "271": {"path": [16, 2, 2]}, "272": {"path": [16, 2, 3]}, "273": {"path": [16, 3, 0]}, "274": {"path": [16, 3, 1]}, "275": {"path": [16, 3, 2]}, "276": {"path": [16, 3, 3]}, "277": {"path": [17, 0, 0], "s": [0.996057564515682, 1.0040258926720809, 0.008089033874452022]}, "278": {"path": [17, 0, 1]}, "279": {"path": [17, 0, 2]}, "280": {"path": [17, 0, 3]}, "281": {"path": [17, 1, 0], "s": [1.0011748066372541, 0.9988321531462236, -0.0022960016092311085]}, "282": {"path": [17, 1, 1], "s": [1.0001189302723463, 0.9998843297634663, 0.001787616746465117]}, "283": {"path": [17, 1, 2], "s": [0.998943665677089, 1.0010632250948917, -0.002345118080962056]}, "284": {"path": [17, 1, 3], "s": [1.0004655523883756, 0.9995505148469244, 0.003917386249449051]}, "285": {"path": [17, 2, 0], "s": [1.0034631080990093, 0.9965562765479512, 0.002562976711268595]}, "286": {"path": [17, 2, 1]}, "287": {"path": [17, 2, 2], "s": [1.0062786269626913, 0.9938056485842387, 0.006582495493096869]}, "288": {"path": [17, 2, 3], "s": [0.9983032945367651, 1.001734840593252, -0.005843019097725908]}, "289": {"path": [17, 3, 0], "s": [0.9979160614354553, 1.0022263803669897, -0.011658304475015717]}, "290": {"path": [17, 3, 1]}, "291": {"path": [17, 3, 2], "s": [1.0046951751803477, 0.9954479679103189, -0.010948012002592667]}, "292": {"path": [17, 3, 3]}, "293": {"path": [18, 0, 0]}, "294": {"path": [18, 0, 1]}, "295": {"path": [18, 0, 2]}, "296": {"path": [18, 0, 3]}, "297": {"path": [18, 1, 0]}, "298": {"path": [18, 1, 1]}, "299": {"path": [18, 1, 2]}, "300": {"path": [18, 1, 3]}, "301": {"path": [18, 2, 0], "s": [0.9817297303683583, 1.0194302787617864, -0.02823948612723136]}, "302": {"path": [18, 2, 1]}, "303": {"path": [18, 2, 2], "s": [0.9972730606419022, 1.0037136508261035, -0.03119498434504684]}, "304": {"path": [18, 2, 3]}, "305": {"path": [18, 3, 0], "s": [1.0156078056235105, 0.9850288225178656, 0.01996394537302684]}, "306": {"path": [18, 3, 1]}, "307": {"path": [18, 3, 2]}, "308": {"path": [18, 3, 3]}, "309": {"path": [19, 0, 0], "s": [1.0221427741094624, 0.9791678578085534, 0.02909927262828904]}, "310": {"path": [19, 0, 1], "s": [1.0037962557663838, 0.9980236825489147, -0.042552315753307146]}, "311": {"path": [19, 0, 2]}, "312": {"path": [19, 0, 3], "s": [1.0167107999451834, 0.9850270781021991, -0.03856367543706127]}, "313": {"path": [19, 1, 0]}, "314": {"path": [19, 1, 1], "s": [1.0417380448176397, 0.9613803686725727, 0.03862389295685715]}, "315": {"path": [19, 1, 2], "s": [1.0340330188081113, 0.9686518891907905, -0.04018443284252922]}, "316": {"path": [19, 1, 3], "s": [1.0258833160468466, 0.9762887993205395, 0.039471999388755015]}, "317": {"path": [19, 2, 0]}, "318": {"path": [19, 2, 1]}, "319": {"path": [19, 2, 2], "s": [1.0069320541749056, 0.9943823440673393, 0.035675248420799]}, "320": {"path": [19, 2, 3]}, "321": {"path": [19, 3, 0], "s": [1.0144647668964228, 0.9864509286802027, -0.026784076013872674]}, "322": {"path": [19, 3, 1]}, "323": {"path": [19, 3, 2]}, "324": {"path": [19, 3, 3], "s": [1.0174792087239144, 0.9837911480322521, 0.0313869267332918]}, "325": {"path": [20, 0, 0], "s": [1.0201483196848662, 0.9808320041389373, -0.024295628762639476]}, "326": {"path": [20, 0, 1]}, "327": {"path": [20, 0, 2], "s": [1.0281725366163588, 0.9729836320548041, -0.019667116770095947]}, "328": {"path": [20, 0, 3], "s": [0.9889629096676892, 1.011785093395903, 0.024726007749918722]}, "329": {"path": [20, 1, 0]}, "330": {"path": [20, 1, 1]}, "331": {"path": [20, 1, 2]}, "332": {"path": [20, 1, 3], "s": [1.0213166775896885, 0.9792661214386209, -0.011574967714357193]}, "333": {"path": [20, 2, 0]}, "334": {"path": [20, 2, 1]}, "335": {"path": [20, 2, 2]}, "336": {"path": [20, 2, 3], "s": [0.9887976683900771, 1.0115344232854844, 0.01405667890234338]}, "337": {"path": [20, 3, 0], "s": [0.9957971304240816, 1.00446342330381, 0.015447928806908555]}, "338": {"path": [20, 3, 1], "s": [1.0075636900032268, 0.9928380068883645, -0.01857341959694887]}, "339": {"path": [20, 3, 2], "s": [1.0011383290851739, 0.9995031419322286, 0.02524682478563345]}, "340": {"path": [20, 3, 3], "s": [1.0149626793296556, 0.9854930932146142, -0.01530778650270944]}, "341": {}, "342": {}, "343": {}, "344": {"s": [0.993143036297822, 1.007716955080503, -0.0284090918095973]}, "345": {}, "346": {}, "347": {"s": [1.0061987831327568, 0.9943293834047724, 0.02220395494107373]}, "348": {"s": [1.0087428058331858, 0.9919515136956486, 0.02497905474240926]}, "349": {}, "350": {"s": [1.0249164021541228, 0.9767978831194132, -0.033707150554643614]}, "351": {}, "352": {}, "353": {"s": [0.9990748947892512, 1.001547196261352, 0.024913043396577225]}, "354": {"s": [0.9969411502475414, 1.0034817464885588, 0.020303856695616847]}, "355": {}, "356": {"s": [1.0116823100958712, 0.9884558606037386, 0.0018189236907158197]}, "357": {}, "358": {}, "359": {}, "360": {"s": [1.0300889446140715, 0.9726118451489132, -0.043321000549258144]}, "361": {"s": [0.989998920155683, 1.0111460087814248, -0.03214742312129305]}, "362": {"s": [1.0063881068506686, 0.9940086851544865, -0.018934593889138943]}, "363": {"s": [1.0101791850905195, 0.9902227627114543, -0.017390327597264492]}, "364": {}, "365": {}, "366": {}, "367": {}, "368": {}, "369": {"s": [1.0227729584838785, 0.9779936733542808, 0.016293639098560388]}, "370": {"s": [1.0090384770407437, 0.9911287072225526, -0.009327448054306086]}, "371": {"s": [1.0117307639616975, 0.9884539991210207, -0.007022796572985993]}, "372": {}, "373": {"s": [1.025081070701287, 0.9766450905633016, -0.03376973689243289]}, "374": {}, "375": {"s": [0.9985378718465657, 1.002943587155049, 0.038433775510125466]}, "376": {"s": [0.993943426052953, 1.0071771688462328, 0.032819595447505324]}, "377": {"s": [1.00163243880127, 0.9984035996373428, -0.005782076851763503]}, "378": {}, "379": {"s": [1.0199725007865605, 0.980423904683308, 0.0023284953851808433]}, "380": {"s": [1.023707318301538, 0.9768895809586168, 0.007000942783470159]}, "381": {}, "382": {"s": [1.0026685637914379, 0.9974076371775323, -0.0083236460404997]}, "383": {}, "384": {"s": [1.0244874282852117, 0.9770964507921851, -0.031984841076562825]}, "385": {}, "386": {"s": [1.02938544907318, 0.9732554569473817, -0.04306977609301501]}, "387": {}, "388": {"s": [1.019434642384602, 0.9815999706712114, 0.026019513176502595]}, "389": {"s": [1.023305780165692, 0.9780033708869976, 0.02822237499211979]}, "390": {"s": [1.017285624082588, 0.9830131687927666, -0.0022726409203069823]}, "391": {}, "392": {}, "393": {}, "394": {"s": [1.0335646739672357, 0.9690837661333143, -0.04013411006261032]}, "395": {}, "396": {}, "397": {"s": [1.0233860526457055, 0.9771765107776686, -0.005367690645117639]}, "398": {}, "399": {"s": [0.9970966947605209, 1.0033302125464458, 0.02042642120961217]}, "400": {"s": [0.9808641220798984, 1.020309095105187, -0.02801044127617152]}, "401": {"s": [0.9780318149670504, 1.022998136869797, 0.022906866016081523]}, "402": {"s": [0.9772543499966737, 1.0234616308588893, 0.01350299268825983]}, "403": {"s": [1.0003186094379843, 0.9996981779377361, 0.004085488020103813]}, "404": {"s": [1.0008261273225392, 0.9992190761883715, 0.0066752054959330455]}, "405": {}, "406": {}, "407": {}, "408": {"s": [1.0232631769626492, 0.9776159380180944, 0.018931206662973283]}, "409": {"s": [1.0161031851007831, 0.9851340889824501, 0.031589326780196554]}, "410": {"s": [1.0123247713125556, 0.988673162265959, 0.029297318883265963]}, "411": {"s": [0.9987969598302487, 1.002797941628498, 0.03989405247120173]}, "412": {}, "413": {}, "414": {"s": [0.9997515486786792, 1.0003234818169542, -0.008657374090862842]}, "415": {}, "416": {}, "417": {}, "418": {}, "419": {"s": [1.023473022991822, 0.977141029953793, -0.008802489201952061]}, "420": {}, "421": {}, "422": {"s": [0.9954131082178482, 1.0047926364973327, 0.013555862577358704]}, "423": {}, "424": {"s": [1.0217386282829917, 0.9799951090302194, -0.036039678474959216]}, "425": {}, "426": {"s": [1.0036414053099991, 0.9963966580574861, -0.004994210548514528]}, "427": {}, "428": {}, "429": {"s": [0.9998675131079497, 1.0009819083334053, -0.0291426037164224]}, "430": {"s": [0.9897543321156355, 1.0107082242946637, -0.01878412895356078]}, "431": {}, "432": {"s": [1.0165296024710655, 0.983846118360955, -0.010426101388476132]}, "433": {"s": [1.0126296466473108, 0.9877084833530287, -0.01352377492891774]}, "434": {}, "435": {"s": [1.0299360876199903, 0.9726754877741562, -0.042350754444049524]}, "436": {"s": [1.005864015231661, 0.9942199534164677, -0.007076324393648963]}, "437": {}, "438": {"s": [1.0038454260990837, 0.9964461095638332, 0.016669416302947028]}, "439": {}, "440": {}, "441": {"s": [1.0213907487585874, 0.9802193601667115, -0.03445266649100775]}, "442": {}, "443": {"s": [0.9878410882511907, 1.0124181592195987, 0.010404622470589675]}, "444": {"s": [0.9907863420959481, 1.0093077882015236, 0.0028933581077443715]}, "445": {"s": [0.9890105281120883, 1.0111548538309323, 0.006541864446166092]}, "446": {"s": [0.9949320509841493, 1.0051334680382105, 0.00628513071213727]}, "447": {"s": [0.9954126888819199, 1.0046186795476062, 0.003190785089460368]}, "448": {"s": [1.0324263539767031, 0.9698112612713021, 0.035478225996768004]}, "449": {}, "450": {"s": [1.023138803037926, 0.9778367622750277, -0.021511264968655526]}, "451": {"s": [0.9887116311439069, 1.0116685523160562, -0.015762757924987793]}, "452": {"s": [0.9945517502396005, 1.0057893016395079, -0.017592905326811507]}, "453": {}, "454": {"s": [1.0140517281632047, 0.9861484581399206, -0.0023554622192065405]}, "455": {}, "456": {}, "457": {"s": [1.0141675115470086, 0.9860895245298693, 0.007743336169282717]}, "458": {"s": [1.0023474554280456, 0.9979440171829039, -0.016930631498154814]}, "459": {"s": [1.019035528535855, 0.9818155914556812, -0.022471541197355963]}, "460": {"s": [1.0226363425428433, 0.9782224771558721, -0.01912736866068498]}, "461": {"s": [1.0263346810230045, 0.9744332808452302, 0.009729875358375092]}, "462": {"s": [0.9985292926647423, 1.0014770875923065, -0.002051315064157159]}, "463": {}, "464": {"s": [1.0307786214073826, 0.9718412633146306, -0.041871202827994544]}, "465": {"s": [1.0002187646353593, 1.000523371508518, 0.027244277179887193]}, "466": {"s": [0.9978837978898791, 1.0026583745320679, 0.023163479102939727]}, "467": {"s": [1.0307631495847707, 0.9701607076341418, -0.0024303506656817107]}, "468": {"s": [1.0171108583430994, 0.9833036240015751, 0.01134870125267148]}, "469": {"s": [1.0079812556495307, 0.9933112933661176, 0.03520177180254981]}, "470": {"s": [1.0333445395861, 0.9692150648286156, -0.03915475609985392]}, "471": {}, "472": {}, "473": {"s": [1.000501689953577, 0.9994989636548578, 0.0006342267214381334]}, "474": {"s": [1.0040483242447737, 0.9969816067634379, 0.031901592024403604]}, "475": {}, "476": {}, "477": {"s": [1.014054184814467, 0.9861461366432059, -0.0023699581562777214]}, "478": {"s": [0.9996085584415779, 1.0003982321680656, -0.002575795998099137]}, "479": {"s": [1.0164468855045832, 0.9844654707338217, -0.02562931162159595]}, "480": {}, "481": {}, "482": {}, "483": {"s": [1.0023940289423672, 0.9977998189689953, 0.013732465703413884]}, "484": {"s": [1.0189403049274748, 0.9828072266866871, -0.037708026268412825]}, "485": {"s": [1.0146588314886695, 0.9870606903305019, -0.03911325426435134]}, "486": {"s": [0.9853710840865629, 1.0150934956853626, -0.01561340106140565]}, "487": {"s": [0.9791470548533301, 1.0214227199133576, -0.011092698654636354]}, "488": {"s": [0.9995042605915575, 1.0005319410234421, -0.005994823673100519]}, "489": {"s": [1.0016601046125844, 0.9983763815347055, -0.005812982950916216]}, "490": {}, "491": {"s": [1.0308689910195417, 0.9702360759090969, -0.013648612499797246]}, "492": {"s": [1.026312554933296, 0.9747161958040564, -0.0190648695385924]}, "493": {"s": [1.0291669181907672, 0.9733915626406999, -0.042218416784900195]}, "494": {}, "495": {"s": [1.0007418052343504, 0.9992648623225907, -0.002474313635207807]}, "496": {"s": [1.0052694262917583, 0.9951259421678552, 0.019227193532219737]}, "497": {"s": [1.007848902266896, 0.992725922610419, 0.02275371079191939]}, "498": {"s": [1.0307147818920288, 0.9710728896260874, -0.029986357434908434]}, "499": {"s": [1.0279600383718281, 0.9739026064652327, -0.03365948176107741]}, "500": {}, "501": {}, "502": {"s": [0.9893476523839501, 1.0114417852033104, 0.025837099564892538]}, "503": {"s": [1.0040702318423165, 0.9969526522329685, 0.031788058502667534]}, "504": {}, "505": {"s": [1.0194493927378614, 0.9810148075052564, -0.009744217674275052]}, "506": {"s": [1.0235101080591917, 0.9770571444511424, -0.005278588560762827]}, "507": {}, "508": {}, "509": {"s": [1.0199240985139535, 0.9806308372096866, -0.013000869819828972]}, "510": {"s": [1.03314135571894, 0.9694769702081187, -0.04008430290158729]}, "511": {"s": [0.9937951124049851, 1.0063710908552685, -0.011254837077431959]}, "512": {}, "513": {}, "514": {}, "515": {"s": [0.9976594306444978, 1.0026367830581184, -0.01703062327082749]}, "516": {"s": [1.0190262775932162, 0.9818257049337306, -0.02249874094152914]}, "517": {"s": [1.0226516432172443, 0.9782093935837857, -0.01916882257733947]}, "518": {"s": [0.9907411351804037, 1.0093541314452, 0.002942445759639826]}, "519": {"s": [0.9890261833848247, 1.011139192217599, 0.00656781164367647]}, "520": {"s": [1.0015101043502892, 0.9984935725091425, 0.0011840594258488526]}, "521": {"s": [0.997460479677966, 1.0025514859246851, 0.0023422323312514174]}, "522": {"s": [0.9965737845003219, 1.0034539129337767, 0.003982911506675707]}, "523": {"s": [1.0123434752476133, 0.9885763015355055, -0.02790642656962913]}, "524": {"s": [0.9953588980550311, 1.0047521408679365, 0.00943311998983417]}, "525": {"s": [0.9957964619582903, 1.0042643026164224, 0.006545182689875056]}, "526": {"s": [1.0381146549491427, 0.9647023983632057, 0.038362708525723634]}, "527": {"s": [1.038242882840905, 0.9651193424256123, 0.04503652257319606]}, "528": {"s": [1.0183370562661633, 0.9832803728108447, -0.036205529032079284]}, "529": {"s": [1.014238444049426, 0.9873667715099154, -0.03775364939076966]}, "530": {"s": [0.9943533220439016, 1.0069284211255916, 0.03525082419819386]}, "531": {"s": [0.9969130441087058, 1.0032295504738558, -0.011516297265130346]}, "532": {"s": [0.9987606701897552, 1.0016391873773407, -0.019945577788424297]}, "533": {}, "534": {"s": [1.0000133828547142, 0.9999866307404481, 0.00011582850802637421]}, "535": {}, "536": {"s": [1.0000833019746953, 0.9999196204655404, 0.0017075551122392291]}, "537": {"s": [1.0202946892686535, 0.9809222841604789, 0.02880619923232585]}, "538": {"s": [1.0236183741982579, 0.9778019049175717, 0.02993319561429626]}, "539": {"s": [1.0007716235027364, 0.9992828620798769, 0.007343856081069507]}, "540": {"s": [1.0013367950380063, 0.9987588610535348, 0.009695202068847419]}, "541": {"s": [1.0301286477772933, 0.9714628982161594, 0.02705109434428623]}, "542": {}, "543": {"s": [1.001502682989368, 0.9985010191893824, 0.0012040289797030253]}, "544": {"s": [1.0265645429083363, 0.974185988556163, -0.008049475129613633]}, "545": {"s": [1.0030827075510953, 0.9973187957110307, -0.019830226761666344]}, "546": {"s": [1.0307642975541085, 0.9701595171131661, -0.0024069010335065815]}, "547": {"s": [1.0266468436107261, 0.9741075765639324, -0.008029247577166002]}, "548": {}, "549": {"s": [1.0196252772558045, 0.9813684017937211, -0.025060502169927376]}, "550": {"s": [0.9875087007076723, 1.0130054665663166, 0.018753988873641242]}, "551": {"s": [0.9893618805641057, 1.01142512486398, 0.02579658088221089]}, "552": {"s": [0.9857041053671487, 1.0148450807377063, -0.018356535479551093]}, "553": {"s": [0.9794558115507873, 1.021158198153761, -0.013391478425898218]}, "554": {"s": [1.0289644306750136, 0.9735915618071298, -0.042321237043227926]}, "555": {"s": [1.0342556535852194, 0.9684522293693796, -0.040338485996474306]}, "556": {"s": [1.030308422681734, 0.9723979967621932, -0.043241719009903416]}, "557": {"s": [1.0040454258104357, 0.9976218440964184, -0.04071423895372894]}, "558": {"s": [1.0108919973337684, 0.9908357437916229, -0.04034754108000791]}, "559": {}, "560": {"s": [1.0136069035814046, 0.9868466622317422, -0.016570745739418614]}, "561": {"s": [0.9874706856278797, 1.0130371234216404, 0.018559709902443544]}, "562": {"s": [1.032194770069933, 0.9699543845201399, 0.034377942173573074]}, "563": {}, "564": {"s": [0.9984834467119277, 1.0029956920967877, 0.03840046460677664]}, "565": {"s": [0.9939026719200541, 1.0072135464964915, 0.0327450004876629]}, "566": {"s": [1.0299325178844383, 0.9723266819361019, 0.037826812351450446]}, "567": {"s": [1.0074852538387746, 0.9925749446433809, -0.0021494320280635894]}, "568": {"s": [1.0056277992868394, 0.9944196492796142, -0.004005430395131074]}, "569": {}, "570": {"s": [1.0016990343552103, 0.9983072948916163, -0.0018583010236547905]}, "571": {"s": [1.0219029432173456, 0.9798447699808555, -0.036142140771690145]}, "572": {"s": [0.9937987938955517, 1.0063667507720944, -0.011227784015215443]}, "573": {"s": [0.9900644329766836, 1.0101201680986076, -0.009167958707391835]}, "574": {"s": [0.9805642459236679, 1.0205362994764857, -0.026484088315270445]}, "575": {"s": [0.9899669454738136, 1.0110459268080885, -0.030034112205011815]}, "576": {"s": [0.9855052437546425, 1.015048916154694, -0.018331108474861524]}, "577": {"s": [0.9796631131824254, 1.0209475726916495, -0.01358960849850658]}, "578": {"s": [0.9831193024421304, 1.0171796768299166, -0.0029957208378515432]}, "579": {"s": [0.986774606215991, 1.013461580282836, -0.007625732661897768]}, "580": {"s": [0.9701582456054579, 1.0307655624482865, -0.0023894968827893204]}, "581": {}, "582": {"s": [1.017287011048649, 0.9830078562579044, 0.0010601556223542453]}, "583": {"s": [0.9898981662468941, 1.0102864125917022, -0.00898149256407245]}, "584": {"s": [1.019394583168963, 0.981120782832012, 0.012215214015579125]}, "585": {"s": [1.026529934833289, 0.9747460647925135, 0.02461735912854117]}, "586": {"s": [1.0011999670779945, 0.9988084087416974, -0.002635516915385847]}, "587": {"s": [1.0033359012946428, 0.9966788352648913, -0.0019124543902407916]}, "588": {"s": [0.980501323439787, 1.0198950842868089, 0.0029120290089102497]}, "589": {"s": [0.9780104059181133, 1.022586377948688, 0.01000592743976256]}, "590": {"s": [1.0093707578726516, 0.9907174048276515, -0.0010852412232157805]}, "591": {}, "592": {"s": [1.011678244194867, 0.9890943020618596, -0.02540052859864426]}, "593": {"s": [0.9993196647513497, 1.0013052948209673, 0.024981423783282528]}, "594": {}, "595": {"s": [0.9927503259895151, 1.0073099947878166, -0.0027066026861126617]}, "596": {"s": [0.9950995032621528, 1.0049468773970442, -0.004705157027030383]}, "597": {"s": [0.9754797176198166, 1.0252719769742729, -0.01148993395870195]}, "598": {"s": [0.9804947490188782, 1.019902302975962, 0.0029753285854249717]}, "599": {"s": [0.977968051347791, 1.0226316045780846, 0.01005174491788508]}, "600": {"s": [1.0036147278181078, 0.9964233052777952, -0.005010420939876211]}, "601": {}, "602": {"s": [0.9959738859881558, 1.004349376628696, 0.017485752218991565]}, "603": {"s": [0.9972536299339096, 1.002783939877285, -0.005470290856091166]}, "604": {"s": [1.0031568739604377, 0.9976101361715332, -0.027558404037246333]}, "605": {"s": [1.0081849188918384, 0.9925874921512957, -0.026678460742847323]}, "606": {"s": [1.0213143276301226, 0.9809275275862813, 0.042840848388675364]}, "607": {}, "608": {}, "609": {"s": [1.0194697570321296, 0.980993282956417, -0.009642812127760353]}, "610": {"s": [1.0211014644011167, 0.9811388228764518, 0.042921892082389466]}, "611": {"s": [1.01788799403691, 0.9843593928777501, 0.04435772568249434]}, "612": {"s": [0.9961635873708624, 1.0039195212737364, -0.008250560204232264]}, "613": {"s": [1.0143988194402913, 0.9858378717255274, -0.005724791516177207]}, "614": {"s": [0.995003624382307, 1.0054481258448076, -0.020604109880834668]}, "615": {"s": [1.0085296253439455, 0.9916765917295846, 0.01162847880842898]}, "616": {"s": [1.0094909004546835, 0.9906032886668981, 0.002237380101533703]}, "617": {"s": [1.0119515970806126, 0.9882137950922463, 0.0049525953490655115]}, "618": {"s": [1.00812934335363, 0.9931681459791538, 0.03524132298462564]}, "619": {"s": [0.9888805236026166, 1.0114955949715603, -0.015757334077074508]}, "620": {"s": [0.9945025130298257, 1.0058352158497141, -0.017482844632353136]}, "621": {"s": [1.0293952322219637, 0.9732499069457982, -0.04311396491246889]}, "622": {"s": [1.0089518621634865, 0.9912136563632599, -0.009320106736942283]}, "623": {"s": [1.011738384888408, 0.9884462771715554, -0.00700285759601697]}, "624": {"s": [1.0003897131580983, 0.9997488373399719, -0.011766588999254347]}, "625": {"s": [1.0106619168674258, 0.9896585565519843, 0.014498751983487105]}, "626": {"s": [1.0155860113748056, 0.9851850532358253, -0.023241314116174694]}, "627": {"s": [1.0158799453967735, 0.9853449691099996, 0.03149910183563496]}, "628": {"s": [1.0124676856109474, 0.9885558606447713, 0.029679358553547575]}, "629": {"s": [1.0292334534769887, 0.9728505748362057, 0.035921537491333824]}, "630": {"s": [1.030682859452928, 0.971101107475594, -0.029954403196392282]}, "631": {"s": [1.0030990467693293, 0.997102463665736, 0.013875548077423673]}, "632": {"s": [1.0017143141035811, 0.9983980553296911, 0.0104701096904652]}, "633": {"s": [1.0058011503488973, 0.9942831859427625, -0.007153474246650387]}, "634": {"s": [0.9771292318003323, 1.0236429756622116, 0.015214284295464129]}, "635": {"s": [0.9873789932323267, 1.0130334243955241, 0.015745560972856315]}, "636": {"s": [1.0197401647156608, 0.9808688263355306, 0.0152098169565307]}, "637": {"s": [0.9777282070771623, 1.0233841422165963, 0.0243216471611837]}, "638": {"s": [1.002672209729018, 0.9974042491597477, -0.008338015238374866]}, "639": {"s": [1.017312109950991, 0.9829836582919349, 0.0010860314506535972]}, "640": {"s": [1.0005118473724466, 0.9994887671910535, 0.0005940457308017236]}, "641": {"s": [1.0039227189648816, 0.9969825580841322, -0.029890474609562814]}, "642": {"s": [1.0092312395646856, 0.9916903675079857, -0.029067144070985883]}, "643": {"s": [0.9961796484697591, 1.0039039844473685, -0.008289651631423825]}, "644": {"s": [0.9997436598440939, 1.000332967881884, -0.008748849806586015]}, "645": {"s": [0.9988168982345469, 1.0027813686629352, 0.03993715382080132]}, "646": {"s": [0.9943306354876958, 1.0069479066986442, 0.03520159045650603]}, "647": {"s": [1.0168285633833714, 0.9836328086694591, -0.01363582546517649]}, "648": {"s": [0.9777084984795233, 1.0234059509202522, 0.02434534060654485]}, "649": {"s": [0.9771061164718602, 1.023665202590379, 0.015150269649922008]}, "650": {"s": [1.0179474712670713, 0.984285615973985, 0.04417073448868181]}, "651": {"s": [1.0303673056466702, 0.9707452865171624, 0.014973487833253427]}, "652": {"s": [1.0279107161518184, 0.9739492847229787, -0.0336586802347601]}, "653": {"s": [1.0308193793925309, 0.9702787822805059, -0.013497117771191804]}, "654": {"s": [1.0262598557788385, 0.974764523713523, -0.019018399632112076]}}, "edgedata": {"0-81": {"q_pre": 20, "f": 118.79220520999618}, "25-81": {"q_pre": 20, "f": 118.5527362133749}, "25-105": {"q_pre": 20, "f": 118.31757246681866}, "9-105": {"q_pre": 20, "f": 118.11234742913312}, "9-106": {"q_pre": 20, "f": 117.94360069690364}, "44-106": {"q_pre": 20, "f": 117.81456833773427}, "44-100": {"q_pre": 20, "f": 117.73427818166859}, "7-100": {"q_pre": 20, "f": 117.69876005238308}, "7-101": {"q_pre": 20, "f": 117.70951033129082}, "45-101": {"q_pre": 20, "f": 117.76691513752544}, "45-140": {"q_pre": 20, "f": 117.86602210743376}, "19-140": {"q_pre": 20, "f": 118.01120569378975}, "19-139": {"q_pre": 20, "f": 118.18915588917099}, "42-139": {"q_pre": 20, "f": 118.40488159214578}, "42-98": {"q_pre": 20, "f": 118.64268107511263}, "6-98": {"q_pre": 20, "f": 118.89321179761949}, "6-97": {"q_pre": 20, "f": 118.89169242606033}, "41-97": {"q_pre": 20, "f": 118.64383937436776}, "41-142": {"q_pre": 20, "f": 118.40398931099934}, "20-142": {"q_pre": 20, "f": 118.18998921082076}, "20-143": {"q_pre": 20, "f": 118.01069502941287}, "48-143": {"q_pre": 20, "f": 117.86627535357731}, "48-104": {"q_pre": 20, "f": 117.7667224825842}, "8-104": {"q_pre": 20, "f": 117.70944063692939}, "8-102": {"q_pre": 20, "f": 117.69877574489902}, "46-102": {"q_pre": 20, "f": 117.73452411093295}, "46-112": {"q_pre": 20, "f": 117.8152357863878}, "11-112": {"q_pre": 20, "f": 117.9456719567785}, "11-111": {"q_pre": 20, "f": 118.11215695286819}, "28-111": {"q_pre": 20, "f": 118.31604903120021}, "28-84": {"q_pre": 20, "f": 118.54844398253906}, "1-84": {"q_pre": 20, "f": 118.79604797718244}, "1-83": {"q_pre": 20, "f": 118.79552834807141}, "27-83": {"q_pre": 20, "f": 118.55009487780703}, "27-114": {"q_pre": 20, "f": 118.317158288494}, "12-114": {"q_pre": 20, "f": 118.11093802738505}, "12-115": {"q_pre": 20, "f": 117.94281856993416}, "37-115": {"q_pre": 20, "f": 117.8167330531443}, "37-93": {"q_pre": 20, "f": 117.73457190818587}, "4-93": {"q_pre": 20, "f": 117.69879179443132}, "4-94": {"q_pre": 20, "f": 117.70940344934223}, "38-94": {"q_pre": 20, "f": 117.76649373430891}, "38-136": {"q_pre": 20, "f": 117.8656345242128}, "18-136": {"q_pre": 20, "f": 118.0105478853845}, "18-137": {"q_pre": 20, "f": 118.18869176660898}, "40-137": {"q_pre": 20, "f": 118.40405329695918}, "40-96": {"q_pre": 20, "f": 118.64418463545697}, "5-96": {"q_pre": 20, "f": 118.89283479931534}, "5-95": {"q_pre": 20, "f": 118.89332113008123}, "39-95": {"q_pre": 20, "f": 118.64458066118547}, "39-122": {"q_pre": 20, "f": 118.40412862163609}, "14-122": {"q_pre": 20, "f": 118.19145180905429}, "14-121": {"q_pre": 20, "f": 118.0098394674441}, "31-121": {"q_pre": 20, "f": 117.86514916747807}, "31-87": {"q_pre": 20, "f": 117.7655344176216}, "2-87": {"q_pre": 20, "f": 117.70934115618006}, "2-85": {"q_pre": 20, "f": 117.6985419002637}, "29-85": {"q_pre": 20, "f": 117.73555265724973}, "29-109": {"q_pre": 20, "f": 117.81450332964957}, "10-109": {"q_pre": 20, "f": 117.94530345141035}, "10-108": {"q_pre": 20, "f": 118.11210603134249}, "26-108": {"q_pre": 20, "f": 118.31646324744553}, "26-82": {"q_pre": 20, "f": 118.55160775982566}, "0-82": {"q_pre": 20, "f": 118.79111963134861}, "2-86": {"f": 0.0}, "3-88": {"f": 0.0}, "3-89": {"f": 0.0}, "3-90": {"f": 0.0}, "3-91": {"f": 0.0}, "4-92": {"f": 0.0}, "7-99": {"f": 0.0}, "8-103": {"f": 0.0}, "9-107": {"f": 0.0}, "10-110": {"f": 0.0}, "11-113": {"f": 0.0}, "12-116": {"f": 0.0}, "13-117": {"f": 0.0}, "13-119": {"f": 0.0}, "13-118": {"f": 0.0}, "13-120": {"f": 0.0}, "14-123": {"f": 0.0}, "15-124": {"f": 0.0}, "15-126": {"f": 0.0}, "15-125": {"f": 0.0}, "15-127": {"f": 0.0}, "16-129": {"f": 0.0}, "16-130": {"f": 0.0}, "16-128": {"f": 0.0}, "16-131": {"f": 0.0}, "17-132": {"f": 0.0}, "17-134": {"f": 0.0}, "17-133": {"f": 0.0}, "17-135": {"f": 0.0}, "18-138": {"f": 0.0}, "19-141": {"f": 0.0}, "20-144": {"f": 0.0}, "21-146": {"f": 0.0}, "21-145": {"f": 0.0}, "21-147": {"f": 0.0}, "21-148": {"f": 0.0}, "22-149": {"f": 0.0}, "22-150": {"f": 0.0}, "22-151": {"f": 0.0}, "22-152": {"f": 0.0}, "23-153": {"f": 0.0}, "23-155": {"f": 0.0}, "23-154": {"f": 0.0}, "23-156": {"f": 0.0}, "24-158": {"f": 0.0}, "24-157": {"f": 0.0}, "24-160": {"f": 0.0}, "24-159": {"f": 0.0}, "25-161": {"f": 0.0}, "26-162": {"f": 0.0}, "27-163": {"f": 0.0}, "28-164": {"f": 0.0}, "29-165": {"f": 0.0}, "30-86": {"f": 0.0}, "30-166": {"f": 0.0}, "30-117": {"f": 0.0}, "30-167": {"f": 0.0}, "31-168": {"f": 0.0}, "32-118": {"f": 0.0}, "32-169": {"f": 0.0}, "32-88": {"f": 0.0}, "32-170": {"f": 0.0}, "33-89": {"f": 0.0}, "33-171": {"f": 0.0}, "33-124": {"f": 0.0}, "33-172": {"f": 0.0}, "34-128": {"f": 0.0}, "34-173": {"f": 0.0}, "34-90": {"f": 0.0}, "34-174": {"f": 0.0}, "35-91": {"f": 0.0}, "35-175": {"f": 0.0}, "35-132": {"f": 0.0}, "35-176": {"f": 0.0}, "36-133": {"f": 0.0}, "36-177": {"f": 0.0}, "36-92": {"f": 0.0}, "36-178": {"f": 0.0}, "37-179": {"f": 0.0}, "38-180": {"f": 0.0}, "39-181": {"f": 0.0}, "40-182": {"f": 0.0}, "41-183": {"f": 0.0}, "42-184": {"f": 0.0}, "43-125": {"f": 0.0}, "43-185": {"f": 0.0}, "43-99": {"f": 0.0}, "43-186": {"f": 0.0}, "44-187": {"f": 0.0}, "45-188": {"f": 0.0}, "46-189": {"f": 0.0}, "47-103": {"f": 0.0}, "47-190": {"f": 0.0}, "47-129": {"f": 0.0}, "47-191": {"f": 0.0}, "48-192": {"f": 0.0}, "49-193": {"f": 0.0}, "49-107": {"f": 0.0}, "49-145": {"f": 0.0}, "49-194": {"f": 0.0}, "50-110": {"f": 0.0}, "50-195": {"f": 0.0}, "50-146": {"f": 0.0}, "50-196": {"f": 0.0}, "51-113": {"f": 0.0}, "51-197": {"f": 0.0}, "51-149": {"f": 0.0}, "51-198": {"f": 0.0}, "52-199": {"f": 0.0}, "52-116": {"f": 0.0}, "52-150": {"f": 0.0}, "52-200": {"f": 0.0}, "53-119": {"f": 0.0}, "53-201": {"f": 0.0}, "53-147": {"f": 0.0}, "53-202": {"f": 0.0}, "54-120": {"f": 0.0}, "54-203": {"f": 0.0}, "54-153": {"f": 0.0}, "54-204": {"f": 0.0}, "55-123": {"f": 0.0}, "55-205": {"f": 0.0}, "55-154": {"f": 0.0}, "55-206": {"f": 0.0}, "56-126": {"f": 0.0}, "56-207": {"f": 0.0}, "56-148": {"f": 0.0}, "56-208": {"f": 0.0}, "57-209": {"f": 0.0}, "57-127": {"f": 0.0}, "57-157": {"f": 0.0}, "57-210": {"f": 0.0}, "58-130": {"f": 0.0}, "58-211": {"f": 0.0}, "58-151": {"f": 0.0}, "58-212": {"f": 0.0}, "59-131": {"f": 0.0}, "59-213": {"f": 0.0}, "59-158": {"f": 0.0}, "59-214": {"f": 0.0}, "60-134": {"f": 0.0}, "60-215": {"f": 0.0}, "60-152": {"f": 0.0}, "60-216": {"f": 0.0}, "61-217": {"f": 0.0}, "61-135": {"f": 0.0}, "61-155": {"f": 0.0}, "61-218": {"f": 0.0}, "62-138": {"f": 0.0}, "62-219": {"f": 0.0}, "62-156": {"f": 0.0}, "62-220": {"f": 0.0}, "63-141": {"f": 0.0}, "63-221": {"f": 0.0}, "63-159": {"f": 0.0}, "63-222": {"f": 0.0}, "64-144": {"f": 0.0}, "64-223": {"f": 0.0}, "64-160": {"f": 0.0}, "64-224": {"f": 0.0}, "65-161": {"f": 0.0}, "65-193": {"f": 0.0}, "65-162": {"f": 0.0}, "65-195": {"f": 0.0}, "66-165": {"f": 0.0}, "66-196": {"f": 0.0}, "66-166": {"f": 0.0}, "66-201": {"f": 0.0}, "67-169": {"f": 0.0}, "67-202": {"f": 0.0}, "67-171": {"f": 0.0}, "67-207": {"f": 0.0}, "68-185": {"f": 0.0}, "68-208": {"f": 0.0}, "68-187": {"f": 0.0}, "68-194": {"f": 0.0}, "69-163": {"f": 0.0}, "69-199": {"f": 0.0}, "69-164": {"f": 0.0}, "69-197": {"f": 0.0}, "70-189": {"f": 0.0}, "70-198": {"f": 0.0}, "70-190": {"f": 0.0}, "70-211": {"f": 0.0}, "71-173": {"f": 0.0}, "71-212": {"f": 0.0}, "71-175": {"f": 0.0}, "71-215": {"f": 0.0}, "72-177": {"f": 0.0}, "72-216": {"f": 0.0}, "72-179": {"f": 0.0}, "72-200": {"f": 0.0}, "73-176": {"f": 0.0}, "73-217": {"f": 0.0}, "73-170": {"f": 0.0}, "73-203": {"f": 0.0}, "74-167": {"f": 0.0}, "74-204": {"f": 0.0}, "74-168": {"f": 0.0}, "74-205": {"f": 0.0}, "75-181": {"f": 0.0}, "75-206": {"f": 0.0}, "75-182": {"f": 0.0}, "75-219": {"f": 0.0}, "76-180": {"f": 0.0}, "76-220": {"f": 0.0}, "76-178": {"f": 0.0}, "76-218": {"f": 0.0}, "77-172": {"f": 0.0}, "77-209": {"f": 0.0}, "77-174": {"f": 0.0}, "77-213": {"f": 0.0}, "78-191": {"f": 0.0}, "78-214": {"f": 0.0}, "78-192": {"f": 0.0}, "78-223": {"f": 0.0}, "79-183": {"f": 0.0}, "79-224": {"f": 0.0}, "79-184": {"f": 0.0}, "79-221": {"f": 0.0}, "80-188": {"f": 0.0}, "80-222": {"f": 0.0}, "80-186": {"f": 0.0}, "80-210": {"f": 0.0}, "81-226": {"f": 0.0}, "81-161": {"f": 0.0}, "81-82": {"f": 0.0}, "82-226": {"f": 0.0}, "82-162": {"f": 0.0}, "83-242": {"f": 0.0}, "83-163": {"f": 0.0}, "84-242": {"f": 0.0}, "85-230": {"f": 0.0}, "85-165": {"f": 0.0}, "86-230": {"f": 0.0}, "86-262": {"f": 0.0}, "87-262": {"f": 0.0}, "88-234": {"f": 0.0}, "88-258": {"f": 0.0}, "88-170": {"f": 0.0}, "88-169": {"f": 0.0}, "89-234": {"f": 0.0}, "89-274": {"f": 0.0}, "90-250": {"f": 0.0}, "90-274": {"f": 0.0}, "90-173": {"f": 0.0}, "91-250": {"f": 0.0}, "91-258": {"f": 0.0}, "91-176": {"f": 0.0}, "92-254": {"f": 0.0}, "92-270": {"f": 0.0}, "92-94": {"f": 0.0}, "92-178": {"f": 0.0}, "93-254": {"f": 0.0}, "94-270": {"f": 0.0}, "94-180": {"f": 0.0}, "95-266": {"f": 0.0}, "95-181": {"f": 0.0}, "96-266": {"f": 0.0}, "96-182": {"f": 0.0}, "97-282": {"f": 0.0}, "97-183": {"f": 0.0}, "98-282": {"f": 0.0}, "99-238": {"f": 0.0}, "99-286": {"f": 0.0}, "99-101": {"f": 0.0}, "99-186": {"f": 0.0}, "100-238": {"f": 0.0}, "101-286": {"f": 0.0}, "101-188": {"f": 0.0}, "102-246": {"f": 0.0}, "103-246": {"f": 0.0}, "103-278": {"f": 0.0}, "103-191": {"f": 0.0}, "103-104": {"f": 0.0}, "104-278": {"f": 0.0}, "104-192": {"f": 0.0}, "105-225": {"f": 0.0}, "106-239": {"f": 0.0}, "106-187": {"f": 0.0}, "107-225": {"f": 0.0}, "107-239": {"f": 0.0}, "108-227": {"f": 0.0}, "109-229": {"f": 0.0}, "109-110": {"f": 0.0}, "109-165": {"f": 0.0}, "110-227": {"f": 0.0}, "110-229": {"f": 0.0}, "110-195": {"f": 0.0}, "110-196": {"f": 0.0}, "111-243": {"f": 0.0}, "112-245": {"f": 0.0}, "112-113": {"f": 0.0}, "112-189": {"f": 0.0}, "113-243": {"f": 0.0}, "113-245": {"f": 0.0}, "113-198": {"f": 0.0}, "113-197": {"f": 0.0}, "114-241": {"f": 0.0}, "114-116": {"f": 0.0}, "114-163": {"f": 0.0}, "115-255": {"f": 0.0}, "116-241": {"f": 0.0}, "116-255": {"f": 0.0}, "116-200": {"f": 0.0}, "116-199": {"f": 0.0}}, "max_vertex": 288, "max_face": 654}} \ No newline at end of file diff --git a/src/nfd_numpy/data/out_hypar_mesh_05.json b/src/nfd_numpy/data/out_hypar_mesh_05.json deleted file mode 100644 index 807c5a9c..00000000 --- a/src/nfd_numpy/data/out_hypar_mesh_05.json +++ /dev/null @@ -1 +0,0 @@ -{"compas": "1.7.1", "datatype": "compas.datastructures/Mesh", "data": {"attributes": {"name": "Mesh"}, "dva": {"x": 0.0, "y": 0.0, "z": 0.0, "rx": 0.0, "ry": 0.0, "rz": 0.0, "px": 0.0, "py": 0.0, "pz": 0.0, "is_anchor": false}, "dea": {"q_pre": 0.0}, "dfa": {"s_pre": [1.0, 1.0, 0.0]}, "vertex": {"0": {"z": 20.0, "y": -46.98355913741212, "x": -44.487094537112114, "is_anchor": true, "r": [122.54546353827581, 122.54546353827537, -27.63820224615407]}, "1": {"z": 20.0, "y": 43.016440862587885, "x": 45.512905462887865, "is_anchor": true, "r": [-122.54546353827628, -122.54546353827673, -27.638202246154083]}, "2": {"z": 12.523382267687165, "y": -34.77828432480465, "x": 1.0722222108935546, "r": [0.0020480640535347483, -0.003368356124608063, -0.0015423504016967016]}, "4": {"z": 12.523382267687296, "y": -2.5428758854177262, "x": 33.30763065028067, "r": [0.0033683561236399484, -0.0020480640535706085, -0.0015423504018907686]}, "5": {"z": 0.0, "y": -46.98355913741212, "x": 45.512905462887865, "is_anchor": true, "r": [-118.82937403368399, 118.82937403368346, 53.820065012196125]}, "6": {"z": 0.0, "y": 43.016440862587885, "x": -44.487094537112114, "is_anchor": true, "r": [118.82937403368344, -118.82937403368332, 53.820065012195826]}, "7": {"z": 12.523382267687243, "y": -1.424242389406534, "x": -32.28181972450472, "r": [-0.0033683561245765326, 0.00204806405353522, -0.0015423504015827927]}, "8": {"z": 12.523382267687102, "y": 30.811166049980223, "x": -0.04641128511770929, "r": [-0.002048064053483678, 0.003368356124150651, -0.00154235040178885]}, "9": {"z": 16.455614626705767, "y": -24.993296961498952, "x": -35.31040723397753, "r": [0.00047692364924145636, -0.0038712351414087465, 0.0003976737264004271]}, "10": {"z": 16.45561462670572, "y": -37.80687183427752, "x": -22.496832361198948, "r": [-0.0038712351409913026, 0.00047692364994134095, 0.0003976737261357499]}, "11": {"z": 16.45561462670573, "y": 33.83975355945326, "x": 23.52264328697481, "r": [0.0038712351412257817, -0.0004769236494581719, 0.0003976737258657437]}, "12": {"z": 16.45561462670583, "y": 21.02617868667476, "x": 36.336218159753486, "r": [-0.0004769236494794882, 0.0038712351412240054, 0.00039767372634891274]}, "13": {"z": 17.91513496739511, "y": -20.960933104394627, "x": 1.008129297223008, "r": [-0.0003262559936798026, 0.0002235483807737637, -0.0005075519489980973]}, "14": {"z": 6.85825426657928, "y": -37.895191974645805, "x": 24.277354124924976, "r": [0.00438298118006486, 0.0011472817615185704, -0.0007138465076428346]}, "15": {"z": 17.915134967395108, "y": -1.4883353030770499, "x": -18.46446850409458, "r": [0.00022354838076843464, -0.0003262559936756948, -0.0005075519489607938]}, "16": {"z": 17.915134967395037, "y": 16.99381482957029, "x": 0.01768162855282477, "r": [0.00032625599367991365, -0.00022354838077531802, -0.0005075519489774472]}, "17": {"z": 17.91513496739512, "y": -2.478782971747254, "x": 19.490279429870473, "r": [-0.00022354838075955286, 0.00032625599367847036, -0.000507551948976781]}, "18": {"z": 6.858254266579325, "y": -25.748007799449105, "x": 36.42453830012156, "r": [-0.0011472817618773945, -0.004382981180105716, -0.0007138465075966494]}, "19": {"z": 6.8582542665792925, "y": 21.78088952462487, "x": -35.3987273743457, "r": [0.001147281760964347, 0.00438298118023539, -0.000713846507570004]}, "20": {"z": 6.858254266579222, "y": 33.92807369982136, "x": -23.25154319914915, "r": [-0.004382981180363288, -0.0011472817612734332, -0.0007138465075122724]}, "21": {"z": 17.219184418535853, "y": -21.210845511418732, "x": -18.714380911118713, "r": [0.0005101334300592342, 0.0005101334300627869, -0.000994595087946415]}, "22": {"z": 17.219184418535864, "y": 17.243727236594278, "x": 19.740191836894404, "r": [-0.0005101334300565696, -0.0005101334300614546, -0.0009945950879348686]}, "23": {"z": 12.601190593523382, "y": -21.622361447305668, "x": 20.151707772781457, "r": [-0.0002627518132172213, 0.0002627518132172213, -0.00040648878943372324]}, "24": {"z": 12.601190593523377, "y": 17.65524317248125, "x": -19.125896847005542, "r": [0.0002627518131799178, -0.0002627518131843587, -0.0004064887893857616]}, "25": {"x": -39.159564915374986, "y": -36.301745346618425, "z": 18.1943831463132, "r": [0.0021058153793518386, -0.004023075817904953, 0.00020010453664554007]}, "26": {"x": -33.805280746318445, "y": -41.656029515675016, "z": 18.194383146313182, "r": [-0.004023075816924404, 0.002105815379792375, 0.00020010453645369353]}, "27": {"x": 40.18537584115084, "y": 32.334627071794216, "z": 18.194383146313225, "r": [-0.002105815380403442, 0.004023075817237043, 0.0002001045364963261]}, "28": {"x": 34.83109167209425, "y": 37.68891124085078, "z": 18.1943831463132, "r": [0.0040230758176384995, -0.002105815380275544, 0.00020010453626895242]}, "29": {"x": -10.785428218070047, "y": -35.51002000656939, "z": 14.651843890030147, "r": [-0.0018393404737768737, -0.0017260611647325064, -9.56034074612866e-05]}, "30": {"x": 1.0691141532244024, "y": -28.155913798315098, "z": 14.87566240024134, "r": [-0.000214166207080424, 3.140573119875256e-05, -7.94449343750614e-05]}, "31": {"x": 12.828536333219606, "y": -35.577136883674406, "z": 9.90682296245067, "r": [0.004275584732230442, -0.0016502442155132968, -0.0014854498205316702]}, "32": {"x": 1.0146041821483962, "y": -14.772867750164817, "z": 21.494087522510473, "r": [0.00129818357681441, 0.009464291809496483, 0.007578233946713531]}, "33": {"x": -12.276403149864786, "y": -1.481860418151642, "z": 21.494087522510473, "r": [0.009464291809486103, 0.0012981835768184173, 0.007578233946760327]}, "34": {"x": 0.011206743627389918, "y": 10.805749475340512, "z": 21.494087522510437, "r": [-0.0012981835768156175, -0.009464291809518077, 0.007578233946704427]}, "35": {"x": 13.30221407564061, "y": -2.4852578566726393, "z": 21.494087522510476, "r": [-0.009464291809509917, -0.0012981835768165612, 0.007578233946726853]}, "36": {"x": 26.685260123791085, "y": -2.539767827748633, "z": 14.875662400241374, "r": [-3.1405731174327656e-05, 0.00021416620707681577, -7.944493435130262e-05]}, "37": {"x": 34.03936633204545, "y": 9.31477454354588, "z": 14.651843890030289, "r": [0.001726061163914494, 0.0018393404735683738, -9.560340773351328e-05]}, "38": {"x": 34.10648320915031, "y": -14.299190007743764, "z": 9.906822962450764, "r": [0.0016502442155559294, -0.004275584731968873, -0.0014854498204770472]}, "39": {"x": 35.233524848038755, "y": -41.71614245261979, "z": 3.520290952701456, "r": [0.0049166243364027196, 0.0030137733928299326, -0.0004357277891173794]}, "40": {"x": 40.24548877809547, "y": -36.704178522562906, "z": 3.5202909527014725, "r": [-0.003013773392268604, -0.00491662433607587, -0.0004357277891964273]}, "41": {"x": -34.20771392226297, "y": 37.74902417779545, "z": 3.520290952701421, "r": [-0.004916624335557174, -0.0030137733938744304, -0.0004357277892657052]}, "42": {"x": -39.21967785231969, "y": 32.73706024773868, "z": 3.520290952701458, "r": [0.0030137733928299326, 0.004916624336026132, -0.000435727789150242]}, "43": {"x": -25.65944919801517, "y": -1.42735044707567, "z": 14.875662400241344, "r": [3.140573117876855e-05, -0.00021416620707737088, -7.94449343437531e-05]}, "44": {"x": -33.01355540626949, "y": -13.281892818370107, "z": 14.651843890030232, "r": [-0.001726061163864756, -0.0018393404734737828, -9.560340778502763e-05]}, "45": {"x": -33.08067228337437, "y": 10.332071732919493, "z": 9.90682296245071, "r": [-0.0016502442151971053, 0.004275584732206017, -0.0014854498205569833]}, "46": {"x": 11.811239143845906, "y": 31.542901731745076, "z": 14.651843890030138, "r": [0.0018393404737344632, 0.0017260611643292734, -9.560340749281693e-05]}, "47": {"x": -0.04330322744856299, "y": 24.18879552349074, "z": 14.87566240024126, "r": [0.0002141662070804795, -3.1405731186318064e-05, -7.944493436440325e-05]}, "48": {"x": -11.802725407443765, "y": 31.61001860884997, "z": 9.906822962450606, "r": [-0.004275584732235771, 0.0016502442153392138, -0.0014854498204037725]}, "49": {"x": -27.433174901273667, "y": -22.717416361728777, "z": 16.452018763136664, "r": [0.00018946399437425043, 0.00019321174705488886, -0.0004898164765938517]}, "50": {"x": -20.220951761428736, "y": -29.929639501573575, "z": 16.45201876313662, "r": [0.00019321174708508693, 0.00018946399442221207, -0.0004898164766133917]}, "51": {"x": 21.246762687204466, "y": 25.96252122674921, "z": 16.452018763136618, "r": [-0.00019321174707620514, -0.0001894639944044485, -0.000489816476624938]}, "52": {"x": 28.458985827049354, "y": 18.750298086904365, "z": 16.452018763136664, "r": [-0.00018946399440267214, -0.00019321174707265243, -0.0004898164766489188]}, "53": {"x": -9.18689753947863, "y": -20.78202696685304, "z": 18.22779105489711, "r": [-0.0008289002259006528, 0.001069891780393517, -0.0010799223054874796]}, "54": {"x": 10.830422763523115, "y": -20.91527944760862, "z": 15.800494237007097, "r": [1.4083089117100656e-06, 0.0008350003598849298, -0.0008028327224818277]}, "55": {"x": 21.872889718152088, "y": -30.2080608238104, "z": 9.5216414522791, "r": [-7.527651830763205e-05, 9.245570631932765e-05, -0.00018162419447431688]}, "56": {"x": -18.28556236655303, "y": -11.683362139778666, "z": 18.227791054897093, "r": [0.0010698917803997343, -0.000828900225896545, -0.0010799223055018015]}, "57": {"x": -18.418814847308454, "y": 8.333958163222933, "z": 15.80049423700708, "r": [0.0008350003599035816, 1.4083089139305116e-06, -0.0008028327224693932]}, "58": {"x": 10.212708465254455, "y": 16.814908692028734, "z": 18.227791054897043, "r": [0.000828900225896323, -0.0010698917804236041, -0.001079922305538994]}, "59": {"x": -9.804611837747206, "y": 16.948161172784154, "z": 15.800494237007044, "r": [-1.4083089183714037e-06, -0.0008350003598813771, -0.0008028327224591791]}, "60": {"x": 19.311373292328867, "y": 7.716243864954348, "z": 18.227791054897118, "r": [-0.0010698917803937391, 0.0008289002258986544, -0.0010799223054771545]}, "61": {"x": 19.444625773084397, "y": -12.301076438047305, "z": 15.800494237007097, "r": [-0.0008350003599044697, -1.4083089028282814e-06, -0.0008028327224867127]}, "62": {"x": 28.737407149286152, "y": -23.343543392676242, "z": 9.521641452279152, "r": [-9.245570631577493e-05, 7.52765182969739e-05, -0.000181624194445007]}, "63": {"x": -27.711596223510224, "y": 19.376425117851863, "z": 9.521641452279137, "r": [9.245570636196021e-05, -7.527651835381732e-05, -0.00018162419449119227]}, "64": {"x": -20.847078792376198, "y": 26.240942548986, "z": 9.521641452279063, "r": [7.527651831651383e-05, -9.245570633709121e-05, -0.00018162419449119227]}, "65": {"x": -30.09542911472899, "y": -32.59189371502896, "z": 17.043869189796055, "r": [0.00018508608622624934, 0.0001850860862191439, -0.00030349150512698486]}, "66": {"x": -9.771372895279749, "y": -28.531196916420143, "z": 16.03452422212691, "r": [-0.00025460646929520436, 0.0001011594421056472, -0.0003811661964476798]}, "67": {"x": -9.20811927990968, "y": -11.704583880209682, "z": 22.32767017262411, "r": [0.02322803582270158, 0.02322803582269825, 0.026701493362958434]}, "68": {"x": -26.034732316120092, "y": -12.267837495579748, "z": 16.034524222126965, "r": [0.0001011594420932127, -0.00025460646929653663, -0.0003811661964308044]}, "69": {"x": 31.12124004050477, "y": 28.624775440204672, "z": 17.0438691897961, "r": [-0.00018508608626532919, -0.00018508608627598733, -0.00030349150513586665]}, "70": {"x": 10.797183821055583, "y": 24.564078641595785, "z": 16.03452422212685, "r": [0.0002546064692974248, -0.0001011594421100881, -0.0003811661964263635]}, "71": {"x": 10.23393020568548, "y": 7.737465605385438, "z": 22.327670172624103, "r": [-0.023228035822657034, -0.023228035822653273, 0.026701493363065237]}, "72": {"x": 27.06054324189598, "y": 8.300719220755457, "z": 16.03452422212699, "r": [-0.0001011594421056472, 0.0002546064692963146, -0.0003811661964476798]}, "73": {"x": 10.247391897711159, "y": -11.718045572235397, "z": 21.238273169083573, "r": [-0.028508801149303764, 0.028508801149302876, 0.04062822839122582]}, "74": {"x": 11.66824866591949, "y": -28.66180103438729, "z": 12.52889594865184, "r": [-3.7339332568109285e-06, 0.00010383912110256688, -0.00022391536954557978]}, "75": {"x": 31.502868971095168, "y": -32.973522645619354, "z": 6.429133740364726, "r": [-4.6681970154338615e-05, 4.668197017210218e-05, -8.479896665836151e-05]}, "76": {"x": 27.19114735986318, "y": -13.13890234044365, "z": 12.528895948651886, "r": [-0.00010383912112565952, 3.733933271021783e-06, -0.00022391536956423153]}, "77": {"x": -9.221580971935332, "y": 7.750927297411062, "z": 21.238273169083563, "r": [0.028508801149285556, -0.028508801149278895, 0.040628228391251575]}, "78": {"x": -10.642437740143592, "y": 24.694682759562863, "z": 12.528895948651783, "r": [3.7339332754626753e-06, -0.00010383912113187677, -0.000223915369561567]}, "79": {"x": -30.477058045319232, "y": 29.006404370794968, "z": 6.429133740364747, "r": [4.668197021828746e-05, -4.668197020762932e-05, -8.479896666457876e-05]}, "80": {"x": -26.165336434087234, "y": 9.171784065619333, "z": 12.528895948651867, "r": [0.00010383912113098859, -3.7339332608077314e-06, -0.00022391536954824431]}, "81": {"x": -41.64418689473406, "y": -41.73353233768902, "z": 19.087441174695645, "r": [0.0027653159151057594, -0.004562134148969221, 0.00019281772084767113]}, "82": {"x": -39.23706773738904, "y": -44.14065149503409, "z": 19.087441174695638, "r": [-0.004562134149317387, 0.002765315914665223, 0.00019281772106793937]}, "83": {"x": 42.66999782050986, "y": 37.766414062864804, "z": 19.087441174695655, "r": [-0.0027653159147789097, 0.004562134148926589, 0.00019281772093648897]}, "84": {"x": 40.26287866316481, "y": 40.17353322020985, "z": 19.087441174695645, "r": [0.004562134148891062, -0.0027653159153899765, 0.00019281772121715335]}, "85": {"x": -4.858508298515288, "y": -34.95068646967976, "z": 13.643686449088296, "r": [0.00023527377768084445, -0.00285237138690686, -0.0008694689142104695]}, "86": {"x": 1.0802112674967477, "y": -31.581371844596433, "z": 13.634774965025578, "r": [-0.00020548526264446698, -6.81884555575607e-06, 2.9624557215113256e-05]}, "87": {"x": 6.976814525952922, "y": -34.98776077647062, "z": 11.27690413923182, "r": [0.003426333491858724, -0.002918744065830481, -0.0017393094027178257]}, "92": {"x": 30.11071817007239, "y": -2.550864942020958, "z": 13.634774965025667, "r": [6.8188455673023896e-06, 0.0002054852626385273, 2.9624557235763405e-05]}, "93": {"x": 33.48003279515579, "y": 3.3878546239911165, "z": 13.643686449088431, "r": [0.0028523713876893453, -0.00023527377762588841, -0.0008694689138970535]}, "94": {"x": 33.5171071019466, "y": -8.447468200477093, "z": 11.276904139231934, "r": [0.002918744064705159, -0.0034263334917628008, -0.0017393094028368417]}, "95": {"x": 40.469312177108236, "y": -44.174120099389484, "z": 1.7782199928174711, "r": [0.005882499364943783, 0.0038069093996142556, -0.0004729064676953776]}, "96": {"x": 42.7034664248652, "y": -41.939965851632444, "z": 1.7782199928174791, "r": [-0.003806909399834524, -0.005882499365156946, -0.00047290646774644785]}, "97": {"x": -39.443501251332464, "y": 40.20700182456519, "z": 1.7782199928174522, "r": [-0.005882499365498006, -0.003806909399507674, -0.0004729064677189143]}, "98": {"x": -41.67765549908943, "y": 37.972847576808206, "z": 1.7782199928174718, "r": [0.0038069093989960834, 0.0058824993658177505, -0.0004729064676745054]}, "99": {"x": -29.08490724429645, "y": -1.4162533328033247, "z": 13.634774965025638, "r": [-6.818845569522836e-06, -0.00020548526264185796, 2.9624557231766602e-05]}, "100": {"x": -32.454221869379836, "y": -7.354972898815361, "z": 13.643686449088378, "r": [-0.0028523713876111856, 0.00023527377767984525, -0.0008694689140580358]}, "101": {"x": -32.49129617617065, "y": 4.480349925652819, "z": 11.276904139231878, "r": [-0.002918744065677714, 0.003426333491796274, -0.0017393094028665956]}, "102": {"x": 5.884319224291138, "y": 30.983568194855373, "z": 13.643686449088255, "r": [-0.00023527377776955127, 0.0028523713872028456, -0.0008694689143181611]}, "103": {"x": -0.05440034172091324, "y": 27.614253569771982, "z": 13.634774965025526, "r": [0.00020548526263503009, 6.8188455903950285e-06, 2.9624557258411954e-05]}, "104": {"x": -5.951003600177077, "y": 31.020642501646176, "z": 11.27690413923175, "r": [-0.003426333491709954, 0.002918744064769996, -0.001739309402942979]}, "105": {"x": -37.04476123136786, "y": -30.71279703874697, "z": 17.320500849187873, "r": [0.0013062493339219827, -0.0038960855327161426, 0.00029649834644729367]}, "106": {"x": -33.965183332296874, "y": -19.172414489945037, "z": 15.577063075081982, "r": [-0.0005058675092683984, -0.0033560304465591884, 0.0003415007189682129]}, "107": {"x": -31.48507424257277, "y": -23.777615117522203, "z": 16.344513028524855, "r": [0.00022891691346949017, 0.0003896197701269699, -0.0004253794620749929]}, "108": {"x": -28.216332438446983, "y": -39.54122583166788, "z": 17.32050084918784, "r": [-0.003896085532787197, 0.0013062493336235548, 0.000296498346269658]}, "109": {"x": -16.67594988964501, "y": -36.461647932596826, "z": 15.577063075081918, "r": [-0.003356030446667546, -0.0005058675090765519, 0.0003415007187204111]}, "110": {"x": -21.28115051722222, "y": -33.98153884287276, "z": 16.344513028524805, "r": [0.00038961977012164084, 0.00022891691343218667, -0.00042537946205101207]}, "111": {"x": 29.242143364222827, "y": 35.574107556843636, "z": 17.32050084918786, "r": [0.003896085532439031, -0.001306249334191989, 0.00029649834598366454]}, "112": {"x": 17.701760815420872, "y": 32.49452965777254, "z": 15.577063075081925, "r": [0.0033560304465307667, 0.0005058675090996445, 0.0003415007187568264]}, "113": {"x": 22.306961442998013, "y": 30.01442056804843, "z": 16.34451302852481, "r": [-0.00038961977014118077, -0.0002289169134641611, -0.00042537946206877564]}, "114": {"x": 38.070572157143765, "y": 26.745678763922772, "z": 17.320500849187912, "r": [-0.001306249334227516, 0.003896085532709037, 0.00029649834621281457]}, "115": {"x": 34.99099425807286, "y": 15.205296215120843, "z": 15.577063075082059, "r": [0.0005058675093287945, 0.003356030446543201, 0.0003415007189513375]}, "116": {"x": 32.5108851683486, "y": 19.81049684269793, "z": 16.344513028524876, "r": [-0.0002289169134765956, -0.0003896197701394044, -0.0004253794620625584]}, "117": {"x": 1.0416126046393095, "y": -24.57577159966007, "z": 16.288855965680103, "r": [-0.00026410305896934494, 0.00010266722995089239, -0.0002509571273101585]}, "118": {"x": 0.9897899298220074, "y": -17.53666596421789, "z": 19.738846576610978, "r": [-0.0002490746108129993, 0.00036633425214049886, -0.0007309261604391271]}, "119": {"x": -4.127139621728176, "y": -20.919863599247197, "z": 18.30216340438643, "r": [-0.0006495747861671591, 0.0002473753632012965, -0.0006615893789494454]}, "120": {"x": 5.975070465711876, "y": -20.95419368436266, "z": 17.06053381611008, "r": [-9.995695033809815e-05, 0.0003380476001053623, -0.0006404952266994002]}, "121": {"x": 18.603086789919967, "y": -36.54647195425732, "z": 8.427545718740785, "r": [0.004486298331780603, -0.00015283900501117387, -0.001067691161854789]}, "122": {"x": 29.828494718258657, "y": -39.620345525953866, "z": 5.217441524292162, "r": [0.004434300762056864, 0.0021781073204536483, -0.0005032963399171919]}, "123": {"x": 23.009003958516626, "y": -34.17555855561665, "z": 8.131030524343064, "r": [-7.697937991935078e-05, 7.448375864171908e-05, -0.0001251128770753951]}, "124": {"x": -15.040201363917857, "y": -1.506674670478041, "z": 19.738846576610975, "r": [0.00036633425213200566, -0.0002490746108135579, -0.0007309261604355743]}, "125": {"x": -22.07930699936008, "y": -1.4548519956607628, "z": 16.288855965680096, "r": [0.00010266722994556332, -0.00026410305897552055, -0.00025095712733969044]}, "126": {"x": -18.42339899894718, "y": -6.623604222028208, "z": 18.302163404386434, "r": [0.00024737536323093945, -0.0006495747861675755, -0.0006615893790186123]}, "127": {"x": -18.457729084062567, "y": 3.4786058654117604, "z": 17.06053381611007, "r": [0.00033804760011113544, -9.995695033993002e-05, -0.0006404952266874098]}, "128": {"x": 0.03602099595380707, "y": 13.569547689393563, "z": 19.738846576610925, "r": [0.00024907461081585813, -0.00036633425216736626, -0.000730926160468437]}, "129": {"x": -0.01580167886346867, "y": 20.608653324835732, "z": 16.288855965680025, "r": [0.00026410305896251707, -0.00010266722989449306, -0.000250957127252871]}, "130": {"x": 5.152950547503992, "y": 16.95274532442288, "z": 18.302163404386352, "r": [0.000649574786162968, -0.0002473753632082909, -0.0006615893789686522]}, "131": {"x": -4.949259539936007, "y": 16.987075409538267, "z": 17.060533816109995, "r": [9.995695034153984e-05, -0.00033804760011513224, -0.000640495226693405]}, "132": {"x": 16.066012289693685, "y": -2.4604436043462576, "z": 19.738846576610964, "r": [-0.0003663342521376123, 0.0002490746108133046, -0.0007309261604382389]}, "133": {"x": 23.105117925135975, "y": -2.512266279163552, "z": 16.288855965680128, "r": [-0.00010266722991225663, 0.00026410305896984454, -0.0002509571273030531]}, "134": {"x": 19.449209924723046, "y": 2.65648594720391, "z": 18.302163404386448, "r": [-0.00024737536319957565, 0.0006495747861638966, -0.0006615893789741478]}, "135": {"x": 19.483540009838492, "y": -7.445724140236098, "z": 17.060533816110073, "r": [-0.0003380476001324517, 9.995695034947794e-05, -0.0006404952267278219]}, "136": {"x": 35.075818279733156, "y": -20.073740464444107, "z": 8.427545718740854, "r": [0.000152839005046701, -0.004486298331785932, -0.0010676911618023865]}, "137": {"x": 38.14969185142957, "y": -31.29914839278279, "z": 5.217441524292192, "r": [-0.0021781073213062996, -0.004434300762280685, -0.0005032963399989043]}, "138": {"x": 32.70490488109245, "y": -24.479657633040773, "z": 8.131030524343096, "r": [-7.448375863816636e-05, 7.697937990869264e-05, -0.00012511287709848773]}, "139": {"x": -37.123880925653744, "y": 27.332030117958567, "z": 5.217441524292168, "r": [0.00217810732048207, 0.004434300762696353, -0.000503296339987358]}, "140": {"x": -34.05000735395724, "y": 16.106622189619856, "z": 8.427545718740808, "r": [-0.00015283900454221566, 0.004486298331690897, -0.0010676911618467955]}, "141": {"x": -31.679093955316592, "y": 20.5125393582165, "z": 8.131030524343076, "r": [7.448375862395551e-05, -7.69793799140217e-05, -0.00012511287707628327]}, "142": {"x": -28.802683792482846, "y": 35.65322725112946, "z": 5.217441524292113, "r": [-0.004434300762184762, -0.002178107320766287, -0.0005032963400211088]}, "143": {"x": -17.57727586414413, "y": 32.57935367943287, "z": 8.42754571874072, "r": [-0.004486298331793037, 0.00015283900520657312, -0.0010676911616593898]}, "144": {"x": -21.983193032740783, "y": 30.2084402807923, "z": 8.131030524343009, "r": [7.697937990158721e-05, -7.448375861685008e-05, -0.00012511287707983598]}, "145": {"x": -23.17315974678117, "y": -21.84950449665325, "z": 16.75485418751698, "r": [0.00031145821826150666, 0.00023006507634981688, -0.0006710979044584064]}, "146": {"x": -19.3530398963532, "y": -25.66962434708113, "z": 16.754854187516955, "r": [0.00023006507637912677, 0.00031145821830236287, -0.0006710979044770582]}, "147": {"x": -14.053308656521, "y": -20.84279796195845, "z": 17.770885382040383, "r": [0.0005087907445049389, 0.0011635313385103263, -0.0013110476655404657]}, "148": {"x": -18.34633336165845, "y": -16.549773256821023, "z": 17.77088538204039, "r": [0.0011635313384905643, 0.0005087907444878415, -0.0013110476655162628]}, "149": {"x": 20.378850822128825, "y": 21.702506072256647, "z": 16.754854187516962, "r": [-0.00023006507638800855, -0.00031145821828282294, -0.0006710979044504128]}, "150": {"x": 24.198970672556797, "y": 17.88238622182873, "z": 16.754854187516983, "r": [-0.00031145821826594755, -0.0002300650763737977, -0.000671097904451301]}, "151": {"x": 15.079119582296748, "y": 16.87567968713406, "z": 17.770885382040376, "r": [-0.0005087907444898399, -0.0011635313385056634, -0.001311047665557341]}, "152": {"x": 19.372144287434182, "y": 12.582654981996631, "z": 17.77088538204042, "r": [-0.0011635313384732449, -0.0005087907444836226, -0.0013110476655158187]}, "153": {"x": 15.568440856682253, "y": -21.117820750777323, "z": 14.237300315119688, "r": [-0.00035147142651270613, 0.0006171332522360018, -0.0006232009558333473]}, "154": {"x": 20.908102772257763, "y": -26.017271830705, "z": 11.016533175277177, "r": [-0.00012056507788749116, 0.00015309724489753762, -0.00026326065476300897]}, "155": {"x": 19.647167076253112, "y": -17.039094531206437, "z": 14.237300315119706, "r": [-0.0006171332522262318, 0.0003514714265060448, -0.0006232009558342355]}, "156": {"x": 24.546618156180752, "y": -22.378756446781924, "z": 11.016533175277218, "r": [-0.00015309724488865584, 0.00012056507786617487, -0.00026326065473458726]}, "157": {"x": -18.621356150477194, "y": 13.071976256382063, "z": 14.237300315119684, "r": [0.0006171332522235673, -0.0003514714265140384, -0.0006232009558360119]}, "158": {"x": -14.54262993090633, "y": 17.150702475952887, "z": 14.23730031511967, "r": [0.0003514714265051566, -0.0006171332522111328, -0.0006232009558200247]}, "159": {"x": -23.520807230404834, "y": 18.41163817195752, "z": 11.016533175277207, "r": [0.00015309724489931398, -0.00012056507787594484, -0.0002632606547248173]}, "160": {"x": -19.882291846481827, "y": 22.050153555880534, "z": 11.01653317527718, "r": [0.00012056507787860937, -0.00015309724490109033, -0.000263260654753239]}, "161": {"x": -34.7560787724221, "y": -34.34688015561772, "z": 17.553984549711643, "r": [0.00015029876511363227, 0.00011940861782022694, -0.00020029353690631524]}, "162": {"x": -31.85041555531779, "y": -37.2525433727222, "z": 17.55398454971165, "r": [0.00011940861783088508, 0.00015029876511363227, -0.0002002935369080916]}, "163": {"x": 35.78188969819809, "y": 30.37976188079365, "z": 17.553984549711714, "r": [-0.00015029876504968342, -0.00011940861781667422, -0.0002002935369489478]}, "164": {"x": 32.87622648109364, "y": 33.28542509789795, "z": 17.553984549711682, "r": [-0.00011940861783088508, -0.00015029876510652684, -0.0002002935369329606]}, "165": {"x": -10.236291313797855, "y": -32.13288544055106, "z": 15.255233433717635, "r": [-0.00011862587362254651, -4.3751816653170295e-05, -0.00027467703671257837]}, "166": {"x": -4.3774007793294665, "y": -28.247956336807775, "z": 15.60048359261045, "r": [-0.0003562668963306148, 4.301689611052595e-05, -0.00017283032715820212]}, "167": {"x": 6.405249269028483, "y": -28.30753392080836, "z": 13.829637861905079, "r": [-3.758550891408419e-05, 5.9511983137028324e-05, -0.00013567735394914848]}, "168": {"x": 12.216676428149166, "y": -32.23773863676375, "z": 11.152202663015744, "r": [-3.3393245804091976e-06, 4.6443699135423344e-05, -0.00016250947731766274]}, "169": {"x": -3.989924093286271, "y": -14.028597690004124, "z": 22.00200654232926, "r": [-0.0032655840767290556, 0.034032085835090875, 0.024411714115796457]}, "170": {"x": 5.770260825384588, "y": -13.863286353153178, "z": 21.453307947326877, "r": [0.013627868597595683, 0.08299489894837508, 0.06400786662395852]}, "171": {"x": -11.532133089704116, "y": -6.4863886935862665, "z": 22.00200654232926, "r": [0.034032085835093984, -0.003265584076727057, 0.024411714115816885]}, "172": {"x": -11.366821752853122, "y": 3.2737962250845216, "z": 21.45330794732685, "r": [0.08299489894840595, 0.013627868597590798, 0.06400786662391766]}, "173": {"x": 5.015735019062037, "y": 10.061479415179846, "z": 22.002006542329227, "r": [0.003265584076726835, -0.034032085835107306, 0.024411714115782246]}, "174": {"x": -4.744449899608785, "y": 9.896168078328854, "z": 21.453307947326834, "r": [-0.013627868597587689, -0.08299489894840839, 0.06400786662391766]}, "175": {"x": 12.557944015479915, "y": 2.5192704187620083, "z": 22.002006542329255, "r": [-0.03403208583510109, 0.003265584076730832, 0.024411714115806227]}, "176": {"x": 12.392632678628967, "y": -7.240914499908833, "z": 21.45330794732685, "r": [-0.08299489894840062, -0.01362786859758458, 0.06400786662391766]}, "177": {"x": 26.777302662283663, "y": 2.9067471048052065, "z": 15.60048359261052, "r": [-4.3016896106973235e-05, 0.00035626689632589637, -0.0001728303271510967]}, "178": {"x": 26.836880246284384, "y": -7.875902943552692, "z": 13.829637861905065, "r": [-5.951198314857464e-05, 3.7585508921633703e-05, -0.00013567735398645198]}, "179": {"x": 30.662231766026995, "y": 8.76563763927361, "z": 15.25523343371771, "r": [4.37518166407358e-05, 0.00011862587360145227, -0.0002746770366615081]}, "180": {"x": 30.767084962239643, "y": -13.687330102673311, "z": 11.15220266301581, "r": [-4.644369913364699e-05, 3.3393245861823573e-06, -0.0001625094773149982]}, "181": {"x": 33.28311666796063, "y": -37.48764401954753, "z": 4.939509982055803, "r": [-2.434395391048838e-05, 2.9046389187215027e-05, -4.8663030344897606e-05]}, "182": {"x": 36.01699034502322, "y": -34.75377034248475, "z": 4.939509982055838, "r": [-2.90463891801096e-05, 2.4343953946015517e-05, -4.866303035022668e-05]}, "183": {"x": -32.257305742184755, "y": 33.52052574472314, "z": 4.939509982055815, "r": [2.434395388206667e-05, -2.9046389144582463e-05, -4.8663030288942366e-05]}, "184": {"x": -34.991179419247345, "y": 30.786652067660427, "z": 4.939509982055856, "r": [2.9046389158793318e-05, -2.4343953924699235e-05, -4.866303033779218e-05]}, "185": {"x": -25.751491736507806, "y": -6.8738653796295015, "z": 15.600483592610482, "r": [4.301689613273041e-05, -0.00035626689632428654, -0.000172830327142659]}, "186": {"x": -25.811069320508395, "y": 3.9087846687283734, "z": 13.829637861905077, "r": [5.951198312725836e-05, -3.7585508918303034e-05, -0.00013567735397446157]}, "187": {"x": -29.636420840251052, "y": -12.73275591409786, "z": 15.255233433717672, "r": [-4.3751816619419515e-05, -0.00011862587359656729, -0.0002746770366943707]}, "188": {"x": -29.74127403646366, "y": 9.720211827849019, "z": 11.152202663015796, "r": [4.6443699122988846e-05, -3.3393245839619112e-06, -0.00016250947730167553]}, "189": {"x": 11.262102239573672, "y": 28.165767165726677, "z": 15.255233433717557, "r": [0.00011862587360034205, 4.3751816614090444e-05, -0.00027467703668548893]}, "190": {"x": 5.4032117051053, "y": 24.280838061983427, "z": 15.600483592610372, "r": [0.0003562668963290605, -4.30168961371713e-05, -0.00017283032716686186]}, "191": {"x": -5.3794383432526285, "y": 24.340415645984038, "z": 13.82963786190496, "r": [3.758550891519441e-05, -5.951198313347561e-05, -0.00013567735394559577]}, "192": {"x": -11.190865502373303, "y": 28.27062036193933, "z": 11.152202663015673, "r": [3.3393245866264465e-06, -4.644369911943613e-05, -0.00016250947730966914]}, "193": {"x": -28.610750736674973, "y": -27.735752723936713, "z": 16.68552878560958, "r": [0.00020294464096792808, 0.00021449562221675933, -0.000397498765694948]}, "194": {"x": -26.578194714406543, "y": -17.556417627874694, "z": 16.2729587065606, "r": [0.00016334764679815095, 2.9640357764204595e-05, -0.0005178217690229303]}, "195": {"x": -25.239288123636765, "y": -31.107215336975045, "z": 16.685528785609566, "r": [0.0002144956221812322, 0.00020294464094305908, -0.00039749876570205345]}, "196": {"x": -15.059953027574606, "y": -29.07465931470642, "z": 16.272958706560548, "r": [2.9640357764204595e-05, 0.00016334764678482827, -0.0005178217689927322]}, "197": {"x": 26.265099049412452, "y": 27.14009706215061, "z": 16.685528785609577, "r": [-0.00021449562217767948, -0.00020294464092707187, -0.0003974987656842899]}, "198": {"x": 16.085763953350398, "y": 25.107541039882086, "z": 16.272958706560505, "r": [-2.964035776198415e-05, -0.0001633476467759465, -0.0005178217689953968]}, "199": {"x": 29.636561662450816, "y": 23.768634449112405, "z": 16.68552878560961, "r": [-0.0002029446409181901, -0.00021449562215281048, -0.0003974987656629736]}, "200": {"x": 27.604005640182198, "y": 13.589299353050238, "z": 16.2729587065606, "r": [-0.0001633476468088091, -2.9640357773530468e-05, -0.0005178217690184894]}, "201": {"x": -9.413435493523702, "y": -24.738311221719332, "z": 17.01075069663134, "r": [-0.0003680640616559039, 0.0003745768288307971, -0.0006041550293951481]}, "202": {"x": -9.120936370837633, "y": -16.622869381247018, "z": 19.793594649806906, "r": [-0.0045952570535642, 0.005051477430556339, -0.002703345703037041]}, "203": {"x": 10.561558726056703, "y": -16.720184158233252, "z": 17.903627660600367, "r": [0.0010279646571329515, 0.004590770261823529, -0.0023008422324073408]}, "204": {"x": 11.200558145790634, "y": -24.87974468012063, "z": 14.05969272206146, "r": [-1.8504384453166267e-05, 0.00026694426888163036, -0.0003814462156945808]}, "205": {"x": 16.83005678642525, "y": -29.282346431417217, "z": 11.063315443458238, "r": [-5.4176605403633005e-05, 0.00011376705024090938, -0.00023013972536123362]}, "206": {"x": 26.773762385460632, "y": -31.444398830210503, "z": 7.964753197907484, "r": [-6.477728684828321e-05, 6.85733912177966e-05, -0.00012810526204365402]}, "207": {"x": -14.12640478094703, "y": -11.61740097113767, "z": 19.793594649806916, "r": [0.005051477430532775, -0.004595257053589291, -0.0027033457029479457]}, "208": {"x": -22.241846621419263, "y": -11.909900093823685, "z": 17.010750696631355, "r": [0.0003745768288432316, -0.000368064061656348, -0.0006041550293929276]}, "209": {"x": -14.223719557933146, "y": 8.06509412575656, "z": 17.903627660600332, "r": [0.004590770261831967, 0.0010279646571293988, -0.002300842232432654]}, "210": {"x": -22.38328007982048, "y": 8.70409354549044, "z": 14.05969272206149, "r": [0.0002669442688638668, -1.8504384450057643e-05, -0.00038144621565994186]}, "211": {"x": 10.439246419299524, "y": 20.77119294689498, "z": 17.010750696631263, "r": [0.00036806406166078887, -0.00037457682882591214, -0.0006041550293924836]}, "212": {"x": 10.146747296613446, "y": 12.655751106422755, "z": 19.793594649806888, "r": [0.004595257053587376, -0.005051477430521312, -0.002703345702937121]}, "213": {"x": -9.535747800280827, "y": 12.753065883408857, "z": 17.903627660600307, "r": [-0.0010279646571365042, -0.004590770261812205, -0.0023008422324064526]}, "214": {"x": -10.174747220014709, "y": 20.91262640529615, "z": 14.05969272206142, "r": [1.850438444117586e-05, -0.0002669442688585377, -0.0003814462156497278]}, "215": {"x": 15.15221570672284, "y": 7.6502826963133685, "z": 19.79359464980693, "r": [-0.0050514774305388255, 0.004595257053574331, -0.0027033457029855823]}, "216": {"x": 23.267657547195114, "y": 7.942781818999388, "z": 17.010750696631366, "r": [-0.000374576828835238, 0.0003680640616459119, -0.0006041550293951481]}, "217": {"x": 15.249530483709053, "y": -12.032212400580933, "z": 17.903627660600343, "r": [-0.004590770261834631, -0.0010279646571276224, -0.002300842232438427]}, "218": {"x": 23.409091005596387, "y": -12.671211820314793, "z": 14.059692722061513, "r": [-0.00026694426885764955, 1.8504384444284483e-05, -0.00038144621565194825]}, "219": {"x": 29.97374515568633, "y": -28.244416059984832, "z": 7.964753197907491, "r": [-6.857339125332373e-05, 6.477728685538864e-05, -0.00012810526207918116]}, "220": {"x": 27.81169275689296, "y": -18.30071046094937, "z": 11.063315443458313, "r": [-0.00011376705023558031, 5.417660538942215e-05, -0.00023013972534879912]}, "221": {"x": -28.947934229910473, "y": 24.277297785160513, "z": 7.964753197907487, "r": [6.857339120713846e-05, -6.477728682341422e-05, -0.00012810526204809491]}, "222": {"x": -26.785881831117003, "y": 14.33359218612504, "z": 11.063315443458304, "r": [0.00011376705026222567, -5.417660538853397e-05, -0.0002301397253372528]}, "223": {"x": -15.804245860649358, "y": 25.315228156592784, "z": 11.063315443458217, "r": [5.417660540540936e-05, -0.00011376705027288381, -0.00023013972537366811]}, "224": {"x": -25.74795145968472, "y": 27.477280555386145, "z": 7.964753197907487, "r": [6.477728684828321e-05, -6.85733912177966e-05, -0.0001281052620445422]}, "225": {"x": -32.94644937889765, "y": -29.13363341019158, "z": 16.905896353298612, "r": [0.00024429894732591606, 0.00026596259726474614, -0.0003255308871992213]}, "226": {"x": -36.88184841777876, "y": -39.37831301807876, "z": 18.295922144062665, "r": [3.7210067240778244e-05, 3.721006723367282e-05, -8.280964613049946e-05]}, "227": {"x": -26.63716880989157, "y": -35.44291397919762, "z": 16.905896353298594, "r": [0.00026596259724698257, 0.00024429894732591606, -0.0003255308872116558]}, "228": {"x": -24.072566681800698, "y": -26.569031282100685, "z": 16.648603835444128, "r": [0.00022695426130781016, 0.00022695426129715202, -0.0005112265763660417]}, "229": {"x": -15.807125121237382, "y": -32.88023032914635, "z": 15.821456447914176, "r": [0.00027195186138140315, 9.207994041737777e-05, -0.0004335148907852471]}, "230": {"x": -4.593653910454945, "y": -31.711735227958705, "z": 14.54990801786098, "r": [-0.0003526581091000125, -5.37362713188827e-05, -4.60761774547791e-05]}, "231": {"x": -4.220927260125255, "y": -24.62066825329083, "z": 16.83501105769736, "r": [-0.0004428468599393387, 0.00016178266966848653, -0.0003603072325084611]}, "232": {"x": -14.463687124553584, "y": -25.061130218006088, "z": 16.92315276581733, "r": [6.344156755488939e-05, 0.00044693752229640893, -0.0007662356243254287]}, "233": {"x": -4.076545792768209, "y": -17.292115430157914, "z": 20.044274690383727, "r": [-0.000553035289119097, 9.382792491718916e-05, -0.0010998762299223586]}, "235": {"x": -14.795650829857893, "y": -6.5730103930682215, "z": 20.04427469038372, "r": [9.382792493117798e-05, -0.0005530352891109924, -0.001099876229929464]}, "236": {"x": -13.884169665185118, "y": -16.380634265485135, "z": 18.795326939543845, "r": [0.003092116205850759, 0.003092116205854256, -0.0024046847218121004]}, "237": {"x": -22.124203652990786, "y": -6.717391860425289, "z": 16.835011057697397, "r": [0.0001617826696762581, -0.0004428468599443902, -0.00036030723250768393]}, "238": {"x": -29.21527062765879, "y": -7.090118510755008, "z": 14.549908017861043, "r": [-5.373627132954084e-05, -0.00035265810910334316, -4.607617745322479e-05]}, "239": {"x": -30.383765728846353, "y": -18.303589721537385, "z": 15.821456447914247, "r": [9.207994044579948e-05, 0.0002719518613965022, -0.00043351489076481897]}, "240": {"x": -22.564665617706133, "y": -16.960151724853628, "z": 16.923152765817356, "r": [0.00044693752229463257, 6.344156756199482e-05, -0.0007662356243307578]}, "241": {"x": 33.97226030467357, "y": 25.166515135367373, "z": 16.90589635329866, "r": [-0.0002442989473365742, -0.0002659625972576407, -0.0003255308871956686]}, "242": {"x": 37.90765934355462, "y": 35.4111947432546, "z": 18.295922144062693, "r": [-3.721006720525111e-05, -3.721006720525111e-05, -8.280964612694675e-05]}, "243": {"x": 27.662979735667346, "y": 31.475795704373336, "z": 16.90589635329862, "r": [-0.000265962597254088, -0.00024429894731881063, -0.00032553088715658873]}, "244": {"x": 25.098377607576364, "y": 22.601913007276252, "z": 16.64860383544413, "r": [-0.00022695426129892837, -0.00022695426128471752, -0.0005112265763536072]}, "245": {"x": 16.83293604701321, "y": 28.913112054322063, "z": 15.821456447914152, "r": [-0.00027195186138140315, -9.207994042625955e-05, -0.0004335148907763653]}, "246": {"x": 5.6194648362307795, "y": 27.74461695313436, "z": 14.549908017860925, "r": [0.000352658109102455, 5.373627134552805e-05, -4.607617742768966e-05]}, "247": {"x": 5.246738185901098, "y": 20.653549978466483, "z": 16.835011057697294, "r": [0.00044284685994205875, -0.00016178266966293542, -0.00036030723248781094]}, "248": {"x": 15.489498050329338, "y": 21.09401194318171, "z": 16.923152765817292, "r": [-6.344156756465935e-05, -0.00044693752229107986, -0.00076623562433209]}, "249": {"x": 5.102356718544002, "y": 13.324997155333623, "z": 20.044274690383656, "r": [0.0005530352891172097, -9.382792492851344e-05, -0.001099876229919694]}, "251": {"x": 15.821461755633738, "y": 2.605892118243943, "z": 20.044274690383723, "r": [-9.38279249422802e-05, 0.0005530352891164325, -0.001099876229944119]}, "252": {"x": 14.90998059096092, "y": 12.41351599066083, "z": 18.795326939543852, "r": [-0.003092116205831774, -0.0030921162058306917, -0.002404684721792172]}, "253": {"x": 23.150014578766665, "y": 2.750273585600987, "z": 16.83501105769741, "r": [-0.00016178266965405363, 0.0004428468599389501, -0.0003603072324964707]}, "254": {"x": 30.241081553434725, "y": 3.1230002359307343, "z": 14.549908017861078, "r": [5.373627132421177e-05, 0.00035265810911022655, -4.607617746499315e-05]}, "255": {"x": 31.409576654622253, "y": 14.336471446713098, "z": 15.821456447914272, "r": [-9.207994044757584e-05, -0.00027195186139383765, -0.00043351489081899786]}, "256": {"x": 23.59047654348182, "y": 12.993033450029204, "z": 16.923152765817356, "r": [-0.0004469375222937444, -6.344156756199482e-05, -0.0007662356243236523]}, "257": {"x": 15.799641941836082, "y": -7.311356582853395, "z": 19.08508154739103, "r": [-0.0008393414657286158, 0.0003783931960996134, -0.0015488555812604998]}, "259": {"x": 5.840702908329151, "y": -17.27029561636027, "z": 19.085081547391056, "r": [-0.00037839319610916133, 0.0008393414657321685, -0.0015488555812881999]}, "260": {"x": 15.221434278296293, "y": -16.692087952820504, "z": 16.0586083674783, "r": [-0.0015585125754244977, 0.0015585125754249418, -0.0012543187531965927]}, "261": {"x": 6.166162384007774, "y": -24.676728643859228, "z": 15.334135187192189, "r": [-6.310699673428566e-05, 0.0001520674219488427, -0.00029388120890061487]}, "262": {"x": 6.67929249942987, "y": -31.76352793846411, "z": 12.489899249291337, "r": [-7.510145160871673e-06, 2.042531408807946e-05, -6.6600826702512e-05]}, "263": {"x": 17.666041869451917, "y": -33.034873853666205, "z": 9.680634590026804, "r": [-6.759875893447287e-05, 7.235997941634764e-05, -0.00016661813888241284]}, "264": {"x": 16.121055587873634, "y": -25.30727565736745, "z": 12.57697369460993, "r": [-0.00010802127846520904, 0.00024565854522506925, -0.0003516891466617267]}, "265": {"x": 28.224149015369882, "y": -35.66377496069316, "z": 6.542412677878055, "r": [-5.032924791947835e-05, 5.5392688679489765e-05, -8.282950177740389e-05]}, "266": {"x": 38.14095586095383, "y": -39.61160953547804, "z": 3.3409562355219338, "r": [-8.158574161143406e-06, 8.158574161143406e-06, -2.014147184592474e-05]}, "267": {"x": 34.19312128616887, "y": -29.694802689893926, "z": 6.542412677878086, "r": [-5.5392688707911475e-05, 5.032924793013649e-05, -8.28295018511227e-05]}, "268": {"x": 25.534662957715256, "y": -27.005316632239488, "z": 9.464514965543412, "r": [-9.380840003458957e-05, 9.3808400041695e-05, -0.00018454415452140438]}, "269": {"x": 31.564220179141987, "y": -19.13669554397606, "z": 9.680634590026878, "r": [-7.235997942522943e-05, 6.759875892736744e-05, -0.00016661813891349908]}, "270": {"x": 30.292874263940107, "y": -8.14994617395405, "z": 12.4898992492914, "r": [-2.0425314087191282e-05, 7.51014515110171e-06, -6.660082668963341e-05]}, "271": {"x": 23.20607496933517, "y": -7.636816058531998, "z": 15.334135187192206, "r": [-0.00015206742195150724, 6.310699673406361e-05, -0.00029388120890150304]}, "272": {"x": 23.83662198284321, "y": -17.591709262397774, "z": 12.57697369460996, "r": [-0.00024565854523750374, 0.00010802127848030807, -0.0003516891466688321]}, "273": {"x": -14.773831016060202, "y": 3.3442383080290607, "z": 19.08508154739103, "r": [0.0008393414657389686, -0.00037839319609896116, -0.0015488555812732674]}, "275": {"x": -4.814891982553316, "y": 13.303177341535903, "z": 19.08508154739099, "r": [0.00037839319610127875, -0.0008393414657286991, -0.0015488555812701033]}, "276": {"x": -14.195623352520393, "y": 12.724969677996109, "z": 16.058608367478275, "r": [0.0015585125754031814, -0.001558512575411175, -0.0012543187531792732]}, "277": {"x": -5.140351458231909, "y": 20.709610369034877, "z": 15.334135187192091, "r": [6.310699674139109e-05, -0.00015206742196216538, -0.00029388120890594394]}, "278": {"x": -5.653481573654024, "y": 27.79640966363975, "z": 12.489899249291241, "r": [7.5101451588732715e-06, -2.0425314101402137e-05, -6.660082670073564e-05]}, "279": {"x": -16.640230943676055, "y": 29.067755578841794, "z": 9.680634590026747, "r": [6.75987589415783e-05, -7.235997942345307e-05, -0.00016661813892770994]}, "280": {"x": -15.095244662097704, "y": 21.340157382542998, "z": 12.576973694609904, "r": [0.00010802127845987997, -0.0002456585452392801, -0.0003516891466519567]}, "281": {"x": -27.19833808959404, "y": 31.696656685868863, "z": 6.542412677878005, "r": [5.032924790171478e-05, -5.539268866527891e-05, -8.282950179250292e-05]}, "282": {"x": -37.115144935177966, "y": 35.6444912606537, "z": 3.340956235521941, "r": [8.158574154037979e-06, -8.158574139827124e-06, -2.0141471832602065e-05]}, "283": {"x": -33.16731036039308, "y": 25.727684415069714, "z": 6.54241267787807, "r": [5.5392688668831624e-05, -5.032924791237292e-05, -8.282950178895021e-05]}, "284": {"x": -24.50885203193933, "y": 23.038198357415066, "z": 9.464514965543419, "r": [9.380840004880042e-05, -9.380840005235314e-05, -0.00018454415450275263]}, "285": {"x": -30.538409253366034, "y": 15.169577269151745, "z": 9.680634590026864, "r": [7.235997940924221e-05, -6.759875892292655e-05, -0.0001666181388841892]}, "286": {"x": -29.267063338164192, "y": 4.182827899129766, "z": 12.489899249291373, "r": [2.042531409429671e-05, -7.510145165756654e-06, -6.660082674381229e-05]}, "287": {"x": -22.180264043559188, "y": 3.6696977837076576, "z": 15.334135187192183, "r": [0.0001520674219612772, -6.31069967365061e-05, -0.0002938812089108289]}, "288": {"x": -22.8108110570673, "y": 13.62459098757345, "z": 12.576973694609938, "r": [0.00024565854522862196, -0.00010802127846609721, -0.00035168914665462125]}, "289": {"x": -43.02161374518169, "y": -44.382744195624205, "z": 19.541486043408263, "r": [0.0028818620650099547, -0.005159653443698176, 0.00025699770026221813]}, "290": {"x": -41.88627959532421, "y": -45.51807834548171, "z": 19.541486043408263, "r": [-0.005159653443655543, 0.0028818620641573034, 0.0002569977003830104]}, "291": {"x": 44.04742467095747, "y": 40.41562592079998, "z": 19.54148604340827, "r": [-0.0028818620649531113, 0.005159653443286061, 0.00025699770039722125]}, "292": {"x": 42.91209052109998, "y": 41.55096007065747, "z": 19.541486043408263, "r": [0.00515965344411029, -0.0028818620636741343, 0.0002569977004611701]}, "293": {"x": -1.8916690703210322, "y": -34.81649662717506, "z": 13.098841318761021, "r": [0.0013020091037039272, -0.0031980764678678497, -0.0012978301858659336]}, "294": {"x": 1.077869163744964, "y": -33.211683184178625, "z": 13.064862359632723, "r": [-4.389208139166101e-06, 8.061089115329878e-06, -2.270068071208442e-05]}, "295": {"x": 4.029526423292695, "y": -34.835485210095186, "z": 11.916103501816625, "r": [0.00276452183084519, -0.0032919241265148003, -0.0017227621830890882]}, "300": {"x": 31.741029509654624, "y": -2.548522838269151, "z": 13.06486235963283, "r": [-8.061089143751587e-06, 4.389208144495171e-06, -2.2700680733400702e-05]}, "301": {"x": 33.34584295265109, "y": 0.42101539579686026, "z": 13.098841318761155, "r": [0.0031980764678678497, -0.0013020091037571069, -0.0012978301858659336]}, "302": {"x": 33.36483153557119, "y": -5.500180097816867, "z": 11.916103501816751, "r": [0.003291924127822199, -0.0027645218309011454, -0.0017227621828403983]}, "303": {"x": 43.0165451040911, "y": -45.5356498904149, "z": 0.8931297439690602, "r": [0.0067296704823291975, 0.004035450024460374, -0.0006101701280614158]}, "304": {"x": 44.06499621589064, "y": -44.48719877861534, "z": 0.8931297439690647, "r": [-0.004035450023096132, -0.006729670483082373, -0.0006101701280551985]}, "305": {"x": -41.99073417831534, "y": 41.56853161559064, "z": 0.8931297439690509, "r": [-0.0067296704822013, -0.004035450024318266, -0.0006101701281018279]}, "306": {"x": -43.03918529011487, "y": 40.5200805037911, "z": 0.893129743969061, "r": [0.0040354500237356206, 0.006729670482982897, -0.0006101701280338823]}, "307": {"x": -30.715218583878652, "y": -1.4185954365551168, "z": 13.064862359632802, "r": [8.061089115329878e-06, -4.389208139832235e-06, -2.270068071830167e-05]}, "308": {"x": -32.32003202687513, "y": -4.388133670621112, "z": 13.0988413187611, "r": [-0.003198076467690214, 0.0013020091037354575, -0.0012978301859050134]}, "309": {"x": -32.33902060979525, "y": 1.5330618229925999, "z": 11.916103501816698, "r": [-0.0032919241268203336, 0.0027645218309624298, -0.0017227621829611905]}, "310": {"x": 2.9174799960968794, "y": 30.849378352350655, "z": 13.098841318760968, "r": [-0.0013020091037567738, 0.003198076467725741, -0.0012978301859263297]}, "311": {"x": -0.05205823796911551, "y": 29.24456490935419, "z": 13.064862359632667, "r": [4.389208143384948e-06, -8.061089125988019e-06, -2.270068073517706e-05]}, "312": {"x": -3.0037154975168505, "y": 30.86836693527075, "z": 11.916103501816556, "r": [-0.0027645218308576247, 0.003291924126628487, -0.0017227621830393502]}, "313": {"x": -36.12940650097869, "y": -27.867553887950265, "z": 16.888445314413442, "r": [0.0007546119230497084, -0.003895433795811698, 0.000522832447760635]}, "314": {"x": -34.58877299143416, "y": -22.093540456802025, "z": 16.02030011293234, "r": [-5.9948933248676894e-05, -0.0035282128334443996, 0.0005671084004461591]}, "315": {"x": -33.432425567836056, "y": -24.374922155840792, "z": 16.389765092354047, "r": [1.0360772684236963e-06, -6.762278431438062e-06, -1.6965516085321042e-05]}, "316": {"x": -25.37108928765027, "y": -38.625871101278705, "z": 16.888445314413406, "r": [-0.0038954337961172314, 0.0007546119232131332, 0.0005228324480093249]}, "317": {"x": -19.59707585650201, "y": -37.085237591734135, "z": 16.020300112932286, "r": [-0.003528212833330713, -5.994893346894514e-05, 0.0005671084004212901]}, "318": {"x": -21.878457555540795, "y": -35.928890168136036, "z": 16.389765092353997, "r": [-6.762278431438062e-06, 1.036077250660128e-06, -1.696551612617725e-05]}, "319": {"x": 26.39690021342612, "y": 34.658752826454446, "z": 16.888445314413417, "r": [0.003895433796046177, -0.0007546119231776061, 0.0005228324480128776]}, "320": {"x": 20.62288678227787, "y": 33.118119316909855, "z": 16.020300112932294, "r": [0.003528212833437294, 5.99489328863001e-05, 0.0005671084005918203]}, "321": {"x": 22.90426848131665, "y": 31.96177189331178, "z": 16.38976509235401, "r": [6.7622784527543445e-06, -1.0360772577655553e-06, -1.6965516115519108e-05]}, "322": {"x": 37.155217426754625, "y": 23.900435613126074, "z": 16.888445314413495, "r": [-0.0007546119231136572, 0.003895433796309078, 0.0005228324477890567]}, "323": {"x": 35.61458391721013, "y": 18.12642218197783, "z": 16.02030011293241, "r": [5.994893291472181e-05, 0.0035282128336291407, 0.000567108400620242]}, "324": {"x": 34.45823649361195, "y": 20.40780388101656, "z": 16.38976509235409, "r": [-1.0360772648709826e-06, 6.762278427885349e-06, -1.6965516110190038e-05]}, "325": {"x": 1.0239155982449337, "y": -22.762035206566853, "z": 17.073167163066014, "r": [-6.64350092685062e-05, 0.00016183621636045586, -0.00039170000652966053]}, "326": {"x": 0.9941367899258204, "y": -19.20398449418844, "z": 18.808491938756692, "r": [-9.355498683438768e-05, 0.00026935392908811195, -0.0005981332784834592]}, "327": {"x": -1.5592673844486793, "y": -20.96733511314916, "z": 18.160660433347797, "r": [-3.3873075001800146e-05, 0.00021419484220430718, -0.00046602422233732455]}, "328": {"x": 3.5024429283453955, "y": -20.97860130658212, "z": 17.537127808418518, "r": [-9.634090982579835e-05, 0.00026646451005163385, -0.0005434399256891709]}, "329": {"x": 21.45421127008996, "y": -37.17356510230656, "z": 7.6530760741558455, "r": [0.004548430514091706, 0.00026297174676415125, -0.0008847431372824843]}, "330": {"x": 27.069772938734815, "y": -38.711040160838515, "z": 6.045874279011165, "r": [0.004517546104118253, 0.0014185989533928023, -0.0006287080250597654]}, "331": {"x": 23.63421830766361, "y": -36.07043845395383, "z": 7.484044636206338, "r": [-4.3549485440053104e-07, 1.465711875425768e-06, -5.024233539430156e-06]}, "332": {"x": -16.7075198938884, "y": -1.5023278103742312, "z": 18.808491938756696, "r": [0.00026935392907567746, -9.355498683305541e-05, -0.0005981332784834592]}, "333": {"x": -20.26557060626682, "y": -1.4725490020551297, "z": 17.073167163066017, "r": [0.00016183621635157408, -6.6435009267507e-05, -0.0003917000065225551]}, "334": {"x": -18.470870512849153, "y": -4.055731984748721, "z": 18.160660433347793, "r": [0.0002141948421829909, -3.38730750035765e-05, -0.0004660242223266664]}, "335": {"x": -18.482136706282063, "y": 1.0059783280453107, "z": 17.537127808418507, "r": [0.00026646451003031757, -9.634090982313381e-05, -0.0005434399256571965]}, "336": {"x": 0.031674135850001894, "y": 15.2368662193641, "z": 18.80849193875664, "r": [9.355498683327745e-05, -0.00026935392906679567, -0.0005981332784656956]}, "337": {"x": 0.0018953275309028879, "y": 18.794916931742506, "z": 17.073167163065943, "r": [6.643500926717394e-05, -0.00016183621634446865, -0.00039170000651189696]}, "338": {"x": 2.585078310224498, "y": 17.000216838324835, "z": 18.16066043334772, "r": [3.387307500579695e-05, -0.00021419484221851803, -0.00046602422236929897]}, "339": {"x": -2.4766320025695463, "y": 17.01148303175776, "z": 17.53712780841844, "r": [9.634090982668653e-05, -0.0002664645100409757, -0.0005434399256785127]}, "340": {"x": 17.73333081966426, "y": -2.4647904644500724, "z": 18.808491938756696, "r": [-0.0002693539290614666, 9.355498683172314e-05, -0.0005981332784799065]}, "341": {"x": 21.291381532042713, "y": -2.49456927276918, "z": 17.07316716306604, "r": [-0.000161836216346245, 6.643500926717394e-05, -0.0003917000065190024]}, "342": {"x": 19.496681438625014, "y": 0.08861370992442225, "z": 18.1606604333478, "r": [-0.0002141948422078599, 3.387307500227199e-05, -0.00046602422234442997]}, "343": {"x": 19.507947632057977, "y": -4.973096602869629, "z": 17.53712780841852, "r": [-0.00026646451002321214, 9.63409098275747e-05, -0.00054343992567496]}, "344": {"x": 35.702911427782354, "y": -22.924864944614097, "z": 7.653076074155902, "r": [-0.00026297174598255424, -0.004548430514191182, -0.0008847431371847847]}, "345": {"x": 37.24038648631423, "y": -28.540426613258933, "z": 6.0458742790112, "r": [-0.0014185989519290843, -0.004517546104587211, -0.0006287080250011456]}, "346": {"x": 34.599784779429626, "y": -25.104871982187763, "z": 7.484044636206352, "r": [-1.4657118825311954e-06, 4.3549483663696265e-07, -5.024233556305546e-06]}, "347": {"x": -36.21457556053839, "y": 24.57330833843471, "z": 6.045874279011173, "r": [0.0014185989539896582, 0.004517546103691927, -0.0006287080250828581]}, "348": {"x": -34.67710050200646, "y": 18.957746669789852, "z": 7.653076074155863, "r": [0.00026297174658651556, 0.0045484305137861725, -0.0008847431372380754]}, "349": {"x": -33.573973853653776, "y": 21.137753707363494, "z": 7.484044636206338, "r": [1.4657118967420502e-06, -4.354948615059584e-07, -5.024233540318335e-06]}, "350": {"x": -26.043962012958985, "y": 34.74392188601407, "z": 6.045874279011109, "r": [-0.00451754610407562, -0.0014185989528812115, -0.00062870802505266]}, "351": {"x": -20.428400344314134, "y": 33.20644682748211, "z": 7.653076074155786, "r": [-0.004548430514681456, -0.00026297174593281625, -0.0008847431371279413]}, "352": {"x": -22.60840738188779, "y": 32.10332017912947, "z": 7.484044636206265, "r": [4.3549487216409943e-07, -1.4657119145056186e-06, -5.0242335696282225e-06]}, "353": {"x": -20.973260473978343, "y": -21.503540536017024, "z": 16.98333607548905, "r": [2.462411394787978e-07, 1.1917309450382163e-07, -2.9039211746351157e-06]}, "354": {"x": -19.007075935717005, "y": -23.469725074278347, "z": 16.983336075489035, "r": [1.191731158201037e-07, 2.4624117500593456e-07, -2.903921192398684e-06]}, "355": {"x": -16.413277546747743, "y": -20.99426003446643, "z": 17.501628972804028, "r": [8.579623234084011e-07, 1.3379150516357186e-06, -9.138576114509078e-06]}, "356": {"x": -18.497795434166406, "y": -18.909742147047748, "z": 17.50162897280403, "r": [1.3379150622938596e-06, 8.579623411719695e-07, -9.13857612516722e-06]}, "357": {"x": 20.032886861492646, "y": 19.50260679945387, "z": 16.983336075489042, "r": [-1.1917310871467635e-07, -2.462411536896525e-07, -2.9039211746351157e-06]}, "358": {"x": 21.999071399753998, "y": 17.53642226119254, "z": 16.983336075489053, "r": [-2.4624114658422513e-07, -1.1917309805653531e-07, -2.903921192398684e-06]}, "359": {"x": 17.439088472523448, "y": 17.02714175964201, "z": 17.501628972804028, "r": [-8.579623447246831e-07, -1.3379150640702164e-06, -9.138576132272647e-06]}, "360": {"x": 19.523606359942136, "y": 14.942623872223345, "z": 17.50162897280405, "r": [-1.3379150729520006e-06, -8.579623340665421e-07, -9.13857613582536e-06]}, "361": {"x": 17.886071079318704, "y": -21.339220080682157, "z": 13.424727323574057, "r": [-1.2420357293763118e-06, 1.3563464413834936e-06, -4.125402721655291e-06]}, "362": {"x": 20.505319945378453, "y": -23.848238163850848, "z": 11.805806732275816, "r": [-3.213984243188861e-07, 3.462087541095116e-07, -1.168207511170749e-06]}, "363": {"x": 19.86856640615795, "y": -19.3567247538429, "z": 13.424727323574068, "r": [-1.3563464342780662e-06, 1.2420357116127434e-06, -4.125402714549864e-06]}, "364": {"x": 22.377584489326626, "y": -21.975973619902636, "z": 11.805806732275828, "r": [-3.4620877187307997e-07, 3.2139843497702714e-07, -1.1682075324870311e-06]}, "365": {"x": -18.842755480382035, "y": 15.38960647901851, "z": 13.424727323574045, "r": [1.35634643783078e-06, -1.2420357258235981e-06, -4.1254027198789345e-06]}, "366": {"x": -16.860260153542786, "y": 17.37210180585774, "z": 13.424727323574036, "r": [1.242035715165457e-06, -1.35634643783078e-06, -4.125402707444437e-06]}, "367": {"x": -21.351773563550697, "y": 18.008855345078253, "z": 11.805806732275808, "r": [3.462087683203663e-07, -3.2139841721345874e-07, -1.1682075271579606e-06]}, "368": {"x": -19.47950901960254, "y": 19.881119889026415, "z": 11.805806732275805, "r": [3.2139839944989035e-07, -3.4620874345137054e-07, -1.1682074880781101e-06]}, "369": {"x": -40.35633717830402, "y": -39.03884814426323, "z": 18.638424311423275, "r": [0.0022245019665660948, -0.004373451125701422, 0.00026220235697138605]}, "370": {"x": -38.05522192599889, "y": -33.52527415969313, "z": 17.755671375709507, "r": [0.0014865157596233303, -0.00403549531618097, 0.00037418742598305244]}, "371": {"x": -36.99628520451509, "y": -35.30834179428092, "z": 17.87206382979612, "r": [-1.2488411016420287e-07, -1.107123082988437e-06, -5.314276236845217e-07]}, "372": {"x": -36.54238354396325, "y": -42.85280177860404, "z": 18.638424311423265, "r": [-0.004373451125815109, 0.0022245019671771615, 0.0002622023568079612]}, "373": {"x": -31.028809559393153, "y": -40.55168652629892, "z": 17.755671375709483, "r": [-0.00403549531667835, 0.001486515759353324, 0.0003741874262814804]}, "374": {"x": -32.811877193981, "y": -39.49274980481516, "z": 17.87206382979612, "r": [-1.1071231114101465e-06, -1.2488409595334815e-07, -5.314276485535174e-07]}, "375": {"x": 41.38214810407984, "y": 35.07172986943902, "z": 18.638424311423293, "r": [-0.0022245019666087273, 0.004373451125587735, 0.0002622023570140186]}, "376": {"x": 39.08103285177477, "y": 29.558155884868935, "z": 17.75567137570954, "r": [-0.0014865157592822698, 0.004035495316443871, 0.00037418742630279667]}, "377": {"x": 38.02209613029105, "y": 31.341223519456836, "z": 17.87206382979618, "r": [1.248840888479208e-07, 1.1071231256210012e-06, -5.31427620131808e-07]}, "378": {"x": 37.56819446973903, "y": 38.885683503779795, "z": 18.638424311423275, "r": [0.004373451126028272, -0.0022245019666087273, 0.0002622023565947984]}, "379": {"x": 32.05462048516898, "y": 36.58456825147468, "z": 17.7556713757095, "r": [0.00403549531625913, -0.0014865157590406852, 0.00037418742650885406]}, "380": {"x": 33.83768811975676, "y": 35.52563152999088, "z": 17.87206382979613, "r": [1.1071230971992918e-06, 1.2488411016420287e-07, -5.314276130263806e-07]}, "381": {"x": -7.824417701592067, "y": -35.18163629097247, "z": 14.160345380275318, "r": [-0.0005424375234266421, -0.002330310587858264, -0.0004741618272667836]}, "382": {"x": -13.737284970775326, "y": -35.9366281824858, "z": 15.122844933380438, "r": [-0.0024067232199591615, -0.0011337896150678262, 0.00026898330679614446]}, "383": {"x": -10.5052457922249, "y": -33.85416236863081, "z": 14.940447316856073, "r": [-6.193038536217443e-06, 6.898838257995976e-06, -3.0503781584201306e-05]}, "384": {"x": 1.0764872585707776, "y": -29.892994514149592, "z": 14.236024121261446, "r": [-1.7287780955221876e-05, 3.373658335803498e-05, -9.153825933339022e-05]}, "385": {"x": 1.0564399004708445, "y": -26.378921435525328, "z": 15.557280170258693, "r": [-3.765032466240825e-05, 7.99372809758836e-05, -0.00020743855186999838]}, "386": {"x": -1.6568635733677541, "y": -28.181222061173404, "z": 15.277323691356305, "r": [-2.0700909722393135e-05, 5.21931144206178e-05, -0.00014189481816373473]}, "387": {"x": 3.743527008107988, "y": -28.21011148296465, "z": 14.388391133686195, "r": [-2.3590273755758062e-05, 5.193791779589674e-05, -0.00013125087951948444]}, "388": {"x": 9.910854671784117, "y": -35.234989760859975, "z": 10.606655502908595, "r": [0.0038739869000714577, -0.002475271467261564, -0.0016287058583941416]}, "389": {"x": 15.72693879394214, "y": -36.01433626728101, "z": 9.17977819668819, "r": [0.004462201258398579, -0.0011155701365908044, -0.0012579489605286653]}, "390": {"x": 12.518840744400539, "y": -33.940299235082584, "z": 10.516307507010843, "r": [-3.3207588483463724e-06, 6.042675092743366e-06, -1.7556386318950956e-05]}, "391": {"x": 0.5129054628878831, "y": -10.421059137412119, "z": 25.0, "is_anchor": true, "r": [0.0, -2.191449647969117, -1.762868313407452]}, "392": {"x": 0.9939657947543064, "y": -16.02751407506573, "z": 20.66105963636197, "r": [-7.067571439822729e-05, 0.0002095583948698021, -0.0005222051481830192]}, "393": {"x": -1.4125936472826677, "y": -14.595316627782653, "z": 21.711635052473177, "r": [0.0002954439314053481, 0.005374247863312753, 0.005706685678948276]}, "394": {"x": 3.3715235951891622, "y": -14.513545225007118, "z": 21.42704674160993, "r": [-0.0005947032959081611, 0.005087020675109244, 0.006559577921201765]}, "395": {"x": -7.924594537112116, "y": -1.9835591374121182, "z": 25.0, "is_anchor": true, "r": [-2.1914496479690975, 1.1102230246251565e-16, -1.762868313407477]}, "396": {"x": -13.531049474765704, "y": -1.5024988055457356, "z": 20.66105963636196, "r": [0.00020955839487868388, -7.067571439822729e-05, -0.0005222051482025591]}, "397": {"x": -12.098852027482634, "y": -3.909058247582689, "z": 21.71163505247317, "r": [0.005374247863297654, 0.000295443931404904, 0.005706685678958934]}, "398": {"x": -12.017080624707074, "y": 0.8750589948891179, "z": 21.42704674160992, "r": [0.005087020675095477, -0.0005947032959031096, 0.0065595779212213046]}, "399": {"x": 0.5129054628878853, "y": 6.453940862587881, "z": 25.0, "is_anchor": true, "r": [2.220446049250313e-15, 2.1914496479691072, -1.7628683134074592]}, "400": {"x": 0.03184513102149149, "y": 12.060395800241421, "z": 20.661059636361916, "r": [7.067571439711706e-05, -0.00020955839486447303, -0.0005222051481954537]}, "401": {"x": 2.438404573058443, "y": 10.62819835295836, "z": 21.711635052473138, "r": [-0.0002954439314035717, -0.005374247863308312, 0.005706685678948276]}, "402": {"x": -2.3457126694133708, "y": 10.546426950182806, "z": 21.427046741609896, "r": [0.0005947032959063847, -0.0050870206751021385, 0.00655957792120887]}, "403": {"x": 8.95040546288788, "y": -1.9835591374121189, "z": 25.0, "is_anchor": true, "r": [2.1914496479691152, -1.7763568394002505e-15, -1.7628683134074556]}, "404": {"x": 14.55686040054152, "y": -2.464619469278556, "z": 20.66105963636196, "r": [-0.00020955839488756567, 7.067571439955955e-05, -0.0005222051482149936]}, "405": {"x": 13.124662953258444, "y": -0.05806002724158357, "z": 21.711635052473174, "r": [-0.005374247863326076, -0.0002954439314050497, 0.005706685678944723]}, "406": {"x": 13.042891550482912, "y": -4.842177269713418, "z": 21.427046741609928, "r": [-0.005087020675088372, 0.000594703295897947, 0.0065595779212408445]}, "407": {"x": 28.42234083962554, "y": -2.547140933095002, "z": 14.236024121261508, "r": [-3.373658337224583e-05, 1.728778095921868e-05, -9.153825932628479e-05]}, "408": {"x": 24.908267761001287, "y": -2.527093574995082, "z": 15.557280170258718, "r": [-7.993728093680375e-05, 3.765032465885554e-05, -0.00020743855184690574]}, "409": {"x": 26.710568386649328, "y": 0.1862098988435088, "z": 15.277323691356367, "r": [-5.219311439930152e-05, 2.0700909719839622e-05, -0.00014189481811754945]}, "410": {"x": 26.739457808440676, "y": -5.214180682632214, "z": 14.38839113368621, "r": [-5.193791782431845e-05, 2.3590273760198954e-05, -0.0001312508795585643]}, "411": {"x": 33.71098261644852, "y": 6.353764027067897, "z": 14.160345380275457, "r": [0.0023303105878298425, 0.0005424375233857859, -0.00047416182718507116]}, "412": {"x": 34.46597450796185, "y": 12.266631296251159, "z": 15.122844933380582, "r": [0.0011337896149186122, 0.0024067232199485034, 0.0002689833066540359]}, "413": {"x": 32.38350869410684, "y": 9.034592117700706, "z": 14.94044731685617, "r": [-6.89883832905025e-06, 6.193038526447481e-06, -3.0503781669466434e-05]}, "414": {"x": 33.76433608633593, "y": -11.381508346308282, "z": 10.606655502908698, "r": [0.0024752714671691933, -0.0038739869003947547, -0.0016287058581632152]}, "415": {"x": 34.54368259275689, "y": -17.19759246846629, "z": 9.179778196688272, "r": [0.0011155701361573733, -0.004462201258423448, -0.0012579489607595917]}, "416": {"x": 32.46964556055848, "y": -13.989494418924682, "z": 10.51630750701092, "r": [-6.0426750856379385e-06, 3.320758851899086e-06, -1.7556386325168205e-05]}, "417": {"x": 37.874022973425895, "y": -42.900485726611635, "z": 2.654305273169461, "r": [0.005459366782289976, 0.0031738555715037364, -0.0005113549983182253]}, "418": {"x": 32.55073463650706, "y": -40.62240063237784, "z": 4.375191702003617, "r": [0.0047502261511525035, 0.002359038366350319, -0.0005082731038079658]}, "419": {"x": 34.24408473848062, "y": -39.64133374914393, "z": 4.222903386465584, "r": [1.3793302144904374e-07, -4.682205201334e-08, 1.9182652533089595e-07]}, "420": {"x": 41.42983205208733, "y": -39.34467664795007, "z": 2.6543052731694727, "r": [-0.0031738555716174233, -0.005459366782417874, -0.0005113549983635224]}, "421": {"x": 39.15174695785353, "y": -34.0213883110312, "z": 4.37519170200364, "r": [-0.002359038366250843, -0.004750226151259085, -0.0005082731038559274]}, "422": {"x": 38.17068007461959, "y": -35.71473841300474, "z": 4.22290338646561, "r": [4.6822030697057926e-08, -1.3793296460562487e-07, 1.9182655730531906e-07]}, "423": {"x": -36.848212047650115, "y": 38.93336745178732, "z": 2.654305273169434, "r": [-0.005459366782076813, -0.0031738555710916216, -0.0005113549983546406]}, "424": {"x": -31.524923710731265, "y": 36.65528235755347, "z": 4.375191702003575, "r": [-0.004750226150285641, -0.002359038366833488, -0.0005082731039962596]}, "425": {"x": -33.218273812704766, "y": 35.67421547431946, "z": 4.22290338646559, "r": [-1.3793300723818902e-07, 4.682205201334e-08, 1.918265501998917e-07]}, "426": {"x": -40.404021126311555, "y": 35.37755837312584, "z": 2.654305273169462, "r": [0.0031738555712053085, 0.005459366782261554, -0.0005113549983626342]}, "427": {"x": -38.12593603207773, "y": 30.054270036206987, "z": 4.3751917020036215, "r": [0.002359038366236632, 0.004750226151379877, -0.0005082731039074417]}, "428": {"x": -37.1448691488437, "y": 31.747620138180437, "z": 4.222903386465635, "r": [-4.6822059118767356e-08, 1.3793300013276166e-07, 1.9182655996985432e-07]}, "429": {"x": -27.39652991384961, "y": -1.419977341729293, "z": 14.236024121261481, "r": [3.373658336869312e-05, -1.7287780954555743e-05, -9.153825931917936e-05]}, "430": {"x": -23.882456835225376, "y": -1.4400246998292279, "z": 15.557280170258691, "r": [7.993728095456731e-05, -3.765032465552487e-05, -0.0002074385518486821]}, "431": {"x": -25.68475746087346, "y": -4.153328173667811, "z": 15.277323691356331, "r": [5.219311437087981e-05, -2.0700909717952243e-05, -0.00014189481812110216]}, "432": {"x": -25.713646882664786, "y": 1.2470624078078933, "z": 14.388391133686175, "r": [5.1937917803002165e-05, -2.3590273760421e-05, -0.00013125087954790615]}, "433": {"x": -32.68517169067257, "y": -10.320882301892134, "z": 14.160345380275404, "r": [-0.0023303105878937913, -0.0005424375233680223, -0.00047416182715664945]}, "434": {"x": -33.44016358218588, "y": -16.23374957107537, "z": 15.122844933380517, "r": [-0.0011337896152383564, -0.0024067232200195576, 0.00026898330687075145]}, "435": {"x": -31.357697768330873, "y": -13.00171039252494, "z": 14.940447316856131, "r": [6.898838297075827e-06, -6.193038531776551e-06, -3.0503781641044725e-05]}, "436": {"x": -32.73852516055999, "y": 7.414390071484011, "z": 10.606655502908644, "r": [-0.0024752714674249887, 0.0038739869002686333, -0.0016287058580957137]}, "437": {"x": -33.51787166698095, "y": 13.230474193642028, "z": 9.17977819668822, "r": [-0.0011155701358660508, 0.004462201258480292, -0.0012579489606032723]}, "438": {"x": -31.44383463478249, "y": 10.022376144100395, "z": 10.516307507010909, "r": [6.0426750749797975e-06, -3.320758853675443e-06, -1.7556386301187388e-05]}, "439": {"x": 8.85022862736792, "y": 31.214518016148123, "z": 14.160345380275293, "r": [0.0005424375233999967, 0.002330310587758788, -0.00047416182718507116]}, "440": {"x": 14.763095896551185, "y": 31.969509907661504, "z": 15.12284493338044, "r": [0.0024067232200302158, 0.0011337896154586247, 0.0002689833068352243]}, "441": {"x": 11.531056718000734, "y": 29.887044093806498, "z": 14.940447316856027, "r": [6.193038528223838e-06, -6.898838282864972e-06, -3.050378159308309e-05]}, "442": {"x": -0.050676332794943275, "y": 25.925876239325166, "z": 14.236024121261387, "r": [1.728778095966277e-05, -3.3736583336718695e-05, -9.153825932628479e-05]}, "443": {"x": -0.030628974694998874, "y": 22.41180316070103, "z": 15.557280170258602, "r": [3.765032466196416e-05, -7.993728096877817e-05, -0.00020743855187177473]}, "444": {"x": 2.682674499143586, "y": 24.214103786349032, "z": 15.277323691356234, "r": [2.0700909716175886e-05, -5.219311439930152e-05, -0.00014189481811754945]}, "445": {"x": -2.7177160823321427, "y": 24.242993208140305, "z": 14.388391133686094, "r": [2.359027375664624e-05, -5.193791781721302e-05, -0.0001312508795336953]}, "446": {"x": -8.885043746008275, "y": 31.267871486035542, "z": 10.606655502908527, "r": [-0.0038739869002633043, 0.0024752714676878895, -0.0016287058582840075]}, "447": {"x": -14.701127868166301, "y": 32.04721799245657, "z": 9.179778196688128, "r": [-0.004462201258267129, 0.001115570136001054, -0.0012579489608128824]}, "448": {"x": -11.493029818624683, "y": 29.97318096025818, "z": 10.516307507010772, "r": [3.320758853675443e-06, -6.0426750856379385e-06, -1.755638629497014e-05]}, "449": {"x": -29.491502953651214, "y": -23.231549121489582, "z": 16.39040826105349, "r": [5.478616351695109e-07, -1.7994466467996517e-06, -1.1433932041171602e-05]}, "450": {"x": -25.333455845835843, "y": -22.262102225176484, "z": 16.596677363398914, "r": [6.09861064759798e-07, -4.6942576048536466e-07, -9.174568338821132e-06]}, "451": {"x": -27.98759942656142, "y": -25.251142492779096, "z": 16.5753721726226, "r": [3.119308189525327e-08, -5.092045611831963e-07, -4.457567833071607e-06]}, "452": {"x": -26.970148081508853, "y": -20.15854040211613, "z": 16.376488035437767, "r": [2.226126575521903e-06, -1.8988770307259983e-06, -2.1137328900522334e-05]}, "453": {"x": -20.73508452118958, "y": -31.987967553951197, "z": 16.39040826105345, "r": [-1.7994466698922906e-06, 5.478616103005152e-07, -1.1433932002091751e-05]}, "454": {"x": -19.765637624876433, "y": -27.829920446135777, "z": 16.59667736339889, "r": [-4.6942574272179627e-07, 6.098610789706527e-07, -9.174568321057563e-06]}, "455": {"x": -22.754677892479076, "y": -30.484064026861383, "z": 16.57537217262256, "r": [-5.092045327614869e-07, 3.1193103211535345e-08, -4.457567847282462e-06]}, "456": {"x": -17.66207580181604, "y": -29.466612681808748, "z": 16.376488035437724, "r": [-1.898877023620571e-06, 2.226126575521903e-06, -2.113732889696962e-05]}, "457": {"x": 21.76089544696533, "y": 28.02084927912684, "z": 16.390408261053437, "r": [1.7994466183779423e-06, -5.478616422749383e-07, -1.1433932039395245e-05]}, "458": {"x": 20.79144855065212, "y": 23.862802171311376, "z": 16.596677363398886, "r": [4.6942577824893306e-07, -6.098610327853748e-07, -9.174568319281207e-06]}, "459": {"x": 23.78048881825478, "y": 26.516945752036992, "z": 16.575372172622572, "r": [5.092045398669143e-07, -3.119309255339431e-08, -4.457567833071607e-06]}, "460": {"x": 18.687886727591806, "y": 25.499494406984386, "z": 16.376488035437696, "r": [1.89887701296243e-06, -2.226126586180044e-06, -2.1137328900522334e-05]}, "461": {"x": 30.517313879426958, "y": 19.264430846665228, "z": 16.390408261053498, "r": [-5.478616316167972e-07, 1.7994466467996517e-06, -1.143393201985532e-05]}, "462": {"x": 26.359266771611516, "y": 18.294983950352016, "z": 16.596677363398914, "r": [-6.098610434435159e-07, 4.6942578180164674e-07, -9.174568306846709e-06]}, "463": {"x": 29.013410352337136, "y": 21.28402421795469, "z": 16.575372172622604, "r": [-3.119308900068063e-08, 5.092045327614869e-07, -4.457567815308039e-06]}, "464": {"x": 27.99595900728451, "y": 16.191422127291684, "z": 16.376488035437763, "r": [-2.2261265897327576e-06, 1.8988770165151436e-06, -2.1137328889864193e-05]}, "465": {"x": -6.6768404020643555, "y": -20.847014728462625, "z": 18.324955457683625, "r": [1.0929847501728318e-05, 0.00019547938200759063, -0.00048689550169456197]}, "466": {"x": -11.646675726757211, "y": -20.777565659156043, "z": 18.033481133559455, "r": [1.644646953913309e-05, 5.715456233446048e-05, -0.0002077270821843058]}, "467": {"x": -9.282735487396696, "y": -22.782661275309838, "z": 17.58801217691162, "r": [2.4787915577917374e-06, 8.41555798842819e-05, -0.00026899628864107683]}, "468": {"x": -9.129742506865105, "y": -18.740943777282435, "z": 18.95262178439693, "r": [7.395575031843293e-05, 0.00024612708870819233, -0.0006338823254239401]}, "469": {"x": 8.418620489511238, "y": -20.922781948396743, "z": 16.48215804814633, "r": [-0.00012123376591333113, 0.00022798031588422418, -0.00047687014373920533]}, "470": {"x": 13.217954189926468, "y": -20.98055102288785, "z": 15.047595819991034, "r": [-3.404699190312499e-05, 4.708499831806989e-05, -0.00011650717160449631]}, "471": {"x": 10.686503799225857, "y": -18.862151112580943, "z": 16.792765076653573, "r": [-0.00014945381882114361, 0.00023843102462350885, -0.0004899815031311761]}, "472": {"x": 11.004193738819163, "y": -22.92283822256875, "z": 14.901986531179562, "r": [-4.776409903683998e-05, 7.818458016473073e-05, -0.00018735149751591962]}, "473": {"x": 22.42657243665454, "y": -32.22437901390711, "z": 8.818402375089473, "r": [-7.267140063049737e-07, 1.0568433310709224e-06, -3.7582356231524727e-06]}, "474": {"x": 21.37097755633891, "y": -28.142848175284506, "z": 10.263114439671904, "r": [-7.744625420968987e-07, 9.498559450094035e-07, -3.295286244764384e-06]}, "475": {"x": 19.371815334382784, "y": -29.70930946647323, "z": 10.303078656709108, "r": [-1.7847424693684388e-06, 2.4751144920287516e-06, -8.107070122775895e-06]}, "476": {"x": 24.347148017625994, "y": -30.79153488305691, "z": 8.74869040236471, "r": [-2.894243493756221e-07, 3.64667691599152e-07, -1.3861363576950225e-06]}, "477": {"x": -18.350550128162585, "y": -9.173305002364373, "z": 18.32495545768362, "r": [0.00019547938202180148, 1.0929847496399248e-05, -0.0004868955017016674]}, "478": {"x": -18.281101058856056, "y": -14.143140327057232, "z": 18.033481133559437, "r": [5.715456233446048e-05, 1.6446469540909447e-05, -0.0002077270821594368]}, "479": {"x": -16.244479176982455, "y": -11.626207107165119, "z": 18.952621784396907, "r": [0.00024612708873128497, 7.395575032731472e-05, -0.0006338823254345982]}, "480": {"x": -20.286196675009798, "y": -11.779200087696715, "z": 17.588012176911626, "r": [8.415557989138733e-05, 2.4787915702262353e-06, -0.0002689962886783803]}, "481": {"x": -18.426317348096607, "y": 5.922155889211094, "z": 16.48215804814632, "r": [0.00022798031590198775, -0.00012123376591155477, -0.00047687014377117976]}, "482": {"x": -18.48408642258771, "y": 10.721489589626286, "z": 15.047595819991034, "r": [4.708499830741175e-05, -3.4046991899572276e-05, -0.00011650717162048352]}, "483": {"x": -16.365686512280796, "y": 8.190039198925692, "z": 16.792765076653545, "r": [0.00023843102461107435, -0.00014945381881581454, -0.000489981503100978]}, "484": {"x": -20.426373622268617, "y": 8.507729138518982, "z": 14.901986531179572, "r": [7.81845801824943e-05, -4.776409904216905e-05, -0.0001873514975248014]}, "485": {"x": 7.702651327840174, "y": 16.879896453638317, "z": 18.324955457683544, "r": [-1.0929847503504675e-05, -0.00019547938201824877, -0.0004868955016981147]}, "486": {"x": 12.672486652532998, "y": 16.810447384331724, "z": 18.033481133559413, "r": [-1.644646952847495e-05, -5.715456231669691e-05, -0.00020772708214877866]}, "487": {"x": 10.308546413172495, "y": 18.815543000485498, "z": 17.588012176911555, "r": [-2.4787915542390238e-06, -8.415557987007105e-05, -0.0002689962886250896]}, "488": {"x": 10.155553432640914, "y": 14.773825502458171, "z": 18.95262178439687, "r": [-7.3955750323762e-05, -0.0002461270887099687, -0.0006338823254026238]}, "489": {"x": -7.3928095637353515, "y": 16.95566367357231, "z": 16.482158048146236, "r": [0.00012123376591688384, -0.00022798031589843504, -0.0004768701437605216]}, "490": {"x": -12.192143264150555, "y": 17.013432748063412, "z": 15.047595819990999, "r": [3.4046991912006774e-05, -4.708499832517532e-05, -0.00011650717163824709]}, "491": {"x": -9.660692873449968, "y": 14.89503283775651, "z": 16.792765076653506, "r": [0.00014945381882114361, -0.0002384310246217325, -0.0004899815031311761]}, "492": {"x": -9.978382813043247, "y": 18.9557199477443, "z": 14.901986531179514, "r": [4.776409903861634e-05, -7.818458017183616e-05, -0.00018735149751769598]}, "493": {"x": 19.376361053938467, "y": 5.206186727540084, "z": 18.32495545768364, "r": [-0.0001954793819969325, -1.0929847493734712e-05, -0.0004868955016981147]}, "494": {"x": 19.306911984631824, "y": 10.176022052232879, "z": 18.03348113355947, "r": [-5.71545623131442e-05, -1.6446469532027663e-05, -0.00020772708214167324]}, "495": {"x": 17.27029010275827, "y": 7.659088832340814, "z": 18.952621784396932, "r": [-0.00024612708871529776, -7.395575032553836e-05, -0.0006338823254132819]}, "496": {"x": 21.312007600785638, "y": 7.81208181287239, "z": 17.588012176911636, "r": [-8.415557987362376e-05, -2.47879155068631e-06, -0.00026899628862331326]}, "497": {"x": 19.45212827387252, "y": -9.889274164035443, "z": 16.482158048146317, "r": [-0.00022798031589843504, 0.00012123376592043655, -0.0004768701437605216]}, "498": {"x": 19.509897348363644, "y": -14.688607864450654, "z": 15.047595819991043, "r": [-4.708499831451718e-05, 3.404699190312499e-05, -0.00011650717163824709]}, "499": {"x": 17.391497438056724, "y": -12.157157473750075, "z": 16.79276507665356, "r": [-0.00023843102461995613, 0.00014945381881936726, -0.0004899815031400578]}, "500": {"x": 21.452184548044524, "y": -12.474847413343344, "z": 14.901986531179592, "r": [-7.818458016828345e-05, 4.776409903861634e-05, -0.0001873514975372359]}, "501": {"x": 30.75372533938287, "y": -23.897226111178654, "z": 8.818402375089534, "r": [-1.0568432848856446e-06, 7.267139743305506e-07, -3.7582355698617675e-06]}, "502": {"x": 26.67219450076024, "y": -22.841631230863058, "z": 10.263114439671963, "r": [-9.498559272458351e-07, 7.744625349914713e-07, -3.295286264304309e-06]}, "503": {"x": 29.32088120853273, "y": -25.817801692150216, "z": 8.748690402364733, "r": [-3.646676987045794e-07, 2.8942435648104947e-07, -1.386136407433014e-06]}, "504": {"x": 28.238655791948986, "y": -20.842469008906917, "z": 10.303078656709175, "r": [-2.4751145062396063e-06, 1.7847424693684388e-06, -8.107070126328608e-06]}, "505": {"x": -29.727914413607, "y": 19.930107836354352, "z": 8.818402375089507, "r": [1.0568433097546404e-06, -7.267139956468327e-07, -3.7582356053889043e-06]}, "506": {"x": -25.646383574984338, "y": 18.87451295603867, "z": 10.263114439671948, "r": [9.498559307985488e-07, -7.744625243333303e-07, -3.2952862376589565e-06]}, "507": {"x": -28.29507028275684, "y": 21.850683417325868, "z": 8.748690402364726, "r": [3.64667691599152e-07, -2.894243351647674e-07, -1.3861363701295204e-06]}, "508": {"x": -27.212844866173036, "y": 16.87535073408256, "z": 10.303078656709166, "r": [2.475114499134179e-06, -1.7847424835792935e-06, -8.107070119223181e-06]}, "509": {"x": -21.40076151087867, "y": 28.257260739082735, "z": 8.81840237508943, "r": [7.26713992094119e-07, -1.0568433204127814e-06, -3.758235604500726e-06]}, "510": {"x": -20.345166630562982, "y": 24.17572990046009, "z": 10.263114439671885, "r": [7.74462527886044e-07, -9.498559307985488e-07, -3.29528624121167e-06]}, "511": {"x": -18.346004408606877, "y": 25.74219119164883, "z": 10.303078656709067, "r": [1.7847424622630115e-06, -2.4751145062396063e-06, -8.10707010323597e-06]}, "512": {"x": -23.32133709185009, "y": 26.824416608232518, "z": 8.748690402364701, "r": [2.894243529283358e-07, -3.6466770581000674e-07, -1.3861363648004499e-06]}, "513": {"x": -32.45713484683386, "y": -33.44338228283285, "z": 17.29771243540295, "r": [-4.377623952223075e-08, -6.459958257210019e-08, -1.8121606970566972e-07]}, "514": {"x": -30.94691768253285, "y": -34.95359944713386, "z": 17.29771243540294, "r": [-6.459956125581812e-08, -4.377625373308547e-08, -1.812161052328065e-07]}, "515": {"x": -29.32172399592561, "y": -30.19124582167897, "z": 16.8664484187831, "r": [-3.510083956825838e-08, -5.2347033374644525e-08, -3.0102841463985897e-07]}, "516": {"x": -27.694781221379003, "y": -31.818188596225646, "z": 16.866448418783104, "r": [-5.234706890178131e-08, -3.510086798996781e-08, -3.010283613491538e-07]}, "517": {"x": -9.994557901658599, "y": -30.360742171272182, "z": 15.62875206091298, "r": [-8.525649549007142e-06, 1.5507105864287496e-05, -6.414290461975725e-05]}, "518": {"x": -7.086707932974678, "y": -28.363157699915533, "z": 15.85287330232395, "r": [-1.3276013056895408e-05, 3.514548208016777e-05, -0.00011733503580657612]}, "519": {"x": -12.433722652616936, "y": -28.76970133615702, "z": 16.178553955809733, "r": [-5.908650773989166e-06, 1.3156951908399606e-05, -6.420237615856195e-05]}, "520": {"x": -9.579299208513032, "y": -26.65901766262036, "z": 16.501004108968967, "r": [-8.97637739960544e-06, 3.584657937238944e-05, -0.00013306940315693794]}, "521": {"x": -6.643404597690128, "y": -13.280451011235447, "z": 22.227403816869725, "r": [-0.0019697172346786473, 0.04072302556065299, 0.0348072553167178]}, "522": {"x": -10.783986410935457, "y": -9.139869197990121, "z": 22.227403816869728, "r": [0.04072302556061658, -0.0019697172346990754, 0.03480725531675688]}, "523": {"x": -9.128736174536332, "y": -14.368666275922672, "z": 20.813775279693026, "r": [0.0007825236617478026, 0.0009411812774633432, -0.0020742562237359152]}, "524": {"x": -11.87220167562269, "y": -11.625200774836339, "z": 20.813775279693026, "r": [0.0009411812774366979, 0.0007825236617318154, -0.0020742562237110462]}, "525": {"x": -25.866693099615535, "y": -9.583172533274697, "z": 15.85287330232399, "r": [3.514548210148405e-05, -1.3276013051566338e-05, -0.00011733503584210325]}, "526": {"x": -27.86427757097218, "y": -12.491022501958604, "z": 15.628752060913031, "r": [1.550710587849835e-05, -8.525649557000747e-06, -6.414290465173167e-05]}, "527": {"x": -26.273236735857044, "y": -14.930187252916973, "z": 16.178553955809775, "r": [1.3156951901294178e-05, -5.9086507775418795e-06, -6.420237615856195e-05]}, "528": {"x": -24.162553062320285, "y": -12.07576380881301, "z": 16.501004108969003, "r": [3.5846579393705724e-05, -8.976377387170942e-06, -0.000133069403162267]}, "529": {"x": 33.482945772609696, "y": 29.47626400800865, "z": 17.297712435402993, "r": [4.377623952223075e-08, 6.45995470449634e-08, -1.812160910219518e-07]}, "530": {"x": 31.972728608308714, "y": 30.98648117230962, "z": 17.297712435402985, "r": [6.459958257210019e-08, 4.377623952223075e-08, -1.8121608391652444e-07]}, "531": {"x": 28.720592147154733, "y": 27.85107032140127, "z": 16.86644841878313, "r": [5.234707600720867e-08, 3.510087509539517e-08, -3.0102836845458114e-07]}, "532": {"x": 30.347534921701445, "y": 26.22412754685467, "z": 16.866448418783143, "r": [3.510086088454045e-08, 5.2347061796353955e-08, -3.0102840042900425e-07]}, "533": {"x": 11.020368827434433, "y": 26.393623896447835, "z": 15.628752060912905, "r": [8.525649554336212e-06, -1.550710587849835e-05, -6.414290464462624e-05]}, "534": {"x": 8.112518858750507, "y": 24.396039425091164, "z": 15.852873302323875, "r": [1.3276013055119051e-05, -3.514548210148405e-05, -0.00011733503582433968]}, "535": {"x": 13.45953357839277, "y": 24.802583061332722, "z": 16.17855395580967, "r": [5.908650781094593e-06, -1.3156951901294178e-05, -6.420237616211466e-05]}, "536": {"x": 10.605110134288866, "y": 22.69189938779602, "z": 16.501004108968903, "r": [8.976377403158153e-06, -3.5846579393705724e-05, -0.00013306940319779414]}, "537": {"x": 7.669215523465891, "y": 9.313332736411208, "z": 22.227403816869703, "r": [0.001969717234691082, -0.040723025560651216, 0.03480725531673201]}, "538": {"x": 11.809797336711252, "y": 5.172750923165868, "z": 22.227403816869717, "r": [-0.040723025560602366, 0.001969717234702628, 0.03480725531677109]}, "539": {"x": 10.154547100312133, "y": 10.401548001098433, "z": 20.813775279692997, "r": [-0.0007825236617353681, -0.0009411812774438033, -0.00207425622372881]}, "540": {"x": 12.898012601398497, "y": 7.658082500012075, "z": 20.813775279693026, "r": [-0.000941181277447356, -0.0007825236617424736, -0.002074256223725257]}, "541": {"x": 26.89250402539143, "y": 5.616054258450415, "z": 15.852873302324015, "r": [-3.514548208016777e-05, 1.3276013060448122e-05, -0.00011733503583144511]}, "542": {"x": 28.89008849674807, "y": 8.523904227134327, "z": 15.628752060913067, "r": [-1.5507105871392923e-05, 8.52564956144164e-06, -6.414290464107353e-05]}, "543": {"x": 27.299047661632883, "y": 10.963068978092636, "z": 16.17855395580979, "r": [-1.3156951908399606e-05, 5.908650770436452e-06, -6.420237617987823e-05]}, "544": {"x": 25.188363988096174, "y": 8.108645533988724, "z": 16.501004108969017, "r": [-3.5846579375942156e-05, 8.976377397829083e-06, -0.0001330694031587143]}, "545": {"x": 8.103753902565398, "y": -13.128960756480106, "z": 21.36004007369182, "r": [-0.008231308487104627, 0.04076962951177876, 0.04540162315300833]}, "546": {"x": 11.65830708195588, "y": -9.574407577089632, "z": 21.360040073691792, "r": [-0.040769629511771655, 0.008231308487106404, 0.04540162315301011]}, "547": {"x": 10.439208930885268, "y": -14.439855376567518, "z": 19.268064490152884, "r": [-0.0006297142388493882, 0.0010256645482122906, -0.002014725573936005]}, "548": {"x": 12.969201702043305, "y": -11.9098626054095, "z": 19.268064490152863, "r": [-0.0010256645482087379, 0.0006297142388511645, -0.002014725573932452]}, "549": {"x": 9.04969518063108, "y": -28.4562820741438, "z": 13.207318814583232, "r": [-1.737735254359052e-05, 3.250071956273359e-05, -8.464831260823757e-05]}, "550": {"x": 11.93606130773775, "y": -30.47921972877978, "z": 11.825815228901465, "r": [-7.70314374065606e-06, 1.3478262786748019e-05, -3.762424770847872e-05]}, "551": {"x": 11.425217875815282, "y": -26.79657593652129, "z": 13.275484429998938, "r": [-1.881843924600446e-05, 3.187765914347551e-05, -8.391957683606677e-05]}, "552": {"x": 14.265873096945967, "y": -28.937876112249505, "z": 11.814492122969034, "r": [-7.162926642934053e-06, 1.1393851551133594e-05, -3.2750985234031305e-05]}, "553": {"x": 32.367308326227516, "y": -35.26226089725823, "z": 5.682384909651845, "r": [3.991473818132363e-10, 1.9107062598777702e-09, -2.2306224423118692e-08]}, "554": {"x": 33.79160722273398, "y": -33.83796200075168, "z": 5.682384909651862, "r": [-1.9106494164589094e-09, -3.992255415141699e-10, -2.230617113241351e-08]}, "555": {"x": 29.16554011615995, "y": -32.17734820853116, "z": 7.198710631072514, "r": [-1.3271360899125284e-08, 1.5419303167618637e-08, -7.482256769719697e-08]}, "556": {"x": 30.706694534006974, "y": -30.636193790684125, "z": 7.198710631072512, "r": [-1.5419345800182782e-08, 1.3271396426262072e-08, -7.482258368440853e-08]}, "557": {"x": 26.98562839961979, "y": -10.520348855155275, "z": 13.207318814583246, "r": [-3.250071954852274e-05, 1.7377352547143232e-05, -8.464831260823757e-05]}, "558": {"x": 29.008566054255674, "y": -13.40671498226191, "z": 11.825815228901527, "r": [-1.3478262776089878e-05, 7.703143724668848e-06, -3.762424769071515e-05]}, "559": {"x": 25.325922261997132, "y": -12.89587155033945, "z": 13.275484429998992, "r": [-3.18776591150538e-05, 1.8818439230017248e-05, -8.391957681297413e-05]}, "560": {"x": 27.46722243772534, "y": -15.736526771470132, "z": 11.81449212296909, "r": [-1.139385150850103e-05, 7.1629266393813396e-06, -3.275098521982045e-05]}, "561": {"x": -10.632496156180054, "y": 5.607289302265314, "z": 21.360040073691803, "r": [0.04076962951177787, -0.008231308487105071, 0.045401623153015436]}, "562": {"x": -7.077942976789579, "y": 9.161842481655766, "z": 21.360040073691803, "r": [0.008231308487111733, -0.040769629511785865, 0.04540162315299412]}, "563": {"x": -11.943390776267426, "y": 7.942744330585143, "z": 19.268064490152856, "r": [0.0010256645481980797, -0.0006297142388405064, -0.0020147255739182413]}, "564": {"x": -9.41339800510942, "y": 10.47273710174316, "z": 19.268064490152838, "r": [0.0006297142388707044, -0.001025664548238936, -0.0020147255739750847]}, "565": {"x": -8.023884254855213, "y": 24.489163799319456, "z": 13.207318814583138, "r": [1.7377352538261448e-05, -3.2500719555628166e-05, -8.464831260823757e-05]}, "566": {"x": -10.910250381961873, "y": 26.512101453955342, "z": 11.825815228901414, "r": [7.703143726445205e-06, -1.347826276898445e-05, -3.762424771558415e-05]}, "567": {"x": -10.39940695003938, "y": 22.82945766169684, "z": 13.275484429998894, "r": [1.8818439237122675e-05, -3.1877659125711943e-05, -8.391957681652684e-05]}, "568": {"x": -13.240062171170088, "y": 24.970757837425058, "z": 11.814492122969003, "r": [7.162926635828626e-06, -1.1393851522711884e-05, -3.275098523047859e-05]}, "569": {"x": -31.34149740045161, "y": 31.295142622433843, "z": 5.682384909651862, "r": [-3.991473818132363e-10, -1.9107062598777702e-09, -2.230623152854605e-08]}, "570": {"x": -32.76579629695803, "y": 29.870843725927287, "z": 5.682384909651901, "r": [1.9106991544504126e-09, 3.991900143773819e-10, -2.230617290877035e-08]}, "571": {"x": -29.680883608231056, "y": 26.66907551585976, "z": 7.198710631072538, "r": [1.5419310273045994e-08, -1.3271368004552642e-08, -7.482255881541278e-08]}, "572": {"x": -28.139729190384028, "y": 28.210229933706795, "z": 7.198710631072515, "r": [1.3271396426262072e-08, -1.5419317378473352e-08, -7.482259434254956e-08]}, "573": {"x": -25.959817473843827, "y": 6.553230580330959, "z": 13.207318814583235, "r": [3.2500719555628166e-05, -1.7377352545366875e-05, -8.464831260468486e-05]}, "574": {"x": -27.982755128479695, "y": 9.439596707437602, "z": 11.825815228901511, "r": [1.3478262772537164e-05, -7.703143734438811e-06, -3.762424770314965e-05]}, "575": {"x": -24.300111336221196, "y": 8.928753275515115, "z": 13.275484429998963, "r": [3.18776591150538e-05, -1.881843923356996e-05, -8.391957679876327e-05]}, "576": {"x": -26.441411511949347, "y": 11.76940849664579, "z": 11.814492122969089, "r": [1.1393851529817312e-05, -7.162926635828626e-06, -3.275098523758402e-05]}, "577": {"x": -39.302584219579444, "y": -40.53458528257517, "z": 18.693030909400722, "r": [-2.517097641430155e-10, -1.6703253891137138e-08, 7.00959930099998e-08]}, "578": {"x": -38.03812068227515, "y": -41.79904881987944, "z": 18.69303090940071, "r": [-1.6703204153145634e-08, -2.516884478609427e-10, 7.009596103557669e-08]}, "579": {"x": 40.3283951453553, "y": 36.56746700775103, "z": 18.693030909400747, "r": [2.517523967071611e-10, 1.6703253891137138e-08, 7.009600722085452e-08]}, "580": {"x": 39.06393160805102, "y": 37.83193054505527, "z": 18.693030909400736, "r": [1.6703204153145634e-08, 2.516955532883003e-10, 7.009596458829037e-08]}, "581": {"x": -4.722609275338699, "y": -33.36310703290175, "z": 14.083064236086102, "r": [-5.0810096363651525e-06, 8.275715870809108e-06, -2.7059243003613176e-05]}, "582": {"x": -1.7584042839066119, "y": -31.611851294823282, "z": 14.12131579202294, "r": [-9.40602818300107e-06, 1.8463242589916717e-05, -5.358590490445181e-05]}, "583": {"x": 3.885239865262395, "y": -31.637597796739115, "z": 13.089019797147355, "r": [-9.093884040467515e-06, 1.8108314833398254e-05, -4.847847471722844e-05]}, "584": {"x": 6.826873423775264, "y": -33.40772598031191, "z": 11.869519950345095, "r": [-3.930371975435776e-06, 7.393858680870835e-06, -2.027270845417206e-05]}, "593": {"x": 30.141197620299277, "y": 0.2877506093824032, "z": 14.121315792023028, "r": [-1.8463242575705863e-05, 9.406028179448356e-06, -5.35859048760301e-05]}, "594": {"x": 30.166944122215096, "y": -5.355893539786596, "z": 13.089019797147424, "r": [-1.81083148191874e-05, 9.093884042243872e-06, -4.8478474734992005e-05]}, "595": {"x": 31.89245335837784, "y": 3.2519556008145187, "z": 14.083064236086209, "r": [-8.275715863703681e-06, 5.08100964635716e-06, -2.7059243027593993e-05]}, "596": {"x": 31.93707230578793, "y": -8.297527098299438, "z": 11.86951995034516, "r": [-7.393858737714254e-06, 3.93037200696611e-06, -2.0272708613156e-05]}, "597": {"x": 39.28476810945822, "y": -41.933142041658584, "z": 2.554925439156996, "r": [7.08070047039655e-09, -6.119208251220698e-09, 2.523722875125145e-08]}, "598": {"x": 40.462488367134355, "y": -40.75542178398245, "z": 2.5549254391569907, "r": [6.119165618656552e-09, -7.080622310695617e-09, 2.5237191891847033e-08]}, "599": {"x": -38.258957183682455, "y": 37.966023766834304, "z": 2.5549254391569742, "r": [-7.080629416122974e-09, 6.119108775237692e-09, 2.5237185230508885e-08]}, "600": {"x": -39.43667744135855, "y": 36.78830350915814, "z": 2.5549254391569893, "r": [-6.119122986092407e-09, 7.080579678131471e-09, 2.5237183010062836e-08]}, "601": {"x": -29.11538669452333, "y": -4.254868884206676, "z": 14.121315792022994, "r": [1.8463242575705863e-05, -9.406028179448356e-06, -5.358590487958281e-05]}, "602": {"x": -29.141133196439178, "y": 1.3887752649623055, "z": 13.0890197971474, "r": [1.810831481208197e-05, -9.093884041355693e-06, -4.847847470301758e-05]}, "603": {"x": -30.86664243260186, "y": -7.2190738756387764, "z": 14.083064236086173, "r": [8.27571585304554e-06, -5.081009645024892e-06, -2.705924301160678e-05]}, "604": {"x": -30.911261380011908, "y": 4.330408823475158, "z": 11.869519950345156, "r": [7.393858680870835e-06, -3.9303719918670765e-06, -2.027270853410812e-05]}, "605": {"x": 5.748420201114548, "y": 29.395988758077433, "z": 14.083064236086045, "r": [5.081009639917866e-06, -8.275715845940113e-06, -2.7059242991178678e-05]}, "606": {"x": 2.7842152096824524, "y": 27.6447330199989, "z": 14.121315792022871, "r": [9.406028180336534e-06, -1.8463242575705863e-05, -5.358590487958281e-05]}, "607": {"x": -2.85942893948655, "y": 27.670479521914732, "z": 13.089019797147277, "r": [9.093884036026623e-06, -1.8108314797871117e-05, -4.8478474685254014e-05]}, "608": {"x": -5.801062497999414, "y": 29.440607705487523, "z": 11.869519950345001, "r": [3.930372002081128e-06, -7.393858737714254e-06, -2.0272708569635256e-05]}, "609": {"x": -35.03181612219266, "y": -29.910031232374624, "z": 17.106274438443055, "r": [-1.448410387183685e-07, -4.28144068820302e-06, -6.401541821077217e-06]}, "610": {"x": -32.20813724028269, "y": -18.730053509920204, "z": 15.68717466296792, "r": [3.7722638026593813e-06, -7.067195300081153e-06, -2.6887242988493654e-05]}, "611": {"x": -32.17618858584229, "y": -26.477902796406354, "z": 16.634911139779632, "r": [-1.0566701291736535e-08, -1.6458330165391999e-06, -6.624034490698705e-06]}, "612": {"x": -30.894227751747895, "y": -21.05971769860001, "z": 16.09789421264652, "r": [1.3814837700465432e-06, -2.794313978426999e-06, -1.5691764517100637e-05]}, "613": {"x": -27.413566632074616, "y": -37.528280722492624, "z": 17.106274438443034, "r": [-4.281440730835584e-06, -1.4484104582379587e-07, -6.401541849498926e-06]}, "614": {"x": -16.23358890962021, "y": -34.704601840582676, "z": 15.687174662967854, "r": [-7.067195289423012e-06, 3.7722638204229497e-06, -2.6887243004480865e-05]}, "615": {"x": -23.98143819610636, "y": -34.67265318614226, "z": 16.634911139779597, "r": [-1.645832981012063e-06, -1.0566672870027105e-08, -6.6240344942514184e-06]}, "616": {"x": -18.563253098300027, "y": -33.39069235204792, "z": 16.097894212646466, "r": [-2.7943139926378535e-06, 1.3814837487302611e-06, -1.569176450999521e-05]}, "617": {"x": 28.439377557850428, "y": 33.56116244766838, "z": 17.106274438443048, "r": [4.281440741493725e-06, 1.4484108135093265e-07, -6.401541828182644e-06]}, "618": {"x": 17.259399835396056, "y": 30.737483565758403, "z": 15.687174662967845, "r": [7.067195298304796e-06, -3.7722638133175224e-06, -2.688724300803358e-05]}, "619": {"x": 25.00724912188217, "y": 30.705534911317955, "z": 16.634911139779618, "r": [1.6458329952229178e-06, 1.056668708088182e-08, -6.624034512014987e-06]}, "620": {"x": 19.589064024075817, "y": 29.423574077223552, "z": 16.097894212646448, "r": [2.794313974874285e-06, -1.381483784257398e-06, -1.5691764502889782e-05]}, "621": {"x": 36.05762704796863, "y": 25.94291295755046, "z": 17.106274438443112, "r": [1.4484104582379587e-07, 4.281440695308447e-06, -6.401541821077217e-06]}, "622": {"x": 33.233948166058674, "y": 14.762935235096004, "z": 15.687174662967971, "r": [-3.7722638346338044e-06, 7.0671952911993685e-06, -2.6887243015139006e-05]}, "623": {"x": 33.20199951161815, "y": 22.51078452158212, "z": 16.634911139779664, "r": [1.0566651553745032e-08, 1.645832981012063e-06, -6.624034497804132e-06]}, "624": {"x": 31.920038677523742, "y": 17.092599423775717, "z": 16.097894212646544, "r": [-1.3814837913628253e-06, 2.794313978426999e-06, -1.5691764513547923e-05]}, "625": {"x": -1.5923053000982175, "y": -24.59558608176367, "z": 16.60975319689428, "r": [-3.145471200216576e-05, 0.00011423836284052413, -0.00028191803713184527]}, "626": {"x": 3.6119797497300787, "y": -24.621102618920457, "z": 15.855421084041181, "r": [-4.918677629017765e-05, 0.00012121511055340761, -0.00028046178673690747]}, "627": {"x": -1.5306863621629092, "y": -17.501211098359768, "z": 19.92723895431033, "r": [-1.4413465926121916e-05, 0.00027449570806936663, -0.0005541711786527515]}, "628": {"x": 3.427100913231788, "y": -17.478506665189673, "z": 19.448761801290267, "r": [-0.0001587157881779433, 0.00048651498112661784, -0.0008657936277352007]}, "629": {"x": -4.166811463020899, "y": -22.772809221975656, "z": 17.536128070930083, "r": [-1.8994767091662368e-05, 0.00014582726715062222, -0.00036125522823660106]}, "630": {"x": -4.099765625202906, "y": -19.084731686927658, "z": 19.135631417739628, "r": [7.352574811658741e-06, 0.00028833939136241327, -0.0006073032797608846]}, "631": {"x": 5.900268248473827, "y": -19.097424815683038, "z": 18.030465634787774, "r": [-0.00020522477546336404, 0.0004719947406286451, -0.0008769848796852386]}, "632": {"x": 6.063956167156413, "y": -22.821285005331955, "z": 16.16577852411247, "r": [-7.825503901637276e-05, 0.00017048556966159367, -0.00037339054596330357]}, "633": {"x": 18.128198878184953, "y": -34.82450323682613, "z": 9.041997719655425, "r": [-1.921194947129834e-06, 3.68285180840644e-06, -1.1706318453263975e-05]}, "634": {"x": 29.01489266186834, "y": -37.67899884186164, "z": 5.871094538423654, "r": [2.3055017805972966e-07, 2.418453703967316e-07, -8.392982682181582e-07]}, "635": {"x": 20.356534876480033, "y": -33.5644198186608, "z": 8.917627664436, "r": [-1.1069912382311031e-06, 1.7342591718261247e-06, -5.834579118513261e-06]}, "636": {"x": 25.63848719017672, "y": -34.879132160952715, "z": 7.345134561671341, "r": [-2.6221164262096863e-07, 4.7341004005829745e-07, -1.7980496984648653e-06]}, "637": {"x": -15.004746498059738, "y": -4.02715096246294, "z": 19.927238954310322, "r": [0.0002744957080658139, -1.4413465927454183e-05, -0.0005541711786420933]}, "638": {"x": -14.982042064889615, "y": 0.9306363129317232, "z": 19.448761801290257, "r": [0.0004865149811408287, -0.00015871578818060783, -0.0008657936277600697]}, "639": {"x": -22.09912148146367, "y": -4.088769900398265, "z": 16.60975319689428, "r": [0.00011423836287605127, -3.145471200305394e-05, -0.00028191803715671426]}, "640": {"x": -22.12463801862048, "y": 1.1155151494299875, "z": 15.85542108404116, "r": [0.00012121511054274947, -4.918677628551471e-05, -0.0002804617867191439]}, "641": {"x": -16.58826708662763, "y": -6.596230225502931, "z": 19.135631417739617, "r": [0.0002883393913766241, 7.352574814767365e-06, -0.0006073032797822009]}, "642": {"x": -20.276344621675623, "y": -6.663276063320928, "z": 17.536128070930108, "r": [0.000145827267159504, -1.8994767091662368e-05, -0.00036125522822949563]}, "643": {"x": -16.600960215382962, "y": 3.4038036481737275, "z": 18.030465634787753, "r": [0.0004719947406091052, -0.0002052247754591452, -0.0008769848796550406]}, "644": {"x": -20.324820405031893, "y": 3.5674915668562983, "z": 16.16577852411247, "r": [0.00017048556965093553, -7.825503901681685e-05, -0.00037339054594731635]}, "645": {"x": 2.55649728793871, "y": 13.534092823535453, "z": 19.92723895431027, "r": [1.4413465927010094e-05, -0.00027449570807647206, -0.0005541711786563042]}, "646": {"x": -2.401289987455967, "y": 13.511388390365326, "z": 19.448761801290207, "r": [0.00015871578818105192, -0.0004865149811443814, -0.0008657936277529643]}, "647": {"x": 2.6181162258740525, "y": 20.628467806939348, "z": 16.609753196894196, "r": [3.145471200260985e-05, -0.00011423836286184041, -0.0002819180371389507]}, "648": {"x": -2.5861688239542286, "y": 20.653984344096123, "z": 15.855421084041087, "r": [4.9186776285292666e-05, -0.0001212151105249859, -0.0002804617867120385]}, "649": {"x": 5.192622388796721, "y": 18.80569094715134, "z": 17.536128070930012, "r": [1.899476708988601e-05, -0.00014582726715417493, -0.0003612552282135084]}, "650": {"x": 5.125576550978717, "y": 15.117613412103369, "z": 19.135631417739543, "r": [-7.3525748129910085e-06, -0.0002883393913855059, -0.0006073032797893063]}, "651": {"x": -4.874457322697975, "y": 15.130306540858669, "z": 18.03046563478769, "r": [0.00020522477546425222, -0.0004719947406286451, -0.0008769848796941204]}, "652": {"x": -5.038145241380543, "y": 18.85416673050758, "z": 16.16577852411239, "r": [7.825503901726094e-05, -0.0001704855696438301, -0.00037339054595619814]}, "653": {"x": 16.030557423835585, "y": 0.06003268763865199, "z": 19.927238954310326, "r": [-0.0002744957080551558, 1.4413465924789648e-05, -0.0005541711786420933]}, "654": {"x": 16.007852990665473, "y": -4.897754587756038, "z": 19.448761801290264, "r": [-0.0004865149811408287, 0.0001587157881823842, -0.0008657936277529643]}, "655": {"x": 23.124932407239566, "y": 0.12165162557396145, "z": 16.6097531968943, "r": [-0.00011423836286184041, 3.1454712001471874e-05, -0.0002819180371425034]}, "656": {"x": 23.150448944396402, "y": -5.082633424254311, "z": 15.855421084041188, "r": [-0.00012121511051432776, 4.918677628129586e-05, -0.00028046178670848576]}, "657": {"x": 17.614078012403514, "y": 2.629111950678643, "z": 19.13563141773962, "r": [-0.00028833939138372955, -7.352574808550116e-06, -0.0006073032797786482]}, "658": {"x": 21.302155547451513, "y": 2.6961577884966257, "z": 17.53612807093012, "r": [-0.00014582726716483307, 1.899476708988601e-05, -0.00036125522825258827]}, "659": {"x": 17.626771141158862, "y": -7.370921922998062, "z": 18.030465634787756, "r": [-0.0004719947406286451, 0.00020522477546425222, -0.0008769848796692514]}, "660": {"x": 21.350631330807836, "y": -7.534609841680636, "z": 16.165778524112476, "r": [-0.00017048556966159367, 7.825503901592867e-05, -0.0003733905459650799]}, "661": {"x": 33.353849562301946, "y": -19.598852552709097, "z": 9.041997719655495, "r": [-3.6828517799847305e-06, 1.9211949435771203e-06, -1.1706318434612228e-05]}, "662": {"x": 36.208345167337356, "y": -30.485546336392435, "z": 5.871094538423687, "r": [-2.418453846075863e-07, -2.305502029287254e-07, -8.392982229210588e-07]}, "663": {"x": 33.40847848642844, "y": -27.109140864700823, "z": 7.3451345616713875, "r": [-4.7341000453116067e-07, 2.6221164262096863e-07, -1.7980496949121516e-06]}, "664": {"x": 32.09376614413655, "y": -21.82718855100415, "z": 8.917627664436065, "r": [-1.7342592073532614e-06, 1.1069912702055262e-06, -5.834579154040398e-06]}, "665": {"x": -35.1825342415615, "y": 26.518428061568223, "z": 5.87109453842368, "r": [2.4184536329130424e-07, 2.3055019582329805e-07, -8.392982309146646e-07]}, "666": {"x": -32.328038636526, "y": 15.631734277884803, "z": 9.041997719655466, "r": [3.6828518226172946e-06, -1.9211949435771203e-06, -1.1706318432835872e-05]}, "667": {"x": -32.3826675606526, "y": 23.14202258987658, "z": 7.345134561671372, "r": [4.734100187420154e-07, -2.6221164262096863e-07, -1.7980497108993632e-06]}, "668": {"x": -31.06795521836064, "y": 17.860070276179844, "z": 8.91762766443605, "r": [1.734259200247834e-06, -1.1069912631000989e-06, -5.834579127395045e-06]}, "669": {"x": -27.989081736092533, "y": 33.7118805670373, "z": 5.871094538423607, "r": [-2.3055014963802023e-07, -2.418454343455778e-07, -8.392982842053698e-07]}, "670": {"x": -17.102387952409106, "y": 30.85738496200173, "z": 9.04199771965536, "r": [1.9211949311426224e-06, -3.6828517693265894e-06, -1.170631841684866e-05]}, "671": {"x": -19.33072395070413, "y": 29.597301543836394, "z": 8.91762766443595, "r": [1.1069912595473852e-06, -1.7342591931424067e-06, -5.834579058117129e-06]}, "672": {"x": -24.61267626440087, "y": 30.91201388612834, "z": 7.345134561671307, "r": [2.622116355155413e-07, -4.7341000453116067e-07, -1.798049689583081e-06]}, "673": {"x": -23.59287636016644, "y": -24.236223067636406, "z": 16.704404608144362, "r": [3.047685481760709e-08, -1.293775042654488e-08, -1.1066416654159639e-06]}, "674": {"x": -22.83642297568032, "y": -19.429526807297467, "z": 16.850990709893328, "r": [2.896285046460889e-06, -8.481974944629656e-08, -2.2840091368436788e-05]}, "675": {"x": -21.739758467336355, "y": -26.089340960466426, "z": 16.704404608144348, "r": [-1.2937743321117523e-08, 3.0476872581175485e-08, -1.1066416689686775e-06]}, "676": {"x": -16.933062206997395, "y": -25.332887575980255, "z": 16.85099070989331, "r": [-8.481973523544184e-08, 2.8962850535663165e-06, -2.2840091375542215e-05]}, "677": {"x": -14.235546596522106, "y": -22.98272935038792, "z": 17.331217192013106, "r": [2.543454803216605e-06, 1.2664137095441674e-05, -6.535375638705432e-05]}, "678": {"x": -13.935885558436507, "y": -18.650945988015437, "z": 18.27078899291326, "r": [5.474495859303374e-06, 7.909041222831092e-06, -3.592752185710424e-05]}, "679": {"x": -16.154481387715425, "y": -16.432350158736504, "z": 18.270788992913264, "r": [7.90904122993652e-06, 5.474495861079731e-06, -3.5927521871315093e-05]}, "680": {"x": -20.486264750087926, "y": -16.732011196822146, "z": 17.33121719201313, "r": [1.2664137074125392e-05, 2.543454781900323e-06, -6.535375637461982e-05]}, "681": {"x": 22.76556939311201, "y": 22.12222268564193, "z": 16.704404608144355, "r": [1.2937746873831202e-08, -3.047685837032077e-08, -1.106641676074105e-06]}, "682": {"x": 17.958873132773093, "y": 21.365769301155837, "z": 16.8509907098933, "r": [8.481975655172391e-08, -2.896285050013603e-06, -2.284009136133136e-05]}, "683": {"x": 24.618687285942077, "y": 20.269104792811884, "z": 16.704404608144365, "r": [-3.0476872581175485e-08, 1.2937739768403844e-08, -1.1066416831795323e-06]}, "684": {"x": 23.862233901456, "y": 15.462408532473006, "z": 16.850990709893342, "r": [-2.896285035802748e-06, 8.481975655172391e-08, -2.2840091336462365e-05]}, "685": {"x": 15.261357522297844, "y": 19.01561107556352, "z": 17.331217192013085, "r": [-2.5434547978875344e-06, -1.2664137084783533e-05, -6.535375641192331e-05]}, "686": {"x": 14.961696484212274, "y": 14.68382771319109, "z": 18.27078899291326, "r": [-5.474495855750661e-06, -7.909041233489233e-06, -3.592752186065695e-05]}, "687": {"x": 17.180292313491176, "y": 12.465231883912162, "z": 18.270788992913282, "r": [-7.909041233489233e-06, -5.474495853974304e-06, -3.5927521853551525e-05]}, "688": {"x": 21.51207567586365, "y": 12.764892921997728, "z": 17.33121719201314, "r": [-1.2664137074125392e-05, -2.5434547978875344e-06, -6.535375637284346e-05]}, "689": {"x": 15.36781973531454, "y": -18.941537485347613, "z": 15.136713971772254, "r": [-5.682862489919671e-06, 6.377632484344531e-06, -1.706221293318322e-05]}, "690": {"x": 15.826295838599016, "y": -23.243382249707754, "z": 13.393603529293047, "r": [-8.58777841372671e-06, 1.1085946830746707e-05, -3.143750188883132e-05]}, "691": {"x": 18.53670594921453, "y": -25.629967000963237, "z": 11.806033093795627, "r": [-2.4340784641196933e-06, 3.0273620126308742e-06, -9.566283736717196e-06]}, "692": {"x": 23.247206673126033, "y": -26.481860989436882, "z": 10.242723437535359, "r": [-9.743683904162026e-08, 1.0443231701628974e-07, -3.86546370023666e-07]}, "693": {"x": 17.47088381082339, "y": -16.83847340983873, "z": 15.136713971772263, "r": [-6.377632484344531e-06, 5.682862482814244e-06, -1.7062212918972364e-05]}, "694": {"x": 21.772728575183518, "y": -17.296949513123177, "z": 13.39360352929307, "r": [-1.1085946837852134e-05, 8.587778410173996e-06, -3.143750190126582e-05]}, "695": {"x": 25.011207314912657, "y": -24.717860347650205, "z": 10.242723437535387, "r": [-1.0443228859458031e-07, 9.743682838347922e-08, -3.865463487073839e-07]}, "696": {"x": 24.159313326438998, "y": -20.007359623738672, "z": 11.806033093795666, "r": [-3.027361991314592e-06, 2.4340784641196933e-06, -9.566283727835412e-06]}, "697": {"x": -16.445072885047477, "y": 12.871355135014346, "z": 15.136713971772242, "r": [6.3776324772391035e-06, -5.682862489919671e-06, -1.706221292607779e-05]}, "698": {"x": -20.746917649407617, "y": 13.329831238298823, "z": 13.393603529293053, "r": [1.1085946837852134e-05, -8.587778410173996e-06, -3.143750189593675e-05]}, "699": {"x": -14.342008809538623, "y": 14.974419210523179, "z": 15.136713971772227, "r": [5.682862493472385e-06, -6.377632486120888e-06, -1.7062212934959575e-05]}, "700": {"x": -14.800484912823073, "y": 19.276263974883296, "z": 13.393603529293035, "r": [8.587778397739498e-06, -1.1085946812983138e-05, -3.143750186040961e-05]}, "701": {"x": -23.985396389136746, "y": 20.75074207282583, "z": 10.242723437535368, "r": [1.0443230280543503e-07, -9.743684614704762e-08, -3.86546370023666e-07]}, "702": {"x": -23.133502400663083, "y": 16.04024134891432, "z": 11.806033093795646, "r": [3.027361994867306e-06, -2.4340784605669796e-06, -9.566283713624557e-06]}, "703": {"x": -17.510895023438604, "y": 21.662848726138805, "z": 11.806033093795605, "r": [2.434078467672407e-06, -3.027362001972733e-06, -9.566283726059055e-06]}, "704": {"x": -22.221395747350122, "y": 22.514742714612463, "z": 10.242723437535354, "r": [9.743683548890658e-08, -1.0443230280543503e-07, -3.8654634160195656e-07]}, "705": {"x": -33.81295521814838, "y": -31.765002174075256, "z": 17.234702756657708, "r": [-2.027184251573999e-07, -6.963460918996134e-07, -1.697230718633591e-06]}, "706": {"x": -35.784113981377885, "y": -36.89083464470921, "z": 17.925788729218244, "r": [-3.645161683607512e-08, -6.002775165825369e-08, -6.6167437751119e-08]}, "707": {"x": -34.394370044409214, "y": -38.2805785816779, "z": 17.92578872921824, "r": [-6.002775165825369e-08, -3.6451623941502476e-08, -6.616745196197371e-08]}, "708": {"x": -29.268537573775294, "y": -36.30941981844844, "z": 17.234702756657708, "r": [-6.963461061104681e-07, -2.027184606845367e-07, -1.697230686659168e-06]}, "709": {"x": 34.83876614392436, "y": 27.797883899251115, "z": 17.234702756657775, "r": [2.0271845357910934e-07, 6.963460705833313e-07, -1.6972306831064543e-06]}, "710": {"x": 36.80992490715379, "y": 32.923716369885085, "z": 17.92578872921829, "r": [3.64516026252204e-08, 6.002775165825369e-08, -6.616744130383267e-08]}, "711": {"x": 35.42018097018509, "y": 34.31346030685371, "z": 17.925788729218272, "r": [6.002773744739898e-08, 3.645158841436569e-08, -6.616746617282843e-08]}, "712": {"x": 30.294348499551113, "y": 32.342301543624174, "z": 17.23470275665774, "r": [6.96346084794186e-07, 2.0271843936825462e-07, -1.6972306831064543e-06]}, "713": {"x": -13.03656748090589, "y": -32.46707120574319, "z": 15.559325852739715, "r": [-4.782846733775159e-06, 5.4766946604445366e-06, -2.997980621444185e-05]}, "714": {"x": -7.424085188333462, "y": -31.88540819548559, "z": 14.929291476283524, "r": [-7.489732761101209e-06, 1.2597182937668094e-05, -4.571624243965289e-05]}, "715": {"x": -4.479923459718242, "y": -30.005239984289716, "z": 15.056589860155185, "r": [-1.3174075633060056e-05, 2.8549790194176694e-05, -8.779554557669655e-05]}, "716": {"x": -4.2920231332276, "y": -26.450585379804416, "z": 16.192736816422297, "r": [-2.0315382984748e-05, 6.848429597283712e-05, -0.0001928957943100329]}, "717": {"x": 6.281071678031124, "y": -26.51012042473015, "z": 14.55852705090815, "r": [-3.3231076484341315e-05, 6.906866595457473e-05, -0.00016874059130067565]}, "718": {"x": 6.539593976224838, "y": -30.06176147548558, "z": 13.142121526416371, "r": [-1.3689775188119313e-05, 2.7195950142555603e-05, -7.115302409665958e-05]}, "719": {"x": 9.459433687437361, "y": -31.962975628537958, "z": 11.842765669686239, "r": [-6.238645193334946e-06, 1.1539980185659715e-05, -3.169556701010379e-05]}, "720": {"x": 14.956892830427819, "y": -32.596313504682286, "z": 10.432628039785726, "r": [-2.984158559371508e-06, 4.964348811142827e-06, -1.4912584724413591e-05]}, "721": {"x": -4.05292670326706, "y": -15.58809261289735, "z": 21.009503465093527, "r": [6.76360412805721e-05, 0.0004516660314610732, -0.0008770714480981212]}, "722": {"x": -5.112094537112117, "y": -10.421059137412119, "z": 25.0, "is_anchor": true, "r": [8.881784197001252e-16, -2.1651175841891614, -1.7951106084681534]}, "723": {"x": 6.137905462887881, "y": -10.421059137412119, "z": 25.0, "is_anchor": true, "r": [-1.7763568394002505e-15, -1.9629092830504131, -2.0142351889773273]}, "724": {"x": 5.797972476863135, "y": -15.510366898488684, "z": 20.230515863124655, "r": [-0.0005966597093491899, 0.0015500560791128493, -0.002334971036827227]}, "725": {"x": -7.924594537112117, "y": -7.608559137412119, "z": 25.0, "is_anchor": true, "r": [-2.1651175841891304, -1.7763568394002505e-15, -1.795110608468189]}, "726": {"x": -13.091628012597345, "y": -6.549391303567065, "z": 21.009503465093527, "r": [0.00045166603143442785, 6.763604127435485e-05, -0.0008770714480590414]}, "727": {"x": -13.013902298188624, "y": 3.3015078765630506, "z": 20.23051586312463, "r": [0.0015500560790933093, -0.0005966597093420845, -0.0023349710368094634]}, "728": {"x": -7.924594537112116, "y": 3.6414408625878814, "z": 25.0, "is_anchor": true, "r": [-1.962909283050382, -1.7763568394002505e-15, -2.014235188977345]}, "729": {"x": 5.078737629042841, "y": 11.620974338073074, "z": 21.00950346509347, "r": [-6.763604127879574e-05, -0.00045166603145574413, -0.0008770714480803576]}, "730": {"x": 6.137905462887883, "y": 6.453940862587881, "z": 25.0, "is_anchor": true, "r": [1.7763568394002505e-15, 2.1651175841891437, -1.7951106084681676]}, "731": {"x": -5.112094537112116, "y": 6.453940862587881, "z": 25.0, "is_anchor": true, "r": [-8.881784197001252e-16, 1.9629092830503962, -2.0142351889773416]}, "732": {"x": -4.7721615510873105, "y": 11.543248623664347, "z": 20.230515863124598, "r": [0.0005966597093411963, -0.0015500560791004148, -0.0023349710368094634]}, "733": {"x": 8.95040546288788, "y": 3.6414408625878814, "z": 25.0, "is_anchor": true, "r": [2.1651175841891455, 1.7763568394002505e-15, -1.795110608468164]}, "734": {"x": 14.117438938373164, "y": 2.5822730287427973, "z": 21.00950346509352, "r": [-0.0004516660314539678, -6.763604128234846e-05, -0.0008770714480856867]}, "735": {"x": 14.039713223964489, "y": -7.268626151387377, "z": 20.23051586312463, "r": [-0.0015500560790879803, 0.0005966597093376436, -0.0023349710368059107]}, "736": {"x": 8.950405462887879, "y": -7.608559137412119, "z": 25.0, "is_anchor": true, "r": [1.9629092830504105, 1.7763568394002505e-15, -2.014235188977331]}, "737": {"x": 24.979931705280286, "y": 2.821369458703333, "z": 16.19273681642235, "r": [-6.84842959692844e-05, 2.0315382987412534e-05, -0.0001928957943384546]}, "738": {"x": 28.53458630976569, "y": 3.0092697851940096, "z": 15.056589860155263, "r": [-2.85497901693077e-05, 1.3174075630395521e-05, -8.779554554827484e-05]}, "739": {"x": 28.591107800961563, "y": -8.010247650749033, "z": 13.142121526416403, "r": [-2.719595011058118e-05, 1.3689775179237529e-05, -7.11530240504743e-05]}, "740": {"x": 25.03946675020617, "y": -7.751725352555349, "z": 14.558527050908141, "r": [-6.906866594036387e-05, 3.3231076489670386e-05, -0.00016874059129357022]}, "741": {"x": 30.41475452096158, "y": 5.953431513809241, "z": 14.92929147628361, "r": [-1.259718292345724e-05, 7.489732759324852e-06, -4.5716242457416456e-05]}, "742": {"x": 30.996417531219116, "y": 11.56591380638162, "z": 15.559325852739818, "r": [-5.476694632022827e-06, 4.782846730222445e-06, -2.9979806221547278e-05]}, "743": {"x": 31.125659830158128, "y": -16.427546504951973, "z": 10.432628039785795, "r": [-4.964348860880818e-06, 2.984158573582363e-06, -1.4912584695991882e-05]}, "744": {"x": 30.492321954013956, "y": -10.930087361961528, "z": 11.842765669686283, "r": [-1.1539980157238006e-05, 6.238645188005876e-06, -3.169556698523479e-05]}, "745": {"x": 30.778021949601555, "y": -36.53634348812283, "z": 5.746395024962871, "r": [1.1759993867599405e-08, 4.475362658240556e-08, -2.2900984397722368e-07]}, "746": {"x": 35.740191652062904, "y": -38.51422583125425, "z": 4.142319784404512, "r": [7.494001863506128e-09, -5.296215022099204e-09, 1.161550144956891e-08]}, "747": {"x": 37.04357215673005, "y": -37.210845326587105, "z": 4.142319784404505, "r": [5.296207916671847e-09, -7.494001863506128e-09, 1.1615481909643677e-08]}, "748": {"x": 35.06568981359854, "y": -32.24867562412565, "z": 5.746395024962902, "r": [-4.475365500411499e-08, -1.175997965674469e-08, -2.2900982799001213e-07]}, "749": {"x": -29.752211023825684, "y": 32.569225213298466, "z": 5.746395024962856, "r": [-1.1759958340462617e-08, -4.4753669214969705e-08, -2.2900979601558902e-07]}, "750": {"x": -34.71438072628703, "y": 34.54710755642988, "z": 4.142319784404526, "r": [-7.49399475807877e-09, 5.296186600389774e-09, 1.161550144956891e-08]}, "751": {"x": -36.01776123095414, "y": 33.24372705176275, "z": 4.142319784404537, "r": [-5.296215022099204e-09, 7.49396633636934e-09, 1.1615492567784713e-08]}, "752": {"x": -34.03987888782268, "y": 28.28155734930135, "z": 5.746395024962909, "r": [4.475367632039706e-08, 1.175995123503526e-08, -2.2900984397722368e-07]}, "753": {"x": -23.95412077950442, "y": -6.788487733527631, "z": 16.192736816422325, "r": [6.84842959692844e-05, -2.0315382985636177e-05, -0.00019289579430292747]}, "754": {"x": -27.508775383989775, "y": -6.976388060018288, "z": 15.056589860155231, "r": [2.8549790176413126e-05, -1.3174075632171878e-05, -8.779554556603841e-05]}, "755": {"x": -27.565296875185606, "y": 4.0431293759247255, "z": 13.142121526416384, "r": [2.7195950156766457e-05, -1.3689775192560205e-05, -7.115302411264679e-05]}, "756": {"x": -24.013655824430177, "y": 3.7846070777310126, "z": 14.558527050908133, "r": [6.906866596168015e-05, -3.3231076485229494e-05, -0.00016874059130778107]}, "757": {"x": -29.388943595185633, "y": -9.920549788633506, "z": 14.929291476283566, "r": [1.2597182944773522e-05, -7.489732752219425e-06, -4.571624247162731e-05]}, "758": {"x": -29.97060660544319, "y": -15.533032081205882, "z": 15.559325852739786, "r": [5.4766946249174e-06, -4.782846726669732e-06, -2.9979806196678283e-05]}, "759": {"x": -30.099848904382167, "y": 12.460428230127665, "z": 10.432628039785781, "r": [4.964348846669964e-06, -2.984158548713367e-06, -1.491258471375545e-05]}, "760": {"x": -29.466511028238003, "y": 6.962969087137246, "z": 11.842765669686258, "r": [1.1539980185659715e-05, -6.238645186229519e-06, -3.1695566999445646e-05]}, "761": {"x": 14.062378406681724, "y": 28.49995293091888, "z": 15.55932585273967, "r": [4.782846716011591e-06, -5.476694646233682e-06, -2.997980618602014e-05]}, "762": {"x": 8.449896114109292, "y": 27.91828992066123, "z": 14.929291476283453, "r": [7.489732752219425e-06, -1.2597182951878949e-05, -4.571624246096917e-05]}, "763": {"x": 5.50573438549408, "y": 26.038121709465365, "z": 15.056589860155121, "r": [1.3174075633948235e-05, -2.8549790194176694e-05, -8.779554556603841e-05]}, "764": {"x": 5.317834059003442, "y": 22.483467104980086, "z": 16.19273681642222, "r": [2.0315382988300712e-05, -6.84842959692844e-05, -0.00019289579433667825]}, "765": {"x": -5.255260752255266, "y": 22.543002149905824, "z": 14.558527050908033, "r": [3.3231076489670386e-05, -6.906866596878558e-05, -0.0001687405913113338]}, "766": {"x": -5.513783050448984, "y": 26.094643200661213, "z": 13.14212152641628, "r": [1.3689775183678421e-05, -2.7195950117686607e-05, -7.115302409310686e-05]}, "767": {"x": -8.433622761661507, "y": 27.995857353713614, "z": 11.842765669686145, "r": [6.2386451915585894e-06, -1.1539980164343433e-05, -3.169556699589293e-05]}, "768": {"x": -13.931081904651961, "y": 28.62919522985787, "z": 10.43262803978567, "r": [2.984158573582363e-06, -4.964348860880818e-06, -1.4912584724413591e-05]}, "769": {"x": -30.810912370584226, "y": -28.41444931014334, "z": 16.7913712963523, "r": [-1.612917515103618e-07, -6.303307742427933e-07, -2.7218075366874928e-06]}, "770": {"x": -26.37090554093466, "y": -27.12658195723203, "z": 16.66516322925029, "r": [-1.7955130715563428e-08, -3.929208958197705e-08, -5.241459817284522e-07]}, "771": {"x": -28.512370073039442, "y": -17.917548698046755, "z": 16.035249370401875, "r": [4.635948460673944e-06, -4.1934374248597805e-06, -3.2092673530215166e-05]}, "772": {"x": -24.600879646664957, "y": -17.240930211157277, "z": 16.58420359030168, "r": [8.134854624586296e-06, -2.3745713448874994e-06, -4.8784779506760856e-05]}, "773": {"x": -25.917984709843363, "y": -33.30737697088425, "z": 16.79137129635229, "r": [-6.30330799111789e-07, -1.6129177993207122e-07, -2.7218075260293517e-06]}, "774": {"x": -24.630117356932068, "y": -28.867370141234705, "z": 16.665163229250282, "r": [-3.929206826569498e-08, -1.795509874114032e-08, -5.241460065974479e-07]}, "775": {"x": -15.421084097746718, "y": -31.00883467333938, "z": 16.0352493704018, "r": [-4.193437423083424e-06, 4.635948439357662e-06, -3.2092673524886095e-05]}, "776": {"x": -14.744465610857224, "y": -27.09734424696491, "z": 16.58420359030164, "r": [-2.374571359098354e-06, 8.134854621033583e-06, -4.8784779517419e-05]}, "777": {"x": 26.943795635619065, "y": 29.340258696059855, "z": 16.791371296352303, "r": [6.303307920063617e-07, 1.6129179059021226e-07, -2.7218074940549286e-06]}, "778": {"x": 25.655928282707755, "y": 24.900251866410226, "z": 16.66516322925029, "r": [3.929208958197705e-08, 1.795512005742239e-08, -5.241460314664437e-07]}, "779": {"x": 16.446895023522522, "y": 27.041716398515057, "z": 16.03524937040176, "r": [4.19343741953071e-06, -4.635948471332085e-06, -3.2092673514227954e-05]}, "780": {"x": 15.770276536633004, "y": 23.130225972140554, "z": 16.584203590301602, "r": [2.374571362651068e-06, -8.134854613928155e-06, -4.8784779535182565e-05]}, "781": {"x": 31.836723296360102, "y": 24.447331035319085, "z": 16.791371296352338, "r": [1.6129175861578915e-07, 6.303307849009343e-07, -2.7218075402402064e-06]}, "782": {"x": 27.396716466710394, "y": 23.159463682407633, "z": 16.665163229250304, "r": [1.7955112951995034e-08, 3.92920647129813e-08, -5.241459817284522e-07]}, "783": {"x": 29.538180998815225, "y": 13.950430423222386, "z": 16.035249370401875, "r": [-4.635948496201081e-06, 4.1934374248597805e-06, -3.209267352310974e-05]}, "784": {"x": 25.626690572440616, "y": 13.27381193633283, "z": 16.584203590301676, "r": [-8.134854638797151e-06, 2.3745713413347858e-06, -4.878477952807714e-05]}, "785": {"x": -6.832840913980142, "y": -24.663988987556813, "z": 16.967449174478155, "r": [-1.2745912879807975e-05, 8.12115747947928e-05, -0.00024084459930406865]}, "786": {"x": -11.960250171014728, "y": -24.870197293108752, "z": 16.995505109640877, "r": [-1.8626137396893228e-06, 2.775792694365009e-05, -0.00011833295736352056]}, "787": {"x": -6.624127633477361, "y": -16.978047558996433, "z": 20.019059050408963, "r": [0.00016983501712086735, 0.0006401618754559024, -0.0012260204941085817]}, "788": {"x": -11.53796393365922, "y": -16.431566836961252, "z": 19.332657964643644, "r": [5.598544876050937e-05, 8.008272480886092e-05, -0.0002506157270119047]}, "789": {"x": 8.218824959450735, "y": -16.99507043669748, "z": 18.587517162615526, "r": [-0.0005032018183026565, 0.000952103548691241, -0.0015873215835391363]}, "790": {"x": 12.91395750312553, "y": -16.64075783457984, "z": 17.016620673387244, "r": [-4.143562340175322e-05, 4.838686784580659e-05, -0.00010822421313250175]}, "791": {"x": 8.69788983371615, "y": -24.75884846370364, "z": 14.733118889356579, "r": [-4.334988476983881e-05, 8.106418479769673e-05, -0.0001944015918482478]}, "792": {"x": 13.678548500390487, "y": -25.062638197537197, "z": 13.340229073000664, "r": [-1.5962506996203274e-05, 2.38619816812502e-05, -6.453077132562157e-05]}, "793": {"x": 17.237915072107313, "y": -31.190329962164114, "z": 10.360788487817768, "r": [-2.7920176002282915e-06, 4.332565264775212e-06, -1.351896074552883e-05]}, "794": {"x": 16.461438500453543, "y": -27.32473104655221, "z": 11.808277203134299, "r": [-5.20174559426323e-06, 7.379413794694756e-06, -2.2102323711692407e-05]}, "795": {"x": 27.479686910605835, "y": -33.58668702388182, "z": 7.248550362929829, "r": [-1.0440865594318893e-07, 1.6262486468576753e-07, -6.906192560052204e-07]}, "796": {"x": 26.129084068692617, "y": -29.25388876220064, "z": 8.71284659099292, "r": [-3.559623706905768e-08, 3.853318020219376e-08, -1.5796787700139703e-07]}, "797": {"x": -14.481582958696436, "y": -9.120592233777373, "z": 20.01905905040895, "r": [0.0006401618754665606, 0.00016983501711997917, -0.0012260204941156871]}, "798": {"x": -13.93510223666127, "y": -14.034428533959257, "z": 19.332657964643644, "r": [8.008272481596634e-05, 5.5985448758733014e-05, -0.0002506157270403264]}, "799": {"x": -22.167524387256748, "y": -9.329305514280149, "z": 16.96744917447819, "r": [8.121157477347651e-05, -1.2745912885137045e-05, -0.00024084459930051594]}, "800": {"x": -22.373732692808723, "y": -14.45671477131472, "z": 16.995505109640906, "r": [2.7757926911675668e-05, -1.8626137503474638e-06, -0.000118332957320888]}, "801": {"x": -14.498605836397385, "y": 5.722360359150619, "z": 18.587517162615498, "r": [0.0009521035486841356, -0.0005032018183044329, -0.001587321583532031]}, "802": {"x": -14.144293234279733, "y": 10.417492902825368, "z": 17.01662067338722, "r": [4.838686782981938e-05, -4.1435623398200505e-05, -0.00010822421314315989]}, "803": {"x": -22.26238386340355, "y": 6.201425233416007, "z": 14.733118889356586, "r": [8.106418478348587e-05, -4.334988476983881e-05, -0.00019440159183403694]}, "804": {"x": -22.566173597237047, "y": 11.182083900090298, "z": 13.340229073000682, "r": [2.386198169190834e-05, -1.5962506999755988e-05, -6.453077131496343e-05]}, "805": {"x": 7.858651839755974, "y": 20.696870712732476, "z": 16.967449174478077, "r": [1.2745912876255261e-05, -8.12115747947928e-05, -0.00024084459931117408]}, "806": {"x": 12.986061096790516, "y": 20.9030790182844, "z": 16.995505109640817, "r": [1.8626137432420364e-06, -2.7757926954308232e-05, -0.0001183329573990477]}, "807": {"x": 7.64993855925316, "y": 13.010929284172164, "z": 20.019059050408906, "r": [-0.0001698350171182028, -0.0006401618754647842, -0.0012260204941121344]}, "808": {"x": 12.563774859435044, "y": 12.46444856213699, "z": 19.332657964643623, "r": [-5.598544876228573e-05, -8.008272481063727e-05, -0.000250615727033221]}, "809": {"x": -7.193014033674875, "y": 13.027952161873078, "z": 18.587517162615455, "r": [0.000503201818309762, -0.0009521035486965701, -0.0015873215835497945]}, "810": {"x": -11.888146577349648, "y": 12.67363955975545, "z": 17.0166206733872, "r": [4.143562339997686e-05, -4.838686783514845e-05, -0.00010822421314315989]}, "811": {"x": -7.6720789079402625, "y": 20.791730188879228, "z": 14.7331188893565, "r": [4.334988476983881e-05, -8.106418477993316e-05, -0.00019440159183758965]}, "812": {"x": -12.652737574614562, "y": 21.095519922712725, "z": 13.340229073000627, "r": [1.596250701041413e-05, -2.386198170256648e-05, -6.453077135404328e-05]}, "813": {"x": 15.507393884472252, "y": 5.153473958953092, "z": 20.01905905040896, "r": [-0.000640161875448797, -0.00016983501711642646, -0.0012260204940837127]}, "814": {"x": 14.960913162437059, "y": 10.067310259134942, "z": 19.33265796464366, "r": [-8.00827248053082e-05, -5.598544876228573e-05, -0.0002506157270047993]}, "815": {"x": 23.193335313032655, "y": 5.362187239455859, "z": 16.967449174478187, "r": [-8.12115747947928e-05, 1.2745912880696153e-05, -0.00024084459930406865]}, "816": {"x": 23.399543618584527, "y": 10.489596496490385, "z": 16.995505109640902, "r": [-2.7757926936544663e-05, 1.8626137396893228e-06, -0.00011833295737062599]}, "817": {"x": 15.524416762173288, "y": -9.689478633974975, "z": 18.58751716261549, "r": [-0.0009521035487054519, 0.000503201818309762, -0.0015873215835711108]}, "818": {"x": 15.170104160055637, "y": -14.384611177649752, "z": 17.016620673387237, "r": [-4.838686782449031e-05, 4.143562339464779e-05, -0.00010822421313605446]}, "819": {"x": 23.288194789179517, "y": -10.16854350824036, "z": 14.7331188893566, "r": [-8.10641847905913e-05, 4.334988476450974e-05, -0.00019440159181982608]}, "820": {"x": 23.591984523013007, "y": -15.149202174914638, "z": 13.340229073000685, "r": [-2.3861981695461054e-05, 1.59625070033087e-05, -6.453077133095064e-05]}, "821": {"x": 32.11603334935757, "y": -28.95034058512994, "z": 7.248550362929862, "r": [-1.6262490021290432e-07, 1.0440870568118044e-07, -6.906192595579341e-07]}, "822": {"x": 27.783235087676456, "y": -27.599737743216792, "z": 8.71284659099293, "r": [-3.853318020219376e-08, 3.559626549076711e-08, -1.5796784325061708e-07]}, "823": {"x": 29.71967628763988, "y": -18.708568746631457, "z": 10.360788487817846, "r": [-4.332565232800789e-06, 2.792017596675578e-06, -1.3518960741976116e-05]}, "824": {"x": 25.854077372027966, "y": -17.932092174977676, "z": 11.808277203134349, "r": [-7.379413805352897e-06, 5.2017456173558685e-06, -2.210232369925791e-05]}, "825": {"x": -31.090222423581764, "y": 24.983222310305695, "z": 7.248550362929844, "r": [1.6262485758034018e-07, -1.0440865594318893e-07, -6.906192355771168e-07]}, "826": {"x": -26.757424161900516, "y": 23.6326194683924, "z": 8.712846590992939, "r": [3.853320862390319e-08, -3.5596276148908146e-08, -1.5796785390875812e-07]}, "827": {"x": -28.693865361863914, "y": 14.741450471807129, "z": 10.360788487817839, "r": [4.3325652399062164e-06, -2.7920176020046483e-06, -1.351896074552883e-05]}, "828": {"x": -24.828266446252037, "y": 13.964973900153353, "z": 11.80827720313433, "r": [7.379413791142042e-06, -5.201745596039586e-06, -2.2102323685047054e-05]}, "829": {"x": -16.21210414633145, "y": 27.22321168733969, "z": 10.360788487817747, "r": [2.792017582464723e-06, -4.332565207931793e-06, -1.3518960704672622e-05]}, "830": {"x": -15.435627574677634, "y": 23.357612771727787, "z": 11.808277203134269, "r": [5.2017455995923e-06, -7.379413794694756e-06, -2.2102323693928838e-05]}, "831": {"x": -26.453875984829963, "y": 29.619568749057503, "z": 7.2485503629298105, "r": [1.0440867015404365e-07, -1.6262485047491282e-07, -6.906192586697557e-07]}, "832": {"x": -25.103273142916663, "y": 25.286770487376234, "z": 8.712846590992928, "r": [3.559626549076711e-08, -3.85331908603348e-08, -1.5796788765953806e-07]}, "833": {"x": -30.103751606366657, "y": -25.83469312007958, "z": 16.56092536719526, "r": [0.00017572623229966666, 0.00018726449523853717, -0.0003980937795660111]}, "834": {"x": -34.18056606071581, "y": -27.150513589366263, "z": 16.720539305156564, "r": [-6.794467216764133e-05, -0.00017217623101828394, -0.0002729666117460283]}, "835": {"x": -35.967288496353156, "y": -32.623330755574216, "z": 17.465642718253342, "r": [5.568258359289757e-05, -4.4454907794033716e-05, -0.0001722270833397488]}, "836": {"x": -31.59013998546975, "y": -30.944680841404296, "z": 17.009977037997427, "r": [0.00019170226590858874, 0.00017581582090997472, -0.0003050232565300348]}, "837": {"x": -38.112132837533075, "y": -37.94705988941166, "z": 18.270198104941002, "r": [4.077170359551019e-05, 2.9723958050453803e-06, -7.558720298561639e-05]}, "838": {"x": -40.577737220454395, "y": -43.074201820754396, "z": 19.11840353642076, "r": [1.2446740811355994e-06, 1.2446740811355994e-06, -1.2029536662794271e-05]}, "839": {"x": -35.45059528911166, "y": -40.60859743783305, "z": 18.27019810494098, "r": [2.9723958334670897e-06, 4.07717036239319e-05, -7.558720297140553e-05]}, "840": {"x": -33.390080441322446, "y": -35.88654504162245, "z": 17.582642798487253, "r": [0.00012189206873358671, 0.00012189206873358671, -0.00019721914262049722]}, "841": {"x": -30.12686615527427, "y": -38.463753096653214, "z": 17.465642718253335, "r": [-4.4454907794033716e-05, 5.568258359289757e-05, -0.0001722270833397488]}, "842": {"x": -24.654048989066272, "y": -36.677030661015785, "z": 16.72053930515654, "r": [-0.00017217623101828394, -6.794467211079791e-05, -0.00027296661177445003]}, "843": {"x": -23.338228519779584, "y": -32.600216206666644, "z": 16.56092536719522, "r": [0.00018726449525274802, 0.00017572623227124495, -0.0003980937795660111]}, "844": {"x": -28.44821624110428, "y": -34.08660458576975, "z": 17.009977037997423, "r": [0.00017581582090997472, 0.00019170226590858874, -0.00030502325651582396]}, "845": {"x": -22.212899169815913, "y": -28.305830933878635, "z": 16.600117320252696, "r": [0.0002098319998253828, 0.00022128621903050316, -0.000505548804682121]}, "846": {"x": -21.318451539386338, "y": -23.814916139686343, "z": 16.813671412685405, "r": [0.0002987586892544414, 0.0002987586892402305, -0.0006935172763888886]}, "847": {"x": -25.809366333578662, "y": -24.709363770115953, "z": 16.60011732025272, "r": [0.00022128621905892487, 0.00020983199983959366, -0.0005055488046963319]}, "848": {"x": -26.993285072783532, "y": -29.48974967308354, "z": 16.726073896882294, "r": [0.0002082627551232008, 0.00020826275510898995, -0.0003961517355577371]}, "849": {"x": -18.088235606032402, "y": -31.45083578780834, "z": 16.196128781757242, "r": [8.510394810912203e-05, 0.00010065760554311964, -0.000457481256702863]}, "850": {"x": -19.06109363933348, "y": -35.26370941775669, "z": 16.016836568130348, "r": [-0.0003480692905242222, -0.00024215896638679624, -0.00034698100076013816]}, "851": {"x": -13.373068266330218, "y": -34.228467411118125, "z": 15.306957422667615, "r": [-0.000533063977897541, -0.00032160322555796483, -0.00028973357345307704]}, "852": {"x": -12.717317944846574, "y": -30.641527897204927, "z": 15.835282533679676, "r": [-0.00016073389947734995, 1.9459634216900668e-05, -0.000399506299515906]}, "853": {"x": -7.615803175288339, "y": -33.562791639541196, "z": 14.52224978633852, "r": [-0.0005935231547056219, -0.00022943359959981535, -7.508712057813227e-05]}, "854": {"x": -1.8207635669812106, "y": -33.24589075904046, "z": 13.595321469832923, "r": [-0.00037585229837766576, -6.825030700952084e-05, 7.69851243731523e-05]}, "855": {"x": -1.7021751379391996, "y": -29.921039453347333, "z": 14.679872436996767, "r": [-0.00030166008673937483, -6.089639441597683e-07, -3.800472255477416e-05]}, "856": {"x": -7.244229928259042, "y": -30.148167277250664, "z": 15.365819126755307, "r": [-0.00036455856332295866, -1.8355349425291934e-05, -0.00020166426136825066]}, "857": {"x": -1.619252536904159, "y": -26.40218149423133, "z": 15.918709863853467, "r": [-0.00031858571770282396, 7.625274038502994e-05, -0.00018594700870266934]}, "858": {"x": -1.572097603447497, "y": -22.777106231152647, "z": 17.356500435002154, "r": [-0.00038686017231981396, 0.00017887724661136417, -0.0004057639096117782]}, "859": {"x": -6.741811646745528, "y": -22.764671223422297, "z": 17.610666701422872, "r": [-0.0006635822923612977, 0.0003793990967864147, -0.0006251250601678748]}, "860": {"x": -6.947240974527956, "y": -26.530708921495396, "z": 16.38093667084059, "r": [-0.0003957678082571192, 0.00014867935142603983, -0.00035789967853361304]}, "861": {"x": -11.77946749242402, "y": -22.845452792177866, "z": 17.47904550255721, "r": [-0.00010783584220064313, 0.0007689031766346943, -0.0009354101511291901]}, "862": {"x": -16.640609420046406, "y": -23.185281346667665, "z": 17.14512569153524, "r": [0.0003115961344377638, 0.0005577526168991653, -0.000929063638380967]}, "863": {"x": -17.269539105605173, "y": -27.420429973459065, "z": 16.57646418609574, "r": [0.00012304160821940968, 0.00025976667507165985, -0.0006086757556715838]}, "864": {"x": -12.176425638828121, "y": -26.840471905687156, "z": 16.553225789656306, "r": [-0.00014493012597682764, 0.00026247556138514483, -0.0005704992903190487]}, "865": {"x": -6.639973317099224, "y": -18.912826763769765, "z": 19.123349218909947, "r": [-0.002006566109283625, 0.0007725082565883667, -0.0012443541145756853]}, "866": {"x": -1.546471839653061, "y": -19.194762507418986, "z": 19.023060594636874, "r": [-0.0003936152390950909, 0.000247483871504528, -0.0006632650370335114]}, "867": {"x": -1.4901325042223292, "y": -15.943093425788735, "z": 20.845249259197757, "r": [-6.75411558272998e-05, 0.0001618883172511687, -0.0005247108285999502]}, "868": {"x": -6.637844150184098, "y": -15.060713584529204, "z": 21.063768422708964, "r": [-0.011821718463767894, 0.003374581545344313, -0.004705228489598312]}, "869": {"x": -2.299594537112117, "y": -10.421059137412119, "z": 25.0, "is_anchor": true, "r": [0.00044477269856901813, -2.194161678414165, -1.7622830943829442]}, "871": {"x": -7.9245945371121165, "y": -4.796059137412119, "z": 25.0, "is_anchor": true, "r": [-2.1941616784141367, 0.0004447726985699063, -1.7622830943829797]}, "872": {"x": -7.924594537112117, "y": -10.421059137412119, "z": 25.0, "is_anchor": true, "r": [0.4110306271348563, 0.41103062713482075, -3.8342588645156326]}, "873": {"x": -13.446628825488704, "y": -3.986597104522349, "z": 20.84524925919775, "r": [0.0001618883172795904, -6.754115582907616e-05, -0.0005247108286425828]}, "874": {"x": -16.698297907118974, "y": -4.042936439953099, "z": 19.02306059463686, "r": [0.000247483871504528, -0.00039361523909065, -0.0006632650370619331]}, "875": {"x": -16.416362163469756, "y": -9.136437917399233, "z": 19.12334921890993, "r": [0.0007725082565883667, -0.0020065661092800724, -0.0012443541145898962]}, "876": {"x": -12.56424898422922, "y": -9.134308750484097, "z": 21.06376842270895, "r": [0.0033745815453372074, -0.011821718463771447, -0.00470522848956989]}, "877": {"x": -16.145453799504697, "y": -14.057889723320237, "z": 18.64505207761367, "r": [0.002687344093686761, 0.0007444081946061942, -0.0016758692312350831]}, "878": {"x": -16.243156396696946, "y": -18.739620996996962, "z": 17.87052366361017, "r": [0.0010839657404204672, 0.0010839657404062564, -0.0015033012711000993]}, "879": {"x": -11.561425123020214, "y": -18.641918399804666, "z": 18.64505207761369, "r": [0.0007444081946061942, 0.00268734409367255, -0.0016758692312066614]}, "880": {"x": -11.585263215837397, "y": -14.081727816137397, "z": 20.09432221808781, "r": [0.022446705639616482, 0.022446705639616482, 0.007699665818137191]}, "881": {"x": -20.26820662312224, "y": -9.238276247045533, "z": 17.610666701422893, "r": [0.0003793990967864147, -0.0006635822923684032, -0.0006251250601394531]}, "882": {"x": -20.280641630852653, "y": -4.068562203747543, "z": 17.356500435002165, "r": [0.00017887724661136417, -0.0003868601723269194, -0.00040576390959756736]}, "883": {"x": -23.90571689393137, "y": -4.115717137204214, "z": 15.918709863853472, "r": [7.625274038502994e-05, -0.0003185857177001594, -0.00018594700868845848]}, "884": {"x": -24.034244321195334, "y": -9.443705574827948, "z": 16.38093667084063, "r": [0.00014867935141182897, -0.0003957678082571192, -0.00035789967850519133]}, "885": {"x": -27.42457485304736, "y": -4.198639738239256, "z": 14.679872436996813, "r": [-6.089639441597683e-07, -0.00030166008673049305, -3.800472252635245e-05]}, "886": {"x": -30.74942615874054, "y": -4.317228167281287, "z": 13.595321469832987, "r": [-6.825030703794255e-05, -0.00037585229838299483, 7.698512438025773e-05]}, "887": {"x": -31.066327039241255, "y": -10.112267775588398, "z": 14.522249786338579, "r": [-0.00022943359957139364, -0.0005935231547056219, -7.508712059234313e-05]}, "888": {"x": -27.651702676950684, "y": -9.740694528559075, "z": 15.365819126755355, "r": [-1.8355349425291934e-05, -0.00036455856331940595, -0.00020166426138246152]}, "889": {"x": -31.732002810818226, "y": -15.869532866630252, "z": 15.306957422667681, "r": [-0.00032160322555796483, -0.0005330639778691193, -0.0002897335734388662]}, "890": {"x": -32.76724481745669, "y": -21.55755823963345, "z": 16.016836568130408, "r": [-0.00024215896647206137, -0.00034806929053843305, -0.0003469810007459273]}, "891": {"x": -28.954371187508407, "y": -20.58470020633246, "z": 16.196128781757295, "r": [0.00010065760554311964, 8.510394810912203e-05, -0.000457481256702863]}, "892": {"x": -28.14506329690496, "y": -15.213782545146593, "z": 15.835282533679738, "r": [1.9459634216900668e-05, -0.0001607338994915608, -0.0003995062995443277]}, "893": {"x": -24.923965373159167, "y": -19.76600370590526, "z": 16.57646418609577, "r": [0.0002597666750858707, 0.00012304160820519883, -0.0006086757556715838]}, "894": {"x": -20.68881674636769, "y": -19.13707402034645, "z": 17.145125691535252, "r": [0.0005577526168991653, 0.00031159613445197465, -0.0009290636383525452]}, "895": {"x": -20.348988191877876, "y": -14.275932092724053, "z": 17.47904550255722, "r": [0.0007689031766062726, -0.00010783584220774856, -0.0009354101511007684]}, "896": {"x": -24.344007305387073, "y": -14.672890239128106, "z": 16.55322578965635, "r": [0.00026247556138514483, -0.00014493012598393307, -0.0005704992903048378]}, "897": {"x": 31.12956253214245, "y": 21.86757484525527, "z": 16.560925367195274, "r": [-0.00017572623227124495, -0.00018726449525274802, -0.00039809377955180025]}, "898": {"x": 35.20637698649177, "y": 23.18339531454207, "z": 16.72053930515662, "r": [6.794467219606304e-05, 0.0001721762310324948, -0.00027296661180287174]}, "899": {"x": 36.993099422129156, "y": 28.656212480750163, "z": 17.465642718253417, "r": [-5.568258362131928e-05, 4.4454907822455425e-05, -0.00017222708332553793]}, "900": {"x": 32.615950911245626, "y": 26.977562566580033, "z": 17.009977037997476, "r": [-0.00019170226593701045, -0.00017581582090997472, -0.0003050232565300348]}, "901": {"x": 39.13794376330891, "y": 33.97994161458747, "z": 18.270198104941024, "r": [-4.077170365235361e-05, -2.972395861888799e-06, -7.558720298561639e-05]}, "902": {"x": 41.60354814623021, "y": 39.107083545930195, "z": 19.118403536420775, "r": [-1.2446740242921805e-06, -1.2446740811355994e-06, -1.2029536634372562e-05]}, "903": {"x": 36.47640621488746, "y": 36.64147916300883, "z": 18.270198104941, "r": [-2.972395861888799e-06, -4.077170368077532e-05, -7.558720298561639e-05]}, "904": {"x": 34.41589136709836, "y": 31.9194267667983, "z": 17.582642798487303, "r": [-0.00012189206876200842, -0.00012189206876200842, -0.00019721914260628637]}, "905": {"x": 31.152677081050125, "y": 34.49663482182899, "z": 17.46564271825336, "r": [4.4454907822455425e-05, -5.568258359289757e-05, -0.00017222708331132708]}, "906": {"x": 25.679859914842126, "y": 32.70991238619153, "z": 16.72053930515656, "r": [0.00017217623104670565, 6.794467216764133e-05, -0.00027296661177445003]}, "907": {"x": 24.36403944555533, "y": 28.633097931842315, "z": 16.56092536719523, "r": [-0.00018726449523853717, -0.00017572623229966666, -0.00039809377958022196]}, "908": {"x": 29.474027166880056, "y": 30.119486310945433, "z": 17.009977037997455, "r": [-0.000175815820881553, -0.00019170226590858874, -0.0003050232565300348]}, "909": {"x": 23.238710095591582, "y": 24.33871265905419, "z": 16.600117320252703, "r": [-0.00020983199983959366, -0.00022128621904471402, -0.0005055488046679102]}, "910": {"x": 22.344262465161933, "y": 19.847797864861807, "z": 16.813671412685412, "r": [-0.0002987586892828631, -0.0002987586892544414, -0.0006935172763604669]}, "911": {"x": 26.83517725935431, "y": 20.74224549529148, "z": 16.600117320252718, "r": [-0.00022128621904471402, -0.00020983199985380452, -0.0005055488046536993]}, "912": {"x": 28.019095998559273, "y": 25.52263139825913, "z": 16.726073896882312, "r": [-0.00020826275516583337, -0.00020826275515162251, -0.0003961517355577371]}, "913": {"x": 19.114046531808203, "y": 27.48371751298401, "z": 16.19612878175722, "r": [-8.510394812333288e-05, -0.00010065760557154135, -0.00045748125671707385]}, "914": {"x": 20.086904565109293, "y": 31.296591142932392, "z": 16.016836568130348, "r": [0.0003480692905242222, 0.00024215896644363966, -0.000346981000774349]}, "915": {"x": 14.398879192106076, "y": 30.261349136293884, "z": 15.306957422667594, "r": [0.0005330639778833302, 0.00032160322558638654, -0.0002897335734104445]}, "916": {"x": 13.743128870622414, "y": 26.674409622380658, "z": 15.83528253367961, "r": [0.0001607338994631391, -1.9459634245322377e-05, -0.0003995062995443277]}, "917": {"x": 8.64161410106419, "y": 29.595673364716884, "z": 14.522249786338456, "r": [0.0005935231547056219, 0.00022943359957139364, -7.508712060655398e-05]}, "918": {"x": 2.8465744927570547, "y": 29.278772484216084, "z": 13.595321469832855, "r": [0.00037585229838299483, 6.825030706636426e-05, 7.698512438025773e-05]}, "919": {"x": 2.7279860637150337, "y": 25.95392117852292, "z": 14.679872436996703, "r": [0.0003016600867287167, 6.08963958370623e-07, -3.80047225121416e-05]}, "920": {"x": 8.270040854034862, "y": 26.18104900242627, "z": 15.365819126755238, "r": [0.0003645585633123005, 1.8355349396870224e-05, -0.00020166426138246152]}, "921": {"x": 2.645063462679996, "y": 22.435063219406985, "z": 15.918709863853385, "r": [0.00031858571769838306, -7.625274039924079e-05, -0.00018594700870266934]}, "922": {"x": 2.59790852922333, "y": 18.809987956328353, "z": 17.35650043500207, "r": [0.0003868601723144849, -0.00017887724659715332, -0.0004057639095549348]}, "923": {"x": 7.767622572521346, "y": 18.79755294859797, "z": 17.610666701422794, "r": [0.0006635822923612977, -0.0003793990967864147, -0.000625125060153664]}, "924": {"x": 7.973051900303781, "y": 22.563590646671045, "z": 16.380936670840516, "r": [0.0003957678082571192, -0.00014867935142603983, -0.0003578996785194022]}, "925": {"x": 12.805278418199784, "y": 18.878334517353487, "z": 17.479045502557163, "r": [0.00010783584220064313, -0.0007689031766204835, -0.0009354101510723467]}, "926": {"x": 17.666420345822107, "y": 19.218163071843236, "z": 17.14512569153524, "r": [-0.00031159613445197465, -0.0005577526168991653, -0.0009290636383525452]}, "927": {"x": 18.295350031380906, "y": 23.453311698634682, "z": 16.576464186095723, "r": [-0.00012304160820519883, -0.0002597666750858707, -0.0006086757556715838]}, "928": {"x": 13.20223656460393, "y": 22.873353630862805, "z": 16.553225789656246, "r": [0.0001449301259697222, -0.0002624755613993557, -0.0005704992903616812]}, "929": {"x": 7.665784242875031, "y": 14.945708488945485, "z": 19.123349218909865, "r": [0.0020065661092800724, -0.0007725082565812613, -0.0012443541145898962]}, "930": {"x": 2.572282765428874, "y": 15.227644232594676, "z": 19.023060594636807, "r": [0.0003936152390942027, -0.0002474838714761063, -0.0006632650370193005]}, "931": {"x": 2.5159434299981176, "y": 11.975975150964436, "z": 20.8452492591977, "r": [6.75411558272998e-05, -0.00016188831726537956, -0.0005247108286283719]}, "932": {"x": 7.663655075959875, "y": 11.093595309704943, "z": 21.06376842270891, "r": [0.011821718463778552, -0.0033745815453087857, -0.004705228489527258]}, "933": {"x": 3.3254054628878844, "y": 6.453940862587881, "z": 25.0, "is_anchor": true, "r": [-0.00044477269857257085, 2.194161678414149, -1.7622830943829797]}, "935": {"x": 8.95040546288788, "y": 0.8289408625878811, "z": 25.0, "is_anchor": true, "r": [2.1941616784141544, -0.0004447726985674638, -1.7622830943829655]}, "936": {"x": 8.95040546288788, "y": 6.453940862587881, "z": 25.0, "is_anchor": true, "r": [-0.41103062713488825, -0.4110306271348847, -3.834258864515661]}, "937": {"x": 14.47243975126453, "y": 0.01947882969807374, "z": 20.845249259197754, "r": [-0.00016188831723695785, 6.754115582778553e-05, -0.0005247108285999502]}, "938": {"x": 17.724108832894824, "y": 0.0758181651288038, "z": 19.023060594636878, "r": [-0.00024748387149031714, 0.000393615239095757, -0.0006632650370619331]}, "939": {"x": 17.4421730892456, "y": 5.169319642574948, "z": 19.123349218909937, "r": [-0.0007725082565883667, 0.002006566109283625, -0.001244354114604107]}, "940": {"x": 13.590059910005023, "y": 5.167190475659833, "z": 21.06376842270894, "r": [-0.003374581545344313, 0.011821718463757236, -0.004705228489612523]}, "941": {"x": 17.171264725280473, "y": 10.090771448495909, "z": 18.645052077613705, "r": [-0.0026873440936583393, -0.0007444081945990888, -0.0016758692312208723]}, "942": {"x": 17.268967322472676, "y": 14.772502722172565, "z": 17.870523663610186, "r": [-0.0010839657404204672, -0.0010839657404204672, -0.0015033012710858884]}, "943": {"x": 12.587236048796028, "y": 14.6748001249804, "z": 18.645052077613663, "r": [-0.0007444081945919834, -0.0026873440936583393, -0.0016758692312350831]}, "944": {"x": 12.611074141613202, "y": 10.114609541313131, "z": 20.094322218087804, "r": [-0.022446705639623588, -0.022446705639623588, 0.00769966581810877]}, "945": {"x": 21.294017548898157, "y": 5.271157972221248, "z": 17.610666701422893, "r": [-0.0003793990967864147, 0.0006635822923648504, -0.0006251250601820857]}, "946": {"x": 21.306452556628546, "y": 0.10144392892324017, "z": 17.35650043500216, "r": [-0.00017887724661136417, 0.0003868601723185372, -0.0004057639096117782]}, "947": {"x": 24.931527819707238, "y": 0.14859886237990677, "z": 15.918709863853506, "r": [-7.625274037081908e-05, 0.0003185857177020468, -0.00018594700870266934]}, "948": {"x": 25.060055246971242, "y": 5.476587300003672, "z": 16.380936670840637, "r": [-0.00014867935144025068, 0.0003957678082500138, -0.00035789967853361304]}, "949": {"x": 28.450385778823257, "y": 0.2315214634149701, "z": 14.67987243699685, "r": [6.089639299489136e-07, 0.00030166008672960487, -3.800472254056331e-05]}, "950": {"x": 31.77523708451649, "y": 0.3501098924570228, "z": 13.595321469833038, "r": [6.825030706636426e-05, 0.00037585229837611145, 7.698512440157401e-05]}, "951": {"x": 32.09213796501721, "y": 6.145149500764151, "z": 14.522249786338618, "r": [0.00022943359954297193, 0.0005935231547020692, -7.508712059234313e-05]}, "952": {"x": 28.67751360272661, "y": 5.773576253734799, "z": 15.36581912675538, "r": [1.835534941108108e-05, 0.00036455856331940595, -0.00020166426138246152]}, "953": {"x": 32.757813736594144, "y": 11.90241459180601, "z": 15.30695742266773, "r": [0.0003216032255295431, 0.0005330639778904356, -0.00028973357342465533]}, "954": {"x": 33.79305574323261, "y": 17.590439964809214, "z": 16.01683656813045, "r": [0.00024215896647206137, 0.00034806929053843305, -0.0003469810007459273]}, "955": {"x": 29.98018211328415, "y": 16.617581931508074, "z": 16.196128781757302, "r": [-0.00010065760557154135, -8.510394813754374e-05, -0.00045748125668865214]}, "956": {"x": 29.17087422268085, "y": 11.246664270322292, "z": 15.83528253367976, "r": [-1.9459634216900668e-05, 0.00016073389948445538, -0.00039950629950169514]}, "957": {"x": 25.94977629893482, "y": 15.7988854310808, "z": 16.57646418609577, "r": [-0.00025976667510008156, -0.00012304160821940968, -0.0006086757556857947]}, "958": {"x": 21.714627672143358, "y": 15.169955745521989, "z": 17.145125691535274, "r": [-0.0005577526169133762, -0.00031159613445197465, -0.000929063638380967]}, "959": {"x": 21.374799117653623, "y": 10.30881381789966, "z": 17.47904550255723, "r": [-0.0007689031766062726, 0.00010783584220774856, -0.0009354101510723467]}, "960": {"x": 25.369818231162945, "y": 10.705771964303787, "z": 16.55322578965635, "r": [-0.0002624755613993557, 0.0001449301259697222, -0.0005704992903616812]}, "961": {"x": 17.49489872674152, "y": -9.779632713478893, "z": 17.474363249840138, "r": [-0.000983378149840064, -0.0002601679370215493, -0.0012605757490007363]}, "962": {"x": 17.721181416390028, "y": -4.931037503971948, "z": 18.46795762335091, "r": [-0.0003847259792166824, 0.0002639770387666829, -0.0007179405145620876]}, "963": {"x": 14.422368353687581, "y": -4.870083960533327, "z": 20.454357792309715, "r": [-0.0012255909702219014, 0.00032839398498296646, -0.0010662151625808747]}, "964": {"x": 13.547168527593652, "y": -9.62436722804776, "z": 19.870094676010748, "r": [-0.005036995306689107, -0.004452661520609524, -0.005306373509839091]}, "965": {"x": 8.95040546288788, "y": -4.796059137412119, "z": 25.0, "is_anchor": true, "r": [2.1045764751284466, -0.002839853146152649, -1.8988523632479897]}, "967": {"x": 3.3254054628878817, "y": -10.421059137412119, "z": 25.0, "is_anchor": true, "r": [0.0028398531461508725, -2.1045764751284395, -1.8988523632479968]}, "968": {"x": 8.950405462887879, "y": -10.421059137412119, "z": 25.0, "is_anchor": true, "r": [-1.0598363031455484, 1.0598363031455413, -4.145923376759015]}, "969": {"x": 3.399430286009077, "y": -15.893022028211785, "z": 20.45435779230972, "r": [-0.00032839398498296646, 0.0012255909702219014, -0.0010662151625950855]}, "970": {"x": 3.4603838294476916, "y": -19.191835090914203, "z": 18.467957623350916, "r": [-0.00026397703876845924, 0.00038472597923089324, -0.0007179405145762985]}, "971": {"x": 8.308979038954666, "y": -18.96555240126573, "z": 17.474363249840174, "r": [0.0002601679370286547, 0.0009833781498116423, -0.0012605757489581038]}, "972": {"x": 8.15371355352352, "y": -15.017822202117852, "z": 19.87009467601078, "r": [0.0044526615205953135, 0.005036995306703318, -0.005306373509853302]}, "973": {"x": 13.039839625313896, "y": -18.845973222657737, "z": 15.984864595126563, "r": [-0.0007836713292590503, 0.0017144808919056231, -0.0009663015510597006]}, "974": {"x": 17.640404804456864, "y": -19.11105847898107, "z": 14.265478100357505, "r": [-0.0005750578100816028, 0.0005750578100958137, -0.0006655023254040771]}, "975": {"x": 17.375319548133533, "y": -14.510493299838089, "z": 15.984864595126549, "r": [-0.0017144808918914123, 0.0007836713292661557, -0.0009663015510597006]}, "976": {"x": 12.833547699564633, "y": -14.304201374088853, "z": 18.119355931384327, "r": [-0.015446702097477782, 0.015446702097470677, 0.006735725320410779]}, "977": {"x": 8.547666282979835, "y": -22.852967708370954, "z": 15.571989213771218, "r": [3.5423764970232696e-06, 0.00034302046087475446, -0.0005040598036458732]}, "978": {"x": 3.5536788107440858, "y": -22.796949157938585, "z": 16.66729371994252, "r": [-0.0001759628868498453, 0.00018034306150127577, -0.0003723127601631404]}, "979": {"x": 3.6755952814807538, "y": -26.43029586850763, "z": 15.098492709156892, "r": [-0.00012554479244641925, 7.305249255296076e-05, -0.0001605817477070559]}, "980": {"x": 8.864336171849283, "y": -26.626975084843707, "z": 13.945564831909614, "r": [-7.816805641880364e-06, 0.0001319214642165889, -0.00024962850182674856]}, "981": {"x": 3.813352661833008, "y": -29.949063359705523, "z": 13.721158925939177, "r": [-9.573961821729426e-05, 2.257504718272685e-05, -4.272003598515539e-05]}, "982": {"x": 3.956949041936606, "y": -33.26867256545006, "z": 12.48930879651685, "r": [-6.971911844644296e-05, 2.732276300321246e-06, 1.666197653804602e-05]}, "983": {"x": 9.678746280004072, "y": -33.62962277837067, "z": 11.208404427929084, "r": [5.8152500713504196e-05, 2.079356875128724e-06, -0.000127750457764364]}, "984": {"x": 9.246616550571634, "y": -30.235487615509815, "z": 12.506157652930126, "r": [1.0941864232449916e-05, 4.903672754608124e-05, -0.00014896647713413813]}, "985": {"x": 15.329630325763825, "y": -34.334652448038725, "z": 9.78649435271975, "r": [3.8551121562591106e-05, 4.281049172050189e-06, -0.0001897518203932691]}, "986": {"x": 20.888883218022468, "y": -35.39867539813994, "z": 8.264864126895649, "r": [5.6331303568413205e-06, 1.532610940557788e-05, -0.00015968190014348238]}, "987": {"x": 19.843082254198016, "y": -31.663031034312972, "z": 9.590046573817204, "r": [-5.517307593549958e-05, 7.781437432186067e-05, -0.00018060393578167577]}, "988": {"x": 14.596490724961242, "y": -30.79330070238591, "z": 11.103118862052025, "r": [-1.4050105079377317e-05, 7.384983763358832e-05, -0.00020516915690649284]}, "989": {"x": 18.9295610495278, "y": -27.693170573339952, "z": 11.034081843976814, "r": [-8.667229951697664e-05, 0.00014119470817774982, -0.0002508639818969982]}, "990": {"x": 18.182159911886696, "y": -23.507009844083186, "z": 12.59455237688518, "r": [-0.00019262957192722752, 0.0002830458010265602, -0.00039184066949360385]}, "991": {"x": 13.428240919189312, "y": -23.04494119458483, "z": 14.162244952033678, "r": [-0.00012729376400955061, 0.000465014249499518, -0.0005137339847465228]}, "992": {"x": 13.955011197963033, "y": -27.02349689893815, "z": 12.553549694324637, "r": [-4.0176521871160276e-05, 0.00017481640897187845, -0.0002937631074715341]}, "993": {"x": 24.967171689935615, "y": -32.861925910008935, "z": 8.028574900149923, "r": [-5.943106260986042e-05, 6.692468372193616e-05, -0.0001297523845522619]}, "994": {"x": 26.336345144514752, "y": -36.82781848019479, "z": 6.676972421031404, "r": [-7.777287834187518e-06, 2.3112256940294174e-05, -0.00010121851836686346]}, "995": {"x": 31.648721001339467, "y": -38.618494826638525, "z": 5.045549607611859, "r": [-9.972438988370413e-06, 2.0763734909223786e-05, -5.176811918872204e-05]}, "996": {"x": 29.943445741428143, "y": -34.38503970423591, "z": 6.457851706664154, "r": [-4.427946919349779e-05, 4.882341298184656e-05, -8.487712025129213e-05]}, "997": {"x": 36.795822562619115, "y": -40.75544912881532, "z": 3.3858843553335536, "r": [-5.37236010700326e-06, 8.366567669781944e-06, -1.931568949942175e-05]}, "998": {"x": 41.727301954047135, "y": -43.19795562857137, "z": 1.7143955694810342, "r": [-7.533424764005758e-07, 7.533425332439947e-07, -2.7459756282155467e-06]}, "999": {"x": 39.284795454291064, "y": -38.266476237143316, "z": 3.385884355333551, "r": [-8.366567612938525e-06, 5.37236010700326e-06, -1.9315689481658183e-05]}, "1000": {"x": 34.73584739936237, "y": -36.206501073886585, "z": 4.903002948120237, "r": [-2.6003152896691972e-05, 2.6003152896691972e-05, -4.941572132111105e-05]}, "1001": {"x": 37.1478411521142, "y": -33.11937467586358, "z": 5.045549607611887, "r": [-2.0763734937645495e-05, 9.972438988370413e-06, -5.176811919227475e-05]}, "1002": {"x": 35.35716480567056, "y": -27.806998819038878, "z": 6.676972421031414, "r": [-2.3112256968715883e-05, 7.777287862609228e-06, -0.00010121851842370688]}, "1003": {"x": 31.391272235484703, "y": -26.43782536445974, "z": 8.028574900149987, "r": [-6.692468372193616e-05, 5.9431062595649564e-05, -0.00012975238453805105]}, "1004": {"x": 32.914386029711714, "y": -31.414099415952286, "z": 6.457851706664151, "r": [-4.882341301026827e-05, 4.42794692219195e-05, -8.487712030103012e-05]}, "1005": {"x": 27.18827391463874, "y": -25.237041207398484, "z": 9.478985882021837, "r": [-9.649596472627309e-05, 8.553553404055947e-05, -0.00018388994480744714]}, "1006": {"x": 22.777419462974493, "y": -24.248073137498693, "z": 11.010722617108675, "r": [-0.00014514608346871682, 0.00014514608346871682, -0.00026754179155830116]}, "1007": {"x": 23.76638753287431, "y": -28.65892758916294, "z": 9.478985882021798, "r": [-8.553553404055947e-05, 9.649596472627309e-05, -0.00018388994481455256]}, "1008": {"x": 28.438821437940202, "y": -29.909475112464378, "z": 7.9430424429386175, "r": [-6.703182597789237e-05, 6.703182597789237e-05, -0.00012794142522665197]}, "1009": {"x": 30.19237735978874, "y": -21.31373592872216, "z": 9.590046573817267, "r": [-7.781437429343896e-05, 5.517307592128873e-05, -0.00018060393575325406]}, "1010": {"x": 33.92802172361573, "y": -22.35953689254659, "z": 8.264864126895702, "r": [-1.53261094624213e-05, -5.633130328419611e-06, -0.00015968190015769324]}, "1011": {"x": 32.86399877351458, "y": -16.800284000287967, "z": 9.786494352719826, "r": [-4.281049172050189e-06, -3.8551121562591106e-05, -0.00018975182037905824]}, "1012": {"x": 29.322647027861734, "y": -16.0671443994854, "z": 11.103118862052103, "r": [-7.38498375767449e-05, 1.4050105065166463e-05, -0.00020516915688517656]}, "1013": {"x": 32.15896910384661, "y": -11.149399954528235, "z": 11.208404427929164, "r": [-2.0793569035504333e-06, -5.815250069929334e-05, -0.00012775045780699656]}, "1014": {"x": 31.79801889092601, "y": -5.427602716460788, "z": 12.489308796516967, "r": [-2.732276300321246e-06, 6.971911843933754e-05, 1.6661976573573156e-05]}, "1015": {"x": 28.478409685181525, "y": -5.284006336357221, "z": 13.721158925939228, "r": [-2.2575047211148558e-05, 9.573961821729426e-05, -4.272003600647167e-05]}, "1016": {"x": 28.764833940985795, "y": -10.71727022509581, "z": 12.50615765293016, "r": [-4.903672757450295e-05, -1.0941864225344489e-05, -0.00014896647716966527]}, "1017": {"x": 24.959642193983626, "y": -5.146248956004978, "z": 15.098492709156892, "r": [-7.305249255296076e-05, 0.00012554479244997196, -0.00016058174769284506]}, "1018": {"x": 21.326295483414455, "y": -5.024332485268321, "z": 16.667293719942535, "r": [-0.00018034306150127577, 0.00017596288684629258, -0.00037231276014892956]}, "1019": {"x": 21.382314033846782, "y": -10.018319957504044, "z": 15.571989213771236, "r": [-0.0003430204608605436, -3.5423764899178423e-06, -0.0005040598036742949]}, "1020": {"x": 25.156321410319624, "y": -10.334989846373485, "z": 13.94556483190963, "r": [-0.0001319214642450106, 7.816805648985792e-06, -0.00024962850184806484]}, "1021": {"x": 21.574287520060636, "y": -14.898894593713504, "z": 14.162244952033696, "r": [-0.000465014249499518, 0.00012729376400955061, -0.0005137339847465228]}, "1022": {"x": 22.03635616955897, "y": -19.65281358641087, "z": 12.594552376885195, "r": [-0.00028304580104077104, 0.00019262957194143837, -0.0003918406695078147]}, "1023": {"x": 26.22251689881571, "y": -20.400214724051946, "z": 11.03408184397687, "r": [-0.0001411947081493281, 8.667229954539835e-05, -0.0002508639818969982]}, "1024": {"x": 25.552843224413966, "y": -15.425664872487184, "z": 12.553549694324674, "r": [-0.00017481640894345674, 4.0176521849843994e-05, -0.0002937631074431124]}, "1025": {"x": -16.469087800965614, "y": 5.812514438654533, "z": 17.47436324984015, "r": [0.0009833781498258531, 0.00026016793701799656, -0.0012605757490007363]}, "1026": {"x": -16.695370490614135, "y": 0.9639192291476262, "z": 18.467957623350905, "r": [0.0003847259792166824, -0.00026397703876401835, -0.0007179405145620876]}, "1027": {"x": -13.396557427911743, "y": 0.9029656857090196, "z": 20.454357792309708, "r": [0.001225590970214796, -0.00032839398498385464, -0.0010662151625808747]}, "1028": {"x": -12.521357601817776, "y": 5.6572489532234185, "z": 19.870094676010762, "r": [0.0050369953066962125, 0.0044526615205953135, -0.0053063735098675124]}, "1029": {"x": -7.924594537112116, "y": 0.8289408625878817, "z": 25.0, "is_anchor": true, "r": [-2.1045764751284146, 0.0028398531461497623, -1.8988523632480252]}, "1031": {"x": -2.299594537112115, "y": 6.453940862587881, "z": 25.0, "is_anchor": true, "r": [-0.002839853146149096, 2.1045764751284306, -1.898852363248018]}, "1032": {"x": -7.924594537112116, "y": 6.453940862587881, "z": 25.0, "is_anchor": true, "r": [1.0598363031456088, -1.0598363031455946, -4.145923376759015]}, "1033": {"x": -2.3736193602332687, "y": 11.92590375338747, "z": 20.45435779230967, "r": [0.0003283939849776374, -0.0012255909702005852, -0.001066215162552453]}, "1034": {"x": -2.4345729036718624, "y": 15.224716816089835, "z": 18.467957623350845, "r": [0.00026397703876313017, -0.00038472597920957696, -0.0007179405145762985]}, "1035": {"x": -7.283168113178784, "y": 14.998434126441312, "z": 17.474363249840078, "r": [-0.00026016793701444385, -0.000983378149840064, -0.0012605757490007363]}, "1036": {"x": -7.127902627747681, "y": 11.050703927293496, "z": 19.870094676010734, "r": [-0.004452661520598866, -0.005036995306703318, -0.0053063735098675124]}, "1037": {"x": -12.01402869953798, "y": 14.878854947833313, "z": 15.984864595126522, "r": [0.0007836713292661557, -0.0017144808918985177, -0.0009663015510597006]}, "1038": {"x": -16.614593878680935, "y": 15.143940204156651, "z": 14.265478100357484, "r": [0.0005750578100958137, -0.0005750578100958137, -0.0006655023253969716]}, "1039": {"x": -16.34950862235761, "y": 10.543375025013708, "z": 15.984864595126545, "r": [0.0017144808918914123, -0.0007836713292519448, -0.0009663015510454898]}, "1040": {"x": -11.807736773788758, "y": 10.337083099264483, "z": 18.11935593138429, "r": [0.015446702097491993, -0.015446702097484888, 0.0067357253203823575]}, "1041": {"x": -7.521855357203942, "y": 18.885849433546525, "z": 15.571989213771145, "r": [-3.542376482812415e-06, -0.0003430204608889653, -0.0005040598036742949]}, "1042": {"x": -2.527867884968237, "y": 18.8298308831142, "z": 16.66729371994246, "r": [0.00017596288684273986, -0.00018034306148706492, -0.0003723127601347187]}, "1043": {"x": -2.6497843557049032, "y": 22.463177593683284, "z": 15.098492709156792, "r": [0.0001255447924446429, -7.305249255296076e-05, -0.00016058174769284506]}, "1044": {"x": -7.838525246073407, "y": 22.659856810019306, "z": 13.94556483190953, "r": [7.816805641880364e-06, -0.0001319214642450106, -0.0002496285018409594]}, "1045": {"x": -2.78754173605716, "y": 25.981945084881115, "z": 13.721158925939102, "r": [9.573961821374155e-05, -2.2575047211148558e-05, -4.2720035978049964e-05]}, "1046": {"x": -2.931138116160758, "y": 29.30155429062563, "z": 12.489308796516777, "r": [6.971911843400846e-05, -2.7322762718995364e-06, 1.666197658778401e-05]}, "1047": {"x": -8.652935354228225, "y": 29.662504503546245, "z": 11.20840442792902, "r": [-5.815250072771505e-05, -2.0793568467070145e-06, -0.00012775045775725857]}, "1048": {"x": -8.22080562479577, "y": 26.26836934068546, "z": 12.506157652930042, "r": [-1.0941864232449916e-05, -4.903672754608124e-05, -0.00014896647716255984]}, "1049": {"x": -14.303819399987962, "y": 30.36753417321429, "z": 9.786494352719693, "r": [-3.855112157680196e-05, -4.281049143628479e-06, -0.0001897518203435311]}, "1050": {"x": -19.863072292246574, "y": 31.43155712331548, "z": 8.264864126895617, "r": [-5.63313038526303e-06, -1.5326109377156172e-05, -0.00015968190010084982]}, "1051": {"x": -18.81727132842216, "y": 27.695912759488586, "z": 9.590046573817146, "r": [5.517307593549958e-05, -7.781437429343896e-05, -0.00018060393582430834]}, "1052": {"x": -13.570679799185367, "y": 26.826182427561463, "z": 11.103118862051996, "r": [1.4050105079377317e-05, -7.384983760516661e-05, -0.00020516915687807113]}, "1053": {"x": -17.903750123751895, "y": 23.72605229851556, "z": 11.034081843976773, "r": [8.667229954539835e-05, -0.00014119470817774982, -0.0002508639819183145]}, "1054": {"x": -17.15634898611078, "y": 19.539891569258746, "z": 12.59455237688516, "r": [0.00019262957194143837, -0.0002830458010549819, -0.000391840669529131]}, "1055": {"x": -12.402429993413396, "y": 19.077822919760404, "z": 14.16224495203364, "r": [0.00012729376398823433, -0.0004650142494853071, -0.0005137339847181011]}, "1056": {"x": -12.929200272187137, "y": 23.056378624113727, "z": 12.553549694324595, "r": [4.0176521842738566e-05, -0.00017481640892924588, -0.000293763107436007]}, "1057": {"x": -23.941360764159732, "y": 28.894807635184566, "z": 8.02857490014991, "r": [5.9431062624071274e-05, -6.692468372193616e-05, -0.00012975238456647276]}, "1058": {"x": -25.31053421873896, "y": 32.860700205370456, "z": 6.676972421031329, "r": [7.777287834187518e-06, -2.3112256940294174e-05, -0.00010121851841660146]}, "1059": {"x": -30.622910075563617, "y": 34.651376551814074, "z": 5.0455496076118544, "r": [9.972438959948704e-06, -2.0763734880802076e-05, -5.176811917095847e-05]}, "1060": {"x": -28.917634815652267, "y": 30.417921429411585, "z": 6.4578517066641385, "r": [4.427946919349779e-05, -4.882341295342485e-05, -8.487712025129213e-05]}, "1061": {"x": -35.770011636843286, "y": 36.788330853990956, "z": 3.3858843553335487, "r": [5.3723601354249695e-06, -8.366567641360234e-06, -1.9315689463894614e-05]}, "1062": {"x": -40.70149102827139, "y": 39.230837353747134, "z": 1.714395569481009, "r": [7.53342419557157e-07, -7.533424764005758e-07, -2.745975603346551e-06]}, "1063": {"x": -38.2589845285152, "y": 34.29935796231899, "z": 3.385884355333568, "r": [8.366567612938525e-06, -5.37236010700326e-06, -1.9315689474552755e-05]}, "1064": {"x": -33.710036473586456, "y": 32.23938279906217, "z": 4.903002948120281, "r": [2.6003152868270263e-05, -2.6003152839848553e-05, -4.9415721267820345e-05]}, "1065": {"x": -36.122030226338296, "y": 29.15225640103928, "z": 5.04554960761191, "r": [2.0763734909223786e-05, -9.972438988370413e-06, -5.176811916740576e-05]}, "1066": {"x": -34.33135387989466, "y": 23.839880544214626, "z": 6.676972421031423, "r": [2.3112256968715883e-05, -7.777287834187518e-06, -0.00010121851838817975]}, "1067": {"x": -30.365461309708873, "y": 22.47070708963549, "z": 8.028574900149954, "r": [6.692468375035787e-05, -5.943106260986042e-05, -0.00012975238456647276]}, "1068": {"x": -31.888575103935814, "y": 27.44698114112795, "z": 6.457851706664174, "r": [4.882341298184656e-05, -4.427946919349779e-05, -8.487712027260841e-05]}, "1069": {"x": -26.16246298886281, "y": 21.269922932574115, "z": 9.478985882021819, "r": [9.649596468364052e-05, -8.553553401213776e-05, -0.00018388994480744714]}, "1070": {"x": -21.751608537198614, "y": 20.28095486267433, "z": 11.010722617108634, "r": [0.00014514608345450597, -0.00014514608344029511, -0.00026754179155830116]}, "1071": {"x": -22.740576607098404, "y": 24.69180931433854, "z": 9.478985882021785, "r": [8.553553404055947e-05, -9.649596471206223e-05, -0.00018388994481455256]}, "1072": {"x": -27.413010512164263, "y": 25.942356837639988, "z": 7.943042442938637, "r": [6.703182597789237e-05, -6.703182597789237e-05, -0.0001279414252053357]}, "1073": {"x": -29.16656643401282, "y": 17.346617653897827, "z": 9.590046573817252, "r": [7.781437429343896e-05, -5.517307590707787e-05, -0.0001806039357887812]}, "1074": {"x": -32.90221079783979, "y": 18.392418617722303, "z": 8.264864126895691, "r": [1.532610943399959e-05, 5.63313038526303e-06, -0.00015968190012927153]}, "1075": {"x": -31.838187847738617, "y": 12.833165725463674, "z": 9.786494352719803, "r": [4.281049143628479e-06, 3.8551121569696534e-05, -0.00018975182035774196]}, "1076": {"x": -28.29683610208574, "y": 12.100026124661067, "z": 11.103118862052096, "r": [7.384983763358832e-05, -1.4050105079377317e-05, -0.00020516915689938742]}, "1077": {"x": -31.133158178070666, "y": 7.1822816797039595, "z": 11.208404427929128, "r": [2.079356875128724e-06, 5.8152500713504196e-05, -0.00012775045777146943]}, "1078": {"x": -30.77220796515005, "y": 1.46048444163652, "z": 12.489308796516934, "r": [2.7322762718995364e-06, -6.971911844022571e-05, 1.666197656646773e-05]}, "1079": {"x": -27.4525987594056, "y": 1.3168880615329146, "z": 13.721158925939193, "r": [2.2575047196937703e-05, -9.573961820397159e-05, -4.27200359354174e-05]}, "1080": {"x": -27.739023015209863, "y": 6.750151950271513, "z": 12.506157652930138, "r": [4.903672756029209e-05, 1.0941864225344489e-05, -0.0001489664771554544]}, "1081": {"x": -23.933831268207708, "y": 1.17913068118066, "z": 15.098492709156876, "r": [7.305249255296076e-05, -0.00012554479244286654, -0.00016058174769284506]}, "1082": {"x": -20.300484557638544, "y": 1.0572142104439988, "z": 16.667293719942514, "r": [0.00018034306151548662, -0.0001759628868498453, -0.00037231276014892956]}, "1083": {"x": -20.356503108070857, "y": 6.051201682679696, "z": 15.571989213771223, "r": [0.0003430204608605436, 3.542376504128697e-06, -0.0005040598036316624]}, "1084": {"x": -24.130510484543656, "y": 6.367871571549145, "z": 13.945564831909621, "r": [0.0001319214642165889, -7.81680563832765e-06, -0.0002496285018125377]}, "1085": {"x": -20.548476594284697, "y": 10.931776318889137, "z": 14.162244952033692, "r": [0.000465014249499518, -0.00012729376399533976, -0.0005137339847109956]}, "1086": {"x": -21.010545243783042, "y": 15.685695311586501, "z": 12.594552376885177, "r": [0.0002830458010265602, -0.00019262957194143837, -0.00039184066949360385]}, "1087": {"x": -25.196705973039784, "y": 16.433096449227577, "z": 11.034081843976862, "r": [0.0001411947081209064, -8.667229953118749e-05, -0.00025086398188278736]}, "1088": {"x": -24.527032298638026, "y": 11.458546597662853, "z": 12.55354969432466, "r": [0.00017481640897187845, -4.017652186405485e-05, -0.000293763107436007]}}, "face": {"1365": [193, 451, 833], "1366": [833, 769, 193], "1367": [49, 449, 833], "1368": [833, 451, 49], "1369": [107, 611, 833], "1370": [833, 449, 107], "1371": [225, 769, 833], "1372": [833, 611, 225], "1373": [107, 315, 834], "1374": [834, 611, 107], "1375": [9, 313, 834], "1376": [834, 315, 9], "1377": [105, 609, 834], "1378": [834, 313, 105], "1379": [225, 611, 834], "1380": [834, 609, 225], "1381": [105, 370, 835], "1382": [835, 609, 105], "1383": [25, 371, 835], "1384": [835, 370, 25], "1385": [161, 705, 835], "1386": [835, 371, 161], "1387": [225, 609, 835], "1388": [835, 705, 225], "1389": [161, 513, 836], "1390": [836, 705, 161], "1391": [65, 515, 836], "1392": [836, 513, 65], "1393": [193, 769, 836], "1394": [836, 515, 193], "1395": [225, 705, 836], "1396": [836, 769, 225], "1397": [161, 371, 837], "1398": [837, 706, 161], "1399": [25, 369, 837], "1400": [837, 371, 25], "1401": [81, 577, 837], "1402": [837, 369, 81], "1403": [226, 706, 837], "1404": [837, 577, 226], "1405": [81, 289, 838], "1406": [838, 577, 81], "1407": [0, 290, 838], "1408": [838, 289, 0], "1409": [82, 578, 838], "1410": [838, 290, 82], "1411": [226, 577, 838], "1412": [838, 578, 226], "1413": [82, 372, 839], "1414": [839, 578, 82], "1415": [26, 374, 839], "1416": [839, 372, 26], "1417": [162, 707, 839], "1418": [839, 374, 162], "1419": [226, 578, 839], "1420": [839, 707, 226], "1421": [162, 514, 840], "1422": [840, 707, 162], "1423": [65, 513, 840], "1424": [840, 514, 65], "1425": [161, 706, 840], "1426": [840, 513, 161], "1427": [226, 707, 840], "1428": [840, 706, 226], "1429": [162, 374, 841], "1430": [841, 708, 162], "1431": [26, 373, 841], "1432": [841, 374, 26], "1433": [108, 613, 841], "1434": [841, 373, 108], "1435": [227, 708, 841], "1436": [841, 613, 227], "1437": [108, 316, 842], "1438": [842, 613, 108], "1439": [10, 318, 842], "1440": [842, 316, 10], "1441": [110, 615, 842], "1442": [842, 318, 110], "1443": [227, 613, 842], "1444": [842, 615, 227], "1445": [110, 453, 843], "1446": [843, 615, 110], "1447": [50, 455, 843], "1448": [843, 453, 50], "1449": [195, 773, 843], "1450": [843, 455, 195], "1451": [227, 615, 843], "1452": [843, 773, 227], "1453": [195, 516, 844], "1454": [844, 773, 195], "1455": [65, 514, 844], "1456": [844, 516, 65], "1457": [162, 708, 844], "1458": [844, 514, 162], "1459": [227, 773, 844], "1460": [844, 708, 227], "1461": [195, 455, 845], "1462": [845, 774, 195], "1463": [50, 454, 845], "1464": [845, 455, 50], "1465": [146, 675, 845], "1466": [845, 454, 146], "1467": [228, 774, 845], "1468": [845, 675, 228], "1469": [146, 354, 846], "1470": [846, 675, 146], "1471": [21, 353, 846], "1472": [846, 354, 21], "1473": [145, 673, 846], "1474": [846, 353, 145], "1475": [228, 675, 846], "1476": [846, 673, 228], "1477": [145, 450, 847], "1478": [847, 673, 145], "1479": [49, 451, 847], "1480": [847, 450, 49], "1481": [193, 770, 847], "1482": [847, 451, 193], "1483": [228, 673, 847], "1484": [847, 770, 228], "1485": [193, 515, 848], "1486": [848, 770, 193], "1487": [65, 516, 848], "1488": [848, 515, 65], "1489": [195, 774, 848], "1490": [848, 516, 195], "1491": [228, 770, 848], "1492": [848, 774, 228], "1493": [196, 456, 849], "1494": [849, 775, 196], "1495": [50, 453, 849], "1496": [849, 456, 50], "1497": [110, 616, 849], "1498": [849, 453, 110], "1499": [229, 775, 849], "1500": [849, 616, 229], "1501": [110, 318, 850], "1502": [850, 616, 110], "1503": [10, 317, 850], "1504": [850, 318, 10], "1505": [109, 614, 850], "1506": [850, 317, 109], "1507": [229, 616, 850], "1508": [850, 614, 229], "1509": [109, 382, 851], "1510": [851, 614, 109], "1511": [29, 383, 851], "1512": [851, 382, 29], "1513": [165, 713, 851], "1514": [851, 383, 165], "1515": [229, 614, 851], "1516": [851, 713, 229], "1517": [165, 517, 852], "1518": [852, 713, 165], "1519": [66, 519, 852], "1520": [852, 517, 66], "1521": [196, 775, 852], "1522": [852, 519, 196], "1523": [229, 713, 852], "1524": [852, 775, 229], "1525": [165, 383, 853], "1526": [853, 714, 165], "1527": [29, 381, 853], "1528": [853, 383, 29], "1529": [85, 581, 853], "1530": [853, 381, 85], "1531": [230, 714, 853], "1532": [853, 581, 230], "1533": [85, 293, 854], "1534": [854, 581, 85], "1535": [2, 294, 854], "1536": [854, 293, 2], "1537": [86, 582, 854], "1538": [854, 294, 86], "1539": [230, 581, 854], "1540": [854, 582, 230], "1541": [86, 384, 855], "1542": [855, 582, 86], "1543": [30, 386, 855], "1544": [855, 384, 30], "1545": [166, 715, 855], "1546": [855, 386, 166], "1547": [230, 582, 855], "1548": [855, 715, 230], "1549": [166, 518, 856], "1550": [856, 715, 166], "1551": [66, 517, 856], "1552": [856, 518, 66], "1553": [165, 714, 856], "1554": [856, 517, 165], "1555": [230, 715, 856], "1556": [856, 714, 230], "1557": [166, 386, 857], "1558": [857, 716, 166], "1559": [30, 385, 857], "1560": [857, 386, 30], "1561": [117, 625, 857], "1562": [857, 385, 117], "1563": [231, 716, 857], "1564": [857, 625, 231], "1565": [117, 325, 858], "1566": [858, 625, 117], "1567": [13, 327, 858], "1568": [858, 325, 13], "1569": [119, 629, 858], "1570": [858, 327, 119], "1571": [231, 625, 858], "1572": [858, 629, 231], "1573": [119, 465, 859], "1574": [859, 629, 119], "1575": [53, 467, 859], "1576": [859, 465, 53], "1577": [201, 785, 859], "1578": [859, 467, 201], "1579": [231, 629, 859], "1580": [859, 785, 231], "1581": [201, 520, 860], "1582": [860, 785, 201], "1583": [66, 518, 860], "1584": [860, 520, 66], "1585": [166, 716, 860], "1586": [860, 518, 166], "1587": [231, 785, 860], "1588": [860, 716, 231], "1589": [201, 467, 861], "1590": [861, 786, 201], "1591": [53, 466, 861], "1592": [861, 467, 53], "1593": [147, 677, 861], "1594": [861, 466, 147], "1595": [232, 786, 861], "1596": [861, 677, 232], "1597": [147, 355, 862], "1598": [862, 677, 147], "1599": [21, 354, 862], "1600": [862, 355, 21], "1601": [146, 676, 862], "1602": [862, 354, 146], "1603": [232, 677, 862], "1604": [862, 676, 232], "1605": [146, 454, 863], "1606": [863, 676, 146], "1607": [50, 456, 863], "1608": [863, 454, 50], "1609": [196, 776, 863], "1610": [863, 456, 196], "1611": [232, 676, 863], "1612": [863, 776, 232], "1613": [196, 519, 864], "1614": [864, 776, 196], "1615": [66, 520, 864], "1616": [864, 519, 66], "1617": [201, 786, 864], "1618": [864, 520, 201], "1619": [232, 776, 864], "1620": [864, 786, 232], "1621": [202, 468, 865], "1622": [865, 787, 202], "1623": [53, 465, 865], "1624": [865, 468, 53], "1625": [119, 630, 865], "1626": [865, 465, 119], "1627": [233, 787, 865], "1628": [865, 630, 233], "1629": [119, 327, 866], "1630": [866, 630, 119], "1631": [13, 326, 866], "1632": [866, 327, 13], "1633": [118, 627, 866], "1634": [866, 326, 118], "1635": [233, 630, 866], "1636": [866, 627, 233], "1637": [118, 392, 867], "1638": [867, 627, 118], "1639": [32, 393, 867], "1640": [867, 392, 32], "1641": [169, 721, 867], "1642": [867, 393, 169], "1643": [233, 627, 867], "1644": [867, 721, 233], "1645": [169, 521, 868], "1646": [868, 721, 169], "1647": [67, 523, 868], "1648": [868, 521, 67], "1649": [202, 787, 868], "1650": [868, 523, 202], "1651": [233, 721, 868], "1652": [868, 787, 233], "1653": [169, 393, 869], "1654": [869, 722, 169], "1655": [32, 391, 869], "1656": [869, 393, 32], "1671": [33, 397, 871], "1672": [871, 395, 33], "1673": [171, 725, 871], "1674": [871, 397, 171], "1677": [171, 522, 872], "1678": [872, 725, 171], "1679": [67, 521, 872], "1680": [872, 522, 67], "1681": [169, 722, 872], "1682": [872, 521, 169], "1685": [171, 397, 873], "1686": [873, 726, 171], "1687": [33, 396, 873], "1688": [873, 397, 33], "1689": [124, 637, 873], "1690": [873, 396, 124], "1691": [235, 726, 873], "1692": [873, 637, 235], "1693": [124, 332, 874], "1694": [874, 637, 124], "1695": [15, 334, 874], "1696": [874, 332, 15], "1697": [126, 641, 874], "1698": [874, 334, 126], "1699": [235, 637, 874], "1700": [874, 641, 235], "1701": [126, 477, 875], "1702": [875, 641, 126], "1703": [56, 479, 875], "1704": [875, 477, 56], "1705": [207, 797, 875], "1706": [875, 479, 207], "1707": [235, 641, 875], "1708": [875, 797, 235], "1709": [207, 524, 876], "1710": [876, 797, 207], "1711": [67, 522, 876], "1712": [876, 524, 67], "1713": [171, 726, 876], "1714": [876, 522, 171], "1715": [235, 797, 876], "1716": [876, 726, 235], "1717": [207, 479, 877], "1718": [877, 798, 207], "1719": [56, 478, 877], "1720": [877, 479, 56], "1721": [148, 679, 877], "1722": [877, 478, 148], "1723": [236, 798, 877], "1724": [877, 679, 236], "1725": [148, 356, 878], "1726": [878, 679, 148], "1727": [21, 355, 878], "1728": [878, 356, 21], "1729": [147, 678, 878], "1730": [878, 355, 147], "1731": [236, 679, 878], "1732": [878, 678, 236], "1733": [147, 466, 879], "1734": [879, 678, 147], "1735": [53, 468, 879], "1736": [879, 466, 53], "1737": [202, 788, 879], "1738": [879, 468, 202], "1739": [236, 678, 879], "1740": [879, 788, 236], "1741": [202, 523, 880], "1742": [880, 788, 202], "1743": [67, 524, 880], "1744": [880, 523, 67], "1745": [207, 798, 880], "1746": [880, 524, 207], "1747": [236, 788, 880], "1748": [880, 798, 236], "1749": [208, 480, 881], "1750": [881, 799, 208], "1751": [56, 477, 881], "1752": [881, 480, 56], "1753": [126, 642, 881], "1754": [881, 477, 126], "1755": [237, 799, 881], "1756": [881, 642, 237], "1757": [126, 334, 882], "1758": [882, 642, 126], "1759": [15, 333, 882], "1760": [882, 334, 15], "1761": [125, 639, 882], "1762": [882, 333, 125], "1763": [237, 642, 882], "1764": [882, 639, 237], "1765": [125, 430, 883], "1766": [883, 639, 125], "1767": [43, 431, 883], "1768": [883, 430, 43], "1769": [185, 753, 883], "1770": [883, 431, 185], "1771": [237, 639, 883], "1772": [883, 753, 237], "1773": [185, 525, 884], "1774": [884, 753, 185], "1775": [68, 528, 884], "1776": [884, 525, 68], "1777": [208, 799, 884], "1778": [884, 528, 208], "1779": [237, 753, 884], "1780": [884, 799, 237], "1781": [185, 431, 885], "1782": [885, 754, 185], "1783": [43, 429, 885], "1784": [885, 431, 43], "1785": [99, 601, 885], "1786": [885, 429, 99], "1787": [238, 754, 885], "1788": [885, 601, 238], "1789": [99, 307, 886], "1790": [886, 601, 99], "1791": [7, 308, 886], "1792": [886, 307, 7], "1793": [100, 603, 886], "1794": [886, 308, 100], "1795": [238, 601, 886], "1796": [886, 603, 238], "1797": [100, 433, 887], "1798": [887, 603, 100], "1799": [44, 435, 887], "1800": [887, 433, 44], "1801": [187, 757, 887], "1802": [887, 435, 187], "1803": [238, 603, 887], "1804": [887, 757, 238], "1805": [187, 526, 888], "1806": [888, 757, 187], "1807": [68, 525, 888], "1808": [888, 526, 68], "1809": [185, 754, 888], "1810": [888, 525, 185], "1811": [238, 757, 888], "1812": [888, 754, 238], "1813": [187, 435, 889], "1814": [889, 758, 187], "1815": [44, 434, 889], "1816": [889, 435, 44], "1817": [106, 610, 889], "1818": [889, 434, 106], "1819": [239, 758, 889], "1820": [889, 610, 239], "1821": [106, 314, 890], "1822": [890, 610, 106], "1823": [9, 315, 890], "1824": [890, 314, 9], "1825": [107, 612, 890], "1826": [890, 315, 107], "1827": [239, 610, 890], "1828": [890, 612, 239], "1829": [107, 449, 891], "1830": [891, 612, 107], "1831": [49, 452, 891], "1832": [891, 449, 49], "1833": [194, 771, 891], "1834": [891, 452, 194], "1835": [239, 612, 891], "1836": [891, 771, 239], "1837": [194, 527, 892], "1838": [892, 771, 194], "1839": [68, 526, 892], "1840": [892, 527, 68], "1841": [187, 758, 892], "1842": [892, 526, 187], "1843": [239, 771, 892], "1844": [892, 758, 239], "1845": [194, 452, 893], "1846": [893, 772, 194], "1847": [49, 450, 893], "1848": [893, 452, 49], "1849": [145, 674, 893], "1850": [893, 450, 145], "1851": [240, 772, 893], "1852": [893, 674, 240], "1853": [145, 353, 894], "1854": [894, 674, 145], "1855": [21, 356, 894], "1856": [894, 353, 21], "1857": [148, 680, 894], "1858": [894, 356, 148], "1859": [240, 674, 894], "1860": [894, 680, 240], "1861": [148, 478, 895], "1862": [895, 680, 148], "1863": [56, 480, 895], "1864": [895, 478, 56], "1865": [208, 800, 895], "1866": [895, 480, 208], "1867": [240, 680, 895], "1868": [895, 800, 240], "1869": [208, 528, 896], "1870": [896, 800, 208], "1871": [68, 527, 896], "1872": [896, 528, 68], "1873": [194, 772, 896], "1874": [896, 527, 194], "1875": [240, 800, 896], "1876": [896, 772, 240], "1877": [199, 463, 897], "1878": [897, 781, 199], "1879": [52, 461, 897], "1880": [897, 463, 52], "1881": [116, 623, 897], "1882": [897, 461, 116], "1883": [241, 781, 897], "1884": [897, 623, 241], "1885": [116, 324, 898], "1886": [898, 623, 116], "1887": [12, 322, 898], "1888": [898, 324, 12], "1889": [114, 621, 898], "1890": [898, 322, 114], "1891": [241, 623, 898], "1892": [898, 621, 241], "1893": [114, 376, 899], "1894": [899, 621, 114], "1895": [27, 377, 899], "1896": [899, 376, 27], "1897": [163, 709, 899], "1898": [899, 377, 163], "1899": [241, 621, 899], "1900": [899, 709, 241], "1901": [163, 529, 900], "1902": [900, 709, 163], "1903": [69, 532, 900], "1904": [900, 529, 69], "1905": [199, 781, 900], "1906": [900, 532, 199], "1907": [241, 709, 900], "1908": [900, 781, 241], "1909": [163, 377, 901], "1910": [901, 710, 163], "1911": [27, 375, 901], "1912": [901, 377, 27], "1913": [83, 579, 901], "1914": [901, 375, 83], "1915": [242, 710, 901], "1916": [901, 579, 242], "1917": [83, 291, 902], "1918": [902, 579, 83], "1919": [1, 292, 902], "1920": [902, 291, 1], "1921": [84, 580, 902], "1922": [902, 292, 84], "1923": [242, 579, 902], "1924": [902, 580, 242], "1925": [84, 378, 903], "1926": [903, 580, 84], "1927": [28, 380, 903], "1928": [903, 378, 28], "1929": [164, 711, 903], "1930": [903, 380, 164], "1931": [242, 580, 903], "1932": [903, 711, 242], "1933": [164, 530, 904], "1934": [904, 711, 164], "1935": [69, 529, 904], "1936": [904, 530, 69], "1937": [163, 710, 904], "1938": [904, 529, 163], "1939": [242, 711, 904], "1940": [904, 710, 242], "1941": [164, 380, 905], "1942": [905, 712, 164], "1943": [28, 379, 905], "1944": [905, 380, 28], "1945": [111, 617, 905], "1946": [905, 379, 111], "1947": [243, 712, 905], "1948": [905, 617, 243], "1949": [111, 319, 906], "1950": [906, 617, 111], "1951": [11, 321, 906], "1952": [906, 319, 11], "1953": [113, 619, 906], "1954": [906, 321, 113], "1955": [243, 617, 906], "1956": [906, 619, 243], "1957": [113, 457, 907], "1958": [907, 619, 113], "1959": [51, 459, 907], "1960": [907, 457, 51], "1961": [197, 777, 907], "1962": [907, 459, 197], "1963": [243, 619, 907], "1964": [907, 777, 243], "1965": [197, 531, 908], "1966": [908, 777, 197], "1967": [69, 530, 908], "1968": [908, 531, 69], "1969": [164, 712, 908], "1970": [908, 530, 164], "1971": [243, 777, 908], "1972": [908, 712, 243], "1973": [197, 459, 909], "1974": [909, 778, 197], "1975": [51, 458, 909], "1976": [909, 459, 51], "1977": [149, 681, 909], "1978": [909, 458, 149], "1979": [244, 778, 909], "1980": [909, 681, 244], "1981": [149, 357, 910], "1982": [910, 681, 149], "1983": [22, 358, 910], "1984": [910, 357, 22], "1985": [150, 683, 910], "1986": [910, 358, 150], "1987": [244, 681, 910], "1988": [910, 683, 244], "1989": [150, 462, 911], "1990": [911, 683, 150], "1991": [52, 463, 911], "1992": [911, 462, 52], "1993": [199, 782, 911], "1994": [911, 463, 199], "1995": [244, 683, 911], "1996": [911, 782, 244], "1997": [199, 532, 912], "1998": [912, 782, 199], "1999": [69, 531, 912], "2000": [912, 532, 69], "2001": [197, 778, 912], "2002": [912, 531, 197], "2003": [244, 782, 912], "2004": [912, 778, 244], "2005": [198, 460, 913], "2006": [913, 779, 198], "2007": [51, 457, 913], "2008": [913, 460, 51], "2009": [113, 620, 913], "2010": [913, 457, 113], "2011": [245, 779, 913], "2012": [913, 620, 245], "2013": [113, 321, 914], "2014": [914, 620, 113], "2015": [11, 320, 914], "2016": [914, 321, 11], "2017": [112, 618, 914], "2018": [914, 320, 112], "2019": [245, 620, 914], "2020": [914, 618, 245], "2021": [112, 440, 915], "2022": [915, 618, 112], "2023": [46, 441, 915], "2024": [915, 440, 46], "2025": [189, 761, 915], "2026": [915, 441, 189], "2027": [245, 618, 915], "2028": [915, 761, 245], "2029": [189, 533, 916], "2030": [916, 761, 189], "2031": [70, 535, 916], "2032": [916, 533, 70], "2033": [198, 779, 916], "2034": [916, 535, 198], "2035": [245, 761, 916], "2036": [916, 779, 245], "2037": [189, 441, 917], "2038": [917, 762, 189], "2039": [46, 439, 917], "2040": [917, 441, 46], "2041": [102, 605, 917], "2042": [917, 439, 102], "2043": [246, 762, 917], "2044": [917, 605, 246], "2045": [102, 310, 918], "2046": [918, 605, 102], "2047": [8, 311, 918], "2048": [918, 310, 8], "2049": [103, 606, 918], "2050": [918, 311, 103], "2051": [246, 605, 918], "2052": [918, 606, 246], "2053": [103, 442, 919], "2054": [919, 606, 103], "2055": [47, 444, 919], "2056": [919, 442, 47], "2057": [190, 763, 919], "2058": [919, 444, 190], "2059": [246, 606, 919], "2060": [919, 763, 246], "2061": [190, 534, 920], "2062": [920, 763, 190], "2063": [70, 533, 920], "2064": [920, 534, 70], "2065": [189, 762, 920], "2066": [920, 533, 189], "2067": [246, 763, 920], "2068": [920, 762, 246], "2069": [190, 444, 921], "2070": [921, 764, 190], "2071": [47, 443, 921], "2072": [921, 444, 47], "2073": [129, 647, 921], "2074": [921, 443, 129], "2075": [247, 764, 921], "2076": [921, 647, 247], "2077": [129, 337, 922], "2078": [922, 647, 129], "2079": [16, 338, 922], "2080": [922, 337, 16], "2081": [130, 649, 922], "2082": [922, 338, 130], "2083": [247, 647, 922], "2084": [922, 649, 247], "2085": [130, 485, 923], "2086": [923, 649, 130], "2087": [58, 487, 923], "2088": [923, 485, 58], "2089": [211, 805, 923], "2090": [923, 487, 211], "2091": [247, 649, 923], "2092": [923, 805, 247], "2093": [211, 536, 924], "2094": [924, 805, 211], "2095": [70, 534, 924], "2096": [924, 536, 70], "2097": [190, 764, 924], "2098": [924, 534, 190], "2099": [247, 805, 924], "2100": [924, 764, 247], "2101": [211, 487, 925], "2102": [925, 806, 211], "2103": [58, 486, 925], "2104": [925, 487, 58], "2105": [151, 685, 925], "2106": [925, 486, 151], "2107": [248, 806, 925], "2108": [925, 685, 248], "2109": [151, 359, 926], "2110": [926, 685, 151], "2111": [22, 357, 926], "2112": [926, 359, 22], "2113": [149, 682, 926], "2114": [926, 357, 149], "2115": [248, 685, 926], "2116": [926, 682, 248], "2117": [149, 458, 927], "2118": [927, 682, 149], "2119": [51, 460, 927], "2120": [927, 458, 51], "2121": [198, 780, 927], "2122": [927, 460, 198], "2123": [248, 682, 927], "2124": [927, 780, 248], "2125": [198, 535, 928], "2126": [928, 780, 198], "2127": [70, 536, 928], "2128": [928, 535, 70], "2129": [211, 806, 928], "2130": [928, 536, 211], "2131": [248, 780, 928], "2132": [928, 806, 248], "2133": [212, 488, 929], "2134": [929, 807, 212], "2135": [58, 485, 929], "2136": [929, 488, 58], "2137": [130, 650, 929], "2138": [929, 485, 130], "2139": [249, 807, 929], "2140": [929, 650, 249], "2141": [130, 338, 930], "2142": [930, 650, 130], "2143": [16, 336, 930], "2144": [930, 338, 16], "2145": [128, 645, 930], "2146": [930, 336, 128], "2147": [249, 650, 930], "2148": [930, 645, 249], "2149": [128, 400, 931], "2150": [931, 645, 128], "2151": [34, 401, 931], "2152": [931, 400, 34], "2153": [173, 729, 931], "2154": [931, 401, 173], "2155": [249, 645, 931], "2156": [931, 729, 249], "2157": [173, 537, 932], "2158": [932, 729, 173], "2159": [71, 539, 932], "2160": [932, 537, 71], "2161": [212, 807, 932], "2162": [932, 539, 212], "2163": [249, 729, 932], "2164": [932, 807, 249], "2165": [173, 401, 933], "2166": [933, 730, 173], "2167": [34, 399, 933], "2168": [933, 401, 34], "2183": [35, 405, 935], "2184": [935, 403, 35], "2185": [175, 733, 935], "2186": [935, 405, 175], "2189": [175, 538, 936], "2190": [936, 733, 175], "2191": [71, 537, 936], "2192": [936, 538, 71], "2193": [173, 730, 936], "2194": [936, 537, 173], "2197": [175, 405, 937], "2198": [937, 734, 175], "2199": [35, 404, 937], "2200": [937, 405, 35], "2201": [132, 653, 937], "2202": [937, 404, 132], "2203": [251, 734, 937], "2204": [937, 653, 251], "2205": [132, 340, 938], "2206": [938, 653, 132], "2207": [17, 342, 938], "2208": [938, 340, 17], "2209": [134, 657, 938], "2210": [938, 342, 134], "2211": [251, 653, 938], "2212": [938, 657, 251], "2213": [134, 493, 939], "2214": [939, 657, 134], "2215": [60, 495, 939], "2216": [939, 493, 60], "2217": [215, 813, 939], "2218": [939, 495, 215], "2219": [251, 657, 939], "2220": [939, 813, 251], "2221": [215, 540, 940], "2222": [940, 813, 215], "2223": [71, 538, 940], "2224": [940, 540, 71], "2225": [175, 734, 940], "2226": [940, 538, 175], "2227": [251, 813, 940], "2228": [940, 734, 251], "2229": [215, 495, 941], "2230": [941, 814, 215], "2231": [60, 494, 941], "2232": [941, 495, 60], "2233": [152, 687, 941], "2234": [941, 494, 152], "2235": [252, 814, 941], "2236": [941, 687, 252], "2237": [152, 360, 942], "2238": [942, 687, 152], "2239": [22, 359, 942], "2240": [942, 360, 22], "2241": [151, 686, 942], "2242": [942, 359, 151], "2243": [252, 687, 942], "2244": [942, 686, 252], "2245": [151, 486, 943], "2246": [943, 686, 151], "2247": [58, 488, 943], "2248": [943, 486, 58], "2249": [212, 808, 943], "2250": [943, 488, 212], "2251": [252, 686, 943], "2252": [943, 808, 252], "2253": [212, 539, 944], "2254": [944, 808, 212], "2255": [71, 540, 944], "2256": [944, 539, 71], "2257": [215, 814, 944], "2258": [944, 540, 215], "2259": [252, 808, 944], "2260": [944, 814, 252], "2261": [216, 496, 945], "2262": [945, 815, 216], "2263": [60, 493, 945], "2264": [945, 496, 60], "2265": [134, 658, 945], "2266": [945, 493, 134], "2267": [253, 815, 945], "2268": [945, 658, 253], "2269": [134, 342, 946], "2270": [946, 658, 134], "2271": [17, 341, 946], "2272": [946, 342, 17], "2273": [133, 655, 946], "2274": [946, 341, 133], "2275": [253, 658, 946], "2276": [946, 655, 253], "2277": [133, 408, 947], "2278": [947, 655, 133], "2279": [36, 409, 947], "2280": [947, 408, 36], "2281": [177, 737, 947], "2282": [947, 409, 177], "2283": [253, 655, 947], "2284": [947, 737, 253], "2285": [177, 541, 948], "2286": [948, 737, 177], "2287": [72, 544, 948], "2288": [948, 541, 72], "2289": [216, 815, 948], "2290": [948, 544, 216], "2291": [253, 737, 948], "2292": [948, 815, 253], "2293": [177, 409, 949], "2294": [949, 738, 177], "2295": [36, 407, 949], "2296": [949, 409, 36], "2297": [92, 593, 949], "2298": [949, 407, 92], "2299": [254, 738, 949], "2300": [949, 593, 254], "2301": [92, 300, 950], "2302": [950, 593, 92], "2303": [4, 301, 950], "2304": [950, 300, 4], "2305": [93, 595, 950], "2306": [950, 301, 93], "2307": [254, 593, 950], "2308": [950, 595, 254], "2309": [93, 411, 951], "2310": [951, 595, 93], "2311": [37, 413, 951], "2312": [951, 411, 37], "2313": [179, 741, 951], "2314": [951, 413, 179], "2315": [254, 595, 951], "2316": [951, 741, 254], "2317": [179, 542, 952], "2318": [952, 741, 179], "2319": [72, 541, 952], "2320": [952, 542, 72], "2321": [177, 738, 952], "2322": [952, 541, 177], "2323": [254, 741, 952], "2324": [952, 738, 254], "2325": [179, 413, 953], "2326": [953, 742, 179], "2327": [37, 412, 953], "2328": [953, 413, 37], "2329": [115, 622, 953], "2330": [953, 412, 115], "2331": [255, 742, 953], "2332": [953, 622, 255], "2333": [115, 323, 954], "2334": [954, 622, 115], "2335": [12, 324, 954], "2336": [954, 323, 12], "2337": [116, 624, 954], "2338": [954, 324, 116], "2339": [255, 622, 954], "2340": [954, 624, 255], "2341": [116, 461, 955], "2342": [955, 624, 116], "2343": [52, 464, 955], "2344": [955, 461, 52], "2345": [200, 783, 955], "2346": [955, 464, 200], "2347": [255, 624, 955], "2348": [955, 783, 255], "2349": [200, 543, 956], "2350": [956, 783, 200], "2351": [72, 542, 956], "2352": [956, 543, 72], "2353": [179, 742, 956], "2354": [956, 542, 179], "2355": [255, 783, 956], "2356": [956, 742, 255], "2357": [200, 464, 957], "2358": [957, 784, 200], "2359": [52, 462, 957], "2360": [957, 464, 52], "2361": [150, 684, 957], "2362": [957, 462, 150], "2363": [256, 784, 957], "2364": [957, 684, 256], "2365": [150, 358, 958], "2366": [958, 684, 150], "2367": [22, 360, 958], "2368": [958, 358, 22], "2369": [152, 688, 958], "2370": [958, 360, 152], "2371": [256, 684, 958], "2372": [958, 688, 256], "2373": [152, 494, 959], "2374": [959, 688, 152], "2375": [60, 496, 959], "2376": [959, 494, 60], "2377": [216, 816, 959], "2378": [959, 496, 216], "2379": [256, 688, 959], "2380": [959, 816, 256], "2381": [216, 544, 960], "2382": [960, 816, 216], "2383": [72, 543, 960], "2384": [960, 544, 72], "2385": [200, 784, 960], "2386": [960, 543, 200], "2387": [256, 816, 960], "2388": [960, 784, 256], "2389": [217, 499, 961], "2390": [961, 817, 217], "2391": [61, 497, 961], "2392": [961, 499, 61], "2393": [135, 659, 961], "2394": [961, 497, 135], "2395": [257, 817, 961], "2396": [961, 659, 257], "2397": [135, 343, 962], "2398": [962, 659, 135], "2399": [17, 340, 962], "2400": [962, 343, 17], "2401": [132, 654, 962], "2402": [962, 340, 132], "2403": [257, 659, 962], "2404": [962, 654, 257], "2405": [132, 404, 963], "2406": [963, 654, 132], "2407": [35, 406, 963], "2408": [963, 404, 35], "2409": [176, 735, 963], "2410": [963, 406, 176], "2411": [257, 654, 963], "2412": [963, 735, 257], "2413": [176, 546, 964], "2414": [964, 735, 176], "2415": [73, 548, 964], "2416": [964, 546, 73], "2417": [217, 817, 964], "2418": [964, 548, 217], "2419": [257, 735, 964], "2420": [964, 817, 257], "2421": [176, 406, 965], "2422": [965, 736, 176], "2423": [35, 403, 965], "2424": [965, 406, 35], "2439": [32, 394, 967], "2440": [967, 391, 32], "2441": [170, 723, 967], "2442": [967, 394, 170], "2445": [170, 545, 968], "2446": [968, 723, 170], "2447": [73, 546, 968], "2448": [968, 545, 73], "2449": [176, 736, 968], "2450": [968, 546, 176], "2453": [170, 394, 969], "2454": [969, 724, 170], "2455": [32, 392, 969], "2456": [969, 394, 32], "2457": [118, 628, 969], "2458": [969, 392, 118], "2459": [259, 724, 969], "2460": [969, 628, 259], "2461": [118, 326, 970], "2462": [970, 628, 118], "2463": [13, 328, 970], "2464": [970, 326, 13], "2465": [120, 631, 970], "2466": [970, 328, 120], "2467": [259, 628, 970], "2468": [970, 631, 259], "2469": [120, 469, 971], "2470": [971, 631, 120], "2471": [54, 471, 971], "2472": [971, 469, 54], "2473": [203, 789, 971], "2474": [971, 471, 203], "2475": [259, 631, 971], "2476": [971, 789, 259], "2477": [203, 547, 972], "2478": [972, 789, 203], "2479": [73, 545, 972], "2480": [972, 547, 73], "2481": [170, 724, 972], "2482": [972, 545, 170], "2483": [259, 789, 972], "2484": [972, 724, 259], "2485": [203, 471, 973], "2486": [973, 790, 203], "2487": [54, 470, 973], "2488": [973, 471, 54], "2489": [153, 689, 973], "2490": [973, 470, 153], "2491": [260, 790, 973], "2492": [973, 689, 260], "2493": [153, 361, 974], "2494": [974, 689, 153], "2495": [23, 363, 974], "2496": [974, 361, 23], "2497": [155, 693, 974], "2498": [974, 363, 155], "2499": [260, 689, 974], "2500": [974, 693, 260], "2501": [155, 498, 975], "2502": [975, 693, 155], "2503": [61, 499, 975], "2504": [975, 498, 61], "2505": [217, 818, 975], "2506": [975, 499, 217], "2507": [260, 693, 975], "2508": [975, 818, 260], "2509": [217, 548, 976], "2510": [976, 818, 217], "2511": [73, 547, 976], "2512": [976, 548, 73], "2513": [203, 790, 976], "2514": [976, 547, 203], "2515": [260, 818, 976], "2516": [976, 790, 260], "2517": [204, 472, 977], "2518": [977, 791, 204], "2519": [54, 469, 977], "2520": [977, 472, 54], "2521": [120, 632, 977], "2522": [977, 469, 120], "2523": [261, 791, 977], "2524": [977, 632, 261], "2525": [120, 328, 978], "2526": [978, 632, 120], "2527": [13, 325, 978], "2528": [978, 328, 13], "2529": [117, 626, 978], "2530": [978, 325, 117], "2531": [261, 632, 978], "2532": [978, 626, 261], "2533": [117, 385, 979], "2534": [979, 626, 117], "2535": [30, 387, 979], "2536": [979, 385, 30], "2537": [167, 717, 979], "2538": [979, 387, 167], "2539": [261, 626, 979], "2540": [979, 717, 261], "2541": [167, 549, 980], "2542": [980, 717, 167], "2543": [74, 551, 980], "2544": [980, 549, 74], "2545": [204, 791, 980], "2546": [980, 551, 204], "2547": [261, 717, 980], "2548": [980, 791, 261], "2549": [167, 387, 981], "2550": [981, 718, 167], "2551": [30, 384, 981], "2552": [981, 387, 30], "2553": [86, 583, 981], "2554": [981, 384, 86], "2555": [262, 718, 981], "2556": [981, 583, 262], "2557": [86, 294, 982], "2558": [982, 583, 86], "2559": [2, 295, 982], "2560": [982, 294, 2], "2561": [87, 584, 982], "2562": [982, 295, 87], "2563": [262, 583, 982], "2564": [982, 584, 262], "2565": [87, 388, 983], "2566": [983, 584, 87], "2567": [31, 390, 983], "2568": [983, 388, 31], "2569": [168, 719, 983], "2570": [983, 390, 168], "2571": [262, 584, 983], "2572": [983, 719, 262], "2573": [168, 550, 984], "2574": [984, 719, 168], "2575": [74, 549, 984], "2576": [984, 550, 74], "2577": [167, 718, 984], "2578": [984, 549, 167], "2579": [262, 719, 984], "2580": [984, 718, 262], "2581": [168, 390, 985], "2582": [985, 720, 168], "2583": [31, 389, 985], "2584": [985, 390, 31], "2585": [121, 633, 985], "2586": [985, 389, 121], "2587": [263, 720, 985], "2588": [985, 633, 263], "2589": [121, 329, 986], "2590": [986, 633, 121], "2591": [14, 331, 986], "2592": [986, 329, 14], "2593": [123, 635, 986], "2594": [986, 331, 123], "2595": [263, 633, 986], "2596": [986, 635, 263], "2597": [123, 473, 987], "2598": [987, 635, 123], "2599": [55, 475, 987], "2600": [987, 473, 55], "2601": [205, 793, 987], "2602": [987, 475, 205], "2603": [263, 635, 987], "2604": [987, 793, 263], "2605": [205, 552, 988], "2606": [988, 793, 205], "2607": [74, 550, 988], "2608": [988, 552, 74], "2609": [168, 720, 988], "2610": [988, 550, 168], "2611": [263, 793, 988], "2612": [988, 720, 263], "2613": [205, 475, 989], "2614": [989, 794, 205], "2615": [55, 474, 989], "2616": [989, 475, 55], "2617": [154, 691, 989], "2618": [989, 474, 154], "2619": [264, 794, 989], "2620": [989, 691, 264], "2621": [154, 362, 990], "2622": [990, 691, 154], "2623": [23, 361, 990], "2624": [990, 362, 23], "2625": [153, 690, 990], "2626": [990, 361, 153], "2627": [264, 691, 990], "2628": [990, 690, 264], "2629": [153, 470, 991], "2630": [991, 690, 153], "2631": [54, 472, 991], "2632": [991, 470, 54], "2633": [204, 792, 991], "2634": [991, 472, 204], "2635": [264, 690, 991], "2636": [991, 792, 264], "2637": [204, 551, 992], "2638": [992, 792, 204], "2639": [74, 552, 992], "2640": [992, 551, 74], "2641": [205, 794, 992], "2642": [992, 552, 205], "2643": [264, 792, 992], "2644": [992, 794, 264], "2645": [206, 476, 993], "2646": [993, 795, 206], "2647": [55, 473, 993], "2648": [993, 476, 55], "2649": [123, 636, 993], "2650": [993, 473, 123], "2651": [265, 795, 993], "2652": [993, 636, 265], "2653": [123, 331, 994], "2654": [994, 636, 123], "2655": [14, 330, 994], "2656": [994, 331, 14], "2657": [122, 634, 994], "2658": [994, 330, 122], "2659": [265, 636, 994], "2660": [994, 634, 265], "2661": [122, 418, 995], "2662": [995, 634, 122], "2663": [39, 419, 995], "2664": [995, 418, 39], "2665": [181, 745, 995], "2666": [995, 419, 181], "2667": [265, 634, 995], "2668": [995, 745, 265], "2669": [181, 553, 996], "2670": [996, 745, 181], "2671": [75, 555, 996], "2672": [996, 553, 75], "2673": [206, 795, 996], "2674": [996, 555, 206], "2675": [265, 745, 996], "2676": [996, 795, 265], "2677": [181, 419, 997], "2678": [997, 746, 181], "2679": [39, 417, 997], "2680": [997, 419, 39], "2681": [95, 597, 997], "2682": [997, 417, 95], "2683": [266, 746, 997], "2684": [997, 597, 266], "2685": [95, 303, 998], "2686": [998, 597, 95], "2687": [5, 304, 998], "2688": [998, 303, 5], "2689": [96, 598, 998], "2690": [998, 304, 96], "2691": [266, 597, 998], "2692": [998, 598, 266], "2693": [96, 420, 999], "2694": [999, 598, 96], "2695": [40, 422, 999], "2696": [999, 420, 40], "2697": [182, 747, 999], "2698": [999, 422, 182], "2699": [266, 598, 999], "2700": [999, 747, 266], "2701": [182, 554, 1000], "2702": [1000, 747, 182], "2703": [75, 553, 1000], "2704": [1000, 554, 75], "2705": [181, 746, 1000], "2706": [1000, 553, 181], "2707": [266, 747, 1000], "2708": [1000, 746, 266], "2709": [182, 422, 1001], "2710": [1001, 748, 182], "2711": [40, 421, 1001], "2712": [1001, 422, 40], "2713": [137, 662, 1001], "2714": [1001, 421, 137], "2715": [267, 748, 1001], "2716": [1001, 662, 267], "2717": [137, 345, 1002], "2718": [1002, 662, 137], "2719": [18, 346, 1002], "2720": [1002, 345, 18], "2721": [138, 663, 1002], "2722": [1002, 346, 138], "2723": [267, 662, 1002], "2724": [1002, 663, 267], "2725": [138, 501, 1003], "2726": [1003, 663, 138], "2727": [62, 503, 1003], "2728": [1003, 501, 62], "2729": [219, 821, 1003], "2730": [1003, 503, 219], "2731": [267, 663, 1003], "2732": [1003, 821, 267], "2733": [219, 556, 1004], "2734": [1004, 821, 219], "2735": [75, 554, 1004], "2736": [1004, 556, 75], "2737": [182, 748, 1004], "2738": [1004, 554, 182], "2739": [267, 821, 1004], "2740": [1004, 748, 267], "2741": [219, 503, 1005], "2742": [1005, 822, 219], "2743": [62, 502, 1005], "2744": [1005, 503, 62], "2745": [156, 695, 1005], "2746": [1005, 502, 156], "2747": [268, 822, 1005], "2748": [1005, 695, 268], "2749": [156, 364, 1006], "2750": [1006, 695, 156], "2751": [23, 362, 1006], "2752": [1006, 364, 23], "2753": [154, 692, 1006], "2754": [1006, 362, 154], "2755": [268, 695, 1006], "2756": [1006, 692, 268], "2757": [154, 474, 1007], "2758": [1007, 692, 154], "2759": [55, 476, 1007], "2760": [1007, 474, 55], "2761": [206, 796, 1007], "2762": [1007, 476, 206], "2763": [268, 692, 1007], "2764": [1007, 796, 268], "2765": [206, 555, 1008], "2766": [1008, 796, 206], "2767": [75, 556, 1008], "2768": [1008, 555, 75], "2769": [219, 822, 1008], "2770": [1008, 556, 219], "2771": [268, 796, 1008], "2772": [1008, 822, 268], "2773": [220, 504, 1009], "2774": [1009, 823, 220], "2775": [62, 501, 1009], "2776": [1009, 504, 62], "2777": [138, 664, 1009], "2778": [1009, 501, 138], "2779": [269, 823, 1009], "2780": [1009, 664, 269], "2781": [138, 346, 1010], "2782": [1010, 664, 138], "2783": [18, 344, 1010], "2784": [1010, 346, 18], "2785": [136, 661, 1010], "2786": [1010, 344, 136], "2787": [269, 664, 1010], "2788": [1010, 661, 269], "2789": [136, 415, 1011], "2790": [1011, 661, 136], "2791": [38, 416, 1011], "2792": [1011, 415, 38], "2793": [180, 743, 1011], "2794": [1011, 416, 180], "2795": [269, 661, 1011], "2796": [1011, 743, 269], "2797": [180, 558, 1012], "2798": [1012, 743, 180], "2799": [76, 560, 1012], "2800": [1012, 558, 76], "2801": [220, 823, 1012], "2802": [1012, 560, 220], "2803": [269, 743, 1012], "2804": [1012, 823, 269], "2805": [180, 416, 1013], "2806": [1013, 744, 180], "2807": [38, 414, 1013], "2808": [1013, 416, 38], "2809": [94, 596, 1013], "2810": [1013, 414, 94], "2811": [270, 744, 1013], "2812": [1013, 596, 270], "2813": [94, 302, 1014], "2814": [1014, 596, 94], "2815": [4, 300, 1014], "2816": [1014, 302, 4], "2817": [92, 594, 1014], "2818": [1014, 300, 92], "2819": [270, 596, 1014], "2820": [1014, 594, 270], "2821": [92, 407, 1015], "2822": [1015, 594, 92], "2823": [36, 410, 1015], "2824": [1015, 407, 36], "2825": [178, 739, 1015], "2826": [1015, 410, 178], "2827": [270, 594, 1015], "2828": [1015, 739, 270], "2829": [178, 557, 1016], "2830": [1016, 739, 178], "2831": [76, 558, 1016], "2832": [1016, 557, 76], "2833": [180, 744, 1016], "2834": [1016, 558, 180], "2835": [270, 739, 1016], "2836": [1016, 744, 270], "2837": [178, 410, 1017], "2838": [1017, 740, 178], "2839": [36, 408, 1017], "2840": [1017, 410, 36], "2841": [133, 656, 1017], "2842": [1017, 408, 133], "2843": [271, 740, 1017], "2844": [1017, 656, 271], "2845": [133, 341, 1018], "2846": [1018, 656, 133], "2847": [17, 343, 1018], "2848": [1018, 341, 17], "2849": [135, 660, 1018], "2850": [1018, 343, 135], "2851": [271, 656, 1018], "2852": [1018, 660, 271], "2853": [135, 497, 1019], "2854": [1019, 660, 135], "2855": [61, 500, 1019], "2856": [1019, 497, 61], "2857": [218, 819, 1019], "2858": [1019, 500, 218], "2859": [271, 660, 1019], "2860": [1019, 819, 271], "2861": [218, 559, 1020], "2862": [1020, 819, 218], "2863": [76, 557, 1020], "2864": [1020, 559, 76], "2865": [178, 740, 1020], "2866": [1020, 557, 178], "2867": [271, 819, 1020], "2868": [1020, 740, 271], "2869": [218, 500, 1021], "2870": [1021, 820, 218], "2871": [61, 498, 1021], "2872": [1021, 500, 61], "2873": [155, 694, 1021], "2874": [1021, 498, 155], "2875": [272, 820, 1021], "2876": [1021, 694, 272], "2877": [155, 363, 1022], "2878": [1022, 694, 155], "2879": [23, 364, 1022], "2880": [1022, 363, 23], "2881": [156, 696, 1022], "2882": [1022, 364, 156], "2883": [272, 694, 1022], "2884": [1022, 696, 272], "2885": [156, 502, 1023], "2886": [1023, 696, 156], "2887": [62, 504, 1023], "2888": [1023, 502, 62], "2889": [220, 824, 1023], "2890": [1023, 504, 220], "2891": [272, 696, 1023], "2892": [1023, 824, 272], "2893": [220, 560, 1024], "2894": [1024, 824, 220], "2895": [76, 559, 1024], "2896": [1024, 560, 76], "2897": [218, 820, 1024], "2898": [1024, 559, 218], "2899": [272, 824, 1024], "2900": [1024, 820, 272], "2901": [209, 483, 1025], "2902": [1025, 801, 209], "2903": [57, 481, 1025], "2904": [1025, 483, 57], "2905": [127, 643, 1025], "2906": [1025, 481, 127], "2907": [273, 801, 1025], "2908": [1025, 643, 273], "2909": [127, 335, 1026], "2910": [1026, 643, 127], "2911": [15, 332, 1026], "2912": [1026, 335, 15], "2913": [124, 638, 1026], "2914": [1026, 332, 124], "2915": [273, 643, 1026], "2916": [1026, 638, 273], "2917": [124, 396, 1027], "2918": [1027, 638, 124], "2919": [33, 398, 1027], "2920": [1027, 396, 33], "2921": [172, 727, 1027], "2922": [1027, 398, 172], "2923": [273, 638, 1027], "2924": [1027, 727, 273], "2925": [172, 561, 1028], "2926": [1028, 727, 172], "2927": [77, 563, 1028], "2928": [1028, 561, 77], "2929": [209, 801, 1028], "2930": [1028, 563, 209], "2931": [273, 727, 1028], "2932": [1028, 801, 273], "2933": [172, 398, 1029], "2934": [1029, 728, 172], "2935": [33, 395, 1029], "2936": [1029, 398, 33], "2951": [34, 402, 1031], "2952": [1031, 399, 34], "2953": [174, 731, 1031], "2954": [1031, 402, 174], "2957": [174, 562, 1032], "2958": [1032, 731, 174], "2959": [77, 561, 1032], "2960": [1032, 562, 77], "2961": [172, 728, 1032], "2962": [1032, 561, 172], "2965": [174, 402, 1033], "2966": [1033, 732, 174], "2967": [34, 400, 1033], "2968": [1033, 402, 34], "2969": [128, 646, 1033], "2970": [1033, 400, 128], "2971": [275, 732, 1033], "2972": [1033, 646, 275], "2973": [128, 336, 1034], "2974": [1034, 646, 128], "2975": [16, 339, 1034], "2976": [1034, 336, 16], "2977": [131, 651, 1034], "2978": [1034, 339, 131], "2979": [275, 646, 1034], "2980": [1034, 651, 275], "2981": [131, 489, 1035], "2982": [1035, 651, 131], "2983": [59, 491, 1035], "2984": [1035, 489, 59], "2985": [213, 809, 1035], "2986": [1035, 491, 213], "2987": [275, 651, 1035], "2988": [1035, 809, 275], "2989": [213, 564, 1036], "2990": [1036, 809, 213], "2991": [77, 562, 1036], "2992": [1036, 564, 77], "2993": [174, 732, 1036], "2994": [1036, 562, 174], "2995": [275, 809, 1036], "2996": [1036, 732, 275], "2997": [213, 491, 1037], "2998": [1037, 810, 213], "2999": [59, 490, 1037], "3000": [1037, 491, 59], "3001": [158, 699, 1037], "3002": [1037, 490, 158], "3003": [276, 810, 1037], "3004": [1037, 699, 276], "3005": [158, 366, 1038], "3006": [1038, 699, 158], "3007": [24, 365, 1038], "3008": [1038, 366, 24], "3009": [157, 697, 1038], "3010": [1038, 365, 157], "3011": [276, 699, 1038], "3012": [1038, 697, 276], "3013": [157, 482, 1039], "3014": [1039, 697, 157], "3015": [57, 483, 1039], "3016": [1039, 482, 57], "3017": [209, 802, 1039], "3018": [1039, 483, 209], "3019": [276, 697, 1039], "3020": [1039, 802, 276], "3021": [209, 563, 1040], "3022": [1040, 802, 209], "3023": [77, 564, 1040], "3024": [1040, 563, 77], "3025": [213, 810, 1040], "3026": [1040, 564, 213], "3027": [276, 802, 1040], "3028": [1040, 810, 276], "3029": [214, 492, 1041], "3030": [1041, 811, 214], "3031": [59, 489, 1041], "3032": [1041, 492, 59], "3033": [131, 652, 1041], "3034": [1041, 489, 131], "3035": [277, 811, 1041], "3036": [1041, 652, 277], "3037": [131, 339, 1042], "3038": [1042, 652, 131], "3039": [16, 337, 1042], "3040": [1042, 339, 16], "3041": [129, 648, 1042], "3042": [1042, 337, 129], "3043": [277, 652, 1042], "3044": [1042, 648, 277], "3045": [129, 443, 1043], "3046": [1043, 648, 129], "3047": [47, 445, 1043], "3048": [1043, 443, 47], "3049": [191, 765, 1043], "3050": [1043, 445, 191], "3051": [277, 648, 1043], "3052": [1043, 765, 277], "3053": [191, 565, 1044], "3054": [1044, 765, 191], "3055": [78, 567, 1044], "3056": [1044, 565, 78], "3057": [214, 811, 1044], "3058": [1044, 567, 214], "3059": [277, 765, 1044], "3060": [1044, 811, 277], "3061": [191, 445, 1045], "3062": [1045, 766, 191], "3063": [47, 442, 1045], "3064": [1045, 445, 47], "3065": [103, 607, 1045], "3066": [1045, 442, 103], "3067": [278, 766, 1045], "3068": [1045, 607, 278], "3069": [103, 311, 1046], "3070": [1046, 607, 103], "3071": [8, 312, 1046], "3072": [1046, 311, 8], "3073": [104, 608, 1046], "3074": [1046, 312, 104], "3075": [278, 607, 1046], "3076": [1046, 608, 278], "3077": [104, 446, 1047], "3078": [1047, 608, 104], "3079": [48, 448, 1047], "3080": [1047, 446, 48], "3081": [192, 767, 1047], "3082": [1047, 448, 192], "3083": [278, 608, 1047], "3084": [1047, 767, 278], "3085": [192, 566, 1048], "3086": [1048, 767, 192], "3087": [78, 565, 1048], "3088": [1048, 566, 78], "3089": [191, 766, 1048], "3090": [1048, 565, 191], "3091": [278, 767, 1048], "3092": [1048, 766, 278], "3093": [192, 448, 1049], "3094": [1049, 768, 192], "3095": [48, 447, 1049], "3096": [1049, 448, 48], "3097": [143, 670, 1049], "3098": [1049, 447, 143], "3099": [279, 768, 1049], "3100": [1049, 670, 279], "3101": [143, 351, 1050], "3102": [1050, 670, 143], "3103": [20, 352, 1050], "3104": [1050, 351, 20], "3105": [144, 671, 1050], "3106": [1050, 352, 144], "3107": [279, 670, 1050], "3108": [1050, 671, 279], "3109": [144, 509, 1051], "3110": [1051, 671, 144], "3111": [64, 511, 1051], "3112": [1051, 509, 64], "3113": [223, 829, 1051], "3114": [1051, 511, 223], "3115": [279, 671, 1051], "3116": [1051, 829, 279], "3117": [223, 568, 1052], "3118": [1052, 829, 223], "3119": [78, 566, 1052], "3120": [1052, 568, 78], "3121": [192, 768, 1052], "3122": [1052, 566, 192], "3123": [279, 829, 1052], "3124": [1052, 768, 279], "3125": [223, 511, 1053], "3126": [1053, 830, 223], "3127": [64, 510, 1053], "3128": [1053, 511, 64], "3129": [160, 703, 1053], "3130": [1053, 510, 160], "3131": [280, 830, 1053], "3132": [1053, 703, 280], "3133": [160, 368, 1054], "3134": [1054, 703, 160], "3135": [24, 366, 1054], "3136": [1054, 368, 24], "3137": [158, 700, 1054], "3138": [1054, 366, 158], "3139": [280, 703, 1054], "3140": [1054, 700, 280], "3141": [158, 490, 1055], "3142": [1055, 700, 158], "3143": [59, 492, 1055], "3144": [1055, 490, 59], "3145": [214, 812, 1055], "3146": [1055, 492, 214], "3147": [280, 700, 1055], "3148": [1055, 812, 280], "3149": [214, 567, 1056], "3150": [1056, 812, 214], "3151": [78, 568, 1056], "3152": [1056, 567, 78], "3153": [223, 830, 1056], "3154": [1056, 568, 223], "3155": [280, 812, 1056], "3156": [1056, 830, 280], "3157": [224, 512, 1057], "3158": [1057, 831, 224], "3159": [64, 509, 1057], "3160": [1057, 512, 64], "3161": [144, 672, 1057], "3162": [1057, 509, 144], "3163": [281, 831, 1057], "3164": [1057, 672, 281], "3165": [144, 352, 1058], "3166": [1058, 672, 144], "3167": [20, 350, 1058], "3168": [1058, 352, 20], "3169": [142, 669, 1058], "3170": [1058, 350, 142], "3171": [281, 672, 1058], "3172": [1058, 669, 281], "3173": [142, 424, 1059], "3174": [1059, 669, 142], "3175": [41, 425, 1059], "3176": [1059, 424, 41], "3177": [183, 749, 1059], "3178": [1059, 425, 183], "3179": [281, 669, 1059], "3180": [1059, 749, 281], "3181": [183, 569, 1060], "3182": [1060, 749, 183], "3183": [79, 572, 1060], "3184": [1060, 569, 79], "3185": [224, 831, 1060], "3186": [1060, 572, 224], "3187": [281, 749, 1060], "3188": [1060, 831, 281], "3189": [183, 425, 1061], "3190": [1061, 750, 183], "3191": [41, 423, 1061], "3192": [1061, 425, 41], "3193": [97, 599, 1061], "3194": [1061, 423, 97], "3195": [282, 750, 1061], "3196": [1061, 599, 282], "3197": [97, 305, 1062], "3198": [1062, 599, 97], "3199": [6, 306, 1062], "3200": [1062, 305, 6], "3201": [98, 600, 1062], "3202": [1062, 306, 98], "3203": [282, 599, 1062], "3204": [1062, 600, 282], "3205": [98, 426, 1063], "3206": [1063, 600, 98], "3207": [42, 428, 1063], "3208": [1063, 426, 42], "3209": [184, 751, 1063], "3210": [1063, 428, 184], "3211": [282, 600, 1063], "3212": [1063, 751, 282], "3213": [184, 570, 1064], "3214": [1064, 751, 184], "3215": [79, 569, 1064], "3216": [1064, 570, 79], "3217": [183, 750, 1064], "3218": [1064, 569, 183], "3219": [282, 751, 1064], "3220": [1064, 750, 282], "3221": [184, 428, 1065], "3222": [1065, 752, 184], "3223": [42, 427, 1065], "3224": [1065, 428, 42], "3225": [139, 665, 1065], "3226": [1065, 427, 139], "3227": [283, 752, 1065], "3228": [1065, 665, 283], "3229": [139, 347, 1066], "3230": [1066, 665, 139], "3231": [19, 349, 1066], "3232": [1066, 347, 19], "3233": [141, 667, 1066], "3234": [1066, 349, 141], "3235": [283, 665, 1066], "3236": [1066, 667, 283], "3237": [141, 505, 1067], "3238": [1067, 667, 141], "3239": [63, 507, 1067], "3240": [1067, 505, 63], "3241": [221, 825, 1067], "3242": [1067, 507, 221], "3243": [283, 667, 1067], "3244": [1067, 825, 283], "3245": [221, 571, 1068], "3246": [1068, 825, 221], "3247": [79, 570, 1068], "3248": [1068, 571, 79], "3249": [184, 752, 1068], "3250": [1068, 570, 184], "3251": [283, 825, 1068], "3252": [1068, 752, 283], "3253": [221, 507, 1069], "3254": [1069, 826, 221], "3255": [63, 506, 1069], "3256": [1069, 507, 63], "3257": [159, 701, 1069], "3258": [1069, 506, 159], "3259": [284, 826, 1069], "3260": [1069, 701, 284], "3261": [159, 367, 1070], "3262": [1070, 701, 159], "3263": [24, 368, 1070], "3264": [1070, 367, 24], "3265": [160, 704, 1070], "3266": [1070, 368, 160], "3267": [284, 701, 1070], "3268": [1070, 704, 284], "3269": [160, 510, 1071], "3270": [1071, 704, 160], "3271": [64, 512, 1071], "3272": [1071, 510, 64], "3273": [224, 832, 1071], "3274": [1071, 512, 224], "3275": [284, 704, 1071], "3276": [1071, 832, 284], "3277": [224, 572, 1072], "3278": [1072, 832, 224], "3279": [79, 571, 1072], "3280": [1072, 572, 79], "3281": [221, 826, 1072], "3282": [1072, 571, 221], "3283": [284, 832, 1072], "3284": [1072, 826, 284], "3285": [222, 508, 1073], "3286": [1073, 827, 222], "3287": [63, 505, 1073], "3288": [1073, 508, 63], "3289": [141, 668, 1073], "3290": [1073, 505, 141], "3291": [285, 827, 1073], "3292": [1073, 668, 285], "3293": [141, 349, 1074], "3294": [1074, 668, 141], "3295": [19, 348, 1074], "3296": [1074, 349, 19], "3297": [140, 666, 1074], "3298": [1074, 348, 140], "3299": [285, 668, 1074], "3300": [1074, 666, 285], "3301": [140, 437, 1075], "3302": [1075, 666, 140], "3303": [45, 438, 1075], "3304": [1075, 437, 45], "3305": [188, 759, 1075], "3306": [1075, 438, 188], "3307": [285, 666, 1075], "3308": [1075, 759, 285], "3309": [188, 574, 1076], "3310": [1076, 759, 188], "3311": [80, 576, 1076], "3312": [1076, 574, 80], "3313": [222, 827, 1076], "3314": [1076, 576, 222], "3315": [285, 759, 1076], "3316": [1076, 827, 285], "3317": [188, 438, 1077], "3318": [1077, 760, 188], "3319": [45, 436, 1077], "3320": [1077, 438, 45], "3321": [101, 604, 1077], "3322": [1077, 436, 101], "3323": [286, 760, 1077], "3324": [1077, 604, 286], "3325": [101, 309, 1078], "3326": [1078, 604, 101], "3327": [7, 307, 1078], "3328": [1078, 309, 7], "3329": [99, 602, 1078], "3330": [1078, 307, 99], "3331": [286, 604, 1078], "3332": [1078, 602, 286], "3333": [99, 429, 1079], "3334": [1079, 602, 99], "3335": [43, 432, 1079], "3336": [1079, 429, 43], "3337": [186, 755, 1079], "3338": [1079, 432, 186], "3339": [286, 602, 1079], "3340": [1079, 755, 286], "3341": [186, 573, 1080], "3342": [1080, 755, 186], "3343": [80, 574, 1080], "3344": [1080, 573, 80], "3345": [188, 760, 1080], "3346": [1080, 574, 188], "3347": [286, 755, 1080], "3348": [1080, 760, 286], "3349": [186, 432, 1081], "3350": [1081, 756, 186], "3351": [43, 430, 1081], "3352": [1081, 432, 43], "3353": [125, 640, 1081], "3354": [1081, 430, 125], "3355": [287, 756, 1081], "3356": [1081, 640, 287], "3357": [125, 333, 1082], "3358": [1082, 640, 125], "3359": [15, 335, 1082], "3360": [1082, 333, 15], "3361": [127, 644, 1082], "3362": [1082, 335, 127], "3363": [287, 640, 1082], "3364": [1082, 644, 287], "3365": [127, 481, 1083], "3366": [1083, 644, 127], "3367": [57, 484, 1083], "3368": [1083, 481, 57], "3369": [210, 803, 1083], "3370": [1083, 484, 210], "3371": [287, 644, 1083], "3372": [1083, 803, 287], "3373": [210, 575, 1084], "3374": [1084, 803, 210], "3375": [80, 573, 1084], "3376": [1084, 575, 80], "3377": [186, 756, 1084], "3378": [1084, 573, 186], "3379": [287, 803, 1084], "3380": [1084, 756, 287], "3381": [210, 484, 1085], "3382": [1085, 804, 210], "3383": [57, 482, 1085], "3384": [1085, 484, 57], "3385": [157, 698, 1085], "3386": [1085, 482, 157], "3387": [288, 804, 1085], "3388": [1085, 698, 288], "3389": [157, 365, 1086], "3390": [1086, 698, 157], "3391": [24, 367, 1086], "3392": [1086, 365, 24], "3393": [159, 702, 1086], "3394": [1086, 367, 159], "3395": [288, 698, 1086], "3396": [1086, 702, 288], "3397": [159, 506, 1087], "3398": [1087, 702, 159], "3399": [63, 508, 1087], "3400": [1087, 506, 63], "3401": [222, 828, 1087], "3402": [1087, 508, 222], "3403": [288, 702, 1087], "3404": [1087, 828, 288], "3405": [222, 576, 1088], "3406": [1088, 828, 222], "3407": [80, 575, 1088], "3408": [1088, 576, 80], "3409": [210, 804, 1088], "3410": [1088, 575, 210], "3411": [288, 828, 1088], "3412": [1088, 804, 288]}, "facedata": {"1365": {"path": [5, 0, 0, 0], "s": [1.0002457807119705, 0.9997555429697597, 0.001124099153759934]}, "1366": {"path": [5, 0, 0, 0], "s": [1.0002962194046583, 0.9997047257517694, 0.0009261157945167867]}, "1367": {"path": [5, 0, 0, 1], "s": [1.0009509159522614, 0.999050472503767, -0.0006968035473812123]}, "1368": {"path": [5, 0, 0, 1], "s": [1.0008720737344434, 0.99912930388423, -0.0007863252891031016]}, "1369": {"path": [5, 0, 0, 2], "s": [1.000143434318013, 0.9998575190250271, 0.0009658707879410662]}, "1370": {"path": [5, 0, 0, 2], "s": [1.000014157589554, 0.9999871322413374, 0.001135627014126508]}, "1371": {"path": [5, 0, 0, 3], "s": [1.0007379475325202, 0.9992630043930619, -0.0006387969079176883]}, "1372": {"path": [5, 0, 0, 3], "s": [1.0008418849007865, 0.999159136038562, -0.0005594896548194037]}, "1373": {"path": [5, 0, 1, 0], "s": [1.0009066348258007, 0.9990944351522165, -0.0004989603074744136]}, "1374": {"path": [5, 0, 1, 0], "s": [1.0008441750913628, 0.9991568395321915, -0.0005503167180333564]}, "1375": {"path": [5, 0, 1, 1], "s": [1.0001460327501954, 0.9998546060354635, 0.0007858456453324423]}, "1376": {"path": [5, 0, 1, 1], "s": [1.0001065942494787, 0.9998943926878461, 0.0009877652518724782]}, "1377": {"path": [5, 0, 1, 2], "s": [1.0007121191219572, 0.9992885671195973, -0.0004238119804572235]}, "1378": {"path": [5, 0, 1, 2], "s": [1.000761362862937, 0.9992393482966516, -0.0003633560623361939]}, "1379": {"path": [5, 0, 1, 3], "s": [1.0002019359902155, 0.9997991520204431, 0.0010234511335573803]}, "1380": {"path": [5, 0, 1, 3], "s": [1.0002166108118697, 0.9997841023132725, 0.0008163083787024085]}, "1381": {"path": [5, 0, 2, 0], "s": [1.0003793481289607, 0.9996211832180181, 0.0006226102636626296]}, "1382": {"path": [5, 0, 2, 0], "s": [1.0004104174285824, 0.9995903741697681, 0.0007896079854026479]}, "1383": {"path": [5, 0, 2, 1], "s": [1.0006209257072478, 0.9993796875455633, -0.0004775823065796631]}, "1384": {"path": [5, 0, 2, 1], "s": [1.0006687336083795, 0.9993318775117682, -0.0004053691945638706]}, "1385": {"path": [5, 0, 2, 2], "s": [1.0004953539454078, 0.9995055187702233, 0.0007923208961000526]}, "1386": {"path": [5, 0, 2, 2], "s": [1.000434088795319, 0.9995664804370793, 0.0006172895697241447]}, "1387": {"path": [5, 0, 2, 3], "s": [1.0007498804701118, 0.999250928307303, -0.0004970545062439988]}, "1388": {"path": [5, 0, 2, 3], "s": [1.0006882781850917, 0.9993124976636163, -0.0005501416636596745]}, "1389": {"path": [5, 0, 3, 0], "s": [1.000623710029089, 0.9993770762162827, -0.0006306516921616247]}, "1390": {"path": [5, 0, 3, 0], "s": [1.0006962519652671, 0.9993045515338436, -0.0005650590659772318]}, "1391": {"path": [5, 0, 3, 1], "s": [1.0005355261697122, 0.9994654862509532, 0.0008521587673727846]}, "1392": {"path": [5, 0, 3, 1], "s": [1.000492077331223, 0.999508642121797, 0.0006911345356085312]}, "1393": {"path": [5, 0, 3, 2], "s": [1.0007268826762235, 0.9992741095722816, -0.0006816240361312867]}, "1394": {"path": [5, 0, 3, 2], "s": [1.0006392106206035, 0.9993617620066785, -0.000751437807171398]}, "1395": {"path": [5, 0, 3, 3], "s": [1.000389939812037, 0.999610775742541, 0.0007508532111053685]}, "1396": {"path": [5, 0, 3, 3], "s": [1.0003947277310141, 0.9996062737605446, 0.0009198243820110516]}, "1397": {"path": [5, 1, 0, 0], "s": [1.0006559088678204, 0.9993447820070065, -0.000510990738486405]}, "1398": {"path": [5, 1, 0, 0], "s": [1.0006275573208185, 0.9993731344923689, -0.0005462775386900181]}, "1399": {"path": [5, 1, 0, 1], "s": [1.000579337923961, 0.9994212433555829, 0.0004959676105430718]}, "1400": {"path": [5, 1, 0, 1], "s": [1.0006179192338776, 0.9993828320559078, 0.0006082185803526509]}, "1401": {"path": [5, 1, 0, 2], "s": [1.0006624185536157, 0.9993382906344761, -0.0005204416701060246]}, "1402": {"path": [5, 1, 0, 2], "s": [1.0006737610474337, 0.9993269273139799, -0.0004846351790797805]}, "1403": {"path": [5, 1, 0, 3], "s": [1.0006600978479532, 0.9993407112144754, 0.0006114469065074803]}, "1404": {"path": [5, 1, 0, 3], "s": [1.0005898174722423, 0.9994107752513884, 0.0004951652036001452]}, "1405": {"path": [5, 1, 1, 0], "s": [1.0007518584900188, 0.9992489310286977, 0.00047415307027367983]}, "1406": {"path": [5, 1, 1, 0], "s": [1.0007709395342776, 0.9992299367994784, 0.0005316592806959792]}, "1407": {"path": [5, 1, 1, 1], "s": [1.0008338259822818, 0.9991671464960084, -0.0005272792342608868]}, "1408": {"path": [5, 1, 1, 1], "s": [1.0008388062156433, 0.9991621662626474, -0.000519324691665712]}, "1409": {"path": [5, 1, 1, 2], "s": [1.0007478922893938, 0.9992529840443617, 0.0005636011734192092]}, "1410": {"path": [5, 1, 1, 2], "s": [1.0007222814333785, 0.9992785080853379, 0.000518071908559846]}, "1411": {"path": [5, 1, 1, 3], "s": [1.0006791730775029, 0.9993215601888331, -0.0005220041040619546]}, "1412": {"path": [5, 1, 1, 3], "s": [1.000682452542125, 0.9993182807242134, -0.000517711586054217]}, "1413": {"path": [5, 1, 2, 0], "s": [1.000632053192276, 0.9993686351691399, -0.0005378710421083536]}, "1414": {"path": [5, 1, 2, 0], "s": [1.0006700400748003, 0.9993306691132906, -0.0005105972732274178]}, "1415": {"path": [5, 1, 2, 1], "s": [1.0006697986457858, 0.9993309526439987, 0.0005506021900176369]}, "1416": {"path": [5, 1, 2, 1], "s": [1.0005895180933144, 0.9994110631862293, 0.00048382913930802716]}, "1417": {"path": [5, 1, 2, 2], "s": [1.0005853468121408, 0.9994153450010475, -0.0005912590362174303]}, "1418": {"path": [5, 1, 2, 2], "s": [1.0005462743377198, 0.9994544165371059, -0.0006267667683362105]}, "1419": {"path": [5, 1, 2, 3], "s": [1.000601966682663, 0.9993986260409679, 0.00048032961963791903]}, "1420": {"path": [5, 1, 2, 3], "s": [1.0006899387153871, 0.9993108703470406, 0.000577585665049295]}, "1421": {"path": [5, 1, 3, 0], "s": [1.0006693482817104, 0.9993315289699416, 0.0006556002717370364]}, "1422": {"path": [5, 1, 3, 0], "s": [1.0005776546833707, 0.9994229520371671, 0.0005228633468265615]}, "1423": {"path": [5, 1, 3, 1], "s": [1.0006219498385038, 0.9993788513368864, -0.0006440901174468738]}, "1424": {"path": [5, 1, 3, 1], "s": [1.0005520032290594, 0.9994487979463308, -0.000704918489339377]}, "1425": {"path": [5, 1, 3, 2], "s": [1.000526849160772, 0.9994737575597658, 0.000573994903923806]}, "1426": {"path": [5, 1, 3, 2], "s": [1.0005987142098207, 0.9994021630418303, 0.0007206373357281301]}, "1427": {"path": [5, 1, 3, 3], "s": [1.000596312863188, 0.9994043960495994, -0.0005947659104581771]}, "1428": {"path": [5, 1, 3, 3], "s": [1.0006347476891928, 0.9993659612235953, -0.0005535866120791771]}, "1429": {"path": [5, 2, 0, 0], "s": [1.0006119768232575, 0.9993885924091405, 0.0004416617739048189]}, "1430": {"path": [5, 2, 0, 0], "s": [1.000738221186369, 0.9992626515292617, 0.0005730526744143826]}, "1431": {"path": [5, 2, 0, 1], "s": [1.0004168251611296, 0.99958378595902, -0.0006615373470997323]}, "1432": {"path": [5, 2, 0, 1], "s": [1.0005007996256408, 0.9994998136271719, -0.0006022953268917022]}, "1433": {"path": [5, 2, 0, 2], "s": [1.0007265110722816, 0.9992742805260688, 0.0005141547601138866]}, "1434": {"path": [5, 2, 0, 2], "s": [1.0006032067675577, 0.9993973245794198, 0.0004096450726481327]}, "1435": {"path": [5, 2, 0, 3], "s": [1.0004295700912302, 0.9995712057574793, -0.0007691888770272714]}, "1436": {"path": [5, 2, 0, 3], "s": [1.0003516025420365, 0.9996492062353789, -0.0008279114903635032]}, "1437": {"path": [5, 2, 1, 0], "s": [1.0001765270287446, 0.9998241841308407, -0.0008246959037156102]}, "1438": {"path": [5, 2, 1, 0], "s": [1.00027282826887, 0.9997278579726829, -0.0007823001436061275]}, "1439": {"path": [5, 2, 1, 1], "s": [1.0008649498703308, 0.9991360370669944, 0.0004895433567097078]}, "1440": {"path": [5, 2, 1, 1], "s": [1.0007073905708315, 0.9992932482148278, 0.0003726071792650559]}, "1441": {"path": [5, 2, 1, 2], "s": [1.0001588050657408, 0.9998422095578171, -0.0009947691358065793]}, "1442": {"path": [5, 2, 1, 2], "s": [1.000054113756979, 0.9999469562210377, -0.001033009011716393]}, "1443": {"path": [5, 2, 1, 3], "s": [1.0007380930210088, 0.9992626201041336, 0.00041093817948700785]}, "1444": {"path": [5, 2, 1, 3], "s": [1.0008891846769314, 0.9991119033337266, 0.0005461947556631935]}, "1445": {"path": [5, 2, 2, 0], "s": [1.0009432917079943, 0.9990579981228975, 0.000633441656389407]}, "1446": {"path": [5, 2, 2, 0], "s": [1.0007986545162975, 0.9992022988267427, 0.0005623658914004466]}, "1447": {"path": [5, 2, 2, 1], "s": [1.0001533184506872, 0.9998480591679844, -0.0011637539862625612]}, "1448": {"path": [5, 2, 2, 1], "s": [1.0000087118622185, 0.9999926765938091, -0.0011783005670919998]}, "1449": {"path": [5, 2, 2, 2], "s": [1.0007163913968704, 0.9992845537595564, 0.0006577361897572603]}, "1450": {"path": [5, 2, 2, 2], "s": [1.0008364995314292, 0.999164824150301, 0.000790605795248109]}, "1451": {"path": [5, 2, 2, 3], "s": [1.000184783488587, 0.9998162374507578, -0.000993470211770701]}, "1452": {"path": [5, 2, 2, 3], "s": [1.000318120458217, 0.9996828314673615, -0.00092251166944221]}, "1453": {"path": [5, 2, 3, 0], "s": [1.000477546975303, 0.9995234256519796, -0.0008631573688776822]}, "1454": {"path": [5, 2, 3, 0], "s": [1.000371680608489, 0.9996293116400135, -0.0009243759128054412]}, "1455": {"path": [5, 2, 3, 1], "s": [1.0005797767297868, 0.999420942723233, 0.0006194587035570281]}, "1456": {"path": [5, 2, 3, 1], "s": [1.000655202655129, 0.9993458097655368, 0.0007640637976699126]}, "1457": {"path": [5, 2, 3, 2], "s": [1.0004523981159086, 0.9995484053832003, -0.0007740791662150146]}, "1458": {"path": [5, 2, 3, 2], "s": [1.0005353236615167, 0.9994654625838479, -0.0007071738408895135]}, "1459": {"path": [5, 2, 3, 3], "s": [1.0007495859006992, 0.9992514155908598, 0.0006635987042666468]}, "1460": {"path": [5, 2, 3, 3], "s": [1.0006496343803268, 0.9993510811742518, 0.000542212688149238]}, "1461": {"path": [5, 3, 0, 0], "s": [1.0002577095066962, 0.9997436853142141, -0.0011527212063825037]}, "1462": {"path": [5, 3, 0, 0], "s": [1.0003994796607496, 0.9996018996088284, -0.0011046431861422745]}, "1463": {"path": [5, 3, 0, 1], "s": [1.0009930112171883, 0.9990089906000413, 0.001008827923324713]}, "1464": {"path": [5, 3, 0, 1], "s": [1.0008463604198528, 0.9991550854001905, 0.0008548203131076191]}, "1465": {"path": [5, 3, 0, 2], "s": [1.0002821287777073, 0.9997201428164127, -0.001480756007772058]}, "1466": {"path": [5, 3, 0, 2], "s": [1.0000918343963197, 0.9999104249712706, -0.0015003804591746436]}, "1467": {"path": [5, 3, 0, 3], "s": [1.000655503425926, 0.9993459466724753, 0.001010625649935871]}, "1468": {"path": [5, 3, 0, 3], "s": [1.000727716531562, 0.9992742875107811, 0.0012148783343613905]}, "1469": {"path": [5, 3, 1, 0], "s": [1.0008278098910872, 0.999175644784042, 0.001665012230536609]}, "1470": {"path": [5, 3, 1, 0], "s": [1.0007528252422564, 0.999249708859637, 0.0014033045942789652]}, "1471": {"path": [5, 3, 1, 1], "s": [1.0007018291862357, 0.9993022962631645, -0.0019067722868743788]}, "1472": {"path": [5, 3, 1, 1], "s": [1.0004323951929064, 0.9995717302564936, -0.0019850107358594066]}, "1473": {"path": [5, 3, 1, 2], "s": [1.0003546945525246, 0.9996478395493694, 0.0015521573697283896]}, "1474": {"path": [5, 3, 1, 2], "s": [1.0002950858680368, 0.9997083688070926, 0.0018353797660673689]}, "1475": {"path": [5, 3, 1, 3], "s": [1.0004813505957406, 0.9995209234613668, -0.0014294940819115295]}, "1476": {"path": [5, 3, 1, 3], "s": [1.0006558331236297, 0.9993464409334779, -0.001358466570603844]}, "1477": {"path": [5, 3, 2, 0], "s": [1.0009682220896028, 0.9990340372779871, -0.001150695939766182]}, "1478": {"path": [5, 3, 2, 0], "s": [1.000829961944449, 0.9991723096496712, -0.0012588258923052842]}, "1479": {"path": [5, 3, 2, 1], "s": [1.0001638169829588, 0.999837628837085, 0.0011913105762717798]}, "1480": {"path": [5, 3, 2, 1], "s": [1.0000463843176262, 0.9999556174996032, 0.001414128204026288]}, "1481": {"path": [5, 3, 2, 2], "s": [1.0007032478481321, 0.999298131421446, -0.0009411068007206816]}, "1482": {"path": [5, 3, 2, 2], "s": [1.0008122157356483, 0.9991891790852635, -0.0008580555956056931]}, "1483": {"path": [5, 3, 2, 3], "s": [1.0004035315094686, 0.9995984725328744, 0.0013572079273192757]}, "1484": {"path": [5, 3, 2, 3], "s": [1.0004222820638666, 0.9995791680345346, 0.0011280020435832918]}, "1485": {"path": [5, 3, 3, 0], "s": [1.0004600478411476, 0.9995408992451185, 0.0008578332912085609]}, "1486": {"path": [5, 3, 3, 0], "s": [1.000472138253634, 0.9995291751304844, 0.0010445523859415981]}, "1487": {"path": [5, 3, 3, 1], "s": [1.00051684967261, 0.999484134497196, -0.0008470802146314388]}, "1488": {"path": [5, 3, 3, 1], "s": [1.00061304962523, 0.9993879345445774, -0.0007803481967673443]}, "1489": {"path": [5, 3, 3, 2], "s": [1.0006686281090966, 0.9993326852750217, 0.000931235059419954]}, "1490": {"path": [5, 3, 3, 2], "s": [1.000598235199729, 0.9994027118865386, 0.000767963210585021]}, "1491": {"path": [5, 3, 3, 3], "s": [1.000622731233588, 0.9993786562884833, -0.0010002959232062857]}, "1492": {"path": [5, 3, 3, 3], "s": [1.0004967884356273, 0.999504599086442, -0.001068369142697544]}, "1493": {"path": [6, 0, 0, 0], "s": [0.9995196077046006, 1.000482626557655, -0.0014150661382494457]}, "1494": {"path": [6, 0, 0, 0], "s": [0.9993691715507693, 1.0006329229474433, -0.0013020109108696069]}, "1495": {"path": [6, 0, 0, 1], "s": [1.0009941462229117, 0.9990072854349116, 0.0006668990840120538]}, "1496": {"path": [6, 0, 0, 1], "s": [1.001199103433492, 0.9988029291466585, 0.0007727667047085485]}, "1497": {"path": [6, 0, 0, 2], "s": [0.9997162661305067, 1.0002851537420272, -0.0011571364489458822]}, "1498": {"path": [6, 0, 0, 2], "s": [0.9998912401581544, 1.0001100954354436, -0.0011504866959029364]}, "1499": {"path": [6, 0, 0, 3], "s": [1.0012766040433918, 0.9987252979801196, 0.0005241505111855496]}, "1500": {"path": [6, 0, 0, 3], "s": [1.0010475893674453, 0.9989537737342621, 0.0005168038272148769]}, "1501": {"path": [6, 0, 1, 0], "s": [1.00091816818492, 0.999082837450484, 0.0004043833956306488]}, "1502": {"path": [6, 0, 1, 0], "s": [1.0011203894885734, 0.9988810898783353, 0.00047513342321106784]}, "1503": {"path": [6, 0, 1, 1], "s": [0.9998517246752773, 1.000149105026487, -0.0008986618759815834]}, "1504": {"path": [6, 0, 1, 1], "s": [0.9999515400864671, 1.000049378228213, -0.000957038043174699]}, "1505": {"path": [6, 0, 1, 2], "s": [1.0010271749429271, 0.9989740259516248, 0.00038345758245236994]}, "1506": {"path": [6, 0, 1, 2], "s": [1.000810812862808, 0.99918995453187, 0.00033256487004537904]}, "1507": {"path": [6, 0, 1, 3], "s": [0.9996767447223812, 1.0003246740650036, -0.0011462263207227578]}, "1508": {"path": [6, 0, 1, 3], "s": [0.9995731645910818, 1.0004281591164377, -0.0010681545064643305]}, "1509": {"path": [6, 0, 2, 0], "s": [0.9993800168508743, 1.0006208561722545, -0.0006986435164729253]}, "1510": {"path": [6, 0, 2, 0], "s": [0.9994733956188024, 1.0005277873847678, -0.0009513508394562187]}, "1511": {"path": [6, 0, 2, 1], "s": [1.0012116746833275, 0.9987897996041711, 8.898493021656219e-05]}, "1512": {"path": [6, 0, 2, 1], "s": [1.000903114177887, 0.999097717243028, 0.00012867231703430504]}, "1513": {"path": [6, 0, 2, 2], "s": [0.9990191456288052, 1.0009827972469982, -0.0009893911395947575]}, "1514": {"path": [6, 0, 2, 2], "s": [0.9989704965715731, 1.0010310848159683, -0.0007210285628733053]}, "1515": {"path": [6, 0, 2, 3], "s": [1.0010979011469643, 0.9989034047055716, 0.00031921670464621723]}, "1516": {"path": [6, 0, 2, 3], "s": [1.0013854961858475, 0.998616510427829, 0.00029965672253088325]}, "1517": {"path": [6, 0, 3, 0], "s": [1.0016387469865256, 0.9983640288192132, 0.0003079982069622116]}, "1518": {"path": [6, 0, 3, 0], "s": [1.0013497674337337, 0.9986521597527355, 0.0003285050948785223]}, "1519": {"path": [6, 0, 3, 1], "s": [0.9986786512214589, 1.0013247438087167, -0.0012824123995245477]}, "1520": {"path": [6, 0, 3, 1], "s": [0.9986128682723283, 1.001390070438095, -0.0010052360984730757]}, "1521": {"path": [6, 0, 3, 2], "s": [1.0013910895541163, 0.9986111710928647, 0.0005732901500950888]}, "1522": {"path": [6, 0, 3, 2], "s": [1.001668044832579, 0.9983351285570262, 0.000629531093914748]}, "1523": {"path": [6, 0, 3, 3], "s": [0.999059838551934, 1.0009421506530054, -0.0010504433425986834]}, "1524": {"path": [6, 0, 3, 3], "s": [0.9992096170156439, 1.000792456501492, -0.001202985037250102]}, "1525": {"path": [6, 1, 0, 0], "s": [1.0012762539245113, 0.9987253764705458, 6.0429921657250296e-05]}, "1526": {"path": [6, 1, 0, 0], "s": [1.0016031224365536, 0.9983994446140451, 3.412255162939704e-05]}, "1527": {"path": [6, 1, 0, 1], "s": [0.9988588632341565, 1.00114247420167, -0.0001836205628441239]}, "1528": {"path": [6, 1, 0, 1], "s": [0.9989107016133102, 1.0010908240870515, -0.0005809194810174785]}, "1529": {"path": [6, 1, 0, 2], "s": [1.001454358812472, 0.99854781910472, -0.0002567588566779667]}, "1530": {"path": [6, 1, 0, 2], "s": [1.0011245129893138, 0.998876804932331, -0.00023425243151842714]}, "1531": {"path": [6, 1, 0, 3], "s": [0.9984869621366798, 1.0015155245801624, -0.0004400804119692761]}, "1532": {"path": [6, 1, 0, 3], "s": [0.9985134843243753, 1.0014887343563146, -7.51912961599663e-05]}, "1533": {"path": [6, 1, 1, 0], "s": [0.9985130358458487, 1.0014893417848612, 0.0004037732801993836]}, "1534": {"path": [6, 1, 1, 0], "s": [0.998494064595735, 1.0015082099512824, 5.7273501568115544e-05]}, "1535": {"path": [6, 1, 1, 1], "s": [1.0016839655809187, 0.9983190672244138, -0.00044963584659336484]}, "1536": {"path": [6, 1, 1, 1], "s": [1.001478332514041, 0.9985240573995994, -0.000456047920377574]}, "1537": {"path": [6, 1, 1, 2], "s": [0.9982548645881536, 1.0017482684724857, 0.0002865229810051428]}, "1538": {"path": [6, 1, 1, 2], "s": [0.9983596659165611, 1.0016433642462514, 0.0005783566623808049]}, "1539": {"path": [6, 1, 1, 3], "s": [1.00150242882446, 0.9984998843182632, -0.00024356864139588253]}, "1540": {"path": [6, 1, 1, 3], "s": [1.001755392851186, 0.9982477348123259, -0.00022748566542037528]}, "1541": {"path": [6, 1, 2, 0], "s": [1.001975304787583, 0.9980286486635114, -0.00024378548206341]}, "1542": {"path": [6, 1, 2, 0], "s": [1.0017775335438823, 0.9982256814946835, -0.00024724058250575904]}, "1543": {"path": [6, 1, 2, 1], "s": [0.9979001032357224, 1.00210433013861, 0.00012040881765642217]}, "1544": {"path": [6, 1, 2, 1], "s": [0.9980049309402473, 1.0019992388932768, 0.00042569221916220605]}, "1545": {"path": [6, 1, 2, 2], "s": [1.0018879271183618, 0.9981156305149514, 9.003401754909748e-06]}, "1546": {"path": [6, 1, 2, 2], "s": [1.0021169440067221, 0.9978875288301152, 2.921737103018634e-05]}, "1547": {"path": [6, 1, 2, 3], "s": [0.9982159055430021, 1.0017873048294197, 0.00014714544541904735]}, "1548": {"path": [6, 1, 2, 3], "s": [0.9981606007447763, 1.0018428200202658, -0.0001763044765282812]}, "1549": {"path": [6, 1, 3, 0], "s": [0.9981081601862054, 1.0018958736755763, -0.0006687095644037433]}, "1550": {"path": [6, 1, 3, 0], "s": [0.9981401871411572, 1.001863390752873, -0.00033516555174903525]}, "1551": {"path": [6, 1, 3, 1], "s": [1.0017164680369168, 0.9982865771274048, 0.00032268983102097]}, "1552": {"path": [6, 1, 3, 1], "s": [1.0019914596003012, 0.9980126158023596, 0.0003429392382328716]}, "1553": {"path": [6, 1, 3, 2], "s": [0.9984843484782611, 1.001518250160782, -0.0005454364073760431]}, "1554": {"path": [6, 1, 3, 2], "s": [0.9985284869851857, 1.0014744003696134, -0.0008472045004570338]}, "1555": {"path": [6, 1, 3, 3], "s": [1.0018558865601748, 0.9981475526673761, 3.599225987367908e-05]}, "1556": {"path": [6, 1, 3, 3], "s": [1.001588096276123, 0.9984144229014288, 3.359264621683893e-05]}, "1557": {"path": [6, 2, 0, 0], "s": [0.9978282789529299, 1.0021764517076164, -6.336060019168216e-05]}, "1558": {"path": [6, 2, 0, 0], "s": [0.9977650791920064, 1.0022400810897163, -0.0003922727171012026]}, "1559": {"path": [6, 2, 0, 1], "s": [1.0023883825185504, 0.997617308598033, -1.8387242575711368e-05]}, "1560": {"path": [6, 2, 0, 1], "s": [1.0021674811294117, 0.9978372080812451, -3.741638648842201e-05]}, "1561": {"path": [6, 2, 0, 2], "s": [0.9974513051673812, 1.0025552191633162, -0.00010888902119035112]}, "1562": {"path": [6, 2, 0, 2], "s": [0.9975269184906819, 1.0024792738365236, 0.00024674059877310284]}, "1563": {"path": [6, 2, 0, 3], "s": [1.0023158089521127, 0.9976896274661262, 0.0002933203738738178]}, "1564": {"path": [6, 2, 0, 3], "s": [1.0025456457336235, 0.9974609279596157, 0.0003318363035252331]}, "1565": {"path": [6, 2, 1, 0], "s": [1.0028983212243472, 0.997110161080028, 0.00032653161892724373]}, "1566": {"path": [6, 2, 1, 0], "s": [1.0026245203212258, 0.9973824157014807, 0.0002571371665872476]}, "1567": {"path": [6, 2, 1, 1], "s": [0.9969838891311518, 1.0030254878752387, -0.0005017963005296524]}, "1568": {"path": [6, 2, 1, 1], "s": [0.9969612942785597, 1.0030479740162055, -7.999177377218382e-05]}, "1569": {"path": [6, 2, 1, 2], "s": [1.002755370061047, 0.9972526112352373, 0.0006412671331236401]}, "1570": {"path": [6, 2, 1, 2], "s": [1.0029478355837893, 0.997061332213208, 0.0007106951009621866]}, "1571": {"path": [6, 2, 1, 3], "s": [0.9973762202935138, 1.0026307706179298, -0.0002972354012997075]}, "1572": {"path": [6, 2, 1, 3], "s": [0.9973168279494028, 1.002690776044632, -0.0006198217136507345]}, "1573": {"path": [6, 2, 2, 0], "s": [0.9971030015939467, 1.0029065375218322, -0.0010577718140822063]}, "1574": {"path": [6, 2, 2, 0], "s": [0.9972363426105343, 1.0027719156181065, -0.0007730482267884375]}, "1575": {"path": [6, 2, 2, 1], "s": [1.002756813942881, 0.9972525272270449, 0.0013292474103452758]}, "1576": {"path": [6, 2, 2, 1], "s": [1.0030795661667766, 0.9969313632565068, 0.0012162867216994949]}, "1577": {"path": [6, 2, 2, 2], "s": [0.9976259247145042, 1.0023809838737037, -0.0011206931948467913]}, "1578": {"path": [6, 2, 2, 2], "s": [0.9975356113540421, 1.0024728679186194, -0.0015443979536918925]}, "1579": {"path": [6, 2, 2, 3], "s": [1.0027180220470318, 0.997289848435003, 0.0007100917753873934]}, "1580": {"path": [6, 2, 2, 3], "s": [1.0024982679627477, 0.9975084272219948, 0.000685979806037315]}, "1581": {"path": [6, 2, 3, 0], "s": [1.0021779819352046, 0.99782729773766, 0.0007399774230761922]}, "1582": {"path": [6, 2, 3, 0], "s": [1.002450153041749, 0.997556376806058, 0.0007366118417103954]}, "1583": {"path": [6, 2, 3, 1], "s": [0.9981168273423803, 1.0018874314353683, -0.0008392964175346362]}, "1584": {"path": [6, 2, 3, 1], "s": [0.9981198465878937, 1.0018850698375283, -0.0011714115139107152]}, "1585": {"path": [6, 2, 3, 2], "s": [1.002272494727894, 0.9977327769231068, 0.0003455408967687537]}, "1586": {"path": [6, 2, 3, 2], "s": [1.0020290024602196, 0.9979752114840533, 0.0003250282957679691]}, "1587": {"path": [6, 2, 3, 3], "s": [0.9976596208201314, 1.0023467026293595, -0.0009117431196137897]}, "1588": {"path": [6, 2, 3, 3], "s": [0.9977173064496573, 1.0022882453424593, -0.0005730874552823228]}, "1589": {"path": [6, 3, 0, 0], "s": [1.0025834475798283, 0.9974249606510832, 0.0013250478246534005]}, "1590": {"path": [6, 3, 0, 0], "s": [1.0022428139500048, 0.9977640441651563, 0.0013576753010868445]}, "1591": {"path": [6, 3, 0, 1], "s": [0.9975612744143268, 1.0024510839936813, -0.002526041717942921]}, "1592": {"path": [6, 3, 0, 1], "s": [0.9976212590453549, 1.0023880346401028, -0.0019008339376641419]}, "1593": {"path": [6, 3, 0, 2], "s": [1.0019580890629811, 0.9980504116404635, 0.0021640785106163173]}, "1594": {"path": [6, 3, 0, 2], "s": [1.0023302278807045, 0.997680485955811, 0.002304092059793191]}, "1595": {"path": [6, 3, 0, 3], "s": [0.9985461773130598, 1.0014601098385778, -0.0020406888122581324]}, "1596": {"path": [6, 3, 0, 3], "s": [0.9987498807859377, 1.00125726813516, -0.0023616066662104536]}, "1597": {"path": [6, 3, 1, 0], "s": [0.9996629920102026, 1.0003448512317614, -0.0027797525686118017]}, "1598": {"path": [6, 3, 1, 0], "s": [0.9992477159063395, 1.0007597201317273, -0.00262002150678921]}, "1599": {"path": [6, 3, 1, 1], "s": [1.0008855136138652, 0.999119253919088, 0.0019969026786187515]}, "1600": {"path": [6, 3, 1, 1], "s": [1.0009785301687115, 0.9990278681824165, 0.002333900344248335]}, "1601": {"path": [6, 3, 1, 2], "s": [0.9998001021952626, 1.0002039153793612, -0.0019941946713016127]}, "1602": {"path": [6, 3, 1, 2], "s": [1.0000730239904834, 0.9999310880030073, -0.0020265639052947245]}, "1603": {"path": [6, 3, 1, 3], "s": [1.0016544011956245, 0.9983516483240561, 0.0018227684157463306]}, "1604": {"path": [6, 3, 1, 3], "s": [1.001416035445576, 0.998588553179388, 0.001609337203891077]}, "1605": {"path": [6, 3, 2, 0], "s": [1.0010755598485783, 0.9989269441522155, 0.0011618369113597414]}, "1606": {"path": [6, 3, 2, 0], "s": [1.0012553082752906, 0.998748105498998, 0.0013572990685447592]}, "1607": {"path": [6, 3, 2, 1], "s": [0.9996978375620144, 1.0003043872239854, -0.0014604148767929474]}, "1608": {"path": [6, 3, 2, 1], "s": [0.999886237105618, 1.0001160163949419, -0.0014967639088914614]}, "1609": {"path": [6, 3, 2, 2], "s": [1.001528693601444, 0.9984746079848535, 0.0009847483355327608]}, "1610": {"path": [6, 3, 2, 2], "s": [1.0012862625183703, 0.998716157544388, 0.0008767578502702723]}, "1611": {"path": [6, 3, 2, 3], "s": [0.9994616184094969, 1.0005423804808453, -0.00192532664116583]}, "1612": {"path": [6, 3, 2, 3], "s": [0.9992446285728691, 1.0007591345326312, -0.0017859666751768252]}, "1613": {"path": [6, 3, 3, 0], "s": [0.9988328420944447, 1.0011705755859976, -0.00143228275648061]}, "1614": {"path": [6, 3, 3, 0], "s": [0.9989788565004141, 1.001024895369503, -0.0016447810416758812]}, "1615": {"path": [6, 3, 3, 1], "s": [1.0020613166854933, 0.9979434348392597, 0.0007157462345012936]}, "1616": {"path": [6, 3, 3, 1], "s": [1.0017767985366093, 0.9982268324072854, 0.0006930961770590889]}, "1617": {"path": [6, 3, 3, 2], "s": [0.9982711570656423, 1.001734911026417, -0.0017517715006743404]}, "1618": {"path": [6, 3, 3, 2], "s": [0.9982207665443757, 1.0017843590179392, -0.0013967000584992318]}, "1619": {"path": [6, 3, 3, 3], "s": [1.0017099762782344, 0.9982942248238568, 0.0011332550481414562]}, "1620": {"path": [6, 3, 3, 3], "s": [1.0019974391996176, 0.9980080345988798, 0.0012226891350169862]}, "1621": {"path": [7, 0, 0, 0], "s": [1.0036798697972638, 0.9963382625445878, 0.002158153095651641]}, "1622": {"path": [7, 0, 0, 0], "s": [1.0043098882316228, 0.9957120512333515, 0.0018598077985864131]}, "1623": {"path": [7, 0, 0, 1], "s": [0.9968459504429747, 1.0031655115364824, -0.0012156476460293839]}, "1624": {"path": [7, 0, 0, 1], "s": [0.9964192944969331, 1.0035971897558293, -0.001898361295679125]}, "1625": {"path": [7, 0, 0, 2], "s": [1.0030938154634983, 0.9969168711030484, 0.001071417140407364]}, "1626": {"path": [7, 0, 0, 2], "s": [1.0030196753637142, 0.9969903946577994, 0.0009909542909674993]}, "1627": {"path": [7, 0, 0, 3], "s": [0.996449694448986, 1.003563383491066, -0.0006533298272667773]}, "1628": {"path": [7, 0, 0, 3], "s": [0.996724300727229, 1.003287055778833, -0.0007675283949589205]}, "1629": {"path": [7, 0, 1, 0], "s": [0.9969948718125264, 1.0030144961776188, -0.0005559161003808539]}, "1630": {"path": [7, 0, 1, 0], "s": [0.9968742051456119, 1.0031360431535183, -0.0006675863812514769]}, "1631": {"path": [7, 0, 1, 1], "s": [1.0033460864102863, 0.9966659272055709, 0.0009260238593886903]}, "1632": {"path": [7, 0, 1, 1], "s": [1.0030112080901392, 0.9969983557351219, 0.0007247411725247289]}, "1633": {"path": [7, 0, 1, 2], "s": [0.9968115855023997, 1.0031997835504562, -0.0010801928509442888]}, "1634": {"path": [7, 0, 1, 2], "s": [0.9965783717343225, 1.0034339007800686, -0.0007231752347847983]}, "1635": {"path": [7, 0, 1, 3], "s": [1.0031723448114387, 0.9968385419524372, 0.0009260285319285577]}, "1636": {"path": [7, 0, 1, 3], "s": [1.0030314581327915, 0.9969784120807998, 0.0008428501166507237]}, "1637": {"path": [7, 0, 2, 0], "s": [1.0030837427635482, 0.9969290043904933, 0.0018102468213283816]}, "1638": {"path": [7, 0, 2, 0], "s": [1.0027882656725522, 0.9972211448091733, 0.0012893002707135177]}, "1639": {"path": [7, 0, 2, 1], "s": [0.997828302920047, 1.0021789444740032, -0.001585997068078038]}, "1640": {"path": [7, 0, 2, 1], "s": [0.99727673068012, 1.0027335458317073, -0.0016829528598088948]}, "1641": {"path": [7, 0, 2, 2], "s": [1.0042466976072988, 0.9957713002174486, 0.0001995382124299251]}, "1642": {"path": [7, 0, 2, 2], "s": [1.001875779687655, 0.9981302893265053, -0.0016005776632753534]}, "1643": {"path": [7, 0, 2, 3], "s": [0.9972144158269947, 1.0027935314990275, -0.00040707357057485097]}, "1644": {"path": [7, 0, 2, 3], "s": [0.9965589110383344, 1.0034536004035228, 0.0007920199680014654]}, "1645": {"path": [7, 0, 3, 0], "s": [0.9950204165125655, 1.0050048143737582, -0.0005558734658937093]}, "1646": {"path": [7, 0, 3, 0], "s": [0.9957861214533892, 1.0042317143727806, 6.241601257748534e-05]}, "1647": {"path": [7, 0, 3, 1], "s": [1.0039444896957697, 0.9960985205153994, 0.005255555683497188]}, "1648": {"path": [7, 0, 3, 1], "s": [1.0081450699460957, 0.9919809273467576, 0.007789825748390472]}, "1649": {"path": [7, 0, 3, 2], "s": [0.995101766022967, 1.0049224512878028, -0.00032556508123038455]}, "1650": {"path": [7, 0, 3, 2], "s": [0.9930189582946638, 1.00703764555713, -0.0027338168650847144]}, "1651": {"path": [7, 0, 3, 3], "s": [1.003346532515672, 0.9966658314242176, 0.0010981968575280302]}, "1652": {"path": [7, 0, 3, 3], "s": [1.003863518904741, 0.996151759374402, 0.0006407251639786946]}, "1653": {"path": [7, 1, 0, 0], "s": [1.0085552093830947, 0.9915173845435703, 0.00015288989240257753]}, "1654": {"path": [7, 1, 0, 0], "s": [1.010070959171161, 0.9900296154930561, 0.00040413973642405615]}, "1655": {"path": [7, 1, 0, 1], "s": [0.9917985155225504, 1.0082701431946548, -0.0009117379935390014]}, "1656": {"path": [7, 1, 0, 1], "s": [0.9932997529035454, 1.0067475395151377, -0.0014429957163578303]}, "1671": {"path": [7, 1, 2, 1], "s": [1.0064974735384054, 0.9935498188802764, 0.0023200296417304855]}, "1672": {"path": [7, 1, 2, 1], "s": [1.0083008434740748, 0.9917678152431313, 0.0005697719628146586]}, "1673": {"path": [7, 1, 2, 2], "s": [0.9912974557929705, 1.0088031188712454, 0.004895419602027105]}, "1674": {"path": [7, 1, 2, 2], "s": [0.9942456604683338, 1.0058269334583314, 0.006250101848564473]}, "1677": {"path": [7, 1, 3, 0], "s": [1.010598566453429, 0.9895126704007202, 0.0002935889488542594]}, "1678": {"path": [7, 1, 3, 0], "s": [1.0100709591711559, 0.9900296154930613, -0.00040413973642550426]}, "1679": {"path": [7, 1, 3, 1], "s": [1.005158467821596, 0.9948686889675176, 0.0008289066711311021]}, "1680": {"path": [7, 1, 3, 1], "s": [0.999904177573444, 1.0001229792156687, 0.005210086846320401]}, "1681": {"path": [7, 1, 3, 2], "s": [0.9912974557929658, 1.0088031188712507, -0.0048954196020283775]}, "1682": {"path": [7, 1, 3, 2], "s": [0.9952291233466553, 1.0048821135074932, -0.00937789383582899]}, "1685": {"path": [7, 2, 0, 0], "s": [0.9988693381516717, 1.0011367308624872, -0.002187179906023689]}, "1686": {"path": [7, 2, 0, 0], "s": [0.9958390217719797, 1.0041789760527677, -0.000780510330402661]}, "1687": {"path": [7, 2, 0, 1], "s": [1.0025304850674028, 0.9974797914444233, -0.0019746295120231534]}, "1688": {"path": [7, 2, 0, 1], "s": [1.0019691622932079, 0.9980380851008439, -0.001839582890132613]}, "1689": {"path": [7, 2, 0, 2], "s": [0.9971543554111107, 1.002855055070615, 0.001134023682744544]}, "1690": {"path": [7, 2, 0, 2], "s": [0.99671993861092, 1.0032928085431223, 0.001395184531870864]}, "1691": {"path": [7, 2, 0, 3], "s": [1.0035386411606992, 0.9964738702811573, -0.00018366843840971432]}, "1692": {"path": [7, 2, 0, 3], "s": [1.0027072025391484, 0.997300744786874, -0.0007999346570900911]}, "1693": {"path": [7, 2, 1, 0], "s": [1.003352033452862, 0.9966602390615288, -0.0010380385352168012]}, "1694": {"path": [7, 2, 1, 0], "s": [1.003105147092437, 0.9969062219604198, -0.0013275605344080785]}, "1695": {"path": [7, 2, 1, 1], "s": [0.9969571453712716, 1.0030524184539884, 0.0005251282127507229]}, "1696": {"path": [7, 2, 1, 1], "s": [0.996591994264019, 1.0034200193518377, 0.0005984732979464027]}, "1697": {"path": [7, 2, 1, 2], "s": [1.0030656069094488, 0.9969446413896802, -0.000939026443882006]}, "1698": {"path": [7, 2, 1, 2], "s": [1.0029694800052409, 0.9970398879849044, -0.0007602609440488784]}, "1699": {"path": [7, 2, 1, 3], "s": [0.9968790616743043, 1.0031308085392865, 0.00031488605897152716]}, "1700": {"path": [7, 2, 1, 3], "s": [0.9967659265843101, 1.0032449601795663, 0.0006263580637843747]}, "1701": {"path": [7, 2, 2, 0], "s": [0.9969671243967043, 1.003042945624809, 0.000917140101394552]}, "1702": {"path": [7, 2, 2, 0], "s": [0.9968315921223181, 1.0031790944442278, 0.0007835168570251907]}, "1703": {"path": [7, 2, 2, 1], "s": [1.0035360562745375, 0.9964804279782256, -0.0020096885410483514]}, "1704": {"path": [7, 2, 2, 1], "s": [1.0031855946087085, 0.9968258673707502, -0.0011621014016565674]}, "1705": {"path": [7, 2, 2, 2], "s": [0.9954646228405536, 1.0045573166244206, 0.0011270826270473237]}, "1706": {"path": [7, 2, 2, 2], "s": [0.9961969238799983, 1.003821208461853, 0.001897365331502558]}, "1707": {"path": [7, 2, 2, 3], "s": [1.0032015360504825, 0.9968098204555785, -0.0010691263921729628]}, "1708": {"path": [7, 2, 2, 3], "s": [1.003363528451334, 0.9966495494887173, -0.001344843646112413]}, "1709": {"path": [7, 2, 3, 0], "s": [1.0053396660345035, 0.9947169378172896, -0.005328608082645365]}, "1710": {"path": [7, 2, 3, 0], "s": [1.0047922367518605, 0.9952319805589092, -0.0011695438303855456]}, "1711": {"path": [7, 2, 3, 1], "s": [0.9890303619377714, 1.0110956353550837, -0.002069345050579545]}, "1712": {"path": [7, 2, 3, 1], "s": [0.9942937237597973, 1.0057492864513708, 0.0031942439625279886]}, "1713": {"path": [7, 2, 3, 2], "s": [1.0040692965221043, 0.9959485393040655, -0.001161564139491859]}, "1714": {"path": [7, 2, 3, 2], "s": [1.003965593272818, 0.9960596376135058, -0.003099195339292258]}, "1715": {"path": [7, 2, 3, 3], "s": [0.9961045233295178, 1.0039107549496253, -0.00020982009565568505]}, "1716": {"path": [7, 2, 3, 3], "s": [0.9964913659078355, 1.003520998032053, -0.00010023051341082708]}, "1717": {"path": [7, 3, 0, 0], "s": [1.0036679053502255, 0.9963512753288699, -0.0024078003139472075]}, "1718": {"path": [7, 3, 0, 0], "s": [1.0041019169786638, 0.995932296141727, -0.004186614010224738]}, "1719": {"path": [7, 3, 0, 1], "s": [0.9974234204910755, 1.0025920446310221, 0.002964205292453486]}, "1720": {"path": [7, 3, 0, 1], "s": [0.996635710462296, 1.0033817935638252, 0.0024752158321341734]}, "1721": {"path": [7, 3, 0, 2], "s": [1.001916194573129, 0.9980995147022416, -0.003473841642397322]}, "1722": {"path": [7, 3, 0, 2], "s": [1.0024383371376213, 0.9975755806899681, -0.0028295363487872414]}, "1723": {"path": [7, 3, 0, 3], "s": [0.9985006143400841, 1.001526499352868, 0.004982457396985028]}, "1724": {"path": [7, 3, 0, 3], "s": [0.9989578844939444, 1.0010621295277646, 0.004348236430815005]}, "1725": {"path": [7, 3, 1, 0], "s": [0.9998493966003714, 1.000160001587189, 0.0030617136994139055]}, "1726": {"path": [7, 3, 1, 0], "s": [0.999618554210649, 1.000394010009524, 0.003523340277959453]}, "1727": {"path": [7, 3, 1, 1], "s": [1.0002812719749148, 0.9997267252314298, -0.0028143101837172784]}, "1728": {"path": [7, 3, 1, 1], "s": [1.000766032462257, 0.9992419647440864, -0.002723330081071462]}, "1729": {"path": [7, 3, 1, 2], "s": [1.0012633553591614, 0.9987492088610117, 0.0033142158174612477]}, "1730": {"path": [7, 3, 1, 2], "s": [1.0010871489491595, 0.9989222492384012, 0.0028681896646171896]}, "1731": {"path": [7, 3, 1, 3], "s": [1.0009571394449255, 0.9990598961971437, -0.004016943071115266]}, "1732": {"path": [7, 3, 1, 3], "s": [0.9998545811233386, 1.0001624545187289, -0.004124562778644036]}, "1733": {"path": [7, 3, 2, 0], "s": [0.9981469203139056, 1.0018669975136851, -0.0032339035890466493]}, "1734": {"path": [7, 3, 2, 0], "s": [0.998751330135555, 1.0012643791398144, -0.0037590535033599666]}, "1735": {"path": [7, 3, 2, 1], "s": [1.003524464836673, 0.9964930391894476, 0.0022680092726053546]}, "1736": {"path": [7, 3, 2, 1], "s": [1.002918746285277, 0.9970967188368216, 0.002644084149205593]}, "1737": {"path": [7, 3, 2, 2], "s": [0.9958608037721131, 1.0041734093482784, -0.004115648206440209]}, "1738": {"path": [7, 3, 2, 2], "s": [0.9964130101796593, 1.0036061704994363, -0.0024990762738753094]}, "1739": {"path": [7, 3, 2, 3], "s": [1.0015805840565275, 0.9984394299651816, 0.004188962830153097]}, "1740": {"path": [7, 3, 2, 3], "s": [1.0020738903201918, 0.9979532233727608, 0.004782144154821687]}, "1741": {"path": [7, 3, 3, 0], "s": [1.0049601454045924, 0.9950786750060046, 0.003796040442861641]}, "1742": {"path": [7, 3, 3, 0], "s": [1.004320528012115, 0.9957377970893222, 0.0063174468235658605]}, "1743": {"path": [7, 3, 3, 1], "s": [1.0036493925654018, 0.9963808200043274, -0.004123682960561001]}, "1744": {"path": [7, 3, 3, 1], "s": [0.996518293451828, 1.0035119191178996, -0.004240884098713865]}, "1745": {"path": [7, 3, 3, 2], "s": [0.9953076231851703, 1.0047507019162678, 0.006002750862026485]}, "1746": {"path": [7, 3, 3, 2], "s": [0.9951607928504451, 1.0048780275601532, 0.003900592871935434]}, "1747": {"path": [7, 3, 3, 3], "s": [0.9980615660335352, 1.0019907400760941, -0.00696040167288953]}, "1748": {"path": [7, 3, 3, 3], "s": [1.0024050231530643, 0.9976472829565646, -0.006829917325114904]}, "1749": {"path": [8, 0, 0, 0], "s": [1.002672040547313, 0.9973364387253469, -0.0011671027953447876]}, "1750": {"path": [8, 0, 0, 0], "s": [1.002509767092739, 0.9974971414954674, -0.0007918309758705522]}, "1751": {"path": [8, 0, 0, 1], "s": [0.9969850548952166, 1.0030258745280656, 0.001344089910231095]}, "1752": {"path": [8, 0, 0, 1], "s": [0.997415258483872, 1.0025940826860542, 0.0016236184007495042]}, "1753": {"path": [8, 0, 0, 2], "s": [1.0027807002108988, 0.9972275580177429, -0.0007408769379664553]}, "1754": {"path": [8, 0, 0, 2], "s": [1.0029104379138192, 0.9970991012019589, -0.0010470099964500332]}, "1755": {"path": [8, 0, 0, 3], "s": [0.9975797173701407, 1.0024269778146009, 0.0009062077547685594]}, "1756": {"path": [8, 0, 0, 3], "s": [0.9973110226719556, 1.002696847810078, 0.0007865871951086283]}, "1757": {"path": [8, 0, 1, 0], "s": [0.9970211352777014, 1.0029880325192948, 0.0005165775224041064]}, "1758": {"path": [8, 0, 1, 0], "s": [0.9972424979771204, 1.0027654833191633, 0.0005962134162858853]}, "1759": {"path": [8, 0, 1, 1], "s": [1.0030258241388221, 0.9969834441559433, -0.00037513634419634946]}, "1760": {"path": [8, 0, 1, 1], "s": [1.0029900410661725, 0.9970193359402195, -0.0006816879404684145]}, "1761": {"path": [8, 0, 1, 2], "s": [0.9973719532886183, 1.0026349827340881, 0.00010566455228635212]}, "1762": {"path": [8, 0, 1, 2], "s": [0.9970923233342444, 1.0029161589701314, 5.528999775046289e-05]}, "1763": {"path": [8, 0, 1, 3], "s": [1.0026923426549212, 0.9973152613391135, -0.0006129907178144648]}, "1764": {"path": [8, 0, 1, 3], "s": [1.0026218652225656, 0.9973851256888777, -0.00036750976294607163]}, "1765": {"path": [8, 0, 2, 0], "s": [1.0024915364782263, 0.9975146558489792, -1.2615776599490435e-06]}, "1766": {"path": [8, 0, 2, 0], "s": [1.002547781065292, 0.9974587432654054, -0.00022308049291783194]}, "1767": {"path": [8, 0, 2, 1], "s": [0.997840719218289, 1.0021639699923681, -0.0001288093168047292]}, "1768": {"path": [8, 0, 2, 1], "s": [0.9976293303648025, 1.0023763607517797, -0.00023989644805843692]}, "1769": {"path": [8, 0, 2, 2], "s": [1.0022595980304692, 0.997745562251254, -0.00025721319324905197]}, "1770": {"path": [8, 0, 2, 2], "s": [1.002176757749193, 0.9978279729113542, -5.180492694427502e-05]}, "1771": {"path": [8, 0, 2, 3], "s": [0.9974560944929373, 1.002550479200301, 0.0002924297455467193]}, "1772": {"path": [8, 0, 2, 3], "s": [0.9977029571615441, 1.0023024792566935, 0.0003840895093509187]}, "1773": {"path": [8, 0, 3, 0], "s": [0.9980629147029824, 1.0019412992412908, 0.0006734107632026199]}, "1774": {"path": [8, 0, 3, 0], "s": [0.9977802318897875, 1.0022250397612156, 0.0005766963626751962]}, "1775": {"path": [8, 0, 3, 1], "s": [1.002129651302078, 0.9978752651233432, -0.0006256844456158591]}, "1776": {"path": [8, 0, 3, 1], "s": [1.0020283477999459, 0.9979759109778036, -0.0003914348396749759]}, "1777": {"path": [8, 0, 3, 2], "s": [0.9977068158761254, 1.002299713971681, 0.0011207944671716263]}, "1778": {"path": [8, 0, 3, 2], "s": [0.9980618034593395, 1.0019434762135244, 0.001229973166694664]}, "1779": {"path": [8, 0, 3, 3], "s": [1.0023279043051279, 0.9976776474869891, -0.00038154646278163975]}, "1780": {"path": [8, 0, 3, 3], "s": [1.002437666560342, 0.9975686568891494, -0.0006297981369394183]}, "1781": {"path": [8, 1, 0, 0], "s": [0.9978884219996762, 1.0021160508371598, 6.804735105750488e-05]}, "1782": {"path": [8, 1, 0, 0], "s": [0.9981237598214969, 1.0018797978118146, 0.00017516030139543275]}, "1783": {"path": [8, 1, 0, 1], "s": [1.0020313537546424, 0.9979728160788822, 0.0002278285649500045]}, "1784": {"path": [8, 1, 0, 1], "s": [1.002106911750261, 0.9978975216240715, 6.0315317728944325e-05]}, "1785": {"path": [8, 1, 0, 2], "s": [0.9982320177586873, 1.0017711972798786, -0.00028912493790912746]}, "1786": {"path": [8, 1, 0, 2], "s": [0.9980590453005606, 1.001944908150532, -0.000422460033092285]}, "1787": {"path": [8, 1, 0, 3], "s": [1.0018511085727095, 0.998152312192332, 2.223287745262679e-05]}, "1788": {"path": [8, 1, 0, 3], "s": [1.0017811059320862, 0.9982221044403352, 0.00020917001057365033]}, "1789": {"path": [8, 1, 1, 0], "s": [1.0016905067250927, 0.9983125234377208, 0.0004212746569747864]}, "1790": {"path": [8, 1, 1, 0], "s": [1.0017515180412733, 0.9982516150193657, 0.0002659563926046216]}, "1791": {"path": [8, 1, 1, 1], "s": [0.9985269316901023, 1.0014754582235383, -0.00046525572437899925]}, "1792": {"path": [8, 1, 1, 1], "s": [0.9983656849227124, 1.0016373478826193, -0.0005973801144836154]}, "1793": {"path": [8, 1, 1, 2], "s": [1.0014825623252508, 0.9985197122217655, 0.000282715627695523]}, "1794": {"path": [8, 1, 1, 2], "s": [1.0014621956631384, 0.9985401819675708, 0.0004930427093099313]}, "1795": {"path": [8, 1, 1, 3], "s": [0.9982390561374518, 1.0017640715260616, -0.00014571405190892382]}, "1796": {"path": [8, 1, 1, 3], "s": [0.99848078947755, 1.0015215236651742, -4.03479997230001e-05]}, "1797": {"path": [8, 1, 2, 0], "s": [0.9988602413003055, 1.001141076621339, 0.00013179392505008227]}, "1798": {"path": [8, 1, 2, 0], "s": [0.9985264287882061, 1.0014757491289874, 5.740871498151664e-05]}, "1799": {"path": [8, 1, 2, 1], "s": [1.0012357838613801, 0.9987657418389818, -2.0592365500861326e-05]}, "1800": {"path": [8, 1, 2, 1], "s": [1.001127258045038, 0.9988740793907892, 0.000261214015546554]}, "1801": {"path": [8, 1, 2, 2], "s": [0.9984994294349224, 1.0015031376156776, 0.0005581097897497553]}, "1802": {"path": [8, 1, 2, 2], "s": [0.9988757893115265, 1.0011258410835309, 0.0006039142965964333]}, "1803": {"path": [8, 1, 2, 3], "s": [1.0014745551226882, 0.998527663558, 0.00021826462312211808]}, "1804": {"path": [8, 1, 2, 3], "s": [1.0015781203999472, 0.9984243663168944, -1.3311028957545758e-05]}, "1805": {"path": [8, 1, 3, 0], "s": [1.0016823064463254, 0.9983205809084736, -0.0002491128955822698]}, "1806": {"path": [8, 1, 3, 0], "s": [1.001612412258447, 0.9983901863805944, -5.436752108858221e-05]}, "1807": {"path": [8, 1, 3, 1], "s": [0.9981627066962541, 1.001841368706407, 0.0008320266023652736]}, "1808": {"path": [8, 1, 3, 1], "s": [0.9984962183473555, 1.0015068268169647, 0.0008827376736992366]}, "1809": {"path": [8, 1, 3, 2], "s": [1.001892149371373, 0.9981114285226574, -6.6593518973122e-05]}, "1810": {"path": [8, 1, 3, 2], "s": [1.0019914804182573, 0.9980125534435259, -0.0002755011495744625]}, "1811": {"path": [8, 1, 3, 3], "s": [0.9984725689536493, 1.0015299502239015, 0.00042694739759066477]}, "1812": {"path": [8, 1, 3, 3], "s": [0.9981775850929148, 1.001825854134636, 0.0003343108699524563]}, "1813": {"path": [8, 2, 0, 0], "s": [1.0012518804027712, 0.9987497009847695, -0.00012713263478162442]}, "1814": {"path": [8, 2, 0, 0], "s": [1.0013626944466016, 0.9986392484292008, -0.0002976360094635016]}, "1815": {"path": [8, 2, 0, 1], "s": [0.999365852190447, 1.0006349792304683, 0.0006547902162973675]}, "1816": {"path": [8, 2, 0, 1], "s": [0.999005671477164, 1.000995802810336, 0.0006957962070919042]}, "1817": {"path": [8, 2, 0, 2], "s": [1.0010494953779, 0.9989516876256679, -0.00028775784514466056]}, "1818": {"path": [8, 2, 0, 2], "s": [1.00092824856271, 0.9990726244604178, -0.00011039980184847424]}, "1819": {"path": [8, 2, 0, 3], "s": [0.9990655807455299, 1.0009364258681472, 0.001063766569889614]}, "1820": {"path": [8, 2, 0, 3], "s": [0.9994251650395258, 1.0005761408130094, 0.0009872520724537774]}, "1821": {"path": [8, 2, 1, 0], "s": [0.9998267556581797, 1.0001740117364981, 0.0008586315444048836]}, "1822": {"path": [8, 2, 1, 0], "s": [0.9996221133927539, 1.0003790875017984, 0.001028417455237659]}, "1823": {"path": [8, 2, 1, 1], "s": [1.000875236868015, 0.9991256814466669, -0.0003912529213895891]}, "1824": {"path": [8, 2, 1, 1], "s": [1.000853453755757, 0.9991473759460079, -0.0003194159708541055]}, "1825": {"path": [8, 2, 1, 2], "s": [0.9997176018634952, 1.0002838775034137, 0.0011828780287553226]}, "1826": {"path": [8, 2, 1, 2], "s": [0.999900299505004, 1.0001007061304001, 0.000997795045581509]}, "1827": {"path": [8, 2, 1, 3], "s": [1.001074857471749, 0.9989264662357725, -0.0004120821927717473]}, "1828": {"path": [8, 2, 1, 3], "s": [1.0010863860295167, 0.9989150327578674, -0.0004899940091883632]}, "1829": {"path": [8, 2, 2, 0], "s": [1.0009875745242383, 0.9990137610693604, -0.0006013394689539948]}, "1830": {"path": [8, 2, 2, 0], "s": [1.0010808366391601, 0.9989205832333752, -0.0005031891749967811]}, "1831": {"path": [8, 2, 2, 1], "s": [0.9996816481409628, 1.0003203844391864, 0.0013894549897334315]}, "1832": {"path": [8, 2, 2, 1], "s": [0.9998847403710464, 1.0001166912867774, 0.0011908853971604315]}, "1833": {"path": [8, 2, 2, 2], "s": [1.0013085885915611, 0.9986935059066522, -0.0006203506653516646]}, "1834": {"path": [8, 2, 2, 2], "s": [1.0012895392154297, 0.9987126950468257, -0.0007577809948664142]}, "1835": {"path": [8, 2, 2, 3], "s": [0.9996761675014526, 1.0003251956002555, 0.0011215136218604824]}, "1836": {"path": [8, 2, 2, 3], "s": [0.999381445603733, 1.0006204564197778, 0.0012321677909070375]}, "1837": {"path": [8, 2, 3, 0], "s": [0.9988540889012975, 1.001149084488309, 0.0013625861210081924]}, "1838": {"path": [8, 2, 3, 0], "s": [0.9991956793574328, 1.0008065812895486, 0.0012696050568332972]}, "1839": {"path": [8, 2, 3, 1], "s": [1.0016731766415772, 0.9983297620688445, -0.00037961471233630134]}, "1840": {"path": [8, 2, 3, 1], "s": [1.001751508770709, 0.9982518862594674, -0.0005772292675730953]}, "1841": {"path": [8, 2, 3, 2], "s": [0.9990139497279196, 1.00098797745855, 0.0009762125932552315]}, "1842": {"path": [8, 2, 3, 2], "s": [0.9986448657521964, 1.0013579100535426, 0.0009672927783412129]}, "1843": {"path": [8, 2, 3, 3], "s": [1.0013607655089798, 0.9986413080081551, -0.00047397883355987]}, "1844": {"path": [8, 2, 3, 3], "s": [1.0013720241928044, 0.9986299650121351, -0.0003308833479385287]}, "1845": {"path": [8, 3, 0, 0], "s": [0.9995330060029824, 1.0004694140597765, 0.0014835259384937162]}, "1846": {"path": [8, 3, 0, 0], "s": [0.9992391224179815, 1.0007641791683162, 0.0016492845418138826]}, "1847": {"path": [8, 3, 0, 1], "s": [1.001104753989002, 0.9988974995115578, -0.0010175995024599414]}, "1848": {"path": [8, 3, 0, 1], "s": [1.00119861550767, 0.9988036092783276, -0.0008892544775631957]}, "1849": {"path": [8, 3, 0, 2], "s": [0.9997355511784692, 1.000267862595819, 0.0018283704057559331]}, "1850": {"path": [8, 3, 0, 2], "s": [0.9999272815666522, 1.0000752224341416, 0.0015806741397930224]}, "1851": {"path": [8, 3, 0, 3], "s": [1.0015492506957828, 0.9984545124097165, -0.001169939218774912]}, "1852": {"path": [8, 3, 0, 3], "s": [1.00145779359827, 0.9985462052920712, -0.0013709696286777573]}, "1853": {"path": [8, 3, 1, 0], "s": [1.0010207745494335, 0.9989833374440581, -0.0017533425874106735]}, "1854": {"path": [8, 3, 1, 0], "s": [1.001220725654721, 0.9987832919199022, -0.0015913226750390826]}, "1855": {"path": [8, 3, 1, 1], "s": [1.0000794626818654, 0.9999269356692623, 0.002528348322667925]}, "1856": {"path": [8, 3, 1, 1], "s": [1.000201052785625, 0.9998037147473284, 0.0021744123932891605]}, "1857": {"path": [8, 3, 1, 2], "s": [1.0016371420067647, 0.9983702940313014, -0.002183570005021161]}, "1858": {"path": [8, 3, 1, 2], "s": [1.0013150441153558, 0.9986927991266065, -0.0024747151648259066]}, "1859": {"path": [8, 3, 1, 3], "s": [0.9995189907127358, 1.0004855979122278, 0.0020868751418655043]}, "1860": {"path": [8, 3, 1, 3], "s": [0.9992112307888977, 1.0007948187307838, 0.0023286457733488653]}, "1861": {"path": [8, 3, 2, 0], "s": [0.9982712645648671, 1.0017394492716487, 0.002776110394430378]}, "1862": {"path": [8, 3, 2, 0], "s": [0.9987762400901176, 1.0012322606133273, 0.0026443737079357137]}, "1863": {"path": [8, 3, 2, 1], "s": [1.002668708321163, 0.9973405853642953, -0.001482053808221316]}, "1864": {"path": [8, 3, 2, 1], "s": [1.002824034822683, 0.9971883235853254, -0.002101936227341777]}, "1865": {"path": [8, 3, 2, 2], "s": [0.9982200694829789, 1.0017867886321825, 0.0019177475191867203]}, "1866": {"path": [8, 3, 2, 2], "s": [0.9977411048521138, 1.002267303378797, 0.0018129065917633596]}, "1867": {"path": [8, 3, 2, 3], "s": [1.0019854520009008, 0.9980216969201977, -0.0017947410093831604]}, "1868": {"path": [8, 3, 2, 3], "s": [1.0020495632766597, 0.9979567238749787, -0.0014489057689738472]}, "1869": {"path": [8, 3, 3, 0], "s": [1.0021101131124388, 0.9978950124498764, -0.0008269222962383218]}, "1870": {"path": [8, 3, 3, 0], "s": [1.0021945379990422, 0.9978115300930188, -0.001124905191455305]}, "1871": {"path": [8, 3, 3, 1], "s": [0.998655975548063, 1.001347655395831, 0.0013489485126819362]}, "1872": {"path": [8, 3, 3, 1], "s": [0.9982783361463748, 1.0017264153783791, 0.0013338732322286746]}, "1873": {"path": [8, 3, 3, 2], "s": [1.0016936382522121, 0.998310113617708, -0.0009432993695300056]}, "1874": {"path": [8, 3, 3, 2], "s": [1.0016947574858437, 0.9983086601946002, -0.0007424753514751058]}, "1875": {"path": [8, 3, 3, 3], "s": [0.998593396008163, 1.001412077790334, 0.0018675021394228889]}, "1876": {"path": [8, 3, 3, 3], "s": [0.9989801367174651, 1.0010240643846253, 0.0017767094378616064]}, "1877": {"path": [9, 0, 0, 0], "s": [1.0002457807120004, 0.9997555429697305, 0.0011240991537734188]}, "1878": {"path": [9, 0, 0, 0], "s": [1.0002962194046854, 0.9997047257517413, 0.0009261157945180005]}, "1879": {"path": [9, 0, 0, 1], "s": [1.0009509159522634, 0.9990504725037626, -0.0006968035473976733]}, "1880": {"path": [9, 0, 0, 1], "s": [1.0008720737344499, 0.9991293038842225, -0.0007863252891180383]}, "1881": {"path": [9, 0, 0, 2], "s": [1.0001434343180184, 0.9998575190250218, 0.0009658707879517895]}, "1882": {"path": [9, 0, 0, 2], "s": [1.0000141575895596, 0.999987132241332, 0.0011356270141449517]}, "1883": {"path": [9, 0, 0, 3], "s": [1.0007379475325149, 0.9992630043930653, -0.0006387969079380186]}, "1884": {"path": [9, 0, 0, 3], "s": [1.0008418849007843, 0.9991591360385623, -0.0005594896548382695]}, "1885": {"path": [9, 0, 1, 0], "s": [1.0009066348258169, 0.9990944351521996, -0.0004989603074749281]}, "1886": {"path": [9, 0, 1, 0], "s": [1.0008441750913781, 0.9991568395321775, -0.0005503167180345731]}, "1887": {"path": [9, 0, 1, 1], "s": [1.0001460327501877, 0.9998546060354706, 0.0007858456453428801]}, "1888": {"path": [9, 0, 1, 1], "s": [1.0001065942494698, 0.9998943926878554, 0.0009877652518942531]}, "1889": {"path": [9, 0, 1, 2], "s": [1.000712119121944, 0.9992885671196056, -0.00042381198045922055]}, "1890": {"path": [9, 0, 1, 2], "s": [1.00076136286295, 0.999239348296636, -0.0003633560623214537]}, "1891": {"path": [9, 0, 1, 3], "s": [1.0002019359902217, 0.999799152020437, 0.0010234511335689173]}, "1892": {"path": [9, 0, 1, 3], "s": [1.0002166108118726, 0.9997841023132698, 0.0008163083786968555]}, "1893": {"path": [9, 0, 2, 0], "s": [1.0003793481289578, 0.9996211832180201, 0.000622610263633439]}, "1894": {"path": [9, 0, 2, 0], "s": [1.000410417428591, 0.9995903741697596, 0.000789607985387955]}, "1895": {"path": [9, 0, 2, 1], "s": [1.0006209257072247, 0.999379687545588, -0.00047758230657894826]}, "1896": {"path": [9, 0, 2, 1], "s": [1.000668733608351, 0.999331877511794, -0.00040536919454485965]}, "1897": {"path": [9, 0, 2, 2], "s": [1.0004953539454098, 0.9995055187702206, 0.0007923208960907089]}, "1898": {"path": [9, 0, 2, 2], "s": [1.000434088795309, 0.9995664804370893, 0.000617289569703879]}, "1899": {"path": [9, 0, 2, 3], "s": [1.000749880470103, 0.9992509283073145, -0.0004970545062496854]}, "1900": {"path": [9, 0, 2, 3], "s": [1.0006882781850712, 0.999312497663639, -0.0005501416636775668]}, "1901": {"path": [9, 0, 3, 0], "s": [1.0006237100290676, 0.9993770762163048, -0.0006306516921741924]}, "1902": {"path": [9, 0, 3, 0], "s": [1.000696251965282, 0.9993045515338294, -0.0005650590659731121]}, "1903": {"path": [9, 0, 3, 1], "s": [1.0005355261697353, 0.99946548625093, 0.0008521587673676607]}, "1904": {"path": [9, 0, 3, 1], "s": [1.0004920773312476, 0.9995086421217717, 0.0006911345356021339]}, "1905": {"path": [9, 0, 3, 2], "s": [1.0007268826762157, 0.9992741095722892, -0.0006816240361412982]}, "1906": {"path": [9, 0, 3, 2], "s": [1.0006392106205941, 0.9993617620066861, -0.000751437807184401]}, "1907": {"path": [9, 0, 3, 3], "s": [1.000389939812048, 0.99961077574253, 0.0007508532111121064]}, "1908": {"path": [9, 0, 3, 3], "s": [1.0003947277310206, 0.9996062737605385, 0.000919824382012501]}, "1909": {"path": [9, 1, 0, 0], "s": [1.0006559088678086, 0.9993447820070215, -0.0005109907384635396]}, "1910": {"path": [9, 1, 0, 0], "s": [1.000627557320799, 0.9993731344923917, -0.0005462775386744073]}, "1911": {"path": [9, 1, 0, 1], "s": [1.0005793379239514, 0.9994212433555916, 0.0004959676105386261]}, "1912": {"path": [9, 1, 0, 1], "s": [1.0006179192338551, 0.9993828320559296, 0.0006082185803319589]}, "1913": {"path": [9, 1, 0, 2], "s": [1.0006624185535986, 0.9993382906344959, -0.0005204416701003391]}, "1914": {"path": [9, 1, 0, 2], "s": [1.000673761047429, 0.9993269273139852, -0.0004846351790707081]}, "1915": {"path": [9, 1, 0, 3], "s": [1.000660097847938, 0.9993407112144902, 0.0006114469064818761]}, "1916": {"path": [9, 1, 0, 3], "s": [1.000589817472237, 0.999410775251394, 0.0004951652035829933]}, "1917": {"path": [9, 1, 1, 0], "s": [1.0007518584900101, 0.9992489310287058, 0.0004741530702629373]}, "1918": {"path": [9, 1, 1, 0], "s": [1.0007709395342692, 0.9992299367994867, 0.0005316592806900875]}, "1919": {"path": [9, 1, 1, 1], "s": [1.000833825982262, 0.999167146496017, -0.0005272792342367862]}, "1920": {"path": [9, 1, 1, 1], "s": [1.0008388062156188, 0.9991621662626612, -0.0005193246916534648]}, "1921": {"path": [9, 1, 1, 2], "s": [1.0007478922893653, 0.9992529840443904, 0.0005636011734182866]}, "1922": {"path": [9, 1, 1, 2], "s": [1.0007222814333538, 0.9992785080853627, 0.0005180719085614253]}, "1923": {"path": [9, 1, 1, 3], "s": [1.0006791730774984, 0.9993215601888453, -0.0005220041040649711]}, "1924": {"path": [9, 1, 1, 3], "s": [1.0006824525421174, 0.9993182807242231, -0.0005177115860519789]}, "1925": {"path": [9, 1, 2, 0], "s": [1.0006320531922541, 0.9993686351691626, -0.0005378710420985362]}, "1926": {"path": [9, 1, 2, 0], "s": [1.0006700400748036, 0.9993306691132972, -0.0005105972732050657]}, "1927": {"path": [9, 1, 2, 1], "s": [1.0006697986457702, 0.9993309526440144, 0.0005506021900026077]}, "1928": {"path": [9, 1, 2, 1], "s": [1.0005895180933053, 0.9994110631862382, 0.000483829139295361]}, "1929": {"path": [9, 1, 2, 2], "s": [1.0005853468121326, 0.9994153450010554, -0.0005912590362054341]}, "1930": {"path": [9, 1, 2, 2], "s": [1.000546274337711, 0.9994544165371186, -0.0006267667683296669]}, "1931": {"path": [9, 1, 2, 3], "s": [1.000601966682657, 0.9993986260409737, 0.00048032961963634054]}, "1932": {"path": [9, 1, 2, 3], "s": [1.0006899387153738, 0.9993108703470539, 0.0005775856650387699]}, "1933": {"path": [9, 1, 3, 0], "s": [1.0006693482817013, 0.9993315289699505, 0.0006556002717361558]}, "1934": {"path": [9, 1, 3, 0], "s": [1.0005776546833494, 0.9994229520371887, 0.0005228633468169655]}, "1935": {"path": [9, 1, 3, 1], "s": [1.000621949838507, 0.9993788513368799, -0.0006440901174475679]}, "1936": {"path": [9, 1, 3, 1], "s": [1.00055200322905, 0.9994487979463386, -0.0007049184893397211]}, "1937": {"path": [9, 1, 3, 2], "s": [1.0005268491607517, 0.999473757559786, 0.00057399490390444]}, "1938": {"path": [9, 1, 3, 2], "s": [1.0005987142098138, 0.9994021630418376, 0.0007206373357239256]}, "1939": {"path": [9, 1, 3, 3], "s": [1.0005963128631743, 0.9994043960496094, -0.0005947659104321085]}, "1940": {"path": [9, 1, 3, 3], "s": [1.0006347476891606, 0.999365961223625, -0.000553586612062882]}, "1941": {"path": [9, 2, 0, 0], "s": [1.0006119768232378, 0.9993885924091598, 0.00044166177390330145]}, "1942": {"path": [9, 2, 0, 0], "s": [1.0007382211863551, 0.9992626515292747, 0.0005730526744122801]}, "1943": {"path": [9, 2, 0, 1], "s": [1.00041682516112, 0.9995837859590283, -0.0006615373470768766]}, "1944": {"path": [9, 2, 0, 1], "s": [1.000500799625628, 0.9994998136271778, -0.0006022953268619777]}, "1945": {"path": [9, 2, 0, 2], "s": [1.0007265110722796, 0.9992742805260709, 0.0005141547601203817]}, "1946": {"path": [9, 2, 0, 2], "s": [1.0006032067675394, 0.9993973245794385, 0.00040964507264388904]}, "1947": {"path": [9, 2, 0, 3], "s": [1.0004295700912305, 0.9995712057574815, -0.0007691888770143588]}, "1948": {"path": [9, 2, 0, 3], "s": [1.0003516025420576, 0.9996492062353539, -0.000827911490327027]}, "1949": {"path": [9, 2, 1, 0], "s": [1.0001765270287377, 0.9998241841308524, -0.0008246959037136397]}, "1950": {"path": [9, 2, 1, 0], "s": [1.0002728282688564, 0.9997278579726985, -0.0007823001436175316]}, "1951": {"path": [9, 2, 1, 1], "s": [1.0008649498703377, 0.9991360370669873, 0.0004895433567138189]}, "1952": {"path": [9, 2, 1, 1], "s": [1.00070739057083, 0.9992932482148285, 0.0003726071792598658]}, "1953": {"path": [9, 2, 1, 2], "s": [1.0001588050657448, 0.9998422095578103, -0.0009947691358031569]}, "1954": {"path": [9, 2, 1, 2], "s": [1.0000541137569727, 0.9999469562210436, -0.001033009011723292]}, "1955": {"path": [9, 2, 1, 3], "s": [1.000738093020985, 0.9992626201041571, 0.00041093817948320707]}, "1956": {"path": [9, 2, 1, 3], "s": [1.0008891846769346, 0.999111903333724, 0.0005461947556732831]}, "1957": {"path": [9, 2, 2, 0], "s": [1.0009432917080052, 0.999057998122886, 0.0006334416564117265]}, "1958": {"path": [9, 2, 2, 0], "s": [1.000798654516299, 0.9992022988267417, 0.000562365891410171]}, "1959": {"path": [9, 2, 2, 1], "s": [1.0001533184506948, 0.9998480591679798, -0.0011637539862788214]}, "1960": {"path": [9, 2, 2, 1], "s": [1.0000087118622425, 0.9999926765937869, -0.0011783005670941047]}, "1961": {"path": [9, 2, 2, 2], "s": [1.0007163913968835, 0.9992845537595436, 0.0006577361897589579]}, "1962": {"path": [9, 2, 2, 2], "s": [1.0008364995314387, 0.9991648241502915, 0.0007906057952533461]}, "1963": {"path": [9, 2, 2, 3], "s": [1.0001847834885982, 0.9998162374507482, -0.0009934702117843043]}, "1964": {"path": [9, 2, 2, 3], "s": [1.0003181204582101, 0.9996828314673707, -0.0009225116694568649]}, "1965": {"path": [9, 2, 3, 0], "s": [1.000477546975309, 0.9995234256519717, -0.0008631573688852179]}, "1966": {"path": [9, 2, 3, 0], "s": [1.0003716806084955, 0.9996293116400076, -0.0009243759128147158]}, "1967": {"path": [9, 2, 3, 1], "s": [1.0005797767297864, 0.9994209427232329, 0.000619458703552862]}, "1968": {"path": [9, 2, 3, 1], "s": [1.0006552026551359, 0.9993458097655302, 0.0007640637976763998]}, "1969": {"path": [9, 2, 3, 2], "s": [1.0004523981159017, 0.9995484053832089, -0.0007740791662080667]}, "1970": {"path": [9, 2, 3, 2], "s": [1.0005353236615215, 0.9994654625838466, -0.0007071738408825613]}, "1971": {"path": [9, 2, 3, 3], "s": [1.0007495859007065, 0.9992514155908521, 0.0006635987042696637]}, "1972": {"path": [9, 2, 3, 3], "s": [1.0006496343803186, 0.9993510811742599, 0.0005422126881389242]}, "1973": {"path": [9, 3, 0, 0], "s": [1.000257709506692, 0.999743685314221, -0.0011527212063982958]}, "1974": {"path": [9, 3, 0, 0], "s": [1.0003994796607496, 0.9996018996088298, -0.0011046431861531797]}, "1975": {"path": [9, 3, 0, 1], "s": [1.0009930112171985, 0.9990089906000302, 0.0010088279233320808]}, "1976": {"path": [9, 3, 0, 1], "s": [1.0008463604198665, 0.999155085400177, 0.0008548203131199647]}, "1977": {"path": [9, 3, 0, 2], "s": [1.0002821287777053, 0.9997201428164157, -0.0014807560077859465]}, "1978": {"path": [9, 3, 0, 2], "s": [1.0000918343963208, 0.9999104249712719, -0.0015003804591895591]}, "1979": {"path": [9, 3, 0, 3], "s": [1.0006555034259357, 0.9993459466724655, 0.0010106256499516338]}, "1980": {"path": [9, 3, 0, 3], "s": [1.0007277165315764, 0.999274287510766, 0.0012148783343708769]}, "1981": {"path": [9, 3, 1, 0], "s": [1.0008278098910939, 0.9991756447840352, 0.00166501223053606]}, "1982": {"path": [9, 3, 1, 0], "s": [1.0007528252422697, 0.9992497088596244, 0.0014033045942902468]}, "1983": {"path": [9, 3, 1, 1], "s": [1.0007018291862262, 0.9993022962631736, -0.001906772286881553]}, "1984": {"path": [9, 3, 1, 1], "s": [1.0004323951928935, 0.9995717302565046, -0.0019850107358650136]}, "1985": {"path": [9, 3, 1, 2], "s": [1.0003546945525363, 0.9996478395493575, 0.0015521573697328413]}, "1986": {"path": [9, 3, 1, 2], "s": [1.0002950858680468, 0.9997083688070825, 0.0018353797660648904]}, "1987": {"path": [9, 3, 1, 3], "s": [1.000481350595737, 0.9995209234613707, -0.0014294940819305475]}, "1988": {"path": [9, 3, 1, 3], "s": [1.0006558331236188, 0.9993464409334896, -0.0013584665706166319]}, "1989": {"path": [9, 3, 2, 0], "s": [1.0009682220896061, 0.9990340372779859, -0.0011506959397723367]}, "1990": {"path": [9, 3, 2, 0], "s": [1.0008299619444445, 0.9991723096496753, -0.0012588258923204468]}, "1991": {"path": [9, 3, 2, 1], "s": [1.0001638169829628, 0.9998376288370805, 0.0011913105762799891]}, "1992": {"path": [9, 3, 2, 1], "s": [1.000046384317636, 0.9999556174995934, 0.00141412820402678]}, "1993": {"path": [9, 3, 2, 2], "s": [1.0007032478481372, 0.9992981314214416, -0.0009411068007440763]}, "1994": {"path": [9, 3, 2, 2], "s": [1.0008122157356427, 0.9991891790852683, -0.0008580555956295887]}, "1995": {"path": [9, 3, 2, 3], "s": [1.0004035315094864, 0.999598472532857, 0.00135720792732241]}, "1996": {"path": [9, 3, 2, 3], "s": [1.0004222820638808, 0.9995791680345201, 0.0011280020435990691]}, "1997": {"path": [9, 3, 3, 0], "s": [1.000460047841152, 0.9995408992451139, 0.000857833291218586]}, "1998": {"path": [9, 3, 3, 0], "s": [1.0004721382536343, 0.9995291751304846, 0.0010445523859542102]}, "1999": {"path": [9, 3, 3, 1], "s": [1.0005168496726096, 0.9994841344971969, -0.0008470802146479125]}, "2000": {"path": [9, 3, 3, 1], "s": [1.0006130496252326, 0.9993879345445728, -0.0007803481967790704]}, "2001": {"path": [9, 3, 3, 2], "s": [1.0006686281091068, 0.9993326852750121, 0.0009312350594266054]}, "2002": {"path": [9, 3, 3, 2], "s": [1.0005982351997418, 0.9994027118865251, 0.0007679632105943755]}, "2003": {"path": [9, 3, 3, 3], "s": [1.000622731233601, 0.9993786562884683, -0.0010002959232123776]}, "2004": {"path": [9, 3, 3, 3], "s": [1.0004967884356366, 0.9995045990864344, -0.0010683691427153643]}, "2005": {"path": [10, 0, 0, 0], "s": [0.9995196077046025, 1.0004826265576536, -0.0014150661382644459]}, "2006": {"path": [10, 0, 0, 0], "s": [0.9993691715507749, 1.0006329229474384, -0.0013020109108854748]}, "2007": {"path": [10, 0, 0, 1], "s": [1.0009941462229106, 0.9990072854349129, 0.0006668990840177047]}, "2008": {"path": [10, 0, 0, 1], "s": [1.0011991034334957, 0.9988029291466544, 0.0007727667047222498]}, "2009": {"path": [10, 0, 0, 2], "s": [0.9997162661305181, 1.000285153742019, -0.0011571364489617827]}, "2010": {"path": [10, 0, 0, 2], "s": [0.9998912401581517, 1.00011009543545, -0.0011504866959291188]}, "2011": {"path": [10, 0, 0, 3], "s": [1.00127660404341, 0.9987252979801013, 0.0005241505111971714]}, "2012": {"path": [10, 0, 0, 3], "s": [1.001047589367456, 0.9989537737342516, 0.0005168038272229048]}, "2013": {"path": [10, 0, 1, 0], "s": [1.0009181681849302, 0.9990828374504738, 0.00040438339562950666]}, "2014": {"path": [10, 0, 1, 0], "s": [1.001120389488595, 0.9988810898783141, 0.00047513342322025667]}, "2015": {"path": [10, 0, 1, 1], "s": [0.9998517246752803, 1.0001491050264868, -0.0008986618759955407]}, "2016": {"path": [10, 0, 1, 1], "s": [0.999951540086466, 1.0000493782282123, -0.0009570380431810074]}, "2017": {"path": [10, 0, 1, 2], "s": [1.0010271749429471, 0.9989740259516053, 0.000383457582459152]}, "2018": {"path": [10, 0, 1, 2], "s": [1.0008108128628144, 0.9991899545318634, 0.0003325648700487819]}, "2019": {"path": [10, 0, 1, 3], "s": [0.9996767447223637, 1.000324674065019, -0.0011462263207415472]}, "2020": {"path": [10, 0, 1, 3], "s": [0.9995731645910754, 1.0004281591164454, -0.0010681545064833702]}, "2021": {"path": [10, 0, 2, 0], "s": [0.9993800168508626, 1.0006208561722625, -0.0006986435164848624]}, "2022": {"path": [10, 0, 2, 0], "s": [0.9994733956187842, 1.000527787384784, -0.000951350839466394]}, "2023": {"path": [10, 0, 2, 1], "s": [1.0012116746833548, 0.9987897996041444, 8.89849302402514e-05]}, "2024": {"path": [10, 0, 2, 1], "s": [1.0009031141779032, 0.9990977172430123, 0.00012867231704960004]}, "2025": {"path": [10, 0, 2, 2], "s": [0.9990191456287983, 1.000982797247006, -0.000989391139633841]}, "2026": {"path": [10, 0, 2, 2], "s": [0.9989704965715436, 1.0010310848159962, -0.0007210285629158661]}, "2027": {"path": [10, 0, 2, 3], "s": [1.001097901146983, 0.9989034047055534, 0.00031921670464219]}, "2028": {"path": [10, 0, 2, 3], "s": [1.0013854961858784, 0.9986165104277982, 0.0002996567225349347]}, "2029": {"path": [10, 0, 3, 0], "s": [1.001638746986516, 0.9983640288192218, 0.0003079982069728926]}, "2030": {"path": [10, 0, 3, 0], "s": [1.0013497674337526, 0.9986521597527164, 0.000328505094910525]}, "2031": {"path": [10, 0, 3, 1], "s": [0.9986786512214633, 1.0013247438087138, -0.0012824123995337322]}, "2032": {"path": [10, 0, 3, 1], "s": [0.9986128682723385, 1.001390070438083, -0.0010052360984828675]}, "2033": {"path": [10, 0, 3, 2], "s": [1.0013910895541203, 0.9986111710928612, 0.0005732901501088599]}, "2034": {"path": [10, 0, 3, 2], "s": [1.001668044832578, 0.9983351285570271, 0.0006295310939250701]}, "2035": {"path": [10, 0, 3, 3], "s": [0.9990598385519186, 1.0009421506530196, -0.0010504433426176342]}, "2036": {"path": [10, 0, 3, 3], "s": [0.9992096170156388, 1.0007924565014972, -0.0012029850372701483]}, "2037": {"path": [10, 1, 0, 0], "s": [1.001276253924558, 0.998725376470499, 6.042992167436384e-05]}, "2038": {"path": [10, 1, 0, 0], "s": [1.0016031224365707, 0.9983994446140275, 3.412255162789064e-05]}, "2039": {"path": [10, 1, 0, 1], "s": [0.9988588632341422, 1.001142474201686, -0.00018362056287380164]}, "2040": {"path": [10, 1, 0, 1], "s": [0.998910701613293, 1.0010908240870684, -0.0005809194810464493]}, "2041": {"path": [10, 1, 0, 2], "s": [1.0014543588124707, 0.9985478191047223, -0.00025675885667373976]}, "2042": {"path": [10, 1, 0, 2], "s": [1.0011245129893382, 0.9988768049323066, -0.00023425243149361482]}, "2043": {"path": [10, 1, 0, 3], "s": [0.9984869621366612, 1.00151552458018, -0.0004400804119711608]}, "2044": {"path": [10, 1, 0, 3], "s": [0.9985134843243744, 1.0014887343563155, -7.519129616480564e-05]}, "2045": {"path": [10, 1, 1, 0], "s": [0.9985130358458517, 1.0014893417848565, 0.0004037732801855012]}, "2046": {"path": [10, 1, 1, 0], "s": [0.9984940645957424, 1.0015082099512724, 5.727350155069936e-05]}, "2047": {"path": [10, 1, 1, 1], "s": [1.00168396558092, 0.9983190672244127, -0.00044963584658132207]}, "2048": {"path": [10, 1, 1, 1], "s": [1.00147833251404, 0.9985240573996007, -0.00045604792036493233]}, "2049": {"path": [10, 1, 1, 2], "s": [0.9982548645881566, 1.0017482684724839, 0.0002865229809979807]}, "2050": {"path": [10, 1, 1, 2], "s": [0.9983596659165732, 1.0016433642462408, 0.0005783566623682487]}, "2051": {"path": [10, 1, 1, 3], "s": [1.001502428824458, 0.9984998843182653, -0.00024356864137786347]}, "2052": {"path": [10, 1, 1, 3], "s": [1.0017553928511824, 0.9982477348123293, -0.00022748566540561926]}, "2053": {"path": [10, 1, 2, 0], "s": [1.0019753047875832, 0.9980286486635107, -0.00024378548205780535]}, "2054": {"path": [10, 1, 2, 0], "s": [1.001777533543883, 0.9982256814946826, -0.0002472405824975736]}, "2055": {"path": [10, 1, 2, 1], "s": [0.9979001032357241, 1.0021043301386088, 0.00012040881764997627]}, "2056": {"path": [10, 1, 2, 1], "s": [0.9980049309402468, 1.0019992388932775, 0.00042569221915733613]}, "2057": {"path": [10, 1, 2, 2], "s": [1.0018879271183765, 0.9981156305149367, 9.003401768234179e-06]}, "2058": {"path": [10, 1, 2, 2], "s": [1.0021169440067212, 0.9978875288301158, 2.9217371032607516e-05]}, "2059": {"path": [10, 1, 2, 3], "s": [0.9982159055430028, 1.0017873048294184, 0.00014714544540327695]}, "2060": {"path": [10, 1, 2, 3], "s": [0.998160600744769, 1.0018428200202727, -0.00017630447654271622]}, "2061": {"path": [10, 1, 3, 0], "s": [0.9981081601862072, 1.001895873675576, -0.000668709564410858]}, "2062": {"path": [10, 1, 3, 0], "s": [0.9981401871411383, 1.0018633907528927, -0.0003351655517486484]}, "2063": {"path": [10, 1, 3, 1], "s": [1.001716468036912, 0.9982865771274101, 0.0003226898310254701]}, "2064": {"path": [10, 1, 3, 1], "s": [1.0019914596002995, 0.9980126158023614, 0.00034293923823893385]}, "2065": {"path": [10, 1, 3, 2], "s": [0.9984843484782489, 1.0015182501607929, -0.0005454364073735304]}, "2066": {"path": [10, 1, 3, 2], "s": [0.9985284869851934, 1.0014744003696046, -0.0008472045004547234]}, "2067": {"path": [10, 1, 3, 3], "s": [1.0018558865601874, 0.9981475526673639, 3.5992259872412486e-05]}, "2068": {"path": [10, 1, 3, 3], "s": [1.0015880962761339, 0.9984144229014182, 3.359264621242787e-05]}, "2069": {"path": [10, 2, 0, 0], "s": [0.9978282789529281, 1.00217645170762, -6.336060019459467e-05]}, "2070": {"path": [10, 2, 0, 0], "s": [0.9977650791920054, 1.0022400810897192, -0.00039227271710303834]}, "2071": {"path": [10, 2, 0, 1], "s": [1.002388382518546, 0.9976173085980362, -1.8387242574262996e-05]}, "2072": {"path": [10, 2, 0, 1], "s": [1.0021674811294132, 0.9978372080812435, -3.741638648082189e-05]}, "2073": {"path": [10, 2, 0, 2], "s": [0.9974513051673838, 1.002555219163314, -0.00010888902119308126]}, "2074": {"path": [10, 2, 0, 2], "s": [0.9975269184906823, 1.0024792738365231, 0.0002467405987726542]}, "2075": {"path": [10, 2, 0, 3], "s": [1.0023158089521131, 0.9976896274661256, 0.0002933203738746766]}, "2076": {"path": [10, 2, 0, 3], "s": [1.0025456457336208, 0.9974609279596188, 0.00033183630352368455]}, "2077": {"path": [10, 2, 1, 0], "s": [1.0028983212243496, 0.9971101610800264, 0.00032653161892923417]}, "2078": {"path": [10, 2, 1, 0], "s": [1.0026245203212278, 0.9973824157014782, 0.00025713716658999815]}, "2079": {"path": [10, 2, 1, 1], "s": [0.9969838891311541, 1.003025487875238, -0.0005017963005361383]}, "2080": {"path": [10, 2, 1, 1], "s": [0.9969612942785623, 1.0030479740162044, -7.99917737767763e-05]}, "2081": {"path": [10, 2, 1, 2], "s": [1.0027553700610496, 0.9972526112352352, 0.0006412671331307795]}, "2082": {"path": [10, 2, 1, 2], "s": [1.002947835583787, 0.9970613322132107, 0.0007106951009644927]}, "2083": {"path": [10, 2, 1, 3], "s": [0.9973762202935127, 1.0026307706179318, -0.00029723540129765295]}, "2084": {"path": [10, 2, 1, 3], "s": [0.9973168279494107, 1.0026907760446244, -0.0006198217136556094]}, "2085": {"path": [10, 2, 2, 0], "s": [0.9971030015939462, 1.0029065375218316, -0.0010577718140853249]}, "2086": {"path": [10, 2, 2, 0], "s": [0.9972363426105314, 1.0027719156181094, -0.0007730482267915629]}, "2087": {"path": [10, 2, 2, 1], "s": [1.0027568139428813, 0.997252527227045, 0.0013292474103488662]}, "2088": {"path": [10, 2, 2, 1], "s": [1.0030795661667757, 0.9969313632565068, 0.0012162867217043755]}, "2089": {"path": [10, 2, 2, 2], "s": [0.9976259247145022, 1.0023809838737057, -0.001120693194843119]}, "2090": {"path": [10, 2, 2, 2], "s": [0.9975356113540529, 1.0024728679186068, -0.0015443979536932271]}, "2091": {"path": [10, 2, 2, 3], "s": [1.002718022047024, 0.9972898484350101, 0.0007100917753892447]}, "2092": {"path": [10, 2, 2, 3], "s": [1.0024982679627483, 0.997508427221994, 0.0006859798060443644]}, "2093": {"path": [10, 2, 3, 0], "s": [1.002177981935214, 0.9978272977376506, 0.0007399774230836262]}, "2094": {"path": [10, 2, 3, 0], "s": [1.0024501530417491, 0.9975563768060585, 0.0007366118417068932]}, "2095": {"path": [10, 2, 3, 1], "s": [0.9981168273423785, 1.0018874314353712, -0.0008392964175392374]}, "2096": {"path": [10, 2, 3, 1], "s": [0.99811984658789, 1.0018850698375312, -0.001171411513914051]}, "2097": {"path": [10, 2, 3, 2], "s": [1.002272494727896, 0.9977327769231047, 0.00034554089677487943]}, "2098": {"path": [10, 2, 3, 2], "s": [1.0020290024602256, 0.9979752114840479, 0.00032502829577271274]}, "2099": {"path": [10, 2, 3, 3], "s": [0.9976596208201328, 1.0023467026293575, -0.0009117431196210241]}, "2100": {"path": [10, 2, 3, 3], "s": [0.9977173064496563, 1.002288245342459, -0.0005730874552869537]}, "2101": {"path": [10, 3, 0, 0], "s": [1.0025834475798179, 0.997424960651094, 0.0013250478246557382]}, "2102": {"path": [10, 3, 0, 0], "s": [1.0022428139500024, 0.9977640441651586, 0.0013576753010990854]}, "2103": {"path": [10, 3, 0, 1], "s": [0.9975612744143352, 1.0024510839936749, -0.002526041717946374]}, "2104": {"path": [10, 3, 0, 1], "s": [0.9976212590453549, 1.0023880346401035, -0.001900833937666667]}, "2105": {"path": [10, 3, 0, 2], "s": [1.0019580890629787, 0.9980504116404655, 0.0021640785106280674]}, "2106": {"path": [10, 3, 0, 2], "s": [1.0023302278806987, 0.9976804859558168, 0.0023040920597948563]}, "2107": {"path": [10, 3, 0, 3], "s": [0.9985461773130686, 1.0014601098385698, -0.00204068881227053]}, "2108": {"path": [10, 3, 0, 3], "s": [0.9987498807859446, 1.0012572681351555, -0.0023616066662194663]}, "2109": {"path": [10, 3, 1, 0], "s": [0.9996629920101934, 1.000344851231769, -0.0027797525686223627]}, "2110": {"path": [10, 3, 1, 0], "s": [0.9992477159063442, 1.0007597201317229, -0.0026200215067997638]}, "2111": {"path": [10, 3, 1, 1], "s": [1.000885513613875, 0.9991192539190776, 0.0019969026786225037]}, "2112": {"path": [10, 3, 1, 1], "s": [1.0009785301687204, 0.9990278681824079, 0.002333900344256621]}, "2113": {"path": [10, 3, 1, 2], "s": [0.9998001021952637, 1.000203915379359, -0.00199419467130614]}, "2114": {"path": [10, 3, 1, 2], "s": [1.000073023990482, 0.9999310880030086, -0.002026563905300605]}, "2115": {"path": [10, 3, 1, 3], "s": [1.0016544011956245, 0.9983516483240567, 0.0018227684157571767]}, "2116": {"path": [10, 3, 1, 3], "s": [1.0014160354455746, 0.9985885531793889, 0.0016093372039016317]}, "2117": {"path": [10, 3, 2, 0], "s": [1.001075559848589, 0.9989269441522045, 0.001161836911370061]}, "2118": {"path": [10, 3, 2, 0], "s": [1.0012553082752984, 0.9987481054989895, 0.0013572990685510153]}, "2119": {"path": [10, 3, 2, 1], "s": [0.999697837562022, 1.0003043872239776, -0.0014604148768003725]}, "2120": {"path": [10, 3, 2, 1], "s": [0.9998862371056134, 1.000116016394945, -0.001496763908903292]}, "2121": {"path": [10, 3, 2, 2], "s": [1.0015286936014496, 0.998474607984848, 0.0009847483355449808]}, "2122": {"path": [10, 3, 2, 2], "s": [1.0012862625183747, 0.9987161575443834, 0.0008767578502804595]}, "2123": {"path": [10, 3, 2, 3], "s": [0.9994616184094978, 1.000542380480845, -0.0019253266411782338]}, "2124": {"path": [10, 3, 2, 3], "s": [0.9992446285728753, 1.0007591345326248, -0.0017859666751901429]}, "2125": {"path": [10, 3, 3, 0], "s": [0.9988328420944448, 1.0011705755859999, -0.0014322827564941841]}, "2126": {"path": [10, 3, 3, 0], "s": [0.9989788565004172, 1.0010248953695022, -0.0016447810416888634]}, "2127": {"path": [10, 3, 3, 1], "s": [1.0020613166854988, 0.9979434348392542, 0.0007157462345046936]}, "2128": {"path": [10, 3, 3, 1], "s": [1.0017767985366168, 0.9982268324072775, 0.0006930961770672834]}, "2129": {"path": [10, 3, 3, 2], "s": [0.9982711570656433, 1.0017349110264162, -0.0017517715006861094]}, "2130": {"path": [10, 3, 3, 2], "s": [0.9982207665443674, 1.0017843590179478, -0.0013967000585104782]}, "2131": {"path": [10, 3, 3, 3], "s": [1.0017099762782342, 0.9982942248238568, 0.0011332550481547997]}, "2132": {"path": [10, 3, 3, 3], "s": [1.0019974391996191, 0.9980080345988784, 0.0012226891350298728]}, "2133": {"path": [11, 0, 0, 0], "s": [1.0036798697972606, 0.9963382625445916, 0.002158153095654367]}, "2134": {"path": [11, 0, 0, 0], "s": [1.0043098882316195, 0.9957120512333562, 0.0018598077985916579]}, "2135": {"path": [11, 0, 0, 1], "s": [0.9968459504429775, 1.003165511536481, -0.0012156476460324964]}, "2136": {"path": [11, 0, 0, 1], "s": [0.9964192944969398, 1.0035971897558233, -0.0018983612956857037]}, "2137": {"path": [11, 0, 0, 2], "s": [1.0030938154634974, 0.9969168711030487, 0.0010714171404116134]}, "2138": {"path": [11, 0, 0, 2], "s": [1.0030196753637117, 0.9969903946578014, 0.0009909542909696653]}, "2139": {"path": [11, 0, 0, 3], "s": [0.9964496944489891, 1.0035633834910618, -0.0006533298272668776]}, "2140": {"path": [11, 0, 0, 3], "s": [0.9967243007272312, 1.0032870557788296, -0.0007675283949622246]}, "2141": {"path": [11, 0, 1, 0], "s": [0.9969948718125267, 1.0030144961776175, -0.000555916100381821]}, "2142": {"path": [11, 0, 1, 0], "s": [0.9968742051456111, 1.0031360431535181, -0.0006675863812530487]}, "2143": {"path": [11, 0, 1, 1], "s": [1.003346086410286, 0.9966659272055693, 0.0009260238593948794]}, "2144": {"path": [11, 0, 1, 1], "s": [1.003011208090139, 0.9969983557351225, 0.0007247411725282705]}, "2145": {"path": [11, 0, 1, 2], "s": [0.9968115855023983, 1.0031997835504571, -0.0010801928509498308]}, "2146": {"path": [11, 0, 1, 2], "s": [0.9965783717343226, 1.003433900780068, -0.0007231752347902447]}, "2147": {"path": [11, 0, 1, 3], "s": [1.0031723448114365, 0.9968385419524397, 0.0009260285319290732]}, "2148": {"path": [11, 0, 1, 3], "s": [1.0030314581327908, 0.9969784120808004, 0.000842850116654626]}, "2149": {"path": [11, 0, 2, 0], "s": [1.0030837427635446, 0.9969290043904963, 0.0018102468213325531]}, "2150": {"path": [11, 0, 2, 0], "s": [1.0027882656725509, 0.9972211448091751, 0.0012893002707176442]}, "2151": {"path": [11, 0, 2, 1], "s": [0.9978283029200489, 1.0021789444740024, -0.00158599706808432]}, "2152": {"path": [11, 0, 2, 1], "s": [0.9972767306801205, 1.0027335458317055, -0.0016829528598141519]}, "2153": {"path": [11, 0, 2, 2], "s": [1.004246697607297, 0.9957713002174499, 0.00019953821243694024]}, "2154": {"path": [11, 0, 2, 2], "s": [1.0018757796876525, 0.9981302893265074, -0.0016005776632707844]}, "2155": {"path": [11, 0, 2, 3], "s": [0.9972144158269968, 1.002793531499026, -0.0004070735705784039]}, "2156": {"path": [11, 0, 2, 3], "s": [0.9965589110383377, 1.0034536004035193, 0.0007920199679961481]}, "2157": {"path": [11, 0, 3, 0], "s": [0.9950204165125615, 1.0050048143737613, -0.0005558734658958674]}, "2158": {"path": [11, 0, 3, 0], "s": [0.9957861214533892, 1.0042317143727804, 6.241601257166725e-05]}, "2159": {"path": [11, 0, 3, 1], "s": [1.0039444896957688, 0.996098520515399, 0.0052555556835013175]}, "2160": {"path": [11, 0, 3, 1], "s": [1.0081450699460954, 0.9919809273467591, 0.007789825748399542]}, "2161": {"path": [11, 0, 3, 2], "s": [0.9951017660229746, 1.0049224512877946, -0.0003255650812352015]}, "2162": {"path": [11, 0, 3, 2], "s": [0.9930189582946685, 1.007037645557125, -0.0027338168650908306]}, "2163": {"path": [11, 0, 3, 3], "s": [1.003346532515667, 0.9966658314242235, 0.0010981968575313496]}, "2164": {"path": [11, 0, 3, 3], "s": [1.003863518904732, 0.9961517593744108, 0.0006407251639811457]}, "2165": {"path": [11, 1, 0, 0], "s": [1.008555209383094, 0.9915173845435711, 0.0001528898923968579]}, "2166": {"path": [11, 1, 0, 0], "s": [1.0100709591711623, 0.9900296154930543, 0.00040413973642077535]}, "2167": {"path": [11, 1, 0, 1], "s": [0.991798515522548, 1.00827014319466, -0.0009117379935363085]}, "2168": {"path": [11, 1, 0, 1], "s": [0.9932997529035416, 1.006747539515141, -0.0014429957163530707]}, "2183": {"path": [11, 1, 2, 1], "s": [1.006497473538403, 0.9935498188802789, 0.0023200296417310276]}, "2184": {"path": [11, 1, 2, 1], "s": [1.0083008434740723, 0.9917678152431334, 0.0005697719628155866]}, "2185": {"path": [11, 1, 2, 2], "s": [0.9912974557929726, 1.0088031188712445, 0.004895419602024112]}, "2186": {"path": [11, 1, 2, 2], "s": [0.9942456604683344, 1.0058269334583303, 0.006250101848561639]}, "2189": {"path": [11, 1, 3, 0], "s": [1.0105985664534267, 0.98951267040072, 0.0002935889488549817]}, "2190": {"path": [11, 1, 3, 0], "s": [1.0100709591711532, 0.990029615493064, -0.0004041397364240878]}, "2191": {"path": [11, 1, 3, 1], "s": [1.0051584678215986, 0.9948686889675146, 0.0008289066711259268]}, "2192": {"path": [11, 1, 3, 1], "s": [0.9999041775734483, 1.0001229792156643, 0.005210086846325684]}, "2193": {"path": [11, 1, 3, 2], "s": [0.9912974557929628, 1.0088031188712536, -0.004895419602026473]}, "2194": {"path": [11, 1, 3, 2], "s": [0.9952291233466518, 1.0048821135074961, -0.009377893835836214]}, "2197": {"path": [11, 2, 0, 0], "s": [0.9988693381516681, 1.00113673086249, -0.002187179906022915]}, "2198": {"path": [11, 2, 0, 0], "s": [0.9958390217719764, 1.0041789760527708, -0.0007805103304034442]}, "2199": {"path": [11, 2, 0, 1], "s": [1.0025304850674046, 0.997479791444422, -0.0019746295120254866]}, "2200": {"path": [11, 2, 0, 1], "s": [1.0019691622932116, 0.9980380851008406, -0.0018395828901346283]}, "2201": {"path": [11, 2, 0, 2], "s": [0.9971543554111061, 1.0028550550706183, 0.0011340236827491123]}, "2202": {"path": [11, 2, 0, 2], "s": [0.9967199386109167, 1.0032928085431256, 0.0013951845318731274]}, "2203": {"path": [11, 2, 0, 3], "s": [1.0035386411607032, 0.9964738702811533, -0.00018366843841291356]}, "2204": {"path": [11, 2, 0, 3], "s": [1.0027072025391528, 0.9973007447868698, -0.0007999346570921981]}, "2205": {"path": [11, 2, 1, 0], "s": [1.003352033452866, 0.9966602390615248, -0.0010380385352199294]}, "2206": {"path": [11, 2, 1, 0], "s": [1.0031051470924395, 0.9969062219604172, -0.001327560534412814]}, "2207": {"path": [11, 2, 1, 1], "s": [0.9969571453712719, 1.0030524184539893, 0.0005251282127486703]}, "2208": {"path": [11, 2, 1, 1], "s": [0.9965919942640156, 1.0034200193518417, 0.0005984732979497554]}, "2209": {"path": [11, 2, 1, 2], "s": [1.0030656069094461, 0.9969446413896823, -0.0009390264438834088]}, "2210": {"path": [11, 2, 1, 2], "s": [1.0029694800052402, 0.9970398879849047, -0.0007602609440477934]}, "2211": {"path": [11, 2, 1, 3], "s": [0.9968790616743006, 1.0031308085392887, 0.0003148860589737847]}, "2212": {"path": [11, 2, 1, 3], "s": [0.9967659265843044, 1.0032449601795699, 0.0006263580637884267]}, "2213": {"path": [11, 2, 2, 0], "s": [0.9969671243967017, 1.003042945624812, 0.0009171401013994253]}, "2214": {"path": [11, 2, 2, 0], "s": [0.9968315921223196, 1.003179094444226, 0.0007835168570223014]}, "2215": {"path": [11, 2, 2, 1], "s": [1.0035360562745366, 0.9964804279782268, -0.00200968854105262]}, "2216": {"path": [11, 2, 2, 1], "s": [1.003185594608712, 0.9968258673707472, -0.0011621014016568233]}, "2217": {"path": [11, 2, 2, 2], "s": [0.9954646228405493, 1.0045573166244262, 0.001127082627047723]}, "2218": {"path": [11, 2, 2, 2], "s": [0.9961969238799937, 1.0038212084618579, 0.0018973653315072258]}, "2219": {"path": [11, 2, 2, 3], "s": [1.0032015360504882, 0.996809820455573, -0.0010691263921723739]}, "2220": {"path": [11, 2, 2, 3], "s": [1.0033635284513385, 0.9966495494887126, -0.00134484364611355]}, "2221": {"path": [11, 2, 3, 0], "s": [1.0053396660345078, 0.9947169378172859, -0.005328608082647264]}, "2222": {"path": [11, 2, 3, 0], "s": [1.0047922367518654, 0.9952319805589053, -0.001169543830387168]}, "2223": {"path": [11, 2, 3, 1], "s": [0.9890303619377709, 1.0110956353550815, -0.002069345050580086]}, "2224": {"path": [11, 2, 3, 1], "s": [0.9942937237597939, 1.005749286451374, 0.0031942439625250846]}, "2225": {"path": [11, 2, 3, 2], "s": [1.004069296522108, 0.9959485393040618, -0.0011615641394908118]}, "2226": {"path": [11, 2, 3, 2], "s": [1.0039655932728189, 0.996059637613504, -0.0030991953392894614]}, "2227": {"path": [11, 2, 3, 3], "s": [0.9961045233295142, 1.0039107549496293, -0.00020982009565717965]}, "2228": {"path": [11, 2, 3, 3], "s": [0.9964913659078315, 1.0035209980320585, -0.0001002305134115676]}, "2229": {"path": [11, 3, 0, 0], "s": [1.00366790535023, 0.9963512753288644, -0.0024078003139500967]}, "2230": {"path": [11, 3, 0, 0], "s": [1.0041019169786678, 0.9959322961417235, -0.004186614010229719]}, "2231": {"path": [11, 3, 0, 1], "s": [0.9974234204910766, 1.0025920446310215, 0.002964205292451371]}, "2232": {"path": [11, 3, 0, 1], "s": [0.996635710462296, 1.0033817935638247, 0.0024752158321340993]}, "2233": {"path": [11, 3, 0, 2], "s": [1.0019161945731316, 0.9980995147022381, -0.0034738416423950353]}, "2234": {"path": [11, 3, 0, 2], "s": [1.0024383371376226, 0.9975755806899671, -0.0028295363487863354]}, "2235": {"path": [11, 3, 0, 3], "s": [0.9985006143400837, 1.0015264993528685, 0.004982457396990391]}, "2236": {"path": [11, 3, 0, 3], "s": [0.9989578844939421, 1.0010621295277664, 0.004348236430808895]}, "2237": {"path": [11, 3, 1, 0], "s": [0.999849396600369, 1.0001600015871919, 0.0030617136994225513]}, "2238": {"path": [11, 3, 1, 0], "s": [0.9996185542106458, 1.0003940100095277, 0.0035233402779604054]}, "2239": {"path": [11, 3, 1, 1], "s": [1.000281271974918, 0.9997267252314257, -0.0028143101837199403]}, "2240": {"path": [11, 3, 1, 1], "s": [1.0007660324622643, 0.9992419647440806, -0.0027233300810722383]}, "2241": {"path": [11, 3, 1, 2], "s": [1.0012633553591583, 0.9987492088610149, 0.003314215817461949]}, "2242": {"path": [11, 3, 1, 2], "s": [1.0010871489491595, 0.9989222492384002, 0.002868189664620042]}, "2243": {"path": [11, 3, 1, 3], "s": [1.0009571394449261, 0.9990598961971424, -0.004016943071113298]}, "2244": {"path": [11, 3, 1, 3], "s": [0.9998545811233424, 1.0001624545187253, -0.004124562778641575]}, "2245": {"path": [11, 3, 2, 0], "s": [0.9981469203139095, 1.0018669975136791, -0.003233903589048733]}, "2246": {"path": [11, 3, 2, 0], "s": [0.9987513301355597, 1.0012643791398113, -0.0037590535033638077]}, "2247": {"path": [11, 3, 2, 1], "s": [1.003524464836667, 0.9964930391894544, 0.0022680092726091216]}, "2248": {"path": [11, 3, 2, 1], "s": [1.0029187462852718, 0.9970967188368278, 0.0026440841492102497]}, "2249": {"path": [11, 3, 2, 2], "s": [0.9958608037721174, 1.0041734093482735, -0.004115648206442013]}, "2250": {"path": [11, 3, 2, 2], "s": [0.9964130101796624, 1.0036061704994317, -0.0024990762738756785]}, "2251": {"path": [11, 3, 2, 3], "s": [1.001580584056522, 0.9984394299651866, 0.004188962830153664]}, "2252": {"path": [11, 3, 2, 3], "s": [1.0020738903201878, 0.9979532233727652, 0.004782144154825944]}, "2253": {"path": [11, 3, 3, 0], "s": [1.0049601454045858, 0.9950786750060107, 0.0037960404428626355]}, "2254": {"path": [11, 3, 3, 0], "s": [1.0043205280121115, 0.9957377970893254, 0.0063174468235710456]}, "2255": {"path": [11, 3, 3, 1], "s": [1.0036493925654035, 0.9963808200043246, -0.00412368296056076]}, "2256": {"path": [11, 3, 3, 1], "s": [0.9965182934518285, 1.0035119191178998, -0.004240884098715376]}, "2257": {"path": [11, 3, 3, 2], "s": [0.9953076231851669, 1.004750701916271, 0.0060027508620259734]}, "2258": {"path": [11, 3, 3, 2], "s": [0.9951607928504423, 1.0048780275601552, 0.003900592871937382]}, "2259": {"path": [11, 3, 3, 3], "s": [0.9980615660335385, 1.0019907400760915, -0.006960401672897236]}, "2260": {"path": [11, 3, 3, 3], "s": [1.0024050231530643, 0.997647282956565, -0.006829917325116711]}, "2261": {"path": [12, 0, 0, 0], "s": [1.0026720405473146, 0.9973364387253464, -0.0011671027953432547]}, "2262": {"path": [12, 0, 0, 0], "s": [1.0025097670927348, 0.9974971414954721, -0.0007918309758695591]}, "2263": {"path": [12, 0, 0, 1], "s": [0.996985054895213, 1.0030258745280691, 0.0013440899102282373]}, "2264": {"path": [12, 0, 0, 1], "s": [0.997415258483869, 1.0025940826860578, 0.0016236184007429248]}, "2265": {"path": [12, 0, 0, 2], "s": [1.002780700210903, 0.9972275580177384, -0.0007408769379692892]}, "2266": {"path": [12, 0, 0, 2], "s": [1.0029104379138223, 0.9970991012019559, -0.0010470099964524496]}, "2267": {"path": [12, 0, 0, 3], "s": [0.9975797173701424, 1.0024269778145978, 0.0009062077547613471]}, "2268": {"path": [12, 0, 0, 3], "s": [0.99731102267195, 1.0026968478100846, 0.0007865871951111919]}, "2269": {"path": [12, 0, 1, 0], "s": [0.9970211352777022, 1.0029880325192948, 0.0005165775224043426]}, "2270": {"path": [12, 0, 1, 0], "s": [0.9972424979771171, 1.0027654833191677, 0.0005962134162880492]}, "2271": {"path": [12, 0, 1, 1], "s": [1.0030258241388212, 0.9969834441559445, -0.0003751363441980998]}, "2272": {"path": [12, 0, 1, 1], "s": [1.002990041066173, 0.997019335940219, -0.0006816879404677986]}, "2273": {"path": [12, 0, 1, 2], "s": [0.9973719532886128, 1.0026349827340928, 0.00010566455229022699]}, "2274": {"path": [12, 0, 1, 2], "s": [0.9970923233342385, 1.0029161589701352, 5.528999775275656e-05]}, "2275": {"path": [12, 0, 1, 3], "s": [1.0026923426549268, 0.9973152613391079, -0.0006129907178197929]}, "2276": {"path": [12, 0, 1, 3], "s": [1.0026218652225711, 0.9973851256888725, -0.00036750976295480884]}, "2277": {"path": [12, 0, 2, 0], "s": [1.0024915364782276, 0.9975146558489772, -1.261577664386548e-06]}, "2278": {"path": [12, 0, 2, 0], "s": [1.0025477810652956, 0.9974587432654014, -0.00022308049291993343]}, "2279": {"path": [12, 0, 2, 1], "s": [0.9978407192182905, 1.0021639699923655, -0.00012880931680135486]}, "2280": {"path": [12, 0, 2, 1], "s": [0.9976293303648006, 1.002376360751781, -0.0002398964480538732]}, "2281": {"path": [12, 0, 2, 2], "s": [1.0022595980304716, 0.9977455622512519, -0.00025721319325299087]}, "2282": {"path": [12, 0, 2, 2], "s": [1.002176757749189, 0.9978279729113574, -5.1804926949838895e-05]}, "2283": {"path": [12, 0, 2, 3], "s": [0.9974560944929336, 1.0025504792003057, 0.00029242974555398457]}, "2284": {"path": [12, 0, 2, 3], "s": [0.9977029571615466, 1.002302479256691, 0.0003840895093537793]}, "2285": {"path": [12, 0, 3, 0], "s": [0.9980629147029751, 1.0019412992412982, 0.0006734107632098044]}, "2286": {"path": [12, 0, 3, 0], "s": [0.997780231889784, 1.0022250397612171, 0.0005766963626779937]}, "2287": {"path": [12, 0, 3, 1], "s": [1.0021296513020825, 0.9978752651233397, -0.0006256844456181398]}, "2288": {"path": [12, 0, 3, 1], "s": [1.0020283477999559, 0.9979759109777926, -0.00039143483967656327]}, "2289": {"path": [12, 0, 3, 2], "s": [0.997706815876123, 1.002299713971684, 0.001120794467174535]}, "2290": {"path": [12, 0, 3, 2], "s": [0.9980618034593349, 1.0019434762135302, 0.0012299731667004693]}, "2291": {"path": [12, 0, 3, 3], "s": [1.0023279043051256, 0.9976776474869913, -0.000381546462783011]}, "2292": {"path": [12, 0, 3, 3], "s": [1.0024376665603463, 0.9975686568891449, -0.000629798136937356]}, "2293": {"path": [12, 1, 0, 0], "s": [0.9978884219996746, 1.0021160508371616, 6.804735106219611e-05]}, "2294": {"path": [12, 1, 0, 0], "s": [0.9981237598214932, 1.0018797978118197, 0.0001751603014036755]}, "2295": {"path": [12, 1, 0, 1], "s": [1.0020313537546437, 0.9979728160788806, 0.00022782856494850244]}, "2296": {"path": [12, 1, 0, 1], "s": [1.0021069117502643, 0.9978975216240684, 6.031531772687407e-05]}, "2297": {"path": [12, 1, 0, 2], "s": [0.998232017758682, 1.001771197279884, -0.00028912493789806155]}, "2298": {"path": [12, 1, 0, 2], "s": [0.9980590453005644, 1.0019449081505303, -0.0004224600330904313]}, "2299": {"path": [12, 1, 0, 3], "s": [1.0018511085727144, 0.9981523121923267, 2.2232877443747326e-05]}, "2300": {"path": [12, 1, 0, 3], "s": [1.0017811059320925, 0.9982221044403287, 0.00020917001056511858]}, "2301": {"path": [12, 1, 1, 0], "s": [1.0016905067250972, 0.9983125234377165, 0.0004212746569616752]}, "2302": {"path": [12, 1, 1, 0], "s": [1.0017515180412837, 0.9982516150193554, 0.00026595639259391585]}, "2303": {"path": [12, 1, 1, 1], "s": [0.9985269316901034, 1.001475458223538, -0.00046525572437010196]}, "2304": {"path": [12, 1, 1, 1], "s": [0.9983656849227057, 1.001637347882629, -0.0005973801144731482]}, "2305": {"path": [12, 1, 1, 2], "s": [1.001482562325262, 0.998519712221755, 0.00028271562769012905]}, "2306": {"path": [12, 1, 1, 2], "s": [1.0014621956631387, 0.9985401819675704, 0.0004930427093006413]}, "2307": {"path": [12, 1, 1, 3], "s": [0.9982390561374397, 1.0017640715260714, -0.0001457140518995899]}, "2308": {"path": [12, 1, 1, 3], "s": [0.9984807894775451, 1.0015215236651764, -4.034799971740022e-05]}, "2309": {"path": [12, 1, 2, 0], "s": [0.9988602413002948, 1.0011410766213493, 0.00013179392505649872]}, "2310": {"path": [12, 1, 2, 0], "s": [0.9985264287881972, 1.0014757491289972, 5.740871498682617e-05]}, "2311": {"path": [12, 1, 2, 1], "s": [1.0012357838613999, 0.9987657418389628, -2.059236550255167e-05]}, "2312": {"path": [12, 1, 2, 1], "s": [1.001127258045051, 0.9988740793907767, 0.0002612140155414445]}, "2313": {"path": [12, 1, 2, 2], "s": [0.9984994294349215, 1.0015031376156767, 0.0005581097897487462]}, "2314": {"path": [12, 1, 2, 2], "s": [0.9988757893115253, 1.0011258410835333, 0.0006039142966005878]}, "2315": {"path": [12, 1, 2, 3], "s": [1.0014745551226913, 0.9985276635579965, 0.00021826462312036598]}, "2316": {"path": [12, 1, 2, 3], "s": [1.001578120399943, 0.9984243663168978, -1.3311028965305057e-05]}, "2317": {"path": [12, 1, 3, 0], "s": [1.001682306446334, 0.9983205809084638, -0.00024911289558819904]}, "2318": {"path": [12, 1, 3, 0], "s": [1.0016124122584613, 0.9983901863805795, -5.436752108904276e-05]}, "2319": {"path": [12, 1, 3, 1], "s": [0.9981627066962501, 1.0018413687064116, 0.0008320266023669616]}, "2320": {"path": [12, 1, 3, 1], "s": [0.9984962183473519, 1.0015068268169696, 0.0008827376737030076]}, "2321": {"path": [12, 1, 3, 2], "s": [1.0018921493713795, 0.9981114285226506, -6.659351897437804e-05]}, "2322": {"path": [12, 1, 3, 2], "s": [1.0019914804182597, 0.9980125534435235, -0.0002755011495777005]}, "2323": {"path": [12, 1, 3, 3], "s": [0.9984725689536413, 1.0015299502239103, 0.00042694739760117546]}, "2324": {"path": [12, 1, 3, 3], "s": [0.9981775850929083, 1.0018258541346428, 0.00033431086995498597]}, "2325": {"path": [12, 2, 0, 0], "s": [1.0012518804027744, 0.9987497009847676, -0.00012713263479024762]}, "2326": {"path": [12, 2, 0, 0], "s": [1.001362694446613, 0.9986392484291903, -0.0002976360094696346]}, "2327": {"path": [12, 2, 0, 1], "s": [0.9993658521904325, 1.0006349792304823, 0.0006547902163126146]}, "2328": {"path": [12, 2, 0, 1], "s": [0.9990056714771502, 1.0009958028103487, 0.0006957962071061407]}, "2329": {"path": [12, 2, 0, 2], "s": [1.0010494953779323, 0.9989516876256364, -0.0002877578451469278]}, "2330": {"path": [12, 2, 0, 2], "s": [1.000928248562727, 0.9990726244604008, -0.00011039980185626433]}, "2331": {"path": [12, 2, 0, 3], "s": [0.9990655807455243, 1.000936425868153, 0.0010637665699003217]}, "2332": {"path": [12, 2, 0, 3], "s": [0.9994251650395175, 1.0005761408130192, 0.0009872520724712264]}, "2333": {"path": [12, 2, 1, 0], "s": [0.9998267556581567, 1.0001740117365217, 0.0008586315444261137]}, "2334": {"path": [12, 2, 1, 0], "s": [0.9996221133927313, 1.0003790875018215, 0.0010284174552588725]}, "2335": {"path": [12, 2, 1, 1], "s": [1.0008752368680396, 0.9991256814466404, -0.00039125292138344255]}, "2336": {"path": [12, 2, 1, 1], "s": [1.0008534537557863, 0.9991473759459771, -0.0003194159708451497]}, "2337": {"path": [12, 2, 1, 2], "s": [0.9997176018634882, 1.0002838775034206, 0.0011828780287642749]}, "2338": {"path": [12, 2, 1, 2], "s": [0.9999002995049903, 1.0001007061304135, 0.0009977950455927129]}, "2339": {"path": [12, 2, 1, 3], "s": [1.001074857471763, 0.9989264662357574, -0.00041208219277111263]}, "2340": {"path": [12, 2, 1, 3], "s": [1.001086386029532, 0.9989150327578521, -0.0004899940091895121]}, "2341": {"path": [12, 2, 2, 0], "s": [1.0009875745242505, 0.999013761069349, -0.0006013394689585788]}, "2342": {"path": [12, 2, 2, 0], "s": [1.0010808366391761, 0.9989205832333607, -0.0005031891749978125]}, "2343": {"path": [12, 2, 2, 1], "s": [0.9996816481409613, 1.0003203844391895, 0.0013894549897503644]}, "2344": {"path": [12, 2, 2, 1], "s": [0.999884740371049, 1.000116691286774, 0.001190885397165303]}, "2345": {"path": [12, 2, 2, 2], "s": [1.0013085885915745, 0.9986935059066383, -0.0006203506653572425]}, "2346": {"path": [12, 2, 2, 2], "s": [1.001289539215445, 0.9987126950468098, -0.0007577809948665589]}, "2347": {"path": [12, 2, 2, 3], "s": [0.9996761675014411, 1.0003251956002672, 0.0011215136218769312]}, "2348": {"path": [12, 2, 2, 3], "s": [0.9993814456037198, 1.000620456419791, 0.0012321677909298253]}, "2349": {"path": [12, 2, 3, 0], "s": [0.9988540889012735, 1.0011490844883313, 0.001362586121001223]}, "2350": {"path": [12, 2, 3, 0], "s": [0.9991956793574104, 1.0008065812895712, 0.0012696050568390441]}, "2351": {"path": [12, 2, 3, 1], "s": [1.0016731766415843, 0.9983297620688377, -0.0003796147123373122]}, "2352": {"path": [12, 2, 3, 1], "s": [1.0017515087707196, 0.998251886259456, -0.0005772292675715425]}, "2353": {"path": [12, 2, 3, 2], "s": [0.9990139497279139, 1.0009879774585555, 0.0009762125932664919]}, "2354": {"path": [12, 2, 3, 2], "s": [0.9986448657521887, 1.0013579100535503, 0.0009672927783494011]}, "2355": {"path": [12, 2, 3, 3], "s": [1.0013607655090113, 0.9986413080081225, -0.0004739788335532561]}, "2356": {"path": [12, 2, 3, 3], "s": [1.001372024192814, 0.9986299650121236, -0.0003308833479453198]}, "2357": {"path": [12, 3, 0, 0], "s": [0.9995330060029927, 1.0004694140597663, 0.0014835259384920901]}, "2358": {"path": [12, 3, 0, 0], "s": [0.9992391224179841, 1.0007641791683135, 0.0016492845418155059]}, "2359": {"path": [12, 3, 0, 1], "s": [1.0011047539889997, 0.99889749951156, -0.0010175995024704568]}, "2360": {"path": [12, 3, 0, 1], "s": [1.0011986155076598, 0.9988036092783388, -0.000889254477580113]}, "2361": {"path": [12, 3, 0, 2], "s": [0.999735551178468, 1.0002678625958208, 0.0018283704057488572]}, "2362": {"path": [12, 3, 0, 2], "s": [0.9999272815666533, 1.0000752224341407, 0.0015806741398037654]}, "2363": {"path": [12, 3, 0, 3], "s": [1.0015492506957786, 0.998454512409721, -0.0011699392187822133]}, "2364": {"path": [12, 3, 0, 3], "s": [1.0014577935982636, 0.9985462052920779, -0.0013709696286860118]}, "2365": {"path": [12, 3, 1, 0], "s": [1.0010207745494286, 0.9989833374440618, -0.0017533425874079842]}, "2366": {"path": [12, 3, 1, 0], "s": [1.0012207256547232, 0.9987832919198986, -0.0015913226750339283]}, "2367": {"path": [12, 3, 1, 1], "s": [1.0000794626818676, 0.9999269356692612, 0.0025283483226645185]}, "2368": {"path": [12, 3, 1, 1], "s": [1.0002010527856284, 0.9998037147473241, 0.0021744123932863992]}, "2369": {"path": [12, 3, 1, 2], "s": [1.0016371420067591, 0.9983702940313077, -0.0021835700050233694]}, "2370": {"path": [12, 3, 1, 2], "s": [1.0013150441153524, 0.9986927991266107, -0.002474715164829592]}, "2371": {"path": [12, 3, 1, 3], "s": [0.9995189907127416, 1.000485597912222, 0.0020868751418715477]}, "2372": {"path": [12, 3, 1, 3], "s": [0.9992112307889014, 1.0007948187307796, 0.0023286457733506754]}, "2373": {"path": [12, 3, 2, 0], "s": [0.998271264564871, 1.0017394492716443, 0.0027761103944248635]}, "2374": {"path": [12, 3, 2, 0], "s": [0.998776240090121, 1.0012322606133235, 0.002644373707934912]}, "2375": {"path": [12, 3, 2, 1], "s": [1.0026687083211694, 0.9973405853642896, -0.0014820538082109317]}, "2376": {"path": [12, 3, 2, 1], "s": [1.0028240348226756, 0.9971883235853329, -0.0021019362273355453]}, "2377": {"path": [12, 3, 2, 2], "s": [0.9982200694829688, 1.0017867886321927, 0.0019177475191856017]}, "2378": {"path": [12, 3, 2, 2], "s": [0.9977411048521084, 1.0022673033788037, 0.0018129065917552596]}, "2379": {"path": [12, 3, 2, 3], "s": [1.0019854520009, 0.9980216969202004, -0.0017947410093847082]}, "2380": {"path": [12, 3, 2, 3], "s": [1.0020495632766708, 0.997956723874967, -0.001448905768970079]}, "2381": {"path": [12, 3, 3, 0], "s": [1.0021101131124488, 0.9978950124498662, -0.00082692229623983]}, "2382": {"path": [12, 3, 3, 0], "s": [1.0021945379990567, 0.9978115300930044, -0.001124905191452571]}, "2383": {"path": [12, 3, 3, 1], "s": [0.9986559755480556, 1.001347655395839, 0.0013489485126826433]}, "2384": {"path": [12, 3, 3, 1], "s": [0.9982783361463666, 1.0017264153783862, 0.0013338732322310995]}, "2385": {"path": [12, 3, 3, 2], "s": [1.0016936382522181, 0.9983101136177012, -0.0009432993695110123]}, "2386": {"path": [12, 3, 3, 2], "s": [1.0016947574858572, 0.998308660194587, -0.0007424753514579843]}, "2387": {"path": [12, 3, 3, 3], "s": [0.9985933960081472, 1.0014120777903504, 0.001867502139425568]}, "2388": {"path": [12, 3, 3, 3], "s": [0.9989801367174549, 1.0010240643846366, 0.0017767094378490344]}, "2389": {"path": [13, 0, 0, 0], "s": [1.0047889864989326, 0.9952407353528591, 0.0026324508830643293]}, "2390": {"path": [13, 0, 0, 0], "s": [1.0059713653057483, 0.9940696983781666, 0.002377327608424375]}, "2391": {"path": [13, 0, 0, 1], "s": [0.9966791762824248, 1.0033398116232186, -0.002810156578102676]}, "2392": {"path": [13, 0, 0, 1], "s": [0.9965791512558185, 1.0034442038512337, -0.0034019122023397916]}, "2393": {"path": [13, 0, 0, 2], "s": [1.0045435918871872, 0.9954774952514929, 0.0007339773803820015]}, "2394": {"path": [13, 0, 0, 2], "s": [1.0041681108196714, 0.9958502216760087, 0.0010177228250920914]}, "2395": {"path": [13, 0, 0, 3], "s": [0.9943943483599414, 1.0056400098181926, -0.001655973383617601]}, "2396": {"path": [13, 0, 0, 3], "s": [0.9948733983171352, 1.00515539969675, -0.0015389389602118125]}, "2397": {"path": [13, 0, 1, 0], "s": [0.9962666904675589, 1.003747777957139, -0.0006905139573907123]}, "2398": {"path": [13, 0, 1, 0], "s": [0.9956189209319851, 1.004400617514727, -0.0005089139739986237]}, "2399": {"path": [13, 0, 1, 1], "s": [1.0034813747622517, 0.9965315859916015, -0.0009412251905254294]}, "2400": {"path": [13, 0, 1, 1], "s": [1.0037417424741302, 0.996272396244048, -0.00043701816663344723]}, "2401": {"path": [13, 0, 1, 2], "s": [0.9955716245167655, 1.0044493375958534, 0.0011219514662742299]}, "2402": {"path": [13, 0, 1, 2], "s": [0.9964228848199185, 1.0035903020965737, 0.0005865086209713647]}, "2403": {"path": [13, 0, 1, 3], "s": [1.0052294322579707, 0.9947979411548015, -0.00041182331054392745]}, "2404": {"path": [13, 0, 1, 3], "s": [1.0045866640653425, 0.9954361760706162, -0.0013810896933425932]}, "2405": {"path": [13, 0, 2, 0], "s": [1.003432073867472, 0.9965870544136781, -0.002723012998917141]}, "2406": {"path": [13, 0, 2, 0], "s": [1.00446483710769, 0.9955585692373167, -0.0018910526503507813]}, "2407": {"path": [13, 0, 2, 1], "s": [0.9962556532768573, 1.003780546094, 0.00469507140292112]}, "2408": {"path": [13, 0, 2, 1], "s": [0.9971927902269919, 1.0028240882052826, 0.002991759392642797]}, "2409": {"path": [13, 0, 2, 2], "s": [1.0111027813814246, 0.9890362876070098, -0.004164287046640945]}, "2410": {"path": [13, 0, 2, 2], "s": [1.0044540302705955, 0.9956540107731596, -0.009417211698982636]}, "2411": {"path": [13, 0, 2, 3], "s": [0.9951978841833218, 1.0048273643527976, 0.0014376972589019818]}, "2412": {"path": [13, 0, 2, 3], "s": [0.993265569177249, 1.0067989899859031, 0.004332647623179317]}, "2413": {"path": [13, 0, 3, 0], "s": [0.9879423066669123, 1.012206453500962, -0.0012563816596515922]}, "2414": {"path": [13, 0, 3, 0], "s": [0.9881693729079921, 1.0119736370652332, 0.0011637603580688714]}, "2415": {"path": [13, 0, 3, 1], "s": [1.0073998921689697, 0.9927010627487243, 0.006851537716951332]}, "2416": {"path": [13, 0, 3, 1], "s": [1.0129903801509184, 0.9872669917527769, 0.009589853288721568]}, "2417": {"path": [13, 0, 3, 2], "s": [0.9934078192337265, 1.0066462402670255, -0.0032009816456481286]}, "2418": {"path": [13, 0, 3, 2], "s": [0.9922370959198247, 1.0078519691414374, -0.005301978684961281]}, "2419": {"path": [13, 0, 3, 3], "s": [1.0081879471057014, 0.9918794092598933, 0.0009302677826913525]}, "2420": {"path": [13, 0, 3, 3], "s": [1.0068642488879511, 0.9931833079787096, 0.0008748691531631993]}, "2421": {"path": [13, 1, 0, 0], "s": [1.0128902524728545, 0.9873412251552265, 0.008264552276704468]}, "2422": {"path": [13, 1, 0, 0], "s": [1.0158188512614386, 0.9844309757272832, 0.0018822617953566788]}, "2423": {"path": [13, 1, 0, 1], "s": [0.9917985155225573, 1.0082701431946501, 0.000911737993535198]}, "2424": {"path": [13, 1, 0, 1], "s": [0.9912826306248902, 1.008823402504605, -0.005395949473359376]}, "2439": {"path": [13, 1, 2, 1], "s": [1.009365894309266, 0.9907401388202306, -0.004393887614502549]}, "2440": {"path": [13, 1, 2, 1], "s": [1.008300843474079, 0.9917678152431276, -0.0005697719628133996]}, "2441": {"path": [13, 1, 2, 2], "s": [0.9848821754527615, 1.0153676515359602, 0.004183482890905385]}, "2442": {"path": [13, 1, 2, 2], "s": [0.9914953117578225, 1.0087361658702583, 0.012537115334959563]}, "2445": {"path": [13, 1, 3, 0], "s": [1.0103917611250508, 0.9897207995094219, -0.0023961716170451427]}, "2446": {"path": [13, 1, 3, 0], "s": [1.0158188512614441, 0.9844309757272781, -0.0018822617953495387]}, "2447": {"path": [13, 1, 3, 1], "s": [1.0076056295721063, 0.9924532417864145, 0.0012138826458977714]}, "2448": {"path": [13, 1, 3, 1], "s": [0.996314766528061, 1.003744104830461, 0.006713676941673218]}, "2449": {"path": [13, 1, 3, 2], "s": [0.9848821754527672, 1.015367651535954, -0.004183482890909601]}, "2450": {"path": [13, 1, 3, 2], "s": [0.993304568664386, 1.0068079919700834, -0.008184020509733927]}, "2453": {"path": [13, 2, 0, 0], "s": [0.9997800011622882, 1.0003280398814685, -0.01039080725269324]}, "2454": {"path": [13, 2, 0, 0], "s": [0.9895924333482446, 1.0105466356401902, -0.005413333082084334]}, "2455": {"path": [13, 2, 0, 1], "s": [1.002899073441718, 0.9971178049905544, 0.0029193727523846103]}, "2456": {"path": [13, 2, 0, 1], "s": [1.0042872688696496, 0.9957489305012083, 0.004239562823246607]}, "2457": {"path": [13, 2, 0, 2], "s": [0.9953698025211896, 1.0046536038238174, -0.0013635396269791402]}, "2458": {"path": [13, 2, 0, 2], "s": [0.9966157545940373, 1.0034033736871133, -0.002758700669647106]}, "2459": {"path": [13, 2, 0, 3], "s": [1.0072790284007023, 0.9927855307624487, 0.003470567197875476]}, "2460": {"path": [13, 2, 0, 3], "s": [1.004758606849463, 0.9952666416866568, 0.0016505589443441817]}, "2461": {"path": [13, 2, 1, 0], "s": [1.003484685423841, 0.996528501492652, 0.0010439522238295047]}, "2462": {"path": [13, 2, 1, 0], "s": [1.004299675118481, 0.9957212869941368, 0.0016015732166252284]}, "2463": {"path": [13, 2, 1, 1], "s": [0.9962577459230127, 1.0037563927951654, 0.0002852050591404946]}, "2464": {"path": [13, 2, 1, 1], "s": [0.9964391635363152, 1.0035737972175376, -0.00048481584857124977]}, "2465": {"path": [13, 2, 1, 2], "s": [1.0044243114202591, 0.9955952270264534, 0.00022440887335479725]}, "2466": {"path": [13, 2, 1, 2], "s": [1.00381046647486, 0.9962040019498387, 6.246110250590594e-05]}, "2467": {"path": [13, 2, 1, 3], "s": [0.9953928496004567, 1.0046299905355018, -0.001228443410516756]}, "2468": {"path": [13, 2, 1, 3], "s": [0.9948016229576777, 1.0052257504550948, 0.0004560609358742149]}, "2469": {"path": [13, 2, 2, 0], "s": [0.9963015502872088, 1.0037167822084718, 0.002141532999669115]}, "2470": {"path": [13, 2, 2, 0], "s": [0.9956870837989317, 1.0043340033397483, 0.0015475611330245448]}, "2471": {"path": [13, 2, 2, 1], "s": [1.0042646224311103, 0.9957587326759421, -0.0022951477697599042]}, "2472": {"path": [13, 2, 2, 1], "s": [1.0040831818687814, 0.9959358060368629, -0.0015469526633060736]}, "2473": {"path": [13, 2, 2, 2], "s": [0.9945082303995432, 1.0055328332843716, 0.0032678185811668837]}, "2474": {"path": [13, 2, 2, 2], "s": [0.996151725536225, 1.0038779963155662, 0.00384685034799711]}, "2475": {"path": [13, 2, 2, 3], "s": [1.0053521378281611, 0.9946766601857234, -0.0005538641459655098]}, "2476": {"path": [13, 2, 2, 3], "s": [1.0057562958432296, 0.9942780623349051, -0.0011920621366566136]}, "2477": {"path": [13, 2, 3, 0], "s": [1.0074792968748525, 0.9926097681864091, -0.0058130304965130965]}, "2478": {"path": [13, 2, 3, 0], "s": [1.0070885304163124, 0.9929655290844401, -0.0020482772528116993]}, "2479": {"path": [13, 2, 3, 1], "s": [0.9842618095561212, 1.0159955623475756, -0.0023729090189290353]}, "2480": {"path": [13, 2, 3, 1], "s": [0.9927876646529714, 1.007313290264723, 0.006943271261800342]}, "2481": {"path": [13, 2, 3, 2], "s": [1.012026690570682, 0.9881163194025426, -0.0002976975615408291]}, "2482": {"path": [13, 2, 3, 2], "s": [1.0108375915314711, 0.989311168636403, -0.005737506392703067]}, "2483": {"path": [13, 2, 3, 3], "s": [0.9932842431152032, 1.0067633137514596, 0.0014615388367375099]}, "2484": {"path": [13, 2, 3, 3], "s": [0.9918290370262829, 1.0082383193393112, -0.00020337971207092374]}, "2485": {"path": [13, 3, 0, 0], "s": [1.004394944871036, 0.9956341229415482, -0.0031432504830047085]}, "2486": {"path": [13, 3, 0, 0], "s": [1.0041564854989362, 0.9958817588044268, -0.004596400064556446]}, "2487": {"path": [13, 3, 0, 1], "s": [0.9983816548331533, 1.0016355816192908, 0.003819622603763843]}, "2488": {"path": [13, 3, 0, 1], "s": [0.9975482748829001, 1.0024744362974034, 0.004079772381233548]}, "2489": {"path": [13, 3, 0, 2], "s": [1.0021031888839906, 0.9979136721896996, -0.0035317321854388493]}, "2490": {"path": [13, 3, 0, 2], "s": [1.0026799993459206, 0.9973360679894779, -0.0029879757950786205]}, "2491": {"path": [13, 3, 0, 3], "s": [0.9999027595246235, 1.0001290509237521, 0.005638962617567006]}, "2492": {"path": [13, 3, 0, 3], "s": [1.0000643098425734, 0.9999556786631223, 0.004470531891999314]}, "2493": {"path": [13, 3, 1, 0], "s": [1.0004607396137668, 0.9995489223470961, 0.0030747571480601965]}, "2494": {"path": [13, 3, 1, 0], "s": [1.000431930674832, 0.9995824152445237, 0.003763715144794111]}, "2495": {"path": [13, 3, 1, 1], "s": [1.0007589861736998, 0.9992498015253183, -0.0028667592763967314]}, "2496": {"path": [13, 3, 1, 1], "s": [1.0011627541753978, 0.998846033523623, -0.00272872125361978]}, "2497": {"path": [13, 3, 1, 2], "s": [1.0016649837099583, 0.9983493622093982, 0.0034055299622812955]}, "2498": {"path": [13, 3, 1, 2], "s": [1.0013658568293238, 0.998643805131539, 0.0027945648749175163]}, "2499": {"path": [13, 3, 1, 3], "s": [1.0014751380100084, 0.9985424101568428, -0.003924031176026299]}, "2500": {"path": [13, 3, 1, 3], "s": [1.0006711032653248, 0.9993464449015262, -0.004136370859873427]}, "2501": {"path": [13, 3, 2, 0], "s": [0.9991383541680996, 1.0008777131672975, -0.00391293464110877]}, "2502": {"path": [13, 3, 2, 0], "s": [0.9998460870971422, 1.000170773976546, -0.004103021980226528]}, "2503": {"path": [13, 3, 2, 1], "s": [1.0038461749883056, 0.9961765361919983, 0.002829393828492088]}, "2504": {"path": [13, 3, 2, 1], "s": [1.003100252013619, 0.9969169844388247, 0.0027709794734453058]}, "2505": {"path": [13, 3, 2, 2], "s": [0.9976489921831516, 1.0023892521202118, -0.005712018290671271]}, "2506": {"path": [13, 3, 2, 2], "s": [0.9971456330615488, 1.0028834347510358, -0.00456480358416782]}, "2507": {"path": [13, 3, 2, 3], "s": [1.0018923771104618, 0.9981276113952341, 0.0040552731545550474]}, "2508": {"path": [13, 3, 2, 3], "s": [1.002626101077712, 0.9974057093706632, 0.004999757889923765]}, "2509": {"path": [13, 3, 3, 0], "s": [1.0058232365072763, 0.9942361366405272, 0.005080237028456762]}, "2510": {"path": [13, 3, 3, 0], "s": [1.0045623413521283, 0.9954958789326818, 0.006137666251026469]}, "2511": {"path": [13, 3, 3, 1], "s": [1.0062090708447233, 0.9938702801813394, -0.006425819904828286]}, "2512": {"path": [13, 3, 3, 1], "s": [0.9979839140618147, 1.0020954369642463, -0.008667551272633682]}, "2513": {"path": [13, 3, 3, 2], "s": [0.9975347074547152, 1.0025235128300938, 0.007211039276093713]}, "2514": {"path": [13, 3, 3, 2], "s": [0.9969667159009697, 1.0030926572468333, 0.007070519058210261]}, "2515": {"path": [13, 3, 3, 3], "s": [0.9998791921256235, 1.0001725104854238, -0.007189003437320325]}, "2516": {"path": [13, 3, 3, 3], "s": [1.003122668542226, 0.9969290340688208, -0.006489453161807555]}, "2517": {"path": [14, 0, 0, 0], "s": [1.0029104696903262, 0.9970999706895058, -0.001414189670390204]}, "2518": {"path": [14, 0, 0, 0], "s": [1.0028331499546213, 0.997176167513866, -0.00114766180023779]}, "2519": {"path": [14, 0, 0, 1], "s": [0.9971157559790872, 1.0028996246504986, 0.0026490384151290876]}, "2520": {"path": [14, 0, 0, 1], "s": [0.9977665818948266, 1.0022459209338743, 0.0027361922856036086]}, "2521": {"path": [14, 0, 0, 2], "s": [1.0034663416554157, 0.9965461929412287, -0.0007500142444180473]}, "2522": {"path": [14, 0, 0, 2], "s": [1.0037121286305377, 0.9963025591643757, -0.0009810295236996824]}, "2523": {"path": [14, 0, 0, 3], "s": [0.9976324295239534, 1.002376830511589, 0.0019059700410028319]}, "2524": {"path": [14, 0, 0, 3], "s": [0.9972486043400453, 1.0027618463922099, 0.0016887273542619168]}, "2525": {"path": [14, 0, 1, 0], "s": [0.9965651129272025, 1.0034472270244508, 0.0007064814997051039]}, "2526": {"path": [14, 0, 1, 0], "s": [0.9967443053688902, 1.0032679473115287, 0.0012701346001318255]}, "2527": {"path": [14, 0, 1, 1], "s": [1.0030510846922174, 0.9969582405180148, 0.0002110555357885223]}, "2528": {"path": [14, 0, 1, 1], "s": [1.003451857557335, 0.9965601350595611, 0.0003445186567880821]}, "2529": {"path": [14, 0, 1, 2], "s": [0.9971955601611736, 1.0028128731454478, 0.0007380874679488076]}, "2530": {"path": [14, 0, 1, 2], "s": [0.9970990363754811, 1.0029095127748602, 0.00032978722921349053]}, "2531": {"path": [14, 0, 1, 3], "s": [1.0031707520243485, 0.9968393995211996, -0.00036064550699880366]}, "2532": {"path": [14, 0, 1, 3], "s": [1.0029017882479374, 0.9971067205834752, -0.00033637360687213246]}, "2533": {"path": [14, 0, 2, 0], "s": [1.0024832468281895, 0.9975229240488253, -0.00014030686565410608]}, "2534": {"path": [14, 0, 2, 0], "s": [1.0027236601269762, 0.9972837507908812, -0.00011304066207765961]}, "2535": {"path": [14, 0, 2, 1], "s": [0.9978402441264435, 1.0021651283067552, 0.0008344367084902077]}, "2536": {"path": [14, 0, 2, 1], "s": [0.9976899371829127, 1.0023157355553431, 0.0005685452090672806]}, "2537": {"path": [14, 0, 2, 2], "s": [1.0024491444187809, 0.9975570604409842, -0.00047090124144793366]}, "2538": {"path": [14, 0, 2, 2], "s": [1.0022916307341598, 0.9977138017305996, -0.0004397073360170486]}, "2539": {"path": [14, 0, 2, 3], "s": [0.9974705132249376, 1.0025369784145075, 0.0010365259753911187]}, "2540": {"path": [14, 0, 2, 3], "s": [0.9976958100602331, 1.0023111976292935, 0.0012970162686689298]}, "2541": {"path": [14, 0, 3, 0], "s": [0.9983040332001053, 1.0017014470192964, 0.0016107829599927913]}, "2542": {"path": [14, 0, 3, 0], "s": [0.9980194216187196, 1.0019868680494668, 0.001534444616298216]}, "2543": {"path": [14, 0, 3, 1], "s": [1.0022266229099213, 0.997779253888373, -0.0009654191447352514]}, "2544": {"path": [14, 0, 3, 1], "s": [1.0021961845808414, 0.9978093317868192, -0.0008397951591913536]}, "2545": {"path": [14, 0, 3, 2], "s": [0.9981226228703142, 1.0018853946400499, 0.0021161081225637146]}, "2546": {"path": [14, 0, 3, 2], "s": [0.9984970096865488, 1.0015095931308464, 0.002081805356482325]}, "2547": {"path": [14, 0, 3, 3], "s": [1.002572206228703, 0.9974348818747183, -0.0007000647133890077]}, "2548": {"path": [14, 0, 3, 3], "s": [1.0027039869189018, 0.9973039644702274, -0.0008132307934233318]}, "2549": {"path": [14, 1, 0, 0], "s": [0.9980307587271839, 1.0019742329515826, 0.0010506844239339286]}, "2550": {"path": [14, 1, 0, 0], "s": [0.9982428632205707, 1.0017616700717096, 0.0011990817335546604]}, "2551": {"path": [14, 1, 0, 1], "s": [1.0020288330487295, 0.9979753712744098, -0.0003109493041608744]}, "2552": {"path": [14, 1, 0, 1], "s": [1.0022019553985455, 0.9978029739191226, -0.00030259581687398356]}, "2553": {"path": [14, 1, 0, 2], "s": [0.9982672415641185, 1.0017365000037572, 0.0008559397442495494]}, "2554": {"path": [14, 1, 0, 2], "s": [0.9981131556493961, 1.001890834264355, 0.0006497721155990969]}, "2555": {"path": [14, 1, 0, 3], "s": [1.002007290946611, 0.9979969607456827, -0.00048063471915304844]}, "2556": {"path": [14, 1, 0, 3], "s": [1.0019064186951472, 0.9980974181239494, -0.0004579316970394868]}, "2557": {"path": [14, 1, 1, 0], "s": [1.0017236680707977, 0.9982794825784084, -0.00043017236259603516]}, "2558": {"path": [14, 1, 1, 0], "s": [1.0018604777957552, 0.9981431465254564, -0.00041193027689903226]}, "2559": {"path": [14, 1, 1, 1], "s": [0.9985157490416013, 1.0014872389966292, 0.0008835170193699802]}, "2560": {"path": [14, 1, 1, 1], "s": [0.9983791231827178, 1.0016240325144836, 0.0007234227987917814]}, "2561": {"path": [14, 1, 1, 2], "s": [1.00174260862343, 0.9982606325298098, -0.0004583846498758367]}, "2562": {"path": [14, 1, 1, 2], "s": [1.001693486617391, 0.9983095616628401, -0.00043074996217304276]}, "2563": {"path": [14, 1, 1, 3], "s": [0.9983619517411024, 1.0016417695651252, 0.0010158781666736681]}, "2564": {"path": [14, 1, 1, 3], "s": [0.9985697202727795, 1.0014335444848523, 0.0011019927483163154]}, "2565": {"path": [14, 1, 2, 0], "s": [0.998888011414503, 1.0011146354941105, 0.0011863585749490935]}, "2566": {"path": [14, 1, 2, 0], "s": [0.9986478341132773, 1.0013555441159019, 0.001243104447999829]}, "2567": {"path": [14, 1, 2, 1], "s": [1.0015507605449445, 0.9984518470110779, -0.0004546882998394727]}, "2568": {"path": [14, 1, 2, 1], "s": [1.001621055962087, 0.9983816909722029, -0.0003515178418076197]}, "2569": {"path": [14, 1, 2, 2], "s": [0.9988251835919197, 1.0011784415235256, 0.001496884433392833]}, "2570": {"path": [14, 1, 2, 2], "s": [0.99908410151655, 1.0009185713838438, 0.0013533596183139722]}, "2571": {"path": [14, 1, 2, 3], "s": [1.001781688789076, 0.9982217103628005, -0.0004804093735813033]}, "2572": {"path": [14, 1, 2, 3], "s": [1.0018081397381313, 0.9981953999672182, -0.0005260573343369344]}, "2573": {"path": [14, 1, 3, 0], "s": [1.0018273379656946, 0.9981764521795177, -0.0006766882943269626]}, "2574": {"path": [14, 1, 3, 0], "s": [1.0018396047050897, 0.998164126226898, -0.0005946847542811793]}, "2575": {"path": [14, 1, 3, 1], "s": [0.9985962453007251, 1.001408794329325, 0.001749865249194708]}, "2576": {"path": [14, 1, 3, 1], "s": [0.9988734451047315, 1.0011305878173886, 0.00166109990053876]}, "2577": {"path": [14, 1, 3, 2], "s": [1.0020683678826114, 0.997936254852036, -0.0005951054242466931]}, "2578": {"path": [14, 1, 3, 2], "s": [1.0021397384758692, 0.9978652632741409, -0.0006587652858203848]}, "2579": {"path": [14, 1, 3, 3], "s": [0.998677502849869, 1.0013261438880572, 0.001375832989323203]}, "2580": {"path": [14, 1, 3, 3], "s": [0.9984326182408825, 1.001571724687345, 0.0013709250973096792]}, "2581": {"path": [14, 2, 0, 0], "s": [1.0015908361726884, 0.9984119598991634, -0.0005193844582321455]}, "2582": {"path": [14, 2, 0, 0], "s": [1.001535896783726, 0.9984668135437572, -0.0005962477138346439]}, "2583": {"path": [14, 2, 0, 1], "s": [0.9994413448924141, 1.0005604781023831, 0.0012287720874770709]}, "2584": {"path": [14, 2, 0, 1], "s": [0.9992348003443458, 1.0007679332554351, 0.0014649155329098018]}, "2585": {"path": [14, 2, 0, 2], "s": [1.001216850443753, 0.9987848396581753, -0.0004598190153830119]}, "2586": {"path": [14, 2, 0, 2], "s": [1.0013506702214654, 0.9986512644855368, -0.00033616975743165465]}, "2587": {"path": [14, 2, 0, 3], "s": [0.9994898609362277, 1.0005129100431511, 0.0015840845712180513]}, "2588": {"path": [14, 2, 0, 3], "s": [0.9996649395960737, 1.0003368160999164, 0.0012817340799411226]}, "2589": {"path": [14, 2, 1, 0], "s": [0.9999434531591357, 1.0000576447077767, 0.001046234814067608]}, "2590": {"path": [14, 2, 1, 0], "s": [0.9998592818675598, 1.0001425358583966, 0.0013407716350394277]}, "2591": {"path": [14, 2, 1, 1], "s": [1.0009002172310864, 0.9991008241494264, -0.0004815879151079671]}, "2592": {"path": [14, 2, 1, 1], "s": [1.0010336624727258, 0.9989675388136324, -0.0003661556688329353]}, "2593": {"path": [14, 2, 1, 2], "s": [1.0000709044688514, 0.9999309385284293, 0.0013557656557616174]}, "2594": {"path": [14, 2, 1, 2], "s": [1.0001101551647962, 0.9998909089568736, 0.0010257215644899835]}, "2595": {"path": [14, 2, 1, 3], "s": [1.001259926632594, 0.9987419513831018, -0.0005412640185665192]}, "2596": {"path": [14, 2, 1, 3], "s": [1.0011731627540088, 0.9988285896042597, -0.0006149009870699552]}, "2597": {"path": [14, 2, 2, 0], "s": [1.0010773948354745, 0.9989243369411894, -0.0007568770305023847]}, "2598": {"path": [14, 2, 2, 0], "s": [1.0011839552386712, 0.9988178878656079, -0.0006659853039030021]}, "2599": {"path": [14, 2, 2, 1], "s": [1.0001320169199805, 0.999870727175189, 0.001651371844497054]}, "2600": {"path": [14, 2, 2, 1], "s": [1.0001776931612956, 0.9998240607830218, 0.0013125094748674113]}, "2601": {"path": [14, 2, 2, 2], "s": [1.0014476663687275, 0.9985551779549953, -0.0008675848308203001]}, "2602": {"path": [14, 2, 2, 2], "s": [1.001350181017297, 0.9986525847876688, -0.000972908281258063]}, "2603": {"path": [14, 2, 2, 3], "s": [0.9999352998386898, 1.000066456052691, 0.0013234771109810097]}, "2604": {"path": [14, 2, 2, 3], "s": [0.999822129276575, 1.0001805820933487, 0.0016368413655437558]}, "2605": {"path": [14, 2, 3, 0], "s": [0.9994383024801567, 1.0005657319263574, 0.0019278579548530801]}, "2606": {"path": [14, 2, 3, 0], "s": [0.999631433520124, 1.0003713983992855, 0.0016416559958520231]}, "2607": {"path": [14, 2, 3, 1], "s": [1.00184637290058, 0.9981576771223998, -0.0008052378183766008]}, "2608": {"path": [14, 2, 3, 1], "s": [1.0018087002866425, 0.9981954027840515, -0.0009160213929293781]}, "2609": {"path": [14, 2, 3, 2], "s": [0.9993383431457007, 1.0006644258308686, 0.001526222350727246]}, "2610": {"path": [14, 2, 3, 2], "s": [0.999105825419398, 1.000897981735514, 0.0017332635319908276]}, "2611": {"path": [14, 2, 3, 3], "s": [1.0014554421377782, 0.9985472574277783, -0.0007649724184748746]}, "2612": {"path": [14, 2, 3, 3], "s": [1.0015469697160473, 0.9984558589792204, -0.0006632916938337664]}, "2613": {"path": [14, 3, 0, 0], "s": [0.9999643186650976, 1.0000385779763252, 0.001701547798345691]}, "2614": {"path": [14, 3, 0, 0], "s": [0.9998368517026287, 1.00016737103869, 0.0020482761088354918]}, "2615": {"path": [14, 3, 0, 1], "s": [1.0011937164981104, 0.9988091032587835, -0.0011824397680099607]}, "2616": {"path": [14, 3, 0, 1], "s": [1.0013142146774248, 0.9986886624551046, -0.0010741291734687906]}, "2617": {"path": [14, 3, 0, 2], "s": [1.000267539362304, 0.9997368464660019, 0.0020773599537133253]}, "2618": {"path": [14, 3, 0, 2], "s": [1.0003039107074208, 0.9996990344918791, 0.0016892994581310429]}, "2619": {"path": [14, 3, 0, 3], "s": [1.0016434019149827, 0.9983612267981715, -0.0013912405026386648]}, "2620": {"path": [14, 3, 0, 3], "s": [1.001502116684323, 0.9985025209904815, -0.0015454082310093187]}, "2621": {"path": [14, 3, 1, 0], "s": [1.001181906793787, 0.9988229065748513, -0.0018499064633093075]}, "2622": {"path": [14, 3, 1, 0], "s": [1.0013790991351044, 0.9986257131470637, -0.0017079239907315496]}, "2623": {"path": [14, 3, 1, 1], "s": [1.0006295841003698, 0.9993780754981375, 0.0026959311432494335]}, "2624": {"path": [14, 3, 1, 1], "s": [1.0006006499535962, 0.9994045494093041, 0.0022003875864997358]}, "2625": {"path": [14, 3, 1, 2], "s": [1.0018003711692778, 0.9982080360147534, -0.0022761774394479753]}, "2626": {"path": [14, 3, 1, 2], "s": [1.0014936489790487, 0.9985149121998489, -0.0025185271532612657]}, "2627": {"path": [14, 3, 1, 3], "s": [1.0000716977966497, 0.9999333567521146, 0.0022471694618995987]}, "2628": {"path": [14, 3, 1, 3], "s": [0.9999359928971044, 1.0000712608409235, 0.0026924295400072326]}, "2629": {"path": [14, 3, 2, 0], "s": [0.9992328584206278, 1.0007798100952607, 0.003474232453474785]}, "2630": {"path": [14, 3, 2, 0], "s": [0.9995684729195865, 1.00044052253847, 0.002967382794890134]}, "2631": {"path": [14, 3, 2, 1], "s": [1.0029617466606722, 0.9970505242518279, -0.0018802426845051737]}, "2632": {"path": [14, 3, 2, 1], "s": [1.002887071854473, 0.9971267654504535, -0.0023541602167306427]}, "2633": {"path": [14, 3, 2, 2], "s": [0.9988916139990446, 1.0011162675306937, 0.002577649013009688]}, "2634": {"path": [14, 3, 2, 2], "s": [0.9984555506977257, 1.0015546682264442, 0.0027960361069776438]}, "2635": {"path": [14, 3, 2, 3], "s": [1.00199018483579, 0.9980176717357172, -0.001977718851334416]}, "2636": {"path": [14, 3, 2, 3], "s": [1.0021531176688827, 0.9978544585808047, -0.0017194901999470187]}, "2637": {"path": [14, 3, 3, 0], "s": [1.002248551909834, 0.997757965143293, -0.0012147927262370292]}, "2638": {"path": [14, 3, 3, 0], "s": [1.0022127498177316, 0.9977941348548341, -0.0014155016313351558]}, "2639": {"path": [14, 3, 3, 1], "s": [0.9991736327230512, 1.0008307992032601, 0.001935298694353891]}, "2640": {"path": [14, 3, 3, 1], "s": [0.9988871108817422, 1.0011186813283697, 0.002132426278665922]}, "2641": {"path": [14, 3, 3, 2], "s": [1.0017069492099309, 0.9982974353421956, -0.0012158785828112564]}, "2642": {"path": [14, 3, 3, 2], "s": [1.0017937518328695, 0.9982106136552469, -0.0010750688731565364]}, "2643": {"path": [14, 3, 3, 3], "s": [0.9993324624011821, 1.000674114242735, 0.0024752065195006484]}, "2644": {"path": [14, 3, 3, 3], "s": [0.9995791772216556, 1.0004256079719172, 0.0021461798720182955]}, "2645": {"path": [15, 0, 0, 0], "s": [1.0005298256333062, 0.9994720049911184, 0.00124534297893072]}, "2646": {"path": [15, 0, 0, 0], "s": [1.0004655667117164, 0.9995355552830457, 0.0009517167447225149]}, "2647": {"path": [15, 0, 0, 1], "s": [1.0010742727703905, 0.9989275538643041, -0.0008213008064819682]}, "2648": {"path": [15, 0, 0, 1], "s": [1.0009760299109074, 0.999025740233851, -0.0009051177201112152]}, "2649": {"path": [15, 0, 0, 2], "s": [1.0003128432845516, 0.9996882570307305, 0.0010013933229331654]}, "2650": {"path": [15, 0, 0, 2], "s": [1.000323517439821, 0.9996782899335587, 0.0013051032770282842]}, "2651": {"path": [15, 0, 0, 3], "s": [1.0008171279485396, 0.9991840485512211, -0.0007139769094787321]}, "2652": {"path": [15, 0, 0, 3], "s": [1.0008957834332974, 0.9991054329593476, -0.0006442470885772125]}, "2653": {"path": [15, 0, 1, 0], "s": [1.0009471932968206, 0.9990540079118312, -0.0005524231073326136]}, "2654": {"path": [15, 0, 1, 0], "s": [1.000877440999824, 0.999123700257924, -0.0006102101489212381]}, "2655": {"path": [15, 0, 1, 1], "s": [1.0003095175629797, 0.9996912138923562, 0.0007974212259002191]}, "2656": {"path": [15, 0, 1, 1], "s": [1.0003165158719893, 0.9996846731259692, 0.0010436436163912067]}, "2657": {"path": [15, 0, 1, 2], "s": [1.0007115161928792, 0.999289274298579, -0.0005336652647216075]}, "2658": {"path": [15, 0, 1, 2], "s": [1.000797753605975, 0.9992030756693844, -0.00043991601561358843]}, "2659": {"path": [15, 0, 1, 3], "s": [1.0004504263447311, 0.9995508393896483, 0.001031222870108669]}, "2660": {"path": [15, 0, 1, 3], "s": [1.0004020952641521, 0.9995986527477665, 0.0007659191139522107]}, "2661": {"path": [15, 0, 2, 0], "s": [1.0005695129043692, 0.999431187626437, 0.0006136650716727468]}, "2662": {"path": [15, 0, 2, 0], "s": [1.0006037959768124, 0.9993971680807455, 0.0007746418981198287]}, "2663": {"path": [15, 0, 2, 1], "s": [1.00069817923801, 0.9993026616922904, -0.00059503207515213]}, "2664": {"path": [15, 0, 2, 1], "s": [1.0007268598776016, 0.9992739578961769, -0.0005385563130591133]}, "2665": {"path": [15, 0, 2, 2], "s": [1.00067091318902, 0.9993301339130486, 0.0007730977143636926]}, "2666": {"path": [15, 0, 2, 2], "s": [1.000601502027797, 0.9993992213545844, 0.000601675001348005]}, "2667": {"path": [15, 0, 2, 3], "s": [1.0007571777295525, 0.9992437264492368, -0.0005757997056039552]}, "2668": {"path": [15, 0, 2, 3], "s": [1.000723194995114, 0.9992777005478618, -0.000610884300762201]}, "2669": {"path": [15, 0, 3, 0], "s": [1.0007033098712252, 0.9992976324637716, -0.0006695916498654946]}, "2670": {"path": [15, 0, 3, 0], "s": [1.000743572322693, 0.9992573721713487, -0.0006263358075250253]}, "2671": {"path": [15, 0, 3, 1], "s": [1.000708756498077, 0.9992925675695083, 0.0009070117161631878]}, "2672": {"path": [15, 0, 3, 1], "s": [1.0005940506135156, 0.999406782879858, 0.0006936082320378549]}, "2673": {"path": [15, 0, 3, 2], "s": [1.0008233698030933, 0.999177863491538, -0.0007459036516854541]}, "2674": {"path": [15, 0, 3, 2], "s": [1.0007510910476527, 0.9992501266234068, -0.0008089795301294032]}, "2675": {"path": [15, 0, 3, 3], "s": [1.000519200936881, 0.9994816080605597, 0.0007347433976283892]}, "2676": {"path": [15, 0, 3, 3], "s": [1.0005991559869314, 0.9994021410230933, 0.0009689165287941998]}, "2677": {"path": [15, 1, 0, 0], "s": [1.0007334432769803, 0.9992674609154096, -0.0006057363514792945]}, "2678": {"path": [15, 1, 0, 0], "s": [1.000730349726221, 0.9992705581606531, -0.0006124861006149828]}, "2679": {"path": [15, 1, 0, 1], "s": [1.0007803965770108, 0.9992205100653849, 0.0005461969589804888]}, "2680": {"path": [15, 1, 0, 1], "s": [1.0008048273597814, 0.9991962227758924, 0.0006350069074414869]}, "2681": {"path": [15, 1, 0, 2], "s": [1.0008533354189812, 0.9991477885561398, -0.0006298832532731913]}, "2682": {"path": [15, 1, 0, 2], "s": [1.000846436968249, 0.9991546554706514, -0.0006139283671413061]}, "2683": {"path": [15, 1, 0, 3], "s": [1.000819741835252, 0.9991813549244082, 0.0006524431341444491]}, "2684": {"path": [15, 1, 0, 3], "s": [1.0007694199119892, 0.9992314875491183, 0.0005622742440260313]}, "2685": {"path": [15, 1, 1, 0], "s": [1.0010020442827183, 0.9989992842295454, 0.0005707457812978922]}, "2686": {"path": [15, 1, 1, 0], "s": [1.0010140800434009, 0.9989873397348309, 0.0006267851833631842]}, "2687": {"path": [15, 1, 1, 1], "s": [1.0011243949549506, 0.9988772823298009, -0.000644132494494644]}, "2688": {"path": [15, 1, 1, 1], "s": [1.0011294650881535, 0.9988722121966064, -0.0006352068984977742]}, "2689": {"path": [15, 1, 1, 2], "s": [1.000980850684363, 0.9990205690938685, 0.0006775712192660844]}, "2690": {"path": [15, 1, 1, 2], "s": [1.0009636864166513, 0.9990376420956121, 0.000633325368898604]}, "2691": {"path": [15, 1, 1, 3], "s": [1.0008729077744778, 0.9991282423453666, -0.0006238235366173532]}, "2692": {"path": [15, 1, 1, 3], "s": [1.0008901179339456, 0.9991110321858951, -0.0005990272489466385]}, "2693": {"path": [15, 1, 2, 0], "s": [1.0008561395940783, 0.999144952844826, -0.0006003325546565062]}, "2694": {"path": [15, 1, 2, 0], "s": [1.0008805799843594, 0.9991205439907619, -0.0005912222622725203]}, "2695": {"path": [15, 1, 2, 1], "s": [1.0007869203947046, 0.9992141297409697, 0.0006570527674510607]}, "2696": {"path": [15, 1, 2, 1], "s": [1.0007315768844725, 0.999269329757922, 0.0006100007668109008]}, "2697": {"path": [15, 1, 2, 2], "s": [1.000725585373182, 0.9992753225136923, -0.0006181193143454724]}, "2698": {"path": [15, 1, 2, 2], "s": [1.0007139595928558, 0.999286944599539, -0.000628569527439954]}, "2699": {"path": [15, 1, 2, 3], "s": [1.0007581974710396, 0.9992427099900683, 0.0005773090484626072]}, "2700": {"path": [15, 1, 2, 3], "s": [1.0008228009483313, 0.9991782958113288, 0.000648583590819093]}, "2701": {"path": [15, 1, 3, 0], "s": [1.0007706306213218, 0.9992304562781398, 0.0007027556511240679]}, "2702": {"path": [15, 1, 3, 0], "s": [1.0006576057314835, 0.9993431571347497, 0.0005752587245988736]}, "2703": {"path": [15, 1, 3, 1], "s": [1.000709319701922, 0.9992916408881641, -0.0006768581928447483]}, "2704": {"path": [15, 1, 3, 1], "s": [1.000667885775955, 0.9993330748141324, -0.0007177466419330875]}, "2705": {"path": [15, 1, 3, 2], "s": [1.0006440929263514, 0.9993566699398817, 0.0005903404882560996]}, "2706": {"path": [15, 1, 3, 2], "s": [1.0007358100680317, 0.9992652768314296, 0.000739109435102131]}, "2707": {"path": [15, 1, 3, 3], "s": [1.0007301189346376, 0.9992708041415083, -0.0006250411528117968]}, "2708": {"path": [15, 1, 3, 3], "s": [1.0007419256491092, 0.9992589974270357, -0.0006109888142366372]}, "2709": {"path": [15, 2, 0, 0], "s": [1.000652391072489, 0.9993483323098921, 0.000546113722086376]}, "2710": {"path": [15, 2, 0, 0], "s": [1.0007881631723468, 0.9992128839297224, 0.0006532428106030928]}, "2711": {"path": [15, 2, 0, 1], "s": [1.0006197541254174, 0.9993810636483573, -0.000658927476846041]}, "2712": {"path": [15, 2, 0, 1], "s": [1.0006846866161199, 0.9993161543141754, -0.000610500049297897]}, "2713": {"path": [15, 2, 0, 2], "s": [1.0007650242624635, 0.9992359397950944, 0.0006160624668969923]}, "2714": {"path": [15, 2, 0, 2], "s": [1.0006416299157326, 0.9993590706150749, 0.0005378581038321265]}, "2715": {"path": [15, 2, 0, 3], "s": [1.0005792782799432, 0.9994216172630382, -0.000748664424595577]}, "2716": {"path": [15, 2, 0, 3], "s": [1.0005297012633467, 0.9994712029154443, -0.0007899837386402439]}, "2717": {"path": [15, 2, 1, 0], "s": [1.0003472778299254, 0.9996535514454316, -0.0008419984899027363]}, "2718": {"path": [15, 2, 1, 0], "s": [1.000471561890086, 0.9995292286013732, -0.0007539851520461039]}, "2719": {"path": [15, 2, 1, 1], "s": [1.0009294099121637, 0.9990717790857945, 0.0005712269603102491]}, "2720": {"path": [15, 2, 1, 1], "s": [1.0007295379279828, 0.9992711935273517, 0.00044694895801855345]}, "2721": {"path": [15, 2, 1, 2], "s": [1.000354736483633, 0.9996464047741156, -0.0010078812532219813]}, "2722": {"path": [15, 2, 1, 2], "s": [1.0002535855727896, 0.999747615635861, -0.0010663993720442533]}, "2723": {"path": [15, 2, 1, 3], "s": [1.0007083056994621, 0.9992924423124565, 0.0004968347569913015]}, "2724": {"path": [15, 2, 1, 3], "s": [1.0009189303600483, 0.9990823353743322, 0.0006499726877760674]}, "2725": {"path": [15, 2, 2, 0], "s": [1.0010831974395011, 0.9989186099338797, 0.0007975051285398489]}, "2726": {"path": [15, 2, 2, 0], "s": [1.0008570815940336, 0.9991440187212485, 0.000605532396130132]}, "2727": {"path": [15, 2, 2, 1], "s": [1.0004321681569497, 0.9995696019878081, -0.0012586264117359798]}, "2728": {"path": [15, 2, 2, 1], "s": [1.0002941224580615, 0.9997077041766346, -0.0013193422338323706]}, "2729": {"path": [15, 2, 2, 2], "s": [1.0007868122932804, 0.9992143097014822, 0.0007097915019272015]}, "2730": {"path": [15, 2, 2, 2], "s": [1.000983191229827, 0.9990186393945981, 0.000930461866273032]}, "2731": {"path": [15, 2, 2, 3], "s": [1.000405747420994, 0.9995954689716533, -0.0010257949232799024]}, "2732": {"path": [15, 2, 2, 3], "s": [1.0005091840814537, 0.999491992418305, -0.0009580346480153026]}, "2733": {"path": [15, 2, 3, 0], "s": [1.0006372913173311, 0.9993639263537267, -0.0009012806711766934]}, "2734": {"path": [15, 2, 3, 0], "s": [1.0005525557075687, 0.9994486775870638, -0.0009636691790680464]}, "2735": {"path": [15, 2, 3, 1], "s": [1.0006473839570378, 0.9993534495363368, 0.0006441482563211089]}, "2736": {"path": [15, 2, 3, 1], "s": [1.000793418437642, 0.9992079056299437, 0.0008340295604788437]}, "2737": {"path": [15, 2, 3, 2], "s": [1.0006058733365122, 0.9993950711575296, -0.0007602524495797343]}, "2738": {"path": [15, 2, 3, 2], "s": [1.0006565908654315, 0.999344351469567, -0.000715431452350969]}, "2739": {"path": [15, 2, 3, 3], "s": [1.000856670283361, 0.9991446267266646, 0.0007511572143255273]}, "2740": {"path": [15, 2, 3, 3], "s": [1.0006835688992772, 0.999317240098164, 0.0005850504306590263]}, "2741": {"path": [15, 3, 0, 0], "s": [1.0005081176206922, 0.9994937093716963, -0.001252891535911253]}, "2742": {"path": [15, 3, 0, 0], "s": [1.0006328966859008, 0.9993689038919542, -0.0011837057144085633]}, "2743": {"path": [15, 3, 0, 1], "s": [1.0011534185814273, 0.9988493495581702, 0.0012003990989986966]}, "2744": {"path": [15, 3, 0, 1], "s": [1.00094679890794, 0.9990549701972943, 0.0009350679379341332]}, "2745": {"path": [15, 3, 0, 2], "s": [1.000612005659945, 0.9993908640298758, -0.0015801566877200722]}, "2746": {"path": [15, 3, 0, 2], "s": [1.0004393789029271, 0.9995635183420889, -0.001644829529968876]}, "2747": {"path": [15, 3, 0, 3], "s": [1.0007970363506076, 0.9992047428676046, 0.0010702193091949679]}, "2748": {"path": [15, 3, 0, 3], "s": [1.0009536458531316, 0.9990491431809473, 0.001371952410513279]}, "2749": {"path": [15, 3, 1, 0], "s": [1.0010826323182278, 0.998921845690584, 0.0018195505249429555]}, "2750": {"path": [15, 3, 1, 0], "s": [1.0009243347995025, 0.9990786382957795, 0.0014565193426956426]}, "2751": {"path": [15, 3, 1, 1], "s": [1.0009994977037735, 0.9990053791596327, -0.0019704674976803605]}, "2752": {"path": [15, 3, 1, 1], "s": [1.0007637773463358, 0.9992410995170699, -0.0020729767023490372]}, "2753": {"path": [15, 3, 1, 2], "s": [1.0006312183956332, 0.999371754699648, 0.0016051589613594044]}, "2754": {"path": [15, 3, 1, 2], "s": [1.000696739013062, 0.9993077389957502, 0.0019989205995612656]}, "2755": {"path": [15, 3, 1, 3], "s": [1.0007332429898075, 0.9992696540583696, -0.0015367261090412315]}, "2756": {"path": [15, 3, 1, 3], "s": [1.0008919633480502, 0.9991109337001266, -0.0014505287389762931]}, "2757": {"path": [15, 3, 2, 0], "s": [1.0011279514880504, 0.9988749457569643, -0.0012760244539486718]}, "2758": {"path": [15, 3, 2, 0], "s": [1.0009876471369796, 0.9990152225528408, -0.0013773442535805847]}, "2759": {"path": [15, 3, 2, 1], "s": [1.0004113678092756, 0.9995904012959587, 0.0012651519719600519]}, "2760": {"path": [15, 3, 2, 1], "s": [1.000435572048384, 0.9995671960912131, 0.0016061202670089908]}, "2761": {"path": [15, 3, 2, 2], "s": [1.0008486028581398, 0.9991531977197128, -0.001040182204367784]}, "2762": {"path": [15, 3, 2, 2], "s": [1.0009530511426656, 0.9990487758497263, -0.0009593889340820033]}, "2763": {"path": [15, 3, 2, 3], "s": [1.0007123999311534, 0.9992903891029244, 0.0015111278320845008]}, "2764": {"path": [15, 3, 2, 3], "s": [1.0006182360123317, 0.9993835432058802, 0.0011824138117530537]}, "2765": {"path": [15, 3, 3, 0], "s": [1.0005959666904978, 0.9994051728851356, 0.0008860465487192511]}, "2766": {"path": [15, 3, 3, 0], "s": [1.0007090772591543, 0.9992927671214444, 0.0011588346936014476]}, "2767": {"path": [15, 3, 3, 1], "s": [1.000664333046908, 0.9993369033674586, -0.0008921307989663307]}, "2768": {"path": [15, 3, 3, 1], "s": [1.0007405512057945, 0.999260685208574, -0.0008300083785940538]}, "2769": {"path": [15, 3, 3, 2], "s": [1.000858779849124, 0.999143064531474, 0.0010528350705760528]}, "2770": {"path": [15, 3, 3, 2], "s": [1.0007013232499322, 0.9992998163257014, 0.0008053077321929656]}, "2771": {"path": [15, 3, 3, 3], "s": [1.0008063820239335, 0.9991954385550588, -0.0010824948524627473]}, "2772": {"path": [15, 3, 3, 3], "s": [1.0006935857668233, 0.9993082348121698, -0.001157920767454487]}, "2773": {"path": [16, 0, 0, 0], "s": [0.9999778319925622, 1.0000249338124043, -0.0016629047576137152]}, "2774": {"path": [16, 0, 0, 0], "s": [0.9997941003132218, 1.0002087440105043, -0.0016737214211584555]}, "2775": {"path": [16, 0, 0, 1], "s": [1.0010695167450239, 0.9989322371992936, 0.0007822749658556694]}, "2776": {"path": [16, 0, 0, 1], "s": [1.0013136193616532, 0.9986891247335153, 0.0010109916113370193]}, "2777": {"path": [16, 0, 0, 2], "s": [1.0000421080168678, 0.9999597350874112, -0.0013569851891520035]}, "2778": {"path": [16, 0, 0, 2], "s": [1.0002060440355887, 0.9997956877410773, -0.001299876663848624]}, "2779": {"path": [16, 0, 0, 3], "s": [1.0014284750260025, 0.9985742363439208, 0.0008214025491971112]}, "2780": {"path": [16, 0, 0, 3], "s": [1.0011653207983326, 0.9988364350930476, 0.0006324278569868759]}, "2781": {"path": [16, 0, 1, 0], "s": [1.0009208230881288, 0.9990802410335408, 0.00046603259308911126]}, "2782": {"path": [16, 0, 1, 0], "s": [1.0011931002081687, 0.9988087427891114, 0.0006493905250300297]}, "2783": {"path": [16, 0, 1, 1], "s": [0.9999762168904325, 1.0000249843959224, -0.0010957609913161861]}, "2784": {"path": [16, 0, 1, 1], "s": [1.0001702704256599, 0.9998307709548551, -0.0010062632920297366]}, "2785": {"path": [16, 0, 1, 2], "s": [1.0012362104429096, 0.9987656072830475, 0.0005401451561866992]}, "2786": {"path": [16, 0, 1, 2], "s": [1.0009755208924238, 0.9990255769744887, 0.0003837927732915613]}, "2787": {"path": [16, 0, 1, 3], "s": [0.9999627946053061, 1.0000389577529654, -0.0013232191168675322]}, "2788": {"path": [16, 0, 1, 3], "s": [0.9998072950982624, 1.0001945829174332, -0.0013566571465626124]}, "2789": {"path": [16, 0, 2, 0], "s": [0.9994714384737285, 1.0005304962332737, -0.0012861987028057263]}, "2790": {"path": [16, 0, 2, 0], "s": [0.9997151929077519, 1.0002864971941772, -0.001268268699946304]}, "2791": {"path": [16, 0, 2, 1], "s": [1.0015732728054119, 0.998429460794369, 0.0005125555181198655]}, "2792": {"path": [16, 0, 2, 1], "s": [1.0013007181580076, 0.99870110483679, 0.00036537415538767]}, "2793": {"path": [16, 0, 2, 2], "s": [0.9993636278381784, 1.0006390824893021, -0.0015177724394466346]}, "2794": {"path": [16, 0, 2, 2], "s": [0.9991966397252424, 1.0008061563466104, -0.0014657550502890002]}, "2795": {"path": [16, 0, 2, 3], "s": [1.0012423053014192, 0.9987594503945715, 0.00046320043033002713]}, "2796": {"path": [16, 0, 2, 3], "s": [1.001539319286137, 0.9984634516932405, 0.0006369779708201562]}, "2797": {"path": [16, 0, 3, 0], "s": [1.0017960049510608, 0.9982078022038522, 0.0007670454992284114]}, "2798": {"path": [16, 0, 3, 0], "s": [1.0015441156418174, 0.9984586533347514, 0.0006236658349844999]}, "2799": {"path": [16, 0, 3, 1], "s": [0.9992166307039652, 1.0007874723667287, -0.0018671339053502234]}, "2800": {"path": [16, 0, 3, 1], "s": [0.9990544165968385, 1.000949633426141, -0.0017754056924085165]}, "2801": {"path": [16, 0, 3, 2], "s": [1.0014745921708843, 0.998528239748525, 0.0008134330120821757]}, "2802": {"path": [16, 0, 3, 2], "s": [1.0017420668766934, 0.9982619675298204, 0.0010033133693516376]}, "2803": {"path": [16, 0, 3, 3], "s": [0.9994640098547786, 1.000538818840489, -0.0015937043888322574]}, "2804": {"path": [16, 0, 3, 3], "s": [0.9996595079309426, 1.0003431916346124, -0.0016070816800122826]}, "2805": {"path": [16, 1, 0, 0], "s": [1.0015694083869018, 0.9984332645134921, 0.0004626581689719921]}, "2806": {"path": [16, 1, 0, 0], "s": [1.001814469125333, 0.9981891559901115, 0.0005825760877523294]}, "2807": {"path": [16, 1, 0, 1], "s": [0.9989142331112065, 1.0010885138230843, -0.0012510243898753424]}, "2808": {"path": [16, 1, 0, 1], "s": [0.9991211796967877, 1.0008814278592346, -0.001353860895468677]}, "2809": {"path": [16, 1, 0, 2], "s": [1.0017741379855742, 0.9982292402436058, 0.00048647408257568607]}, "2810": {"path": [16, 1, 0, 2], "s": [1.0015807603914233, 0.998421886517191, 0.0003902426527730963]}, "2811": {"path": [16, 1, 0, 3], "s": [0.9987125368476221, 1.0012910028577282, -0.001370250612406624]}, "2812": {"path": [16, 1, 0, 3], "s": [0.9986275495922894, 1.0013758495595888, -0.0012291731316488566]}, "2813": {"path": [16, 1, 1, 0], "s": [0.9985368427866147, 1.0014662054936183, -0.0009502584317716811]}, "2814": {"path": [16, 1, 1, 0], "s": [0.9985892903714915, 1.0014139507817508, -0.0011164583548386705]}, "2815": {"path": [16, 1, 1, 1], "s": [1.0017177501841223, 0.998285405513077, 0.0004587506986538521]}, "2816": {"path": [16, 1, 1, 1], "s": [1.0016641870490939, 0.9983388009891357, 0.00047274977507260414]}, "2817": {"path": [16, 1, 1, 2], "s": [0.9983029663637987, 1.0017006579574148, -0.0008592132768232407]}, "2818": {"path": [16, 1, 1, 2], "s": [0.9983724791362562, 1.0016306715129508, -0.0007047675483426411]}, "2819": {"path": [16, 1, 1, 3], "s": [1.0017508730056923, 0.9982523917519396, 0.00045267817048946795]}, "2820": {"path": [16, 1, 1, 3], "s": [1.0018729348745783, 0.9981307864316493, 0.0004694581420063755]}, "2821": {"path": [16, 1, 2, 0], "s": [1.001972308927767, 0.9980316809859845, 0.0003282995398500803]}, "2822": {"path": [16, 1, 2, 0], "s": [1.0018941162693422, 0.9981096252985338, 0.0004012211347796748]}, "2823": {"path": [16, 1, 2, 1], "s": [0.9979377588442835, 1.0020671704733835, -0.0008162803696688485]}, "2824": {"path": [16, 1, 2, 1], "s": [0.9980595211025479, 1.001944683220592, -0.0006562822471300015]}, "2825": {"path": [16, 1, 2, 2], "s": [1.0020748783121427, 0.9979296549801376, 0.0004874200443582201]}, "2826": {"path": [16, 1, 2, 2], "s": [1.0021914862296295, 0.9978135054491399, 0.00044722038170284096]}, "2827": {"path": [16, 1, 2, 3], "s": [0.9983260742635359, 1.001677762555561, -0.001014085388555331]}, "2828": {"path": [16, 1, 2, 3], "s": [0.998312320212938, 1.0016919314793578, -0.0011816318104168032]}, "2829": {"path": [16, 1, 3, 0], "s": [0.998397698715678, 1.0016073030343302, -0.001557679778965105]}, "2830": {"path": [16, 1, 3, 0], "s": [0.9983631073745679, 1.0016415153600813, -0.001391312423757587]}, "2831": {"path": [16, 1, 3, 1], "s": [1.001877713402694, 0.9981263195194259, 0.0007174170119745325]}, "2832": {"path": [16, 1, 3, 1], "s": [1.0020976233845056, 0.9979074162455448, 0.0008063358066380641]}, "2833": {"path": [16, 1, 3, 2], "s": [0.9987896931881873, 1.0012140377438006, -0.001503852997074992]}, "2834": {"path": [16, 1, 3, 2], "s": [0.9989248541762186, 1.001078935968996, -0.0016217680817879263]}, "2835": {"path": [16, 1, 3, 3], "s": [1.0020008420952324, 0.9980035008329946, 0.0005901259622600515]}, "2836": {"path": [16, 1, 3, 3], "s": [1.0018337344350725, 0.9981699123028548, 0.0005392987091449261]}, "2837": {"path": [16, 2, 0, 0], "s": [0.997933854801935, 1.0020715776628264, -0.0010734451637020499]}, "2838": {"path": [16, 2, 0, 0], "s": [0.9978468883011384, 1.0021593165586267, -0.0012472409637533394]}, "2839": {"path": [16, 2, 0, 1], "s": [1.0023790726449708, 0.9976266000932842, 0.00016201068413866133]}, "2840": {"path": [16, 2, 0, 1], "s": [1.0023014997764896, 0.9977038726567086, 0.00029647365932782314]}, "2841": {"path": [16, 2, 0, 2], "s": [0.9973773394446327, 1.0026300714732261, -0.0007163331253993181]}, "2842": {"path": [16, 2, 0, 2], "s": [0.9975885558170523, 1.0024176150599617, -0.0005838948900298033]}, "2843": {"path": [16, 2, 0, 3], "s": [1.0026056171273814, 0.997401390562146, 0.00048652674009469325]}, "2844": {"path": [16, 2, 0, 3], "s": [1.0027175350787367, 0.9972899565607085, 0.00035637246622599253]}, "2845": {"path": [16, 2, 1, 0], "s": [1.0029236527581633, 0.9970848963921781, -0.0001624796548997002]}, "2846": {"path": [16, 2, 1, 0], "s": [1.0029067438755834, 0.9971016894310374, 9.305979364846863e-05]}, "2847": {"path": [16, 2, 1, 1], "s": [0.9965578556272995, 1.0034541369895964, -0.0003209029363545784]}, "2848": {"path": [16, 2, 1, 1], "s": [0.9969679400707269, 1.0030413851395052, -0.00032178909422075945]}, "2849": {"path": [16, 2, 1, 2], "s": [1.0034889981010044, 0.9965232545794158, 0.00034974597834876706]}, "2850": {"path": [16, 2, 1, 2], "s": [1.0035189284575508, 0.9964934114941019, 2.275017545561875e-05]}, "2851": {"path": [16, 2, 1, 3], "s": [0.9972899258066322, 1.00271858302478, -0.0010683022579546378]}, "2852": {"path": [16, 2, 1, 3], "s": [0.9970583580842521, 1.002951793461297, -0.0012117863573155327]}, "2853": {"path": [16, 2, 2, 0], "s": [0.9967418247610343, 1.0032728630338774, -0.002006049255289197]}, "2854": {"path": [16, 2, 2, 0], "s": [0.9969359754103354, 1.0030765591863073, -0.001762936086793036]}, "2855": {"path": [16, 2, 2, 1], "s": [1.0031656006424239, 0.9968469021862771, 0.0015878854604761887]}, "2856": {"path": [16, 2, 2, 1], "s": [1.0036236558896183, 0.9963917247399677, 0.0015183812724985867]}, "2857": {"path": [16, 2, 2, 2], "s": [0.9979252787563772, 1.0020840387121113, -0.0022346518966454717]}, "2858": {"path": [16, 2, 2, 2], "s": [0.9979735065518835, 1.0020369338279504, -0.002512478214139506]}, "2859": {"path": [16, 2, 2, 3], "s": [1.0031467329483394, 0.9968637177839139, 0.0007626858261983259]}, "2860": {"path": [16, 2, 2, 3], "s": [1.0029193755795645, 0.9970898844559782, 0.0008742512740405799]}, "2861": {"path": [16, 2, 3, 0], "s": [1.0023470138355872, 0.9976595889818073, 0.0010534896082018024]}, "2862": {"path": [16, 2, 3, 0], "s": [1.0026165358420278, 0.9973914816683358, 0.001091892235820987]}, "2863": {"path": [16, 2, 3, 1], "s": [0.9985028371000794, 1.0015026792675807, -0.0018073771081523542]}, "2864": {"path": [16, 2, 3, 1], "s": [0.9985974933430842, 1.0014083834552112, -0.0019752293848804897]}, "2865": {"path": [16, 2, 3, 2], "s": [1.002415091835464, 0.9975911978327221, 0.0006871606349841648]}, "2866": {"path": [16, 2, 3, 2], "s": [1.0022380577690828, 0.9977674224503179, 0.0006954005109482585]}, "2867": {"path": [16, 2, 3, 3], "s": [0.9978310444387576, 1.0021769069503725, -0.0017971573922352165]}, "2868": {"path": [16, 2, 3, 3], "s": [0.9978690088918348, 1.0021380792115866, -0.001591186863235866]}, "2869": {"path": [16, 3, 0, 0], "s": [1.0027021725906577, 0.9973080463335111, 0.0017160421778709579]}, "2870": {"path": [16, 3, 0, 0], "s": [1.002323113325104, 0.9976847682046343, 0.0015820821420147516]}, "2871": {"path": [16, 3, 0, 1], "s": [0.9984902337254863, 1.0015236035794384, -0.0033966188519501212]}, "2872": {"path": [16, 3, 0, 1], "s": [0.9982531377132435, 1.001759133199256, -0.003032812070898108]}, "2873": {"path": [16, 3, 0, 2], "s": [1.0020165258270515, 0.9979924696310045, 0.002224234973781432]}, "2874": {"path": [16, 3, 0, 2], "s": [1.002452786097828, 0.9975598824180607, 0.0025852329502127243]}, "2875": {"path": [16, 3, 0, 3], "s": [0.9992660252635591, 1.0007415509861286, -0.002651786189927861]}, "2876": {"path": [16, 3, 0, 3], "s": [0.9995556987458092, 1.0004521578256975, -0.0027668894479155742]}, "2877": {"path": [16, 3, 1, 0], "s": [1.0003408515365206, 0.9996677096423775, -0.0029065300994874105]}, "2878": {"path": [16, 3, 1, 0], "s": [0.9999557216095173, 1.0000526855745149, -0.002899112139744929]}, "2879": {"path": [16, 3, 1, 1], "s": [1.0010941150991792, 0.9989110842637212, 0.002001989947949298]}, "2880": {"path": [16, 3, 1, 1], "s": [1.0012810290895207, 0.9987266305089866, 0.0024552749637136383]}, "2881": {"path": [16, 3, 1, 2], "s": [1.0002911788920044, 0.9997136333901657, -0.0021746030111819735]}, "2882": {"path": [16, 3, 1, 2], "s": [1.0005382686824082, 0.9994665446862302, -0.0021274929730197966]}, "2883": {"path": [16, 3, 1, 3], "s": [1.0017670784001593, 0.9982401753378686, 0.0020356792181878427]}, "2884": {"path": [16, 3, 1, 3], "s": [1.0014857304167042, 0.9985193241320605, 0.0016895749732573006]}, "2885": {"path": [16, 3, 2, 0], "s": [1.0011669735539084, 0.9988359716453913, 0.001259686069578679]}, "2886": {"path": [16, 3, 2, 0], "s": [1.0013917978547413, 0.9986125879735648, 0.0015667901020723909]}, "2887": {"path": [16, 3, 2, 1], "s": [1.0001191758319539, 0.9998837013005775, -0.0016921207213472407]}, "2888": {"path": [16, 3, 2, 1], "s": [1.000301381341272, 0.9997014384156203, -0.001652203377841682]}, "2889": {"path": [16, 3, 2, 2], "s": [1.001608835138468, 0.9983953876028502, 0.0012810872374176725]}, "2890": {"path": [16, 3, 2, 2], "s": [1.0013501070033928, 0.9986527896380312, 0.0010381537838901568]}, "2891": {"path": [16, 3, 2, 3], "s": [1.0000517474557602, 0.9999528902190468, -0.0021529600539288173]}, "2892": {"path": [16, 3, 2, 3], "s": [0.9998201192146632, 1.0001845094984922, -0.0021437172016906605]}, "2893": {"path": [16, 3, 3, 0], "s": [0.9993961973938601, 1.0006081680942571, -0.0019995686128233795]}, "2894": {"path": [16, 3, 3, 0], "s": [0.9995981609483425, 1.0004062236037832, -0.0020545840498579697]}, "2895": {"path": [16, 3, 3, 1], "s": [1.0021269055901052, 0.9978788866200056, 0.0011317253226584276]}, "2896": {"path": [16, 3, 3, 1], "s": [1.0018595006933773, 0.9981449312329348, 0.0009911733718541776]}, "2897": {"path": [16, 3, 3, 2], "s": [0.9989616993113037, 1.0010451853612619, -0.0024082059475548207]}, "2898": {"path": [16, 3, 3, 2], "s": [0.9987879042664799, 1.0012186127866458, -0.0022449894804228133]}, "2899": {"path": [16, 3, 3, 3], "s": [1.0017392703295651, 0.9982655148640074, 0.001329832710606186]}, "2900": {"path": [16, 3, 3, 3], "s": [1.0020391237796211, 0.9979674528642954, 0.0015594963031426332]}, "2901": {"path": [17, 0, 0, 0], "s": [1.0047889864989308, 0.9952407353528612, 0.0026324508830613998]}, "2902": {"path": [17, 0, 0, 0], "s": [1.005971365305746, 0.9940696983781678, 0.0023773276084231103]}, "2903": {"path": [17, 0, 0, 1], "s": [0.9966791762824239, 1.0033398116232195, -0.0028101565781035566]}, "2904": {"path": [17, 0, 0, 1], "s": [0.9965791512558165, 1.0034442038512363, -0.0034019122023362398]}, "2905": {"path": [17, 0, 0, 2], "s": [1.0045435918871841, 0.9954774952514956, 0.0007339773803840795]}, "2906": {"path": [17, 0, 0, 2], "s": [1.0041681108196716, 0.9958502216760083, 0.0010177228250958601]}, "2907": {"path": [17, 0, 0, 3], "s": [0.9943943483599419, 1.0056400098181928, -0.0016559733836175221]}, "2908": {"path": [17, 0, 0, 3], "s": [0.9948733983171341, 1.0051553996967495, -0.0015389389602094702]}, "2909": {"path": [17, 0, 1, 0], "s": [0.9962666904675654, 1.0037477779571335, -0.0006905139573928333]}, "2910": {"path": [17, 0, 1, 0], "s": [0.99561892093199, 1.0044006175147229, -0.000508913974001192]}, "2911": {"path": [17, 0, 1, 1], "s": [1.0034813747622477, 0.996531585991605, -0.0009412251905240069]}, "2912": {"path": [17, 0, 1, 1], "s": [1.0037417424741246, 0.9962723962440536, -0.0004370181666322239]}, "2913": {"path": [17, 0, 1, 2], "s": [0.9955716245167701, 1.004449337595849, 0.0011219514662727285]}, "2914": {"path": [17, 0, 1, 2], "s": [0.9964228848199232, 1.003590302096569, 0.0005865086209690705]}, "2915": {"path": [17, 0, 1, 3], "s": [1.00522943225797, 0.9947979411548021, -0.0004118233105414534]}, "2916": {"path": [17, 0, 1, 3], "s": [1.004586664065339, 0.9954361760706192, -0.0013810896933429133]}, "2917": {"path": [17, 0, 2, 0], "s": [1.0034320738674694, 0.9965870544136818, -0.002723012998916679]}, "2918": {"path": [17, 0, 2, 0], "s": [1.0044648371076883, 0.9955585692373191, -0.0018910526503492329]}, "2919": {"path": [17, 0, 2, 1], "s": [0.9962556532768609, 1.0037805460939953, 0.0046950714029180335]}, "2920": {"path": [17, 0, 2, 1], "s": [0.9971927902269934, 1.0028240882052801, 0.0029917593926430254]}, "2921": {"path": [17, 0, 2, 2], "s": [1.0111027813814195, 0.9890362876070146, -0.004164287046638572]}, "2922": {"path": [17, 0, 2, 2], "s": [1.004454030270591, 0.9956540107731635, -0.009417211698982525]}, "2923": {"path": [17, 0, 2, 3], "s": [0.9951978841833234, 1.0048273643527965, 0.001437697258902497]}, "2924": {"path": [17, 0, 2, 3], "s": [0.9932655691772531, 1.006798989985898, 0.004332647623178745]}, "2925": {"path": [17, 0, 3, 0], "s": [0.9879423066669162, 1.0122064535009576, -0.0012563816596505653]}, "2926": {"path": [17, 0, 3, 0], "s": [0.9881693729079933, 1.0119736370652315, 0.0011637603580699914]}, "2927": {"path": [17, 0, 3, 1], "s": [1.0073998921689693, 0.9927010627487256, 0.006851537716946897]}, "2928": {"path": [17, 0, 3, 1], "s": [1.0129903801509141, 0.9872669917527795, 0.009589853288718055]}, "2929": {"path": [17, 0, 3, 2], "s": [0.9934078192337293, 1.006646240267022, -0.003200981645645804]}, "2930": {"path": [17, 0, 3, 2], "s": [0.9922370959198247, 1.0078519691414378, -0.005301978684961725]}, "2931": {"path": [17, 0, 3, 3], "s": [1.0081879471057003, 0.9918794092598936, 0.0009302677826891439]}, "2932": {"path": [17, 0, 3, 3], "s": [1.0068642488879496, 0.9931833079787116, 0.0008748691531627315]}, "2933": {"path": [17, 1, 0, 0], "s": [1.0128902524728556, 0.987341225155225, 0.008264552276704341]}, "2934": {"path": [17, 1, 0, 0], "s": [1.0158188512614406, 0.9844309757272816, 0.001882261795356924]}, "2935": {"path": [17, 1, 0, 1], "s": [0.9917985155225543, 1.0082701431946515, 0.000911737993536646]}, "2936": {"path": [17, 1, 0, 1], "s": [0.9912826306248912, 1.0088234025046074, -0.0053959494733576445]}, "2951": {"path": [17, 1, 2, 1], "s": [1.009365894309269, 0.9907401388202279, -0.004393887614505433]}, "2952": {"path": [17, 1, 2, 1], "s": [1.0083008434740823, 0.991767815243124, -0.0005697719628157472]}, "2953": {"path": [17, 1, 2, 2], "s": [0.9848821754527591, 1.0153676515359633, 0.004183482890909116]}, "2954": {"path": [17, 1, 2, 2], "s": [0.9914953117578191, 1.0087361658702603, 0.012537115334963446]}, "2957": {"path": [17, 1, 3, 0], "s": [1.0103917611250535, 0.98972079950942, -0.0023961716170490905]}, "2958": {"path": [17, 1, 3, 0], "s": [1.0158188512614479, 0.984430975727275, -0.00188226179535522]}, "2959": {"path": [17, 1, 3, 1], "s": [1.0076056295721074, 0.9924532417864129, 0.0012138826458956429]}, "2960": {"path": [17, 1, 3, 1], "s": [0.9963147665280614, 1.0037441048304592, 0.006713676941672559]}, "2961": {"path": [17, 1, 3, 2], "s": [0.984882175452766, 1.0153676515359553, -0.004183482890910366]}, "2962": {"path": [17, 1, 3, 2], "s": [0.9933045686643875, 1.006807991970086, -0.008184020509738476]}, "2965": {"path": [17, 2, 0, 0], "s": [0.9997800011622916, 1.000328039881464, -0.010390807252696633]}, "2966": {"path": [17, 2, 0, 0], "s": [0.9895924333482463, 1.0105466356401884, -0.005413333082087084]}, "2967": {"path": [17, 2, 0, 1], "s": [1.0028990734417171, 0.9971178049905561, 0.002919372752386602]}, "2968": {"path": [17, 2, 0, 1], "s": [1.0042872688696476, 0.99574893050121, 0.004239562823248211]}, "2969": {"path": [17, 2, 0, 2], "s": [0.9953698025211946, 1.0046536038238116, -0.0013635396269819806]}, "2970": {"path": [17, 2, 0, 2], "s": [0.9966157545940406, 1.0034033736871104, -0.002758700669648459]}, "2971": {"path": [17, 2, 0, 3], "s": [1.0072790284006976, 0.9927855307624535, 0.0034705671978792936]}, "2972": {"path": [17, 2, 0, 3], "s": [1.0047586068494585, 0.9952666416866613, 0.0016505589443460257]}, "2973": {"path": [17, 2, 1, 0], "s": [1.003484685423839, 0.9965285014926538, 0.0010439522238348954]}, "2974": {"path": [17, 2, 1, 0], "s": [1.0042996751184792, 0.9957212869941391, 0.0016015732166281664]}, "2975": {"path": [17, 2, 1, 1], "s": [0.9962577459230125, 1.003756392795165, 0.0002852050591339127]}, "2976": {"path": [17, 2, 1, 1], "s": [0.9964391635363147, 1.0035737972175374, -0.0004848158485759853]}, "2977": {"path": [17, 2, 1, 2], "s": [1.0044243114202567, 0.9955952270264564, 0.00022440887335611914]}, "2978": {"path": [17, 2, 1, 2], "s": [1.0038104664748597, 0.9962040019498389, 6.246110251087498e-05]}, "2979": {"path": [17, 2, 1, 3], "s": [0.995392849600458, 1.004629990535501, -0.001228443410519255]}, "2980": {"path": [17, 2, 1, 3], "s": [0.9948016229576758, 1.0052257504550963, 0.00045606093587297243]}, "2981": {"path": [17, 2, 2, 0], "s": [0.9963015502872105, 1.0037167822084692, 0.0021415329996639335]}, "2982": {"path": [17, 2, 2, 0], "s": [0.995687083798935, 1.0043340033397448, 0.0015475611330185144]}, "2983": {"path": [17, 2, 2, 1], "s": [1.0042646224311085, 0.9957587326759433, -0.0022951477697624456]}, "2984": {"path": [17, 2, 2, 1], "s": [1.004083181868776, 0.9959358060368672, -0.0015469526633104765]}, "2985": {"path": [17, 2, 2, 2], "s": [0.9945082303995461, 1.005532833284369, 0.00326781858116733]}, "2986": {"path": [17, 2, 2, 2], "s": [0.9961517255362273, 1.0038779963155637, 0.00384685034799815]}, "2987": {"path": [17, 2, 2, 3], "s": [1.0053521378281611, 0.9946766601857242, -0.0005538641459607745]}, "2988": {"path": [17, 2, 2, 3], "s": [1.0057562958432282, 0.9942780623349052, -0.001192062136652546]}, "2989": {"path": [17, 2, 3, 0], "s": [1.007479296874848, 0.9926097681864126, -0.005813030496512553]}, "2990": {"path": [17, 2, 3, 0], "s": [1.007088530416305, 0.9929655290844477, -0.002048277252812119]}, "2991": {"path": [17, 2, 3, 1], "s": [0.984261809556121, 1.0159955623475752, -0.0023729090189278]}, "2992": {"path": [17, 2, 3, 1], "s": [0.9927876646529769, 1.0073132902647166, 0.006943271261798507]}, "2993": {"path": [17, 2, 3, 2], "s": [1.0120266905706812, 0.9881163194025434, -0.0002976975615383247]}, "2994": {"path": [17, 2, 3, 2], "s": [1.0108375915314687, 0.9893111686364051, -0.0057375063927022]}, "2995": {"path": [17, 2, 3, 3], "s": [0.9932842431152076, 1.0067633137514536, 0.001461538836732287]}, "2996": {"path": [17, 2, 3, 3], "s": [0.991829037026288, 1.0082383193393067, -0.00020337971207455208]}, "2997": {"path": [17, 3, 0, 0], "s": [1.0043949448710359, 0.9956341229415501, -0.003143250483007764]}, "2998": {"path": [17, 3, 0, 0], "s": [1.0041564854989333, 0.9958817588044315, -0.004596400064561595]}, "2999": {"path": [17, 3, 0, 1], "s": [0.9983816548331569, 1.0016355816192868, 0.0038196226037672254]}, "3000": {"path": [17, 3, 0, 1], "s": [0.9975482748829019, 1.0024744362974018, 0.004079772381235832]}, "3001": {"path": [17, 3, 0, 2], "s": [1.0021031888839909, 0.9979136721896986, -0.003531732185442962]}, "3002": {"path": [17, 3, 0, 2], "s": [1.0026799993459177, 0.9973360679894802, -0.0029879757950839786]}, "3003": {"path": [17, 3, 0, 3], "s": [0.9999027595246284, 1.0001290509237475, 0.00563896261756577]}, "3004": {"path": [17, 3, 0, 3], "s": [1.0000643098425792, 0.9999556786631164, 0.004470531891999157]}, "3005": {"path": [17, 3, 1, 0], "s": [1.0004607396137657, 0.9995489223470976, 0.003074757148063816]}, "3006": {"path": [17, 3, 1, 0], "s": [1.0004319306748302, 0.999582415244526, 0.0037637151447970276]}, "3007": {"path": [17, 3, 1, 1], "s": [1.000758986173697, 0.999249801525321, -0.002866759276403462]}, "3008": {"path": [17, 3, 1, 1], "s": [1.0011627541753965, 0.9988460335236244, -0.0027287212536236576]}, "3009": {"path": [17, 3, 1, 2], "s": [1.0016649837099634, 0.9983493622093922, 0.0034055299622809464]}, "3010": {"path": [17, 3, 1, 2], "s": [1.001365856829331, 0.9986438051315315, 0.0027945648749220908]}, "3011": {"path": [17, 3, 1, 3], "s": [1.0014751380100058, 0.998542410156845, -0.003924031176026378]}, "3012": {"path": [17, 3, 1, 3], "s": [1.0006711032653226, 0.9993464449015267, -0.004136370859874514]}, "3013": {"path": [17, 3, 2, 0], "s": [0.9991383541681037, 1.0008777131672952, -0.003912934641112233]}, "3014": {"path": [17, 3, 2, 0], "s": [0.9998460870971387, 1.000170773976549, -0.004103021980228179]}, "3015": {"path": [17, 3, 2, 1], "s": [1.0038461749883063, 0.9961765361919972, 0.0028293938284959293]}, "3016": {"path": [17, 3, 2, 1], "s": [1.0031002520136147, 0.9969169844388289, 0.002770979473450412]}, "3017": {"path": [17, 3, 2, 2], "s": [0.9976489921831474, 1.0023892521202167, -0.005712018290674573]}, "3018": {"path": [17, 3, 2, 2], "s": [0.9971456330615537, 1.0028834347510325, -0.004564803584172299]}, "3019": {"path": [17, 3, 2, 3], "s": [1.0018923771104613, 0.9981276113952341, 0.00405527315455481]}, "3020": {"path": [17, 3, 2, 3], "s": [1.0026261010777153, 0.9974057093706604, 0.004999757889926675]}, "3021": {"path": [17, 3, 3, 0], "s": [1.0058232365072766, 0.9942361366405269, 0.005080237028458064]}, "3022": {"path": [17, 3, 3, 0], "s": [1.0045623413521305, 0.9954958789326784, 0.006137666251029657]}, "3023": {"path": [17, 3, 3, 1], "s": [1.0062090708447173, 0.9938702801813456, -0.006425819904828344]}, "3024": {"path": [17, 3, 3, 1], "s": [0.9979839140618155, 1.0020954369642463, -0.00866755127263026]}, "3025": {"path": [17, 3, 3, 2], "s": [0.9975347074547193, 1.0025235128300904, 0.007211039276098404]}, "3026": {"path": [17, 3, 3, 2], "s": [0.9969667159009742, 1.0030926572468293, 0.0070705190582103904]}, "3027": {"path": [17, 3, 3, 3], "s": [0.9998791921256248, 1.0001725104854224, -0.0071890034373236385]}, "3028": {"path": [17, 3, 3, 3], "s": [1.0031226685422232, 0.9969290340688232, -0.006489453161810741]}, "3029": {"path": [18, 0, 0, 0], "s": [1.002910469690325, 0.9970999706895075, -0.001414189670390822]}, "3030": {"path": [18, 0, 0, 0], "s": [1.002833149954623, 0.9971761675138647, -0.0011476618002369554]}, "3031": {"path": [18, 0, 0, 1], "s": [0.997115755979087, 1.0028996246504995, 0.0026490384151342324]}, "3032": {"path": [18, 0, 0, 1], "s": [0.9977665818948296, 1.0022459209338712, 0.0027361922856039018]}, "3033": {"path": [18, 0, 0, 2], "s": [1.003466341655418, 0.996546192941226, -0.0007500142444111477]}, "3034": {"path": [18, 0, 0, 2], "s": [1.0037121286305404, 0.9963025591643712, -0.0009810295236941284]}, "3035": {"path": [18, 0, 0, 3], "s": [0.9976324295239496, 1.002376830511594, 0.0019059700410003105]}, "3036": {"path": [18, 0, 0, 3], "s": [0.997248604340044, 1.0027618463922103, 0.0016887273542580978]}, "3037": {"path": [18, 0, 1, 0], "s": [0.9965651129271993, 1.0034472270244537, 0.0007064814996987025]}, "3038": {"path": [18, 0, 1, 0], "s": [0.9967443053688858, 1.0032679473115342, 0.0012701346001286798]}, "3039": {"path": [18, 0, 1, 1], "s": [1.0030510846922143, 0.9969582405180171, 0.00021105553579212286]}, "3040": {"path": [18, 0, 1, 1], "s": [1.0034518575573357, 0.9965601350595604, 0.0003445186567943814]}, "3041": {"path": [18, 0, 1, 2], "s": [0.9971955601611786, 1.0028128731454427, 0.0007380874679399701]}, "3042": {"path": [18, 0, 1, 2], "s": [0.9970990363754794, 1.0029095127748622, 0.0003297872292108604]}, "3043": {"path": [18, 0, 1, 3], "s": [1.0031707520243498, 0.9968393995211985, -0.00036064550699720945]}, "3044": {"path": [18, 0, 1, 3], "s": [1.0029017882479314, 0.9971067205834813, -0.0003363736068773047]}, "3045": {"path": [18, 0, 2, 0], "s": [1.0024832468281872, 0.9975229240488284, -0.00014030686564447473]}, "3046": {"path": [18, 0, 2, 0], "s": [1.0027236601269742, 0.9972837507908827, -0.00011304066207056234]}, "3047": {"path": [18, 0, 2, 1], "s": [0.9978402441264389, 1.0021651283067599, 0.0008344367084862824]}, "3048": {"path": [18, 0, 2, 1], "s": [0.9976899371829171, 1.0023157355553391, 0.0005685452090568308]}, "3049": {"path": [18, 0, 2, 2], "s": [1.0024491444187784, 0.9975570604409867, -0.00047090124144958805]}, "3050": {"path": [18, 0, 2, 2], "s": [1.0022916307341638, 0.9977138017305958, -0.00043970733601173895]}, "3051": {"path": [18, 0, 2, 3], "s": [0.9974705132249401, 1.0025369784145053, 0.0010365259753934491]}, "3052": {"path": [18, 0, 2, 3], "s": [0.9976958100602369, 1.0023111976292909, 0.0012970162686701007]}, "3053": {"path": [18, 0, 3, 0], "s": [0.9983040332001, 1.0017014470193006, 0.0016107829600004913]}, "3054": {"path": [18, 0, 3, 0], "s": [0.9980194216187218, 1.0019868680494628, 0.0015344446162950242]}, "3055": {"path": [18, 0, 3, 1], "s": [1.0022266229099195, 0.9977792538883755, -0.0009654191447379098]}, "3056": {"path": [18, 0, 3, 1], "s": [1.0021961845808498, 0.997809331786811, -0.0008397951591832228]}, "3057": {"path": [18, 0, 3, 2], "s": [0.9981226228703176, 1.0018853946400466, 0.00211610812256332]}, "3058": {"path": [18, 0, 3, 2], "s": [0.9984970096865515, 1.0015095931308433, 0.0020818053564848125]}, "3059": {"path": [18, 0, 3, 3], "s": [1.0025722062286986, 0.9974348818747232, -0.0007000647133860154]}, "3060": {"path": [18, 0, 3, 3], "s": [1.002703986918899, 0.9973039644702288, -0.0008132307934208084]}, "3061": {"path": [18, 1, 0, 0], "s": [0.9980307587271883, 1.0019742329515808, 0.0010506844239293052]}, "3062": {"path": [18, 1, 0, 0], "s": [0.9982428632205683, 1.001761670071712, 0.0011990817335566463]}, "3063": {"path": [18, 1, 0, 1], "s": [1.0020288330487273, 0.9979753712744119, -0.00031094930415403625]}, "3064": {"path": [18, 1, 0, 1], "s": [1.0022019553985408, 0.9978029739191265, -0.0003025958168723404]}, "3065": {"path": [18, 1, 0, 2], "s": [0.9982672415641191, 1.001736500003757, 0.0008559397442450944]}, "3066": {"path": [18, 1, 0, 2], "s": [0.9981131556493971, 1.0018908342643549, 0.0006497721155920127]}, "3067": {"path": [18, 1, 0, 3], "s": [1.002007290946607, 0.9979969607456877, -0.000480634719155487]}, "3068": {"path": [18, 1, 0, 3], "s": [1.001906418695147, 0.9980974181239491, -0.0004579316970367378]}, "3069": {"path": [18, 1, 1, 0], "s": [1.0017236680707837, 0.9982794825784219, -0.0004301723625931423]}, "3070": {"path": [18, 1, 1, 0], "s": [1.0018604777957454, 0.9981431465254678, -0.0004119302768936878]}, "3071": {"path": [18, 1, 1, 1], "s": [0.9985157490415981, 1.0014872389966318, 0.0008835170193682518]}, "3072": {"path": [18, 1, 1, 1], "s": [0.9983791231827168, 1.001624032514484, 0.0007234227987893519]}, "3073": {"path": [18, 1, 1, 2], "s": [1.0017426086234258, 0.998260632529815, -0.00045838464987098146]}, "3074": {"path": [18, 1, 1, 2], "s": [1.0016934866173948, 0.9983095616628375, -0.000430749962165414]}, "3075": {"path": [18, 1, 1, 3], "s": [0.9983619517411102, 1.0016417695651174, 0.0010158781666688393]}, "3076": {"path": [18, 1, 1, 3], "s": [0.9985697202727868, 1.0014335444848452, 0.0011019927483127692]}, "3077": {"path": [18, 1, 2, 0], "s": [0.9988880114145117, 1.0011146354941036, 0.00118635857495278]}, "3078": {"path": [18, 1, 2, 0], "s": [0.9986478341132844, 1.0013555441158954, 0.0012431044480045157]}, "3079": {"path": [18, 1, 2, 1], "s": [1.0015507605449447, 0.9984518470110777, -0.00045468829983557913]}, "3080": {"path": [18, 1, 2, 1], "s": [1.001621055962085, 0.9983816909722059, -0.0003515178418091443]}, "3081": {"path": [18, 1, 2, 2], "s": [0.9988251835919132, 1.0011784415235296, 0.0014968844333871113]}, "3082": {"path": [18, 1, 2, 2], "s": [0.9990841015165395, 1.0009185713838555, 0.0013533596183113534]}, "3083": {"path": [18, 1, 2, 3], "s": [1.001781688789069, 0.9982217103628073, -0.00048040937359299]}, "3084": {"path": [18, 1, 2, 3], "s": [1.0018081397381329, 0.9981953999672171, -0.0005260573343395584]}, "3085": {"path": [18, 1, 3, 0], "s": [1.0018273379656855, 0.998176452179526, -0.0006766882943245776]}, "3086": {"path": [18, 1, 3, 0], "s": [1.0018396047050853, 0.9981641262269025, -0.0005946847542756869]}, "3087": {"path": [18, 1, 3, 1], "s": [0.9985962453007227, 1.001408794329326, 0.0017498652491879446]}, "3088": {"path": [18, 1, 3, 1], "s": [0.9988734451047299, 1.0011305878173902, 0.0016610999005364758]}, "3089": {"path": [18, 1, 3, 2], "s": [1.0020683678826123, 0.9979362548520355, -0.0005951054242472295]}, "3090": {"path": [18, 1, 3, 2], "s": [1.0021397384758661, 0.9978652632741425, -0.0006587652858258059]}, "3091": {"path": [18, 1, 3, 3], "s": [0.9986775028498751, 1.0013261438880514, 0.0013758329893249668]}, "3092": {"path": [18, 1, 3, 3], "s": [0.9984326182408907, 1.001571724687337, 0.001370925097312115]}, "3093": {"path": [18, 2, 0, 0], "s": [1.0015908361726948, 0.9984119598991563, -0.0005193844582255082]}, "3094": {"path": [18, 2, 0, 0], "s": [1.0015358967837247, 0.9984668135437599, -0.0005962477138396513]}, "3095": {"path": [18, 2, 0, 1], "s": [0.9994413448924135, 1.0005604781023822, 0.0012287720874749049]}, "3096": {"path": [18, 2, 0, 1], "s": [0.9992348003443449, 1.000767933255436, 0.001464915532907943]}, "3097": {"path": [18, 2, 0, 2], "s": [1.0012168504437482, 0.9987848396581802, -0.0004598190153826609]}, "3098": {"path": [18, 2, 0, 2], "s": [1.0013506702214636, 0.9986512644855386, -0.00033616975742751387]}, "3099": {"path": [18, 2, 0, 3], "s": [0.9994898609362283, 1.00051291004315, 0.001584084571212755]}, "3100": {"path": [18, 2, 0, 3], "s": [0.9996649395960743, 1.0003368160999162, 0.0012817340799355385]}, "3101": {"path": [18, 2, 1, 0], "s": [0.9999434531591403, 1.0000576447077716, 0.00104623481405388]}, "3102": {"path": [18, 2, 1, 0], "s": [0.9998592818675616, 1.000142535858395, 0.0013407716350311624]}, "3103": {"path": [18, 2, 1, 1], "s": [1.0009002172310724, 0.9991008241494421, -0.000481587915105232]}, "3104": {"path": [18, 2, 1, 1], "s": [1.0010336624727214, 0.9989675388136345, -0.00036615566883129575]}, "3105": {"path": [18, 2, 1, 2], "s": [1.0000709044688572, 0.9999309385284226, 0.0013557656557679286]}, "3106": {"path": [18, 2, 1, 2], "s": [1.0001101551648006, 0.9998909089568688, 0.0010257215644725159]}, "3107": {"path": [18, 2, 1, 3], "s": [1.0012599266325877, 0.998741951383109, -0.000541264018561893]}, "3108": {"path": [18, 2, 1, 3], "s": [1.0011731627540161, 0.9988285896042526, -0.0006149009870570896]}, "3109": {"path": [18, 2, 2, 0], "s": [1.0010773948354685, 0.9989243369411948, -0.000756877030507331]}, "3110": {"path": [18, 2, 2, 0], "s": [1.001183955238653, 0.9988178878656253, -0.0006659853039142624]}, "3111": {"path": [18, 2, 2, 1], "s": [1.0001320169199837, 0.9998707271751851, 0.0016513718444964164]}, "3112": {"path": [18, 2, 2, 1], "s": [1.0001776931613002, 0.9998240607830168, 0.0013125094748727218]}, "3113": {"path": [18, 2, 2, 2], "s": [1.001447666368727, 0.998555177954994, -0.0008675848308095863]}, "3114": {"path": [18, 2, 2, 2], "s": [1.0013501810172931, 0.9986525847876726, -0.000972908281253732]}, "3115": {"path": [18, 2, 2, 3], "s": [0.9999352998386899, 1.0000664560526908, 0.0013234771109663784]}, "3116": {"path": [18, 2, 2, 3], "s": [0.9998221292765782, 1.0001805820933447, 0.0016368413655267258]}, "3117": {"path": [18, 2, 3, 0], "s": [0.9994383024801579, 1.0005657319263561, 0.0019278579548564884]}, "3118": {"path": [18, 2, 3, 0], "s": [0.9996314335201257, 1.0003713983992835, 0.0016416559958537134]}, "3119": {"path": [18, 2, 3, 1], "s": [1.0018463729005804, 0.9981576771223994, -0.0008052378183865986]}, "3120": {"path": [18, 2, 3, 1], "s": [1.0018087002866425, 0.9981954027840522, -0.0009160213929390837]}, "3121": {"path": [18, 2, 3, 2], "s": [0.9993383431457128, 1.0006644258308557, 0.0015262223507240395]}, "3122": {"path": [18, 2, 3, 2], "s": [0.9991058254194117, 1.0008979817355013, 0.0017332635319926874]}, "3123": {"path": [18, 2, 3, 3], "s": [1.0014554421377637, 0.9985472574277924, -0.0007649724184812837]}, "3124": {"path": [18, 2, 3, 3], "s": [1.0015469697160342, 0.9984558589792332, -0.0006632916938322702]}, "3125": {"path": [18, 3, 0, 0], "s": [0.9999643186650993, 1.0000385779763243, 0.0017015477983391872]}, "3126": {"path": [18, 3, 0, 0], "s": [0.9998368517026257, 1.0001673710386925, 0.0020482761088362494]}, "3127": {"path": [18, 3, 0, 1], "s": [1.0011937164981126, 0.998809103258781, -0.001182439768006021]}, "3128": {"path": [18, 3, 0, 1], "s": [1.0013142146774212, 0.9986886624551082, -0.0010741291734746082]}, "3129": {"path": [18, 3, 0, 2], "s": [1.000267539362305, 0.9997368464660007, 0.002077359953715316]}, "3130": {"path": [18, 3, 0, 2], "s": [1.0003039107074225, 0.9996990344918771, 0.001689299458124385]}, "3131": {"path": [18, 3, 0, 3], "s": [1.001643401914989, 0.9983612267981647, -0.0013912405026381422]}, "3132": {"path": [18, 3, 0, 3], "s": [1.0015021166843234, 0.998502520990481, -0.00154540823101173]}, "3133": {"path": [18, 3, 1, 0], "s": [1.0011819067937828, 0.9988229065748548, -0.0018499064633076643]}, "3134": {"path": [18, 3, 1, 0], "s": [1.001379099135103, 0.9986257131470654, -0.0017079239907318799]}, "3135": {"path": [18, 3, 1, 1], "s": [1.0006295841003778, 0.9993780754981292, 0.0026959311432499184]}, "3136": {"path": [18, 3, 1, 1], "s": [1.000600649953605, 0.9994045494092956, 0.002200387586496231]}, "3137": {"path": [18, 3, 1, 2], "s": [1.001800371169272, 0.9982080360147586, -0.0022761774394460988]}, "3138": {"path": [18, 3, 1, 2], "s": [1.0014936489790482, 0.9985149121998513, -0.0025185271532642915]}, "3139": {"path": [18, 3, 1, 3], "s": [1.0000716977966526, 0.9999333567521121, 0.0022471694619006894]}, "3140": {"path": [18, 3, 1, 3], "s": [0.9999359928971084, 1.0000712608409195, 0.0026924295400065287]}, "3141": {"path": [18, 3, 2, 0], "s": [0.9992328584206299, 1.000779810095259, 0.0034742324534783545]}, "3142": {"path": [18, 3, 2, 0], "s": [0.9995684729195884, 1.0004405225384676, 0.0029673827948882717]}, "3143": {"path": [18, 3, 2, 1], "s": [1.0029617466606677, 0.9970505242518325, -0.0018802426845112112]}, "3144": {"path": [18, 3, 2, 1], "s": [1.0028870718544747, 0.9971267654504521, -0.002354160216735813]}, "3145": {"path": [18, 3, 2, 2], "s": [0.9988916139990558, 1.0011162675306822, 0.002577649013007662]}, "3146": {"path": [18, 3, 2, 2], "s": [0.9984555506977304, 1.001554668226439, 0.0027960361069821623]}, "3147": {"path": [18, 3, 2, 3], "s": [1.001990184835787, 0.9980176717357192, -0.001977718851335338]}, "3148": {"path": [18, 3, 2, 3], "s": [1.0021531176688765, 0.99785445858081, -0.0017194901999555863]}, "3149": {"path": [18, 3, 3, 0], "s": [1.00224855190983, 0.9977579651432973, -0.001214792726246534]}, "3150": {"path": [18, 3, 3, 0], "s": [1.0022127498177353, 0.9977941348548302, -0.0014155016313338624]}, "3151": {"path": [18, 3, 3, 1], "s": [0.999173632723058, 1.0008307992032532, 0.0019352986943607742]}, "3152": {"path": [18, 3, 3, 1], "s": [0.9988871108817504, 1.0011186813283603, 0.0021324262786705933]}, "3153": {"path": [18, 3, 3, 2], "s": [1.0017069492099313, 0.9982974353421953, -0.0012158785828140048]}, "3154": {"path": [18, 3, 3, 2], "s": [1.0017937518328712, 0.9982106136552468, -0.0010750688731597099]}, "3155": {"path": [18, 3, 3, 3], "s": [0.9993324624011773, 1.0006741142427389, 0.002475206519509637]}, "3156": {"path": [18, 3, 3, 3], "s": [0.9995791772216542, 1.0004256079719187, 0.002146179872024468]}, "3157": {"path": [19, 0, 0, 0], "s": [1.0005298256333146, 0.9994720049911103, 0.001245342978929999]}, "3158": {"path": [19, 0, 0, 0], "s": [1.0004655667117242, 0.999535555283037, 0.0009517167447130772]}, "3159": {"path": [19, 0, 0, 1], "s": [1.0010742727703945, 0.998927553864301, -0.0008213008064962835]}, "3160": {"path": [19, 0, 0, 1], "s": [1.0009760299109038, 0.9990257402338559, -0.0009051177201269655]}, "3161": {"path": [19, 0, 0, 2], "s": [1.0003128432845652, 0.9996882570307171, 0.001001393322917244]}, "3162": {"path": [19, 0, 0, 2], "s": [1.0003235174398353, 0.9996782899335455, 0.0013051032770274168]}, "3163": {"path": [19, 0, 0, 3], "s": [1.0008171279485072, 0.9991840485512519, -0.0007139769094817752]}, "3164": {"path": [19, 0, 0, 3], "s": [1.0008957834332823, 0.9991054329593614, -0.0006442470885825884]}, "3165": {"path": [19, 0, 1, 0], "s": [1.0009471932968037, 0.9990540079118516, -0.0005524231073371266]}, "3166": {"path": [19, 0, 1, 0], "s": [1.0008774409998038, 0.999123700257943, -0.0006102101489295578]}, "3167": {"path": [19, 0, 1, 1], "s": [1.0003095175629768, 0.999691213892358, 0.0007974212258722272]}, "3168": {"path": [19, 0, 1, 1], "s": [1.0003165158719947, 0.9996846731259637, 0.0010436436163744416]}, "3169": {"path": [19, 0, 1, 2], "s": [1.0007115161928373, 0.9992892742986212, -0.0005336652647403402]}, "3170": {"path": [19, 0, 1, 2], "s": [1.0007977536059407, 0.999203075669419, -0.00043991601560802734]}, "3171": {"path": [19, 0, 1, 3], "s": [1.0004504263447414, 0.999550839389639, 0.0010312228700959654]}, "3172": {"path": [19, 0, 1, 3], "s": [1.000402095264163, 0.9995986527477554, 0.000765919113943766]}, "3173": {"path": [19, 0, 2, 0], "s": [1.0005695129043823, 0.9994311876264246, 0.000613665071638746]}, "3174": {"path": [19, 0, 2, 0], "s": [1.0006037959768241, 0.9993971680807336, 0.0007746418980797284]}, "3175": {"path": [19, 0, 2, 1], "s": [1.0006981792379985, 0.9993026616923053, -0.0005950320751578923]}, "3176": {"path": [19, 0, 2, 1], "s": [1.0007268598775636, 0.9992739578962136, -0.0005385563130825841]}, "3177": {"path": [19, 0, 2, 2], "s": [1.0006709131890394, 0.9993301339130294, 0.0007730977143325697]}, "3178": {"path": [19, 0, 2, 2], "s": [1.0006015020278032, 0.9993992213545777, 0.0006016750013078136]}, "3179": {"path": [19, 0, 2, 3], "s": [1.0007571777295383, 0.9992437264492537, -0.0005757997056058212]}, "3180": {"path": [19, 0, 2, 3], "s": [1.0007231949950892, 0.9992777005478907, -0.0006108843007762874]}, "3181": {"path": [19, 0, 3, 0], "s": [1.0007033098712164, 0.9992976324637832, -0.0006695916498721116]}, "3182": {"path": [19, 0, 3, 0], "s": [1.0007435723226634, 0.9992573721713818, -0.0006263358075404383]}, "3183": {"path": [19, 0, 3, 1], "s": [1.0007087564980783, 0.9992925675695067, 0.0009070117161563477]}, "3184": {"path": [19, 0, 3, 1], "s": [1.0005940506135127, 0.9994067828798605, 0.0006936082320285378]}, "3185": {"path": [19, 0, 3, 2], "s": [1.000823369803088, 0.9991778634915454, -0.0007459036516854441]}, "3186": {"path": [19, 0, 3, 2], "s": [1.000751091047653, 0.9992501266234086, -0.0008089795301151543]}, "3187": {"path": [19, 0, 3, 3], "s": [1.0005192009368882, 0.9994816080605528, 0.0007347433976058641]}, "3188": {"path": [19, 0, 3, 3], "s": [1.0005991559869343, 0.9994021410230908, 0.0009689165287694401]}, "3189": {"path": [19, 1, 0, 0], "s": [1.000733443276933, 0.9992674609154596, -0.0006057363515175165]}, "3190": {"path": [19, 1, 0, 0], "s": [1.0007303497261977, 0.9992705581606757, -0.0006124861006302706]}, "3191": {"path": [19, 1, 0, 1], "s": [1.0007803965770354, 0.999220510065359, 0.0005461969589559013]}, "3192": {"path": [19, 1, 0, 1], "s": [1.0008048273598065, 0.9991962227758674, 0.0006350069074136896]}, "3193": {"path": [19, 1, 0, 2], "s": [1.0008533354189522, 0.9991477885561719, -0.0006298832533083745]}, "3194": {"path": [19, 1, 0, 2], "s": [1.0008464369682257, 0.9991546554706704, -0.0006139283671634823]}, "3195": {"path": [19, 1, 0, 3], "s": [1.0008197418352565, 0.9991813549244034, 0.00065244313411224]}, "3196": {"path": [19, 1, 0, 3], "s": [1.0007694199120052, 0.9992314875491021, 0.0005622742440055994]}, "3197": {"path": [19, 1, 1, 0], "s": [1.001002044282741, 0.9989992842295221, 0.0005707457812772529]}, "3198": {"path": [19, 1, 1, 0], "s": [1.0010140800434182, 0.9989873397348136, 0.0006267851833394677]}, "3199": {"path": [19, 1, 1, 1], "s": [1.001124394954956, 0.9988772823297959, -0.0006441324945095728]}, "3200": {"path": [19, 1, 1, 1], "s": [1.0011294650881466, 0.9988722121966092, -0.0006352068985169627]}, "3201": {"path": [19, 1, 1, 2], "s": [1.0009808506843885, 0.999020569093843, 0.0006775712192403266]}, "3202": {"path": [19, 1, 1, 2], "s": [1.0009636864166644, 0.9990376420955993, 0.0006333253688718732]}, "3203": {"path": [19, 1, 1, 3], "s": [1.0008729077744611, 0.9991282423453728, -0.0006238235366253589]}, "3204": {"path": [19, 1, 1, 3], "s": [1.0008901179339407, 0.999111032185899, -0.0005990272489610287]}, "3205": {"path": [19, 1, 2, 0], "s": [1.0008561395940612, 0.9991449528448411, -0.0006003325546802895]}, "3206": {"path": [19, 1, 2, 0], "s": [1.0008805799843457, 0.9991205439907792, -0.0005912222623113471]}, "3207": {"path": [19, 1, 2, 1], "s": [1.0007869203947137, 0.9992141297409599, 0.0006570527674275577]}, "3208": {"path": [19, 1, 2, 1], "s": [1.0007315768844933, 0.9992693297579011, 0.000610000766789679]}, "3209": {"path": [19, 1, 2, 2], "s": [1.000725585373176, 0.9992753225137002, -0.000618119314356547]}, "3210": {"path": [19, 1, 2, 2], "s": [1.0007139595928285, 0.9992869445995677, -0.0006285695274598301]}, "3211": {"path": [19, 1, 2, 3], "s": [1.0007581974710609, 0.9992427099900466, 0.0005773090484414826]}, "3212": {"path": [19, 1, 2, 3], "s": [1.000822800948344, 0.9991782958113156, 0.0006485835907929188]}, "3213": {"path": [19, 1, 3, 0], "s": [1.0007706306213389, 0.9992304562781228, 0.0007027556511174181]}, "3214": {"path": [19, 1, 3, 0], "s": [1.0006576057314926, 0.9993431571347405, 0.000575258724585863]}, "3215": {"path": [19, 1, 3, 1], "s": [1.0007093197019044, 0.9992916408881848, -0.0006768581928601211]}, "3216": {"path": [19, 1, 3, 1], "s": [1.0006678857759548, 0.9993330748141303, -0.0007177466419459119]}, "3217": {"path": [19, 1, 3, 2], "s": [1.000644092926361, 0.9993566699398722, 0.0005903404882289135]}, "3218": {"path": [19, 1, 3, 2], "s": [1.0007358100680532, 0.9992652768314083, 0.0007391094350809136]}, "3219": {"path": [19, 1, 3, 3], "s": [1.000730118934608, 0.9992708041415349, -0.0006250411528270301]}, "3220": {"path": [19, 1, 3, 3], "s": [1.0007419256490773, 0.9992589974270674, -0.0006109888142434842]}, "3221": {"path": [19, 2, 0, 0], "s": [1.000652391072502, 0.9993483323098783, 0.0005461137220773508]}, "3222": {"path": [19, 2, 0, 0], "s": [1.0007881631723576, 0.9992128839297109, 0.000653242810599921]}, "3223": {"path": [19, 2, 0, 1], "s": [1.000619754125415, 0.9993810636483608, -0.0006589274768544925]}, "3224": {"path": [19, 2, 0, 1], "s": [1.0006846866161099, 0.9993161543141881, -0.0006105000493067628]}, "3225": {"path": [19, 2, 0, 2], "s": [1.0007650242624537, 0.9992359397951034, 0.0006160624668999433]}, "3226": {"path": [19, 2, 0, 2], "s": [1.00064162991573, 0.9993590706150777, 0.0005378581038386921]}, "3227": {"path": [19, 2, 0, 3], "s": [1.0005792782799268, 0.9994216172630532, -0.0007486644246111486]}, "3228": {"path": [19, 2, 0, 3], "s": [1.000529701263356, 0.999471202915433, -0.0007899837386340237]}, "3229": {"path": [19, 2, 1, 0], "s": [1.0003472778299558, 0.9996535514454035, -0.0008419984898853966]}, "3230": {"path": [19, 2, 1, 0], "s": [1.0004715618900961, 0.9995292286013643, -0.0007539851520303653]}, "3231": {"path": [19, 2, 1, 1], "s": [1.0009294099121429, 0.9990717790858152, 0.0005712269603289457]}, "3232": {"path": [19, 2, 1, 1], "s": [1.0007295379279626, 0.9992711935273725, 0.00044694895803329166]}, "3233": {"path": [19, 2, 1, 2], "s": [1.0003547364836345, 0.9996464047741123, -0.0010078812532183826]}, "3234": {"path": [19, 2, 1, 2], "s": [1.0002535855727879, 0.9997476156358643, -0.0010663993720415271]}, "3235": {"path": [19, 2, 1, 3], "s": [1.000708305699449, 0.9992924423124696, 0.000496834757002334]}, "3236": {"path": [19, 2, 1, 3], "s": [1.0009189303600472, 0.9990823353743329, 0.0006499726877854711]}, "3237": {"path": [19, 2, 2, 0], "s": [1.001083197439511, 0.9989186099338699, 0.0007975051285398823]}, "3238": {"path": [19, 2, 2, 0], "s": [1.0008570815940376, 0.9991440187212438, 0.0006055323961299596]}, "3239": {"path": [19, 2, 2, 1], "s": [1.0004321681569621, 0.9995696019877991, -0.0012586264117506506]}, "3240": {"path": [19, 2, 2, 1], "s": [1.0002941224580628, 0.9997077041766346, -0.0013193422338441988]}, "3241": {"path": [19, 2, 2, 2], "s": [1.000786812293287, 0.9992143097014746, 0.0007097915019342091]}, "3242": {"path": [19, 2, 2, 2], "s": [1.0009831912298321, 0.9990186393945929, 0.0009304618662820715]}, "3243": {"path": [19, 2, 2, 3], "s": [1.000405747421, 0.9995954689716449, -0.0010257949232872414]}, "3244": {"path": [19, 2, 2, 3], "s": [1.0005091840814617, 0.9994919924182986, -0.0009580346480276696]}, "3245": {"path": [19, 2, 3, 0], "s": [1.0006372913173283, 0.9993639263537321, -0.0009012806711734967]}, "3246": {"path": [19, 2, 3, 0], "s": [1.0005525557075499, 0.9994486775870799, -0.0009636691790764207]}, "3247": {"path": [19, 2, 3, 1], "s": [1.0006473839570502, 0.9993534495363235, 0.000644148256309206]}, "3248": {"path": [19, 2, 3, 1], "s": [1.0007934184376546, 0.9992079056299304, 0.0008340295604578402]}, "3249": {"path": [19, 2, 3, 2], "s": [1.000605873336503, 0.9993950711575409, -0.000760252449581378]}, "3250": {"path": [19, 2, 3, 2], "s": [1.0006565908654101, 0.99934435146959, -0.000715431452366931]}, "3251": {"path": [19, 2, 3, 3], "s": [1.0008566702833743, 0.9991446267266507, 0.0007511572143095985]}, "3252": {"path": [19, 2, 3, 3], "s": [1.0006835688992872, 0.9993172400981539, 0.0005850504306369093]}, "3253": {"path": [19, 3, 0, 0], "s": [1.0005081176206907, 0.9994937093716999, -0.0012528915359230333]}, "3254": {"path": [19, 3, 0, 0], "s": [1.000632896685904, 0.9993689038919497, -0.0011837057144259257]}, "3255": {"path": [19, 3, 0, 1], "s": [1.0011534185814206, 0.9988493495581762, 0.0012003990989949112]}, "3256": {"path": [19, 3, 0, 1], "s": [1.0009467989079532, 0.9990549701972804, 0.000935067937941198]}, "3257": {"path": [19, 3, 0, 2], "s": [1.0006120056599481, 0.9993908640298749, -0.001580156687719559]}, "3258": {"path": [19, 3, 0, 2], "s": [1.0004393789029133, 0.9995635183420991, -0.0016448295299618762]}, "3259": {"path": [19, 3, 0, 3], "s": [1.000797036350608, 0.999204742867604, 0.0010702193092074624]}, "3260": {"path": [19, 3, 0, 3], "s": [1.0009536458531287, 0.9990491431809506, 0.0013719524105217829]}, "3261": {"path": [19, 3, 1, 0], "s": [1.001082632318235, 0.9989218456905775, 0.001819550524944476]}, "3262": {"path": [19, 3, 1, 0], "s": [1.0009243347995045, 0.9990786382957769, 0.0014565193426960994]}, "3263": {"path": [19, 3, 1, 1], "s": [1.0009994977037657, 0.9990053791596397, -0.001970467497684085]}, "3264": {"path": [19, 3, 1, 1], "s": [1.00076377734634, 0.9992410995170652, -0.002072976702350453]}, "3265": {"path": [19, 3, 1, 2], "s": [1.000631218395638, 0.9993717546996433, 0.0016051589613594347]}, "3266": {"path": [19, 3, 1, 2], "s": [1.000696739013064, 0.9993077389957477, 0.0019989205995615718]}, "3267": {"path": [19, 3, 1, 3], "s": [1.0007332429898124, 0.9992696540583633, -0.001536726109046378]}, "3268": {"path": [19, 3, 1, 3], "s": [1.000891963348043, 0.9991109337001309, -0.001450528738979223]}, "3269": {"path": [19, 3, 2, 0], "s": [1.0011279514880373, 0.9988749457569771, -0.0012760244539610506]}, "3270": {"path": [19, 3, 2, 0], "s": [1.0009876471369759, 0.9990152225528435, -0.0013773442535858433]}, "3271": {"path": [19, 3, 2, 1], "s": [1.0004113678092847, 0.9995904012959488, 0.0012651519719652047]}, "3272": {"path": [19, 3, 2, 1], "s": [1.0004355720483957, 0.999567196091202, 0.0016061202670102515]}, "3273": {"path": [19, 3, 2, 2], "s": [1.0008486028581474, 0.9991531977197069, -0.0010401822043663998]}, "3274": {"path": [19, 3, 2, 2], "s": [1.0009530511426676, 0.9990487758497217, -0.0009593889340865247]}, "3275": {"path": [19, 3, 2, 3], "s": [1.0007123999311633, 0.9992903891029157, 0.0015111278320845863]}, "3276": {"path": [19, 3, 2, 3], "s": [1.0006182360123375, 0.999383543205875, 0.0011824138117506292]}, "3277": {"path": [19, 3, 3, 0], "s": [1.0005959666904893, 0.9994051728851439, 0.0008860465487063878]}, "3278": {"path": [19, 3, 3, 0], "s": [1.0007090772591545, 0.9992927671214438, 0.0011588346936087456]}, "3279": {"path": [19, 3, 3, 1], "s": [1.0006643330468874, 0.9993369033674814, -0.0008921307989890602]}, "3280": {"path": [19, 3, 3, 1], "s": [1.0007405512057732, 0.9992606852085945, -0.000830008378595291]}, "3281": {"path": [19, 3, 3, 2], "s": [1.0008587798491375, 0.9991430645314607, 0.0010528350705784927]}, "3282": {"path": [19, 3, 3, 2], "s": [1.0007013232499404, 0.999299816325693, 0.0008053077321911287]}, "3283": {"path": [19, 3, 3, 3], "s": [1.000806382023929, 0.9991954385550635, -0.0010824948524726123]}, "3284": {"path": [19, 3, 3, 3], "s": [1.0006935857668262, 0.9993082348121638, -0.0011579207674524176]}, "3285": {"path": [20, 0, 0, 0], "s": [0.9999778319925556, 1.0000249338124103, -0.0016629047576193503]}, "3286": {"path": [20, 0, 0, 0], "s": [0.9997941003132234, 1.000208744010498, -0.0016737214211591665]}, "3287": {"path": [20, 0, 0, 1], "s": [1.0010695167450376, 0.9989322371992795, 0.0007822749658561593]}, "3288": {"path": [20, 0, 0, 1], "s": [1.0013136193616599, 0.9986891247335093, 0.0010109916113334653]}, "3289": {"path": [20, 0, 0, 2], "s": [1.0000421080168675, 0.999959735087411, -0.0013569851891627354]}, "3290": {"path": [20, 0, 0, 2], "s": [1.0002060440355807, 0.9997956877410838, -0.0012998766638590465]}, "3291": {"path": [20, 0, 0, 3], "s": [1.0014284750260052, 0.9985742363439184, 0.0008214025492007023]}, "3292": {"path": [20, 0, 0, 3], "s": [1.001165320798342, 0.9988364350930385, 0.0006324278569950675]}, "3293": {"path": [20, 0, 1, 0], "s": [1.0009208230881348, 0.9990802410335343, 0.0004660325931000128]}, "3294": {"path": [20, 0, 1, 0], "s": [1.0011931002081698, 0.9988087427891108, 0.0006493905250397399]}, "3295": {"path": [20, 0, 1, 1], "s": [0.999976216890461, 1.0000249843958975, -0.0010957609913167107]}, "3296": {"path": [20, 0, 1, 1], "s": [1.0001702704256887, 0.9998307709548214, -0.0010062632920225993]}, "3297": {"path": [20, 0, 1, 2], "s": [1.00123621044291, 0.998765607283047, 0.0005401451562073331]}, "3298": {"path": [20, 0, 1, 2], "s": [1.0009755208924136, 0.9990255769744989, 0.0003837927733084626]}, "3299": {"path": [20, 0, 1, 3], "s": [0.9999627946053149, 1.0000389577529554, -0.0013232191168740944]}, "3300": {"path": [20, 0, 1, 3], "s": [0.9998072950982805, 1.000194582917418, -0.0013566571465709763]}, "3301": {"path": [20, 0, 2, 0], "s": [0.9994714384737429, 1.0005304962332602, -0.0012861987028047128]}, "3302": {"path": [20, 0, 2, 0], "s": [0.9997151929077547, 1.0002864971941745, -0.0012682686999482909]}, "3303": {"path": [20, 0, 2, 1], "s": [1.001573272805402, 0.9984294607943796, 0.0005125555181241161]}, "3304": {"path": [20, 0, 2, 1], "s": [1.0013007181579974, 0.9987011048367999, 0.0003653741553962809]}, "3305": {"path": [20, 0, 2, 2], "s": [0.9993636278381841, 1.0006390824892966, -0.0015177724394519186]}, "3306": {"path": [20, 0, 2, 2], "s": [0.9991966397252368, 1.0008061563466129, -0.0014657550502880424]}, "3307": {"path": [20, 0, 2, 3], "s": [1.0012423053014161, 0.9987594503945743, 0.00046320043033078835]}, "3308": {"path": [20, 0, 2, 3], "s": [1.0015393192861344, 0.9984634516932438, 0.0006369779708222049]}, "3309": {"path": [20, 0, 3, 0], "s": [1.001796004951065, 0.9982078022038477, 0.0007670454992310559]}, "3310": {"path": [20, 0, 3, 0], "s": [1.0015441156418265, 0.9984586533347424, 0.0006236658349878434]}, "3311": {"path": [20, 0, 3, 1], "s": [0.9992166307039662, 1.000787472366729, -0.0018671339053531841]}, "3312": {"path": [20, 0, 3, 1], "s": [0.999054416596841, 1.0009496334261379, -0.0017754056924101998]}, "3313": {"path": [20, 0, 3, 2], "s": [1.0014745921708816, 0.9985282397485273, 0.0008134330120842981]}, "3314": {"path": [20, 0, 3, 2], "s": [1.0017420668766899, 0.9982619675298243, 0.001003313369354811]}, "3315": {"path": [20, 0, 3, 3], "s": [0.9994640098547698, 1.0005388188404953, -0.0015937043888318888]}, "3316": {"path": [20, 0, 3, 3], "s": [0.9996595079309432, 1.0003431916346104, -0.0016070816800127993]}, "3317": {"path": [20, 1, 0, 0], "s": [1.0015694083869051, 0.9984332645134888, 0.00046265816896955706]}, "3318": {"path": [20, 1, 0, 0], "s": [1.001814469125336, 0.9981891559901092, 0.0005825760877508334]}, "3319": {"path": [20, 1, 0, 1], "s": [0.9989142331112126, 1.001088513823079, -0.0012510243898695172]}, "3320": {"path": [20, 1, 0, 1], "s": [0.9991211796967968, 1.000881427859224, -0.0013538608954657256]}, "3321": {"path": [20, 1, 0, 2], "s": [1.0017741379855658, 0.9982292402436146, 0.0004864740825769481]}, "3322": {"path": [20, 1, 0, 2], "s": [1.0015807603914169, 0.9984218865171982, 0.0003902426527750451]}, "3323": {"path": [20, 1, 0, 3], "s": [0.9987125368476183, 1.0012910028577342, -0.001370250612403432]}, "3324": {"path": [20, 1, 0, 3], "s": [0.9986275495922946, 1.0013758495595828, -0.0012291731316473036]}, "3325": {"path": [20, 1, 1, 0], "s": [0.9985368427866185, 1.0014662054936108, -0.000950258431781621]}, "3326": {"path": [20, 1, 1, 0], "s": [0.9985892903714993, 1.0014139507817403, -0.0011164583548458143]}, "3327": {"path": [20, 1, 1, 1], "s": [1.0017177501841137, 0.9982854055130854, 0.0004587506986583061]}, "3328": {"path": [20, 1, 1, 1], "s": [1.0016641870490897, 0.9983388009891397, 0.0004727497750773836]}, "3329": {"path": [20, 1, 1, 2], "s": [0.9983029663638189, 1.001700657957395, -0.000859213276831997]}, "3330": {"path": [20, 1, 1, 2], "s": [0.9983724791362623, 1.0016306715129442, -0.0007047675483445318]}, "3331": {"path": [20, 1, 1, 3], "s": [1.00175087300569, 0.9982523917519416, 0.000452678170499509]}, "3332": {"path": [20, 1, 1, 3], "s": [1.0018729348745588, 0.9981307864316686, 0.00046945814201458327]}, "3333": {"path": [20, 1, 2, 0], "s": [1.0019723089277708, 0.9980316809859809, 0.0003282995398522363]}, "3334": {"path": [20, 1, 2, 0], "s": [1.001894116269358, 0.998109625298518, 0.0004012211347861411]}, "3335": {"path": [20, 1, 2, 1], "s": [0.9979377588442907, 1.0020671704733766, -0.0008162803696752898]}, "3336": {"path": [20, 1, 2, 1], "s": [0.9980595211025487, 1.0019446832205896, -0.0006562822471316207]}, "3337": {"path": [20, 1, 2, 2], "s": [1.002074878312144, 0.997929654980136, 0.00048742004436463926]}, "3338": {"path": [20, 1, 2, 2], "s": [1.0021914862296237, 0.9978135054491454, 0.0004472203817047727]}, "3339": {"path": [20, 1, 2, 3], "s": [0.9983260742635246, 1.0016777625555753, -0.0010140853885592907]}, "3340": {"path": [20, 1, 2, 3], "s": [0.9983123202129289, 1.0016919314793673, -0.0011816318104242679]}, "3341": {"path": [20, 1, 3, 0], "s": [0.9983976987156736, 1.0016073030343353, -0.001557679778967566]}, "3342": {"path": [20, 1, 3, 0], "s": [0.9983631073745678, 1.0016415153600802, -0.0013913124237623447]}, "3343": {"path": [20, 1, 3, 1], "s": [1.001877713402692, 0.9981263195194273, 0.0007174170119731225]}, "3344": {"path": [20, 1, 3, 1], "s": [1.0020976233845111, 0.9979074162455394, 0.0008063358066424832]}, "3345": {"path": [20, 1, 3, 2], "s": [0.9987896931881878, 1.0012140377438004, -0.0015038529970765372]}, "3346": {"path": [20, 1, 3, 2], "s": [0.9989248541762149, 1.0010789359689978, -0.0016217680817892555]}, "3347": {"path": [20, 1, 3, 3], "s": [1.0020008420952442, 0.9980035008329832, 0.000590125962261577]}, "3348": {"path": [20, 1, 3, 3], "s": [1.001833734435072, 0.9981699123028551, 0.0005392987091418922]}, "3349": {"path": [20, 2, 0, 0], "s": [0.9979338548019305, 1.0020715776628293, -0.001073445163702265]}, "3350": {"path": [20, 2, 0, 0], "s": [0.9978468883011293, 1.0021593165586358, -0.0012472409637526293]}, "3351": {"path": [20, 2, 0, 1], "s": [1.0023790726449713, 0.9976266000932843, 0.00016201068414182138]}, "3352": {"path": [20, 2, 0, 1], "s": [1.0023014997764932, 0.997703872656705, 0.000296473659332925]}, "3353": {"path": [20, 2, 0, 2], "s": [0.9973773394446277, 1.0026300714732292, -0.000716333125400347]}, "3354": {"path": [20, 2, 0, 2], "s": [0.9975885558170539, 1.0024176150599617, -0.0005838948900344858]}, "3355": {"path": [20, 2, 0, 3], "s": [1.0026056171273854, 0.9974013905621419, 0.0004865267400897172]}, "3356": {"path": [20, 2, 0, 3], "s": [1.002717535078741, 0.9972899565607048, 0.00035637246622288726]}, "3357": {"path": [20, 2, 1, 0], "s": [1.0029236527581598, 0.9970848963921821, -0.00016247965489982162]}, "3358": {"path": [20, 2, 1, 0], "s": [1.0029067438755839, 0.9971016894310374, 9.305979364839413e-05]}, "3359": {"path": [20, 2, 1, 1], "s": [0.996557855627301, 1.003454136989595, -0.00032090293635600426]}, "3360": {"path": [20, 2, 1, 1], "s": [0.9969679400707244, 1.0030413851395075, -0.0003217890942184848]}, "3361": {"path": [20, 2, 1, 2], "s": [1.0034889981010047, 0.9965232545794147, 0.00034974597835113697]}, "3362": {"path": [20, 2, 1, 2], "s": [1.0035189284575499, 0.9964934114941031, 2.27501754575852e-05]}, "3363": {"path": [20, 2, 1, 3], "s": [0.9972899258066317, 1.0027185830247798, -0.0010683022579538082]}, "3364": {"path": [20, 2, 1, 3], "s": [0.9970583580842598, 1.0029517934612886, -0.0012117863573176861]}, "3365": {"path": [20, 2, 2, 0], "s": [0.9967418247610373, 1.003272863033874, -0.0020060492552909878]}, "3366": {"path": [20, 2, 2, 0], "s": [0.9969359754103341, 1.00307655918631, -0.0017629360867932487]}, "3367": {"path": [20, 2, 2, 1], "s": [1.003165600642427, 0.9968469021862738, 0.001587885460482395]}, "3368": {"path": [20, 2, 2, 1], "s": [1.0036236558896163, 0.9963917247399697, 0.001518381272498219]}, "3369": {"path": [20, 2, 2, 2], "s": [0.9979252787563897, 1.0020840387120977, -0.0022346518966576104]}, "3370": {"path": [20, 2, 2, 2], "s": [0.9979735065518801, 1.0020369338279524, -0.002512478214143861]}, "3371": {"path": [20, 2, 2, 3], "s": [1.0031467329483337, 0.9968637177839204, 0.0007626858261992704]}, "3372": {"path": [20, 2, 2, 3], "s": [1.0029193755795593, 0.9970898844559837, 0.0008742512740416631]}, "3373": {"path": [20, 2, 3, 0], "s": [1.0023470138355843, 0.9976595889818107, 0.0010534896082076595]}, "3374": {"path": [20, 2, 3, 0], "s": [1.0026165358420362, 0.9973914816683275, 0.0010918922358324273]}, "3375": {"path": [20, 2, 3, 1], "s": [0.9985028371000784, 1.0015026792675816, -0.0018073771081579077]}, "3376": {"path": [20, 2, 3, 1], "s": [0.9985974933430839, 1.0014083834552112, -0.001975229384888146]}, "3377": {"path": [20, 2, 3, 2], "s": [1.0024150918354717, 0.9975911978327142, 0.0006871606349866421]}, "3378": {"path": [20, 2, 3, 2], "s": [1.0022380577690868, 0.9977674224503144, 0.000695400510949907]}, "3379": {"path": [20, 2, 3, 3], "s": [0.9978310444387477, 1.0021769069503812, -0.0017971573922372834]}, "3380": {"path": [20, 2, 3, 3], "s": [0.997869008891833, 1.0021380792115904, -0.001591186863238827]}, "3381": {"path": [20, 3, 0, 0], "s": [1.0027021725906613, 0.9973080463335072, 0.0017160421778751377]}, "3382": {"path": [20, 3, 0, 0], "s": [1.0023231133251007, 0.9976847682046385, 0.0015820821420189147]}, "3383": {"path": [20, 3, 0, 1], "s": [0.998490233725485, 1.0015236035794393, -0.003396618851952675]}, "3384": {"path": [20, 3, 0, 1], "s": [0.9982531377132449, 1.001759133199256, -0.0030328120709055]}, "3385": {"path": [20, 3, 0, 2], "s": [1.0020165258270566, 0.9979924696309996, 0.0022242349737853643]}, "3386": {"path": [20, 3, 0, 2], "s": [1.002452786097833, 0.9975598824180554, 0.0025852329502137204]}, "3387": {"path": [20, 3, 0, 3], "s": [0.999266025263565, 1.0007415509861226, -0.0026517861899326835]}, "3388": {"path": [20, 3, 0, 3], "s": [0.9995556987458145, 1.0004521578256909, -0.0027668894479203677]}, "3389": {"path": [20, 3, 1, 0], "s": [1.0003408515365182, 0.9996677096423789, -0.0029065300994898084]}, "3390": {"path": [20, 3, 1, 0], "s": [0.9999557216095085, 1.0000526855745229, -0.002899112139747933]}, "3391": {"path": [20, 3, 1, 1], "s": [1.0010941150991775, 0.9989110842637233, 0.0020019899479481137]}, "3392": {"path": [20, 3, 1, 1], "s": [1.0012810290895233, 0.998726630508984, 0.0024552749637164442]}, "3393": {"path": [20, 3, 1, 2], "s": [1.0002911788920013, 0.9997136333901688, -0.0021746030111859287]}, "3394": {"path": [20, 3, 1, 2], "s": [1.0005382686824014, 0.9994665446862387, -0.0021274929730212984]}, "3395": {"path": [20, 3, 1, 3], "s": [1.0017670784001622, 0.9982401753378662, 0.002035679218189375]}, "3396": {"path": [20, 3, 1, 3], "s": [1.0014857304167109, 0.9985193241320534, 0.0016895749732581643]}, "3397": {"path": [20, 3, 2, 0], "s": [1.0011669735539142, 0.9988359716453856, 0.0012596860695735452]}, "3398": {"path": [20, 3, 2, 0], "s": [1.0013917978547475, 0.9986125879735585, 0.0015667901020680803]}, "3399": {"path": [20, 3, 2, 1], "s": [1.0001191758319536, 0.9998837013005771, -0.001692120721343001]}, "3400": {"path": [20, 3, 2, 1], "s": [1.0003013813412756, 0.9997014384156172, -0.0016522033778410326]}, "3401": {"path": [20, 3, 2, 2], "s": [1.001608835138472, 0.9983953876028466, 0.001281087237421069]}, "3402": {"path": [20, 3, 2, 2], "s": [1.0013501070033928, 0.9986527896380308, 0.0010381537838916046]}, "3403": {"path": [20, 3, 2, 3], "s": [1.000051747455751, 0.999952890219053, -0.00215296005393053]}, "3404": {"path": [20, 3, 2, 3], "s": [0.9998201192146624, 1.0001845094984922, -0.0021437172016942566]}, "3405": {"path": [20, 3, 3, 0], "s": [0.9993961973938652, 1.0006081680942536, -0.0019995686128220684]}, "3406": {"path": [20, 3, 3, 0], "s": [0.9995981609483439, 1.0004062236037812, -0.0020545840498573963]}, "3407": {"path": [20, 3, 3, 1], "s": [1.0021269055901085, 0.9978788866200025, 0.0011317253226644157]}, "3408": {"path": [20, 3, 3, 1], "s": [1.001859500693377, 0.9981449312329345, 0.000991173371853038]}, "3409": {"path": [20, 3, 3, 2], "s": [0.9989616993113024, 1.0010451853612623, -0.0024082059475529207]}, "3410": {"path": [20, 3, 3, 2], "s": [0.9987879042664873, 1.001218612786639, -0.002244989480427309]}, "3411": {"path": [20, 3, 3, 3], "s": [1.0017392703295633, 0.9982655148640089, 0.0013298327106052053]}, "3412": {"path": [20, 3, 3, 3], "s": [1.002039123779623, 0.9979674528642944, 0.0015594963031437244]}}, "edgedata": {"0-289": {"q_pre": 30, "f": 90.60847987468031}, "81-289": {"q_pre": 30, "f": 90.60687857677503}, "81-369": {"q_pre": 30, "f": 90.60544323670433}, "25-369": {"q_pre": 30, "f": 90.60381513740593}, "25-370": {"q_pre": 30, "f": 90.60215415159301}, "105-370": {"q_pre": 30, "f": 90.60015774022511}, "105-313": {"q_pre": 30, "f": 90.59778898658368}, "9-313": {"q_pre": 30, "f": 90.59530658119633}, "9-314": {"q_pre": 30, "f": 90.5922637050238}, "106-314": {"q_pre": 30, "f": 90.5895691791077}, "106-434": {"q_pre": 30, "f": 90.58664486163147}, "44-434": {"q_pre": 30, "f": 90.58457554340416}, "44-433": {"q_pre": 30, "f": 90.5830609750424}, "100-433": {"q_pre": 30, "f": 90.58257874752029}, "100-308": {"q_pre": 30, "f": 90.58310174774613}, "7-308": {"q_pre": 30, "f": 90.58442660710259}, "7-309": {"q_pre": 30, "f": 90.58662639090849}, "101-309": {"q_pre": 30, "f": 90.58942405156154}, "101-436": {"q_pre": 30, "f": 90.59278273851629}, "45-436": {"q_pre": 30, "f": 90.5965058058521}, "45-437": {"q_pre": 30, "f": 90.60036862559637}, "140-437": {"q_pre": 30, "f": 90.60421870144853}, "140-348": {"q_pre": 30, "f": 90.6077472588553}, "19-348": {"q_pre": 30, "f": 90.6110388680026}, "19-347": {"q_pre": 30, "f": 90.61376884861821}, "139-347": {"q_pre": 30, "f": 90.6163044912136}, "139-427": {"q_pre": 30, "f": 90.6183228423732}, "42-427": {"q_pre": 30, "f": 90.6203111980669}, "42-426": {"q_pre": 30, "f": 90.62200331144528}, "98-426": {"q_pre": 30, "f": 90.62381798538888}, "98-306": {"q_pre": 30, "f": 90.62554460132056}, "6-306": {"q_pre": 30, "f": 90.62749732430514}, "6-305": {"q_pre": 30, "f": 90.6274973243047}, "97-305": {"q_pre": 30, "f": 90.62554460132031}, "97-423": {"q_pre": 30, "f": 90.62381798538817}, "41-423": {"q_pre": 30, "f": 90.62200331144511}, "41-424": {"q_pre": 30, "f": 90.62031119806723}, "142-424": {"q_pre": 30, "f": 90.61832284237333}, "142-350": {"q_pre": 30, "f": 90.61630449121397}, "20-350": {"q_pre": 30, "f": 90.6137688486182}, "20-351": {"q_pre": 30, "f": 90.61103886800255}, "143-351": {"q_pre": 30, "f": 90.60774725885554}, "143-447": {"q_pre": 30, "f": 90.60421870144862}, "48-447": {"q_pre": 30, "f": 90.6003686255964}, "48-446": {"q_pre": 30, "f": 90.59650580585236}, "104-446": {"q_pre": 30, "f": 90.59278273851646}, "104-312": {"q_pre": 30, "f": 90.5894240515617}, "8-312": {"q_pre": 30, "f": 90.58662639090872}, "8-310": {"q_pre": 30, "f": 90.58442660710298}, "102-310": {"q_pre": 30, "f": 90.5831017477465}, "102-439": {"q_pre": 30, "f": 90.58257874752069}, "46-439": {"q_pre": 30, "f": 90.58306097504293}, "46-440": {"q_pre": 30, "f": 90.58457554340481}, "112-440": {"q_pre": 30, "f": 90.58664486163241}, "112-320": {"q_pre": 30, "f": 90.58956917910822}, "11-320": {"q_pre": 30, "f": 90.5922637050244}, "11-319": {"q_pre": 30, "f": 90.59530658119662}, "111-319": {"q_pre": 30, "f": 90.59778898658394}, "111-379": {"q_pre": 30, "f": 90.60015774022501}, "28-379": {"q_pre": 30, "f": 90.60215415159252}, "28-378": {"q_pre": 30, "f": 90.60381513740519}, "84-378": {"q_pre": 30, "f": 90.60544323670403}, "84-292": {"q_pre": 30, "f": 90.60687857677435}, "1-292": {"q_pre": 30, "f": 90.60847987467946}, "1-291": {"q_pre": 30, "f": 90.60847987467952}, "83-291": {"q_pre": 30, "f": 90.60687857677452}, "83-375": {"q_pre": 30, "f": 90.60544323670383}, "27-375": {"q_pre": 30, "f": 90.60381513740556}, "27-376": {"q_pre": 30, "f": 90.60215415159237}, "114-376": {"q_pre": 30, "f": 90.60015774022479}, "114-322": {"q_pre": 30, "f": 90.59778898658318}, "12-322": {"q_pre": 30, "f": 90.59530658119611}, "12-323": {"q_pre": 30, "f": 90.59226370502375}, "115-323": {"q_pre": 30, "f": 90.58956917910757}, "115-412": {"q_pre": 30, "f": 90.5866448616321}, "37-412": {"q_pre": 30, "f": 90.58457554340467}, "37-411": {"q_pre": 30, "f": 90.58306097504273}, "93-411": {"q_pre": 30, "f": 90.58257874752051}, "93-301": {"q_pre": 30, "f": 90.58310174774634}, "4-301": {"q_pre": 30, "f": 90.58442660710286}, "4-302": {"q_pre": 30, "f": 90.58662639090869}, "94-302": {"q_pre": 30, "f": 90.58942405156175}, "94-414": {"q_pre": 30, "f": 90.59278273851618}, "38-414": {"q_pre": 30, "f": 90.5965058058521}, "38-415": {"q_pre": 30, "f": 90.60036862559612}, "136-415": {"q_pre": 30, "f": 90.60421870144816}, "136-344": {"q_pre": 30, "f": 90.60774725885503}, "18-344": {"q_pre": 30, "f": 90.61103886800213}, "18-345": {"q_pre": 30, "f": 90.61376884861774}, "137-345": {"q_pre": 30, "f": 90.61630449121355}, "137-421": {"q_pre": 30, "f": 90.61832284237276}, "40-421": {"q_pre": 30, "f": 90.6203111980669}, "40-420": {"q_pre": 30, "f": 90.62200331144543}, "96-420": {"q_pre": 30, "f": 90.623817985389}, "96-304": {"q_pre": 30, "f": 90.6255446013206}, "5-304": {"q_pre": 30, "f": 90.62749732430497}, "5-303": {"q_pre": 30, "f": 90.6274973243043}, "95-303": {"q_pre": 30, "f": 90.62554460131955}, "95-417": {"q_pre": 30, "f": 90.62381798538779}, "39-417": {"q_pre": 30, "f": 90.62200331144466}, "39-418": {"q_pre": 30, "f": 90.62031119806679}, "122-418": {"q_pre": 30, "f": 90.61832284237255}, "122-330": {"q_pre": 30, "f": 90.61630449121321}, "14-330": {"q_pre": 30, "f": 90.61376884861829}, "14-329": {"q_pre": 30, "f": 90.6110388680025}, "121-329": {"q_pre": 30, "f": 90.6077472588553}, "121-389": {"q_pre": 30, "f": 90.60421870144859}, "31-389": {"q_pre": 30, "f": 90.60036862559636}, "31-388": {"q_pre": 30, "f": 90.5965058058524}, "87-388": {"q_pre": 30, "f": 90.59278273851635}, "87-295": {"q_pre": 30, "f": 90.58942405156174}, "2-295": {"q_pre": 30, "f": 90.58662639090865}, "2-293": {"q_pre": 30, "f": 90.58442660710287}, "85-293": {"q_pre": 30, "f": 90.5831017477463}, "85-381": {"q_pre": 30, "f": 90.58257874752039}, "29-381": {"q_pre": 30, "f": 90.58306097504261}, "29-382": {"q_pre": 30, "f": 90.58457554340467}, "109-382": {"q_pre": 30, "f": 90.58664486163227}, "109-317": {"q_pre": 30, "f": 90.58956917910818}, "10-317": {"q_pre": 30, "f": 90.59226370502428}, "10-316": {"q_pre": 30, "f": 90.59530658119687}, "108-316": {"q_pre": 30, "f": 90.59778898658398}, "108-373": {"q_pre": 30, "f": 90.6001577402254}, "26-373": {"q_pre": 30, "f": 90.60215415159306}, "26-372": {"q_pre": 30, "f": 90.60381513740587}, "82-372": {"q_pre": 30, "f": 90.60544323670445}, "82-290": {"q_pre": 30, "f": 90.60687857677458}, "0-290": {"q_pre": 30, "f": 90.60847987467976}, "0-838": {"f": 0.0}, "1-902": {"f": 0.0}, "2-294": {"f": 0.0}, "2-854": {"f": 0.0}, "2-982": {"f": 0.0}, "4-300": {"f": 0.0}, "4-950": {"f": 0.0}, "4-1014": {"f": 0.0}, "5-998": {"f": 0.0}, "6-1062": {"f": 0.0}, "7-307": {"f": 0.0}, "7-886": {"f": 0.0}, "7-1078": {"f": 0.0}, "8-311": {"f": 0.0}, "8-918": {"f": 0.0}, "8-1046": {"f": 0.0}, "9-315": {"f": 0.0}, "9-834": {"f": 0.0}, "9-890": {"f": 0.0}, "10-318": {"f": 0.0}, "10-842": {"f": 0.0}, "10-850": {"f": 0.0}, "11-321": {"f": 0.0}, "11-906": {"f": 0.0}, "11-914": {"f": 0.0}, "12-324": {"f": 0.0}, "12-898": {"f": 0.0}, "12-954": {"f": 0.0}, "13-325": {"f": 0.0}, "13-327": {"f": 0.0}, "13-326": {"f": 0.0}, "13-328": {"f": 0.0}, "13-858": {"f": 0.0}, "13-866": {"f": 0.0}, "13-970": {"f": 0.0}, "13-978": {"f": 0.0}, "14-331": {"f": 0.0}, "14-986": {"f": 0.0}, "14-994": {"f": 0.0}, "15-332": {"f": 0.0}, "15-334": {"f": 0.0}, "15-333": {"f": 0.0}, "15-335": {"f": 0.0}, "15-874": {"f": 0.0}, "15-882": {"f": 0.0}, "15-1026": {"f": 0.0}, "15-1082": {"f": 0.0}, "16-337": {"f": 0.0}, "16-338": {"f": 0.0}, "16-336": {"f": 0.0}, "16-339": {"f": 0.0}, "16-922": {"f": 0.0}, "16-930": {"f": 0.0}, "16-1034": {"f": 0.0}, "16-1042": {"f": 0.0}, "17-340": {"f": 0.0}, "17-342": {"f": 0.0}, "17-341": {"f": 0.0}, "17-343": {"f": 0.0}, "17-938": {"f": 0.0}, "17-946": {"f": 0.0}, "17-962": {"f": 0.0}, "17-1018": {"f": 0.0}, "18-346": {"f": 0.0}, "18-1002": {"f": 0.0}, "18-1010": {"f": 0.0}, "19-349": {"f": 0.0}, "19-1066": {"f": 0.0}, "19-1074": {"f": 0.0}, "20-352": {"f": 0.0}, "20-1050": {"f": 0.0}, "20-1058": {"f": 0.0}, "21-354": {"f": 0.0}, "21-353": {"f": 0.0}, "21-355": {"f": 0.0}, "21-356": {"f": 0.0}, "21-846": {"f": 0.0}, "21-862": {"f": 0.0}, "21-878": {"f": 0.0}, "21-894": {"f": 0.0}, "22-357": {"f": 0.0}, "22-358": {"f": 0.0}, "22-359": {"f": 0.0}, "22-360": {"f": 0.0}, "22-910": {"f": 0.0}, "22-926": {"f": 0.0}, "22-942": {"f": 0.0}, "22-958": {"f": 0.0}, "23-361": {"f": 0.0}, "23-363": {"f": 0.0}, "23-362": {"f": 0.0}, "23-364": {"f": 0.0}, "23-974": {"f": 0.0}, "23-990": {"f": 0.0}, "23-1006": {"f": 0.0}, "23-1022": {"f": 0.0}, "24-366": {"f": 0.0}, "24-365": {"f": 0.0}, "24-368": {"f": 0.0}, "24-367": {"f": 0.0}, "24-1038": {"f": 0.0}, "24-1054": {"f": 0.0}, "24-1070": {"f": 0.0}, "24-1086": {"f": 0.0}, "25-371": {"f": 0.0}, "25-835": {"f": 0.0}, "25-837": {"f": 0.0}, "26-374": {"f": 0.0}, "26-839": {"f": 0.0}, "26-841": {"f": 0.0}, "27-377": {"f": 0.0}, "27-899": {"f": 0.0}, "27-901": {"f": 0.0}, "28-380": {"f": 0.0}, "28-903": {"f": 0.0}, "28-905": {"f": 0.0}, "29-383": {"f": 0.0}, "29-851": {"f": 0.0}, "29-853": {"f": 0.0}, "30-384": {"f": 0.0}, "30-386": {"f": 0.0}, "30-385": {"f": 0.0}, "30-387": {"f": 0.0}, "30-855": {"f": 0.0}, "30-857": {"f": 0.0}, "30-979": {"f": 0.0}, "30-981": {"f": 0.0}, "31-390": {"f": 0.0}, "31-983": {"f": 0.0}, "31-985": {"f": 0.0}, "32-392": {"f": 0.0}, "32-393": {"f": 0.0}, "32-391": {"f": 0.0}, "32-394": {"f": 0.0}, "32-867": {"f": 0.0}, "32-869": {"f": 0.0}, "32-967": {"f": 0.0}, "32-969": {"f": 0.0}, "33-395": {"f": 0.0}, "33-397": {"f": 0.0}, "33-396": {"f": 0.0}, "33-398": {"f": 0.0}, "33-871": {"f": 0.0}, "33-873": {"f": 0.0}, "33-1027": {"f": 0.0}, "33-1029": {"f": 0.0}, "34-400": {"f": 0.0}, "34-401": {"f": 0.0}, "34-399": {"f": 0.0}, "34-402": {"f": 0.0}, "34-931": {"f": 0.0}, "34-933": {"f": 0.0}, "34-1031": {"f": 0.0}, "34-1033": {"f": 0.0}, "35-403": {"f": 0.0}, "35-405": {"f": 0.0}, "35-404": {"f": 0.0}, "35-406": {"f": 0.0}, "35-935": {"f": 0.0}, "35-937": {"f": 0.0}, "35-963": {"f": 0.0}, "35-965": {"f": 0.0}, "36-408": {"f": 0.0}, "36-409": {"f": 0.0}, "36-407": {"f": 0.0}, "36-410": {"f": 0.0}, "36-947": {"f": 0.0}, "36-949": {"f": 0.0}, "36-1015": {"f": 0.0}, "36-1017": {"f": 0.0}, "37-413": {"f": 0.0}, "37-951": {"f": 0.0}, "37-953": {"f": 0.0}, "38-416": {"f": 0.0}, "38-1011": {"f": 0.0}, "38-1013": {"f": 0.0}, "39-419": {"f": 0.0}, "39-995": {"f": 0.0}, "39-997": {"f": 0.0}, "40-422": {"f": 0.0}, "40-999": {"f": 0.0}, "40-1001": {"f": 0.0}, "41-425": {"f": 0.0}, "41-1059": {"f": 0.0}, "41-1061": {"f": 0.0}, "42-428": {"f": 0.0}, "42-1063": {"f": 0.0}, "42-1065": {"f": 0.0}, "43-430": {"f": 0.0}, "43-431": {"f": 0.0}, "43-429": {"f": 0.0}, "43-432": {"f": 0.0}, "43-883": {"f": 0.0}, "43-885": {"f": 0.0}, "43-1079": {"f": 0.0}, "43-1081": {"f": 0.0}, "44-435": {"f": 0.0}, "44-887": {"f": 0.0}, "44-889": {"f": 0.0}, "45-438": {"f": 0.0}, "45-1075": {"f": 0.0}, "45-1077": {"f": 0.0}, "46-441": {"f": 0.0}, "46-915": {"f": 0.0}, "46-917": {"f": 0.0}, "47-442": {"f": 0.0}, "47-444": {"f": 0.0}, "47-443": {"f": 0.0}, "47-445": {"f": 0.0}, "47-919": {"f": 0.0}, "47-921": {"f": 0.0}, "47-1043": {"f": 0.0}, "47-1045": {"f": 0.0}, "48-448": {"f": 0.0}, "48-1047": {"f": 0.0}, "48-1049": {"f": 0.0}, "49-451": {"f": 0.0}, "49-449": {"f": 0.0}, "49-450": {"f": 0.0}, "49-452": {"f": 0.0}, "49-833": {"f": 0.0}, "49-847": {"f": 0.0}, "49-891": {"f": 0.0}, "49-893": {"f": 0.0}, "50-453": {"f": 0.0}, "50-455": {"f": 0.0}, "50-454": {"f": 0.0}, "50-456": {"f": 0.0}, "50-843": {"f": 0.0}, "50-845": {"f": 0.0}, "50-849": {"f": 0.0}, "50-863": {"f": 0.0}, "51-457": {"f": 0.0}, "51-459": {"f": 0.0}, "51-458": {"f": 0.0}, "51-460": {"f": 0.0}, "51-907": {"f": 0.0}, "51-909": {"f": 0.0}, "51-913": {"f": 0.0}, "51-927": {"f": 0.0}, "52-463": {"f": 0.0}, "52-461": {"f": 0.0}, "52-462": {"f": 0.0}, "52-464": {"f": 0.0}, "52-897": {"f": 0.0}, "52-911": {"f": 0.0}, "52-955": {"f": 0.0}, "52-957": {"f": 0.0}, "53-465": {"f": 0.0}, "53-467": {"f": 0.0}, "53-466": {"f": 0.0}, "53-468": {"f": 0.0}, "53-859": {"f": 0.0}, "53-861": {"f": 0.0}, "53-865": {"f": 0.0}, "53-879": {"f": 0.0}, "54-469": {"f": 0.0}, "54-471": {"f": 0.0}, "54-470": {"f": 0.0}, "54-472": {"f": 0.0}, "54-971": {"f": 0.0}, "54-973": {"f": 0.0}, "54-977": {"f": 0.0}, "54-991": {"f": 0.0}, "55-473": {"f": 0.0}, "55-475": {"f": 0.0}, "55-474": {"f": 0.0}, "55-476": {"f": 0.0}, "55-987": {"f": 0.0}, "55-989": {"f": 0.0}, "55-993": {"f": 0.0}, "55-1007": {"f": 0.0}, "56-477": {"f": 0.0}, "56-479": {"f": 0.0}, "56-478": {"f": 0.0}, "56-480": {"f": 0.0}, "56-875": {"f": 0.0}, "56-877": {"f": 0.0}, "56-881": {"f": 0.0}, "56-895": {"f": 0.0}, "57-483": {"f": 0.0}, "57-481": {"f": 0.0}, "57-482": {"f": 0.0}, "57-484": {"f": 0.0}, "57-1025": {"f": 0.0}, "57-1039": {"f": 0.0}, "57-1083": {"f": 0.0}, "57-1085": {"f": 0.0}, "58-485": {"f": 0.0}, "58-487": {"f": 0.0}, "58-486": {"f": 0.0}, "58-488": {"f": 0.0}, "58-923": {"f": 0.0}, "58-925": {"f": 0.0}, "58-929": {"f": 0.0}, "58-943": {"f": 0.0}, "59-489": {"f": 0.0}, "59-491": {"f": 0.0}, "59-490": {"f": 0.0}, "59-492": {"f": 0.0}, "59-1035": {"f": 0.0}, "59-1037": {"f": 0.0}, "59-1041": {"f": 0.0}, "59-1055": {"f": 0.0}, "60-493": {"f": 0.0}, "60-495": {"f": 0.0}, "60-494": {"f": 0.0}, "60-496": {"f": 0.0}, "60-939": {"f": 0.0}, "60-941": {"f": 0.0}, "60-945": {"f": 0.0}, "60-959": {"f": 0.0}, "61-499": {"f": 0.0}, "61-497": {"f": 0.0}, "61-498": {"f": 0.0}, "61-500": {"f": 0.0}, "61-961": {"f": 0.0}, "61-975": {"f": 0.0}, "61-1019": {"f": 0.0}, "61-1021": {"f": 0.0}, "62-501": {"f": 0.0}, "62-503": {"f": 0.0}, "62-502": {"f": 0.0}, "62-504": {"f": 0.0}, "62-1003": {"f": 0.0}, "62-1005": {"f": 0.0}, "62-1009": {"f": 0.0}, "62-1023": {"f": 0.0}, "63-505": {"f": 0.0}, "63-507": {"f": 0.0}, "63-506": {"f": 0.0}, "63-508": {"f": 0.0}, "63-1067": {"f": 0.0}, "63-1069": {"f": 0.0}, "63-1073": {"f": 0.0}, "63-1087": {"f": 0.0}, "64-509": {"f": 0.0}, "64-511": {"f": 0.0}, "64-510": {"f": 0.0}, "64-512": {"f": 0.0}, "64-1051": {"f": 0.0}, "64-1053": {"f": 0.0}, "64-1057": {"f": 0.0}, "64-1071": {"f": 0.0}, "65-513": {"f": 0.0}, "65-515": {"f": 0.0}, "65-514": {"f": 0.0}, "65-516": {"f": 0.0}, "65-836": {"f": 0.0}, "65-840": {"f": 0.0}, "65-844": {"f": 0.0}, "65-848": {"f": 0.0}, "66-517": {"f": 0.0}, "66-519": {"f": 0.0}, "66-518": {"f": 0.0}, "66-520": {"f": 0.0}, "66-852": {"f": 0.0}, "66-856": {"f": 0.0}, "66-860": {"f": 0.0}, "66-864": {"f": 0.0}, "67-521": {"f": 0.0}, "67-523": {"f": 0.0}, "67-522": {"f": 0.0}, "67-524": {"f": 0.0}, "67-868": {"f": 0.0}, "67-872": {"f": 0.0}, "67-876": {"f": 0.0}, "67-880": {"f": 0.0}, "68-525": {"f": 0.0}, "68-528": {"f": 0.0}, "68-526": {"f": 0.0}, "68-527": {"f": 0.0}, "68-884": {"f": 0.0}, "68-888": {"f": 0.0}, "68-892": {"f": 0.0}, "68-896": {"f": 0.0}, "69-529": {"f": 0.0}, "69-532": {"f": 0.0}, "69-530": {"f": 0.0}, "69-531": {"f": 0.0}, "69-900": {"f": 0.0}, "69-904": {"f": 0.0}, "69-908": {"f": 0.0}, "69-912": {"f": 0.0}, "70-533": {"f": 0.0}, "70-535": {"f": 0.0}, "70-534": {"f": 0.0}, "70-536": {"f": 0.0}, "70-916": {"f": 0.0}, "70-920": {"f": 0.0}, "70-924": {"f": 0.0}, "70-928": {"f": 0.0}, "71-537": {"f": 0.0}, "71-539": {"f": 0.0}, "71-538": {"f": 0.0}, "71-540": {"f": 0.0}, "71-932": {"f": 0.0}, "71-936": {"f": 0.0}, "71-940": {"f": 0.0}, "71-944": {"f": 0.0}, "72-541": {"f": 0.0}, "72-544": {"f": 0.0}, "72-542": {"f": 0.0}, "72-543": {"f": 0.0}, "72-948": {"f": 0.0}, "72-952": {"f": 0.0}, "72-956": {"f": 0.0}, "72-960": {"f": 0.0}, "73-546": {"f": 0.0}, "73-548": {"f": 0.0}, "73-545": {"f": 0.0}, "73-547": {"f": 0.0}, "73-964": {"f": 0.0}, "73-968": {"f": 0.0}, "73-972": {"f": 0.0}, "73-976": {"f": 0.0}, "74-549": {"f": 0.0}, "74-551": {"f": 0.0}, "74-550": {"f": 0.0}, "74-552": {"f": 0.0}, "74-980": {"f": 0.0}, "74-984": {"f": 0.0}, "74-988": {"f": 0.0}, "74-992": {"f": 0.0}, "75-553": {"f": 0.0}, "75-555": {"f": 0.0}, "75-554": {"f": 0.0}, "75-556": {"f": 0.0}, "75-996": {"f": 0.0}, "75-1000": {"f": 0.0}, "75-1004": {"f": 0.0}, "75-1008": {"f": 0.0}, "76-558": {"f": 0.0}, "76-560": {"f": 0.0}, "76-557": {"f": 0.0}, "76-559": {"f": 0.0}, "76-1012": {"f": 0.0}, "76-1016": {"f": 0.0}, "76-1020": {"f": 0.0}, "76-1024": {"f": 0.0}, "77-561": {"f": 0.0}, "77-563": {"f": 0.0}, "77-562": {"f": 0.0}, "77-564": {"f": 0.0}, "77-1028": {"f": 0.0}, "77-1032": {"f": 0.0}, "77-1036": {"f": 0.0}, "77-1040": {"f": 0.0}, "78-565": {"f": 0.0}, "78-567": {"f": 0.0}, "78-566": {"f": 0.0}, "78-568": {"f": 0.0}, "78-1044": {"f": 0.0}, "78-1048": {"f": 0.0}, "78-1052": {"f": 0.0}, "78-1056": {"f": 0.0}, "79-569": {"f": 0.0}, "79-572": {"f": 0.0}, "79-570": {"f": 0.0}, "79-571": {"f": 0.0}, "79-1060": {"f": 0.0}, "79-1064": {"f": 0.0}, "79-1068": {"f": 0.0}, "79-1072": {"f": 0.0}, "80-574": {"f": 0.0}, "80-576": {"f": 0.0}, "80-573": {"f": 0.0}, "80-575": {"f": 0.0}, "80-1076": {"f": 0.0}, "80-1080": {"f": 0.0}, "80-1084": {"f": 0.0}, "80-1088": {"f": 0.0}, "81-577": {"f": 0.0}, "81-837": {"f": 0.0}, "81-838": {"f": 0.0}, "82-578": {"f": 0.0}, "82-838": {"f": 0.0}, "82-839": {"f": 0.0}, "83-579": {"f": 0.0}, "83-901": {"f": 0.0}, "83-902": {"f": 0.0}, "84-580": {"f": 0.0}, "84-902": {"f": 0.0}, "84-903": {"f": 0.0}, "85-581": {"f": 0.0}, "85-853": {"f": 0.0}, "85-854": {"f": 0.0}, "86-294": {"f": 0.0}, "86-582": {"f": 0.0}, "86-384": {"f": 0.0}, "86-583": {"f": 0.0}, "86-854": {"f": 0.0}, "86-855": {"f": 0.0}, "86-981": {"f": 0.0}, "86-982": {"f": 0.0}, "87-584": {"f": 0.0}, "87-982": {"f": 0.0}, "87-983": {"f": 0.0}, "92-407": {"f": 0.0}, "92-593": {"f": 0.0}, "92-300": {"f": 0.0}, "92-594": {"f": 0.0}, "92-949": {"f": 0.0}, "92-950": {"f": 0.0}, "92-1014": {"f": 0.0}, "92-1015": {"f": 0.0}, "93-595": {"f": 0.0}, "93-950": {"f": 0.0}, "93-951": {"f": 0.0}, "94-596": {"f": 0.0}, "94-1013": {"f": 0.0}, "94-1014": {"f": 0.0}, "95-597": {"f": 0.0}, "95-997": {"f": 0.0}, "95-998": {"f": 0.0}, "96-598": {"f": 0.0}, "96-998": {"f": 0.0}, "96-999": {"f": 0.0}, "97-599": {"f": 0.0}, "97-1061": {"f": 0.0}, "97-1062": {"f": 0.0}, "98-600": {"f": 0.0}, "98-1062": {"f": 0.0}, "98-1063": {"f": 0.0}, "99-429": {"f": 0.0}, "99-601": {"f": 0.0}, "99-307": {"f": 0.0}, "99-602": {"f": 0.0}, "99-885": {"f": 0.0}, "99-886": {"f": 0.0}, "99-1078": {"f": 0.0}, "99-1079": {"f": 0.0}, "100-603": {"f": 0.0}, "100-886": {"f": 0.0}, "100-887": {"f": 0.0}, "101-604": {"f": 0.0}, "101-1077": {"f": 0.0}, "101-1078": {"f": 0.0}, "102-605": {"f": 0.0}, "102-917": {"f": 0.0}, "102-918": {"f": 0.0}, "103-311": {"f": 0.0}, "103-606": {"f": 0.0}, "103-442": {"f": 0.0}, "103-607": {"f": 0.0}, "103-918": {"f": 0.0}, "103-919": {"f": 0.0}, "103-1045": {"f": 0.0}, "103-1046": {"f": 0.0}, "104-608": {"f": 0.0}, "104-1046": {"f": 0.0}, "104-1047": {"f": 0.0}, "105-609": {"f": 0.0}, "105-834": {"f": 0.0}, "105-835": {"f": 0.0}, "106-610": {"f": 0.0}, "106-889": {"f": 0.0}, "106-890": {"f": 0.0}, "107-449": {"f": 0.0}, "107-611": {"f": 0.0}, "107-315": {"f": 0.0}, "107-612": {"f": 0.0}, "107-833": {"f": 0.0}, "107-834": {"f": 0.0}, "107-890": {"f": 0.0}, "107-891": {"f": 0.0}, "108-613": {"f": 0.0}, "108-841": {"f": 0.0}, "108-842": {"f": 0.0}, "109-614": {"f": 0.0}, "109-850": {"f": 0.0}, "109-851": {"f": 0.0}, "110-318": {"f": 0.0}, "110-615": {"f": 0.0}, "110-453": {"f": 0.0}, "110-616": {"f": 0.0}, "110-842": {"f": 0.0}, "110-843": {"f": 0.0}, "110-849": {"f": 0.0}, "110-850": {"f": 0.0}, "111-617": {"f": 0.0}, "111-905": {"f": 0.0}, "111-906": {"f": 0.0}, "112-618": {"f": 0.0}, "112-914": {"f": 0.0}, "112-915": {"f": 0.0}, "113-321": {"f": 0.0}, "113-619": {"f": 0.0}, "113-457": {"f": 0.0}, "113-620": {"f": 0.0}, "113-906": {"f": 0.0}, "113-907": {"f": 0.0}, "113-913": {"f": 0.0}, "113-914": {"f": 0.0}, "114-621": {"f": 0.0}, "114-898": {"f": 0.0}, "114-899": {"f": 0.0}, "115-622": {"f": 0.0}, "115-953": {"f": 0.0}, "115-954": {"f": 0.0}, "116-461": {"f": 0.0}, "116-623": {"f": 0.0}, "116-324": {"f": 0.0}, "116-624": {"f": 0.0}, "116-897": {"f": 0.0}, "116-898": {"f": 0.0}, "116-954": {"f": 0.0}, "116-955": {"f": 0.0}, "117-385": {"f": 0.0}, "117-625": {"f": 0.0}, "117-325": {"f": 0.0}, "117-626": {"f": 0.0}, "117-857": {"f": 0.0}, "117-858": {"f": 0.0}, "117-978": {"f": 0.0}, "117-979": {"f": 0.0}, "118-326": {"f": 0.0}, "118-627": {"f": 0.0}, "118-392": {"f": 0.0}, "118-628": {"f": 0.0}, "118-866": {"f": 0.0}, "118-867": {"f": 0.0}, "118-969": {"f": 0.0}, "118-970": {"f": 0.0}, "119-327": {"f": 0.0}, "119-629": {"f": 0.0}, "119-465": {"f": 0.0}, "119-630": {"f": 0.0}, "119-858": {"f": 0.0}, "119-859": {"f": 0.0}, "119-865": {"f": 0.0}, "119-866": {"f": 0.0}, "120-328": {"f": 0.0}, "120-631": {"f": 0.0}, "120-469": {"f": 0.0}, "120-632": {"f": 0.0}, "120-970": {"f": 0.0}, "120-971": {"f": 0.0}, "120-977": {"f": 0.0}, "120-978": {"f": 0.0}, "121-633": {"f": 0.0}, "121-985": {"f": 0.0}, "121-986": {"f": 0.0}, "122-634": {"f": 0.0}, "122-994": {"f": 0.0}, "122-995": {"f": 0.0}, "123-331": {"f": 0.0}, "123-635": {"f": 0.0}, "123-473": {"f": 0.0}, "123-636": {"f": 0.0}, "123-986": {"f": 0.0}, "123-987": {"f": 0.0}, "123-993": {"f": 0.0}, "123-994": {"f": 0.0}, "124-396": {"f": 0.0}, "124-637": {"f": 0.0}, "124-332": {"f": 0.0}, "124-638": {"f": 0.0}, "124-873": {"f": 0.0}, "124-874": {"f": 0.0}, "124-1026": {"f": 0.0}, "124-1027": {"f": 0.0}, "125-333": {"f": 0.0}, "125-639": {"f": 0.0}, "125-430": {"f": 0.0}, "125-640": {"f": 0.0}, "125-882": {"f": 0.0}, "125-883": {"f": 0.0}, "125-1081": {"f": 0.0}, "125-1082": {"f": 0.0}, "126-334": {"f": 0.0}, "126-641": {"f": 0.0}, "126-477": {"f": 0.0}, "126-642": {"f": 0.0}, "126-874": {"f": 0.0}, "126-875": {"f": 0.0}, "126-881": {"f": 0.0}, "126-882": {"f": 0.0}, "127-481": {"f": 0.0}, "127-643": {"f": 0.0}, "127-335": {"f": 0.0}, "127-644": {"f": 0.0}, "127-1025": {"f": 0.0}, "127-1026": {"f": 0.0}, "127-1082": {"f": 0.0}, "127-1083": {"f": 0.0}, "128-336": {"f": 0.0}, "128-645": {"f": 0.0}, "128-400": {"f": 0.0}, "128-646": {"f": 0.0}, "128-930": {"f": 0.0}, "128-931": {"f": 0.0}, "128-1033": {"f": 0.0}, "128-1034": {"f": 0.0}, "129-443": {"f": 0.0}, "129-647": {"f": 0.0}, "129-337": {"f": 0.0}, "129-648": {"f": 0.0}, "129-921": {"f": 0.0}, "129-922": {"f": 0.0}, "129-1042": {"f": 0.0}, "129-1043": {"f": 0.0}, "130-338": {"f": 0.0}, "130-649": {"f": 0.0}, "130-485": {"f": 0.0}, "130-650": {"f": 0.0}, "130-922": {"f": 0.0}, "130-923": {"f": 0.0}, "130-929": {"f": 0.0}, "130-930": {"f": 0.0}, "131-339": {"f": 0.0}, "131-651": {"f": 0.0}, "131-489": {"f": 0.0}, "131-652": {"f": 0.0}, "131-1034": {"f": 0.0}, "131-1035": {"f": 0.0}, "131-1041": {"f": 0.0}, "131-1042": {"f": 0.0}, "132-404": {"f": 0.0}, "132-653": {"f": 0.0}, "132-340": {"f": 0.0}, "132-654": {"f": 0.0}, "132-937": {"f": 0.0}, "132-938": {"f": 0.0}, "132-962": {"f": 0.0}, "132-963": {"f": 0.0}, "133-341": {"f": 0.0}, "133-655": {"f": 0.0}, "133-408": {"f": 0.0}, "133-656": {"f": 0.0}, "133-946": {"f": 0.0}, "133-947": {"f": 0.0}, "133-1017": {"f": 0.0}, "133-1018": {"f": 0.0}, "134-342": {"f": 0.0}, "134-657": {"f": 0.0}, "134-493": {"f": 0.0}, "134-658": {"f": 0.0}, "134-938": {"f": 0.0}, "134-939": {"f": 0.0}, "134-945": {"f": 0.0}, "134-946": {"f": 0.0}, "135-497": {"f": 0.0}, "135-659": {"f": 0.0}, "135-343": {"f": 0.0}, "135-660": {"f": 0.0}, "135-961": {"f": 0.0}, "135-962": {"f": 0.0}, "135-1018": {"f": 0.0}, "135-1019": {"f": 0.0}, "136-661": {"f": 0.0}, "136-1010": {"f": 0.0}, "136-1011": {"f": 0.0}, "137-662": {"f": 0.0}, "137-1001": {"f": 0.0}, "137-1002": {"f": 0.0}, "138-346": {"f": 0.0}, "138-663": {"f": 0.0}, "138-501": {"f": 0.0}, "138-664": {"f": 0.0}, "138-1002": {"f": 0.0}, "138-1003": {"f": 0.0}, "138-1009": {"f": 0.0}, "138-1010": {"f": 0.0}, "139-665": {"f": 0.0}, "139-1065": {"f": 0.0}, "139-1066": {"f": 0.0}, "140-666": {"f": 0.0}, "140-1074": {"f": 0.0}, "140-1075": {"f": 0.0}, "141-349": {"f": 0.0}, "141-667": {"f": 0.0}, "141-505": {"f": 0.0}, "141-668": {"f": 0.0}, "141-1066": {"f": 0.0}, "141-1067": {"f": 0.0}, "141-1073": {"f": 0.0}, "141-1074": {"f": 0.0}, "142-669": {"f": 0.0}, "142-1058": {"f": 0.0}, "142-1059": {"f": 0.0}, "143-670": {"f": 0.0}, "143-1049": {"f": 0.0}, "143-1050": {"f": 0.0}, "144-352": {"f": 0.0}, "144-671": {"f": 0.0}, "144-509": {"f": 0.0}, "144-672": {"f": 0.0}, "144-1050": {"f": 0.0}, "144-1051": {"f": 0.0}, "144-1057": {"f": 0.0}, "144-1058": {"f": 0.0}, "145-353": {"f": 0.0}, "145-673": {"f": 0.0}, "145-450": {"f": 0.0}, "145-674": {"f": 0.0}, "145-846": {"f": 0.0}, "145-847": {"f": 0.0}, "145-893": {"f": 0.0}, "145-894": {"f": 0.0}, "146-454": {"f": 0.0}, "146-675": {"f": 0.0}, "146-354": {"f": 0.0}, "146-676": {"f": 0.0}, "146-845": {"f": 0.0}, "146-846": {"f": 0.0}, "146-862": {"f": 0.0}, "146-863": {"f": 0.0}, "147-466": {"f": 0.0}, "147-677": {"f": 0.0}, "147-355": {"f": 0.0}, "147-678": {"f": 0.0}, "147-861": {"f": 0.0}, "147-862": {"f": 0.0}, "147-878": {"f": 0.0}, "147-879": {"f": 0.0}, "148-478": {"f": 0.0}, "148-679": {"f": 0.0}, "148-356": {"f": 0.0}, "148-680": {"f": 0.0}, "148-877": {"f": 0.0}, "148-878": {"f": 0.0}, "148-894": {"f": 0.0}, "148-895": {"f": 0.0}, "149-458": {"f": 0.0}, "149-681": {"f": 0.0}, "149-357": {"f": 0.0}, "149-682": {"f": 0.0}, "149-909": {"f": 0.0}, "149-910": {"f": 0.0}, "149-926": {"f": 0.0}, "149-927": {"f": 0.0}, "150-358": {"f": 0.0}, "150-683": {"f": 0.0}, "150-462": {"f": 0.0}, "150-684": {"f": 0.0}, "150-910": {"f": 0.0}, "150-911": {"f": 0.0}, "150-957": {"f": 0.0}, "150-958": {"f": 0.0}, "151-486": {"f": 0.0}, "151-685": {"f": 0.0}, "151-359": {"f": 0.0}, "151-686": {"f": 0.0}, "151-925": {"f": 0.0}, "151-926": {"f": 0.0}, "151-942": {"f": 0.0}, "151-943": {"f": 0.0}, "152-494": {"f": 0.0}, "152-687": {"f": 0.0}, "152-360": {"f": 0.0}, "152-688": {"f": 0.0}, "152-941": {"f": 0.0}, "152-942": {"f": 0.0}, "152-958": {"f": 0.0}, "152-959": {"f": 0.0}, "153-470": {"f": 0.0}, "153-689": {"f": 0.0}, "153-361": {"f": 0.0}, "153-690": {"f": 0.0}, "153-973": {"f": 0.0}, "153-974": {"f": 0.0}, "153-990": {"f": 0.0}, "153-991": {"f": 0.0}, "154-474": {"f": 0.0}, "154-691": {"f": 0.0}, "154-362": {"f": 0.0}, "154-692": {"f": 0.0}, "154-989": {"f": 0.0}, "154-990": {"f": 0.0}, "154-1006": {"f": 0.0}, "154-1007": {"f": 0.0}, "155-363": {"f": 0.0}, "155-693": {"f": 0.0}, "155-498": {"f": 0.0}, "155-694": {"f": 0.0}, "155-974": {"f": 0.0}, "155-975": {"f": 0.0}, "155-1021": {"f": 0.0}, "155-1022": {"f": 0.0}, "156-502": {"f": 0.0}, "156-695": {"f": 0.0}, "156-364": {"f": 0.0}, "156-696": {"f": 0.0}, "156-1005": {"f": 0.0}, "156-1006": {"f": 0.0}, "156-1022": {"f": 0.0}, "156-1023": {"f": 0.0}, "157-365": {"f": 0.0}, "157-697": {"f": 0.0}, "157-482": {"f": 0.0}, "157-698": {"f": 0.0}, "157-1038": {"f": 0.0}, "157-1039": {"f": 0.0}, "157-1085": {"f": 0.0}, "157-1086": {"f": 0.0}, "158-490": {"f": 0.0}, "158-699": {"f": 0.0}, "158-366": {"f": 0.0}, "158-700": {"f": 0.0}, "158-1037": {"f": 0.0}, "158-1038": {"f": 0.0}, "158-1054": {"f": 0.0}, "158-1055": {"f": 0.0}, "159-506": {"f": 0.0}, "159-701": {"f": 0.0}, "159-367": {"f": 0.0}, "159-702": {"f": 0.0}, "159-1069": {"f": 0.0}, "159-1070": {"f": 0.0}, "159-1086": {"f": 0.0}, "159-1087": {"f": 0.0}, "160-510": {"f": 0.0}, "160-703": {"f": 0.0}, "160-368": {"f": 0.0}, "160-704": {"f": 0.0}, "160-1053": {"f": 0.0}, "160-1054": {"f": 0.0}, "160-1070": {"f": 0.0}, "160-1071": {"f": 0.0}, "161-371": {"f": 0.0}, "161-705": {"f": 0.0}, "161-513": {"f": 0.0}, "161-706": {"f": 0.0}, "161-835": {"f": 0.0}, "161-836": {"f": 0.0}, "161-837": {"f": 0.0}, "161-840": {"f": 0.0}, "162-374": {"f": 0.0}, "162-707": {"f": 0.0}, "162-514": {"f": 0.0}, "162-708": {"f": 0.0}, "162-839": {"f": 0.0}, "162-840": {"f": 0.0}, "162-841": {"f": 0.0}, "162-844": {"f": 0.0}, "163-377": {"f": 0.0}, "163-709": {"f": 0.0}, "163-529": {"f": 0.0}, "163-710": {"f": 0.0}, "163-899": {"f": 0.0}, "163-900": {"f": 0.0}, "163-901": {"f": 0.0}, "163-904": {"f": 0.0}, "164-380": {"f": 0.0}, "164-711": {"f": 0.0}, "164-530": {"f": 0.0}, "164-712": {"f": 0.0}, "164-903": {"f": 0.0}, "164-904": {"f": 0.0}, "164-905": {"f": 0.0}, "164-908": {"f": 0.0}, "165-383": {"f": 0.0}, "165-713": {"f": 0.0}, "165-517": {"f": 0.0}, "165-714": {"f": 0.0}, "165-851": {"f": 0.0}, "165-852": {"f": 0.0}, "165-853": {"f": 0.0}, "165-856": {"f": 0.0}, "166-386": {"f": 0.0}, "166-715": {"f": 0.0}, "166-518": {"f": 0.0}, "166-716": {"f": 0.0}, "166-855": {"f": 0.0}, "166-856": {"f": 0.0}, "166-857": {"f": 0.0}, "166-860": {"f": 0.0}, "167-387": {"f": 0.0}, "167-717": {"f": 0.0}, "167-549": {"f": 0.0}, "167-718": {"f": 0.0}, "167-979": {"f": 0.0}, "167-980": {"f": 0.0}, "167-981": {"f": 0.0}, "167-984": {"f": 0.0}, "168-390": {"f": 0.0}, "168-719": {"f": 0.0}, "168-550": {"f": 0.0}, "168-720": {"f": 0.0}, "168-983": {"f": 0.0}, "168-984": {"f": 0.0}, "168-985": {"f": 0.0}, "168-988": {"f": 0.0}, "169-393": {"f": 0.0}, "169-721": {"f": 0.0}, "169-521": {"f": 0.0}, "169-722": {"f": 0.0}, "169-867": {"f": 0.0}, "169-868": {"f": 0.0}, "169-869": {"f": 0.0}, "169-872": {"f": 0.0}, "170-394": {"f": 0.0}, "170-723": {"f": 0.0}, "170-545": {"f": 0.0}, "170-724": {"f": 0.0}, "170-967": {"f": 0.0}, "170-968": {"f": 0.0}, "170-969": {"f": 0.0}, "170-972": {"f": 0.0}, "171-397": {"f": 0.0}, "171-725": {"f": 0.0}, "171-522": {"f": 0.0}, "171-726": {"f": 0.0}, "171-871": {"f": 0.0}, "171-872": {"f": 0.0}, "171-873": {"f": 0.0}, "171-876": {"f": 0.0}, "172-398": {"f": 0.0}, "172-727": {"f": 0.0}, "172-561": {"f": 0.0}, "172-728": {"f": 0.0}, "172-1027": {"f": 0.0}, "172-1028": {"f": 0.0}, "172-1029": {"f": 0.0}, "172-1032": {"f": 0.0}, "173-401": {"f": 0.0}, "173-729": {"f": 0.0}, "173-537": {"f": 0.0}, "173-730": {"f": 0.0}, "173-931": {"f": 0.0}, "173-932": {"f": 0.0}, "173-933": {"f": 0.0}, "173-936": {"f": 0.0}, "174-402": {"f": 0.0}, "174-731": {"f": 0.0}, "174-562": {"f": 0.0}, "174-732": {"f": 0.0}, "174-1031": {"f": 0.0}, "174-1032": {"f": 0.0}, "174-1033": {"f": 0.0}, "174-1036": {"f": 0.0}, "175-405": {"f": 0.0}, "175-733": {"f": 0.0}, "175-538": {"f": 0.0}, "175-734": {"f": 0.0}, "175-935": {"f": 0.0}, "175-936": {"f": 0.0}, "175-937": {"f": 0.0}, "175-940": {"f": 0.0}, "176-406": {"f": 0.0}, "176-735": {"f": 0.0}, "176-546": {"f": 0.0}, "176-736": {"f": 0.0}, "176-963": {"f": 0.0}, "176-964": {"f": 0.0}, "176-965": {"f": 0.0}, "176-968": {"f": 0.0}, "177-409": {"f": 0.0}, "177-737": {"f": 0.0}, "177-541": {"f": 0.0}, "177-738": {"f": 0.0}, "177-947": {"f": 0.0}, "177-948": {"f": 0.0}, "177-949": {"f": 0.0}, "177-952": {"f": 0.0}, "178-410": {"f": 0.0}, "178-739": {"f": 0.0}, "178-557": {"f": 0.0}, "178-740": {"f": 0.0}, "178-1015": {"f": 0.0}, "178-1016": {"f": 0.0}, "178-1017": {"f": 0.0}, "178-1020": {"f": 0.0}, "179-413": {"f": 0.0}, "179-741": {"f": 0.0}, "179-542": {"f": 0.0}, "179-742": {"f": 0.0}, "179-951": {"f": 0.0}, "179-952": {"f": 0.0}, "179-953": {"f": 0.0}, "179-956": {"f": 0.0}, "180-416": {"f": 0.0}, "180-743": {"f": 0.0}, "180-558": {"f": 0.0}, "180-744": {"f": 0.0}, "180-1011": {"f": 0.0}, "180-1012": {"f": 0.0}, "180-1013": {"f": 0.0}, "180-1016": {"f": 0.0}, "181-419": {"f": 0.0}, "181-745": {"f": 0.0}, "181-553": {"f": 0.0}, "181-746": {"f": 0.0}, "181-995": {"f": 0.0}, "181-996": {"f": 0.0}, "181-997": {"f": 0.0}, "181-1000": {"f": 0.0}, "182-422": {"f": 0.0}, "182-747": {"f": 0.0}, "182-554": {"f": 0.0}, "182-748": {"f": 0.0}, "182-999": {"f": 0.0}, "182-1000": {"f": 0.0}, "182-1001": {"f": 0.0}, "182-1004": {"f": 0.0}, "183-425": {"f": 0.0}, "183-749": {"f": 0.0}, "183-569": {"f": 0.0}, "183-750": {"f": 0.0}, "183-1059": {"f": 0.0}, "183-1060": {"f": 0.0}, "183-1061": {"f": 0.0}, "183-1064": {"f": 0.0}, "184-428": {"f": 0.0}, "184-751": {"f": 0.0}, "184-570": {"f": 0.0}, "184-752": {"f": 0.0}, "184-1063": {"f": 0.0}, "184-1064": {"f": 0.0}, "184-1065": {"f": 0.0}, "184-1068": {"f": 0.0}, "185-431": {"f": 0.0}, "185-753": {"f": 0.0}, "185-525": {"f": 0.0}, "185-754": {"f": 0.0}, "185-883": {"f": 0.0}, "185-884": {"f": 0.0}, "185-885": {"f": 0.0}, "185-888": {"f": 0.0}, "186-432": {"f": 0.0}, "186-755": {"f": 0.0}, "186-573": {"f": 0.0}, "186-756": {"f": 0.0}, "186-1079": {"f": 0.0}, "186-1080": {"f": 0.0}, "186-1081": {"f": 0.0}, "186-1084": {"f": 0.0}, "187-435": {"f": 0.0}, "187-757": {"f": 0.0}, "187-526": {"f": 0.0}, "187-758": {"f": 0.0}, "187-887": {"f": 0.0}, "187-888": {"f": 0.0}, "187-889": {"f": 0.0}, "187-892": {"f": 0.0}, "188-438": {"f": 0.0}, "188-759": {"f": 0.0}, "188-574": {"f": 0.0}, "188-760": {"f": 0.0}, "188-1075": {"f": 0.0}, "188-1076": {"f": 0.0}, "188-1077": {"f": 0.0}, "188-1080": {"f": 0.0}, "189-441": {"f": 0.0}, "189-761": {"f": 0.0}, "189-533": {"f": 0.0}, "189-762": {"f": 0.0}, "189-915": {"f": 0.0}, "189-916": {"f": 0.0}, "189-917": {"f": 0.0}, "189-920": {"f": 0.0}, "190-444": {"f": 0.0}, "190-763": {"f": 0.0}, "190-534": {"f": 0.0}, "190-764": {"f": 0.0}, "190-919": {"f": 0.0}, "190-920": {"f": 0.0}, "190-921": {"f": 0.0}, "190-924": {"f": 0.0}, "191-445": {"f": 0.0}, "191-765": {"f": 0.0}, "191-565": {"f": 0.0}, "191-766": {"f": 0.0}, "191-1043": {"f": 0.0}, "191-1044": {"f": 0.0}, "191-1045": {"f": 0.0}, "191-1048": {"f": 0.0}, "192-448": {"f": 0.0}, "192-767": {"f": 0.0}, "192-566": {"f": 0.0}, "192-768": {"f": 0.0}, "192-1047": {"f": 0.0}, "192-1048": {"f": 0.0}, "192-1049": {"f": 0.0}, "192-1052": {"f": 0.0}, "193-769": {"f": 0.0}, "193-451": {"f": 0.0}, "193-515": {"f": 0.0}, "193-770": {"f": 0.0}, "193-833": {"f": 0.0}, "193-836": {"f": 0.0}, "193-847": {"f": 0.0}, "193-848": {"f": 0.0}, "194-452": {"f": 0.0}, "194-771": {"f": 0.0}, "194-527": {"f": 0.0}, "194-772": {"f": 0.0}, "194-891": {"f": 0.0}, "194-892": {"f": 0.0}, "194-893": {"f": 0.0}, "194-896": {"f": 0.0}, "195-455": {"f": 0.0}, "195-773": {"f": 0.0}, "195-516": {"f": 0.0}, "195-774": {"f": 0.0}, "195-843": {"f": 0.0}, "195-844": {"f": 0.0}, "195-845": {"f": 0.0}, "195-848": {"f": 0.0}, "196-775": {"f": 0.0}, "196-456": {"f": 0.0}, "196-519": {"f": 0.0}, "196-776": {"f": 0.0}, "196-849": {"f": 0.0}, "196-852": {"f": 0.0}, "196-863": {"f": 0.0}, "196-864": {"f": 0.0}, "197-459": {"f": 0.0}, "197-777": {"f": 0.0}, "197-531": {"f": 0.0}, "197-778": {"f": 0.0}, "197-907": {"f": 0.0}, "197-908": {"f": 0.0}, "197-909": {"f": 0.0}, "197-912": {"f": 0.0}, "198-779": {"f": 0.0}, "198-460": {"f": 0.0}, "198-535": {"f": 0.0}, "198-780": {"f": 0.0}, "198-913": {"f": 0.0}, "198-916": {"f": 0.0}, "198-927": {"f": 0.0}, "198-928": {"f": 0.0}, "199-781": {"f": 0.0}, "199-463": {"f": 0.0}, "199-532": {"f": 0.0}, "199-782": {"f": 0.0}, "199-897": {"f": 0.0}, "199-900": {"f": 0.0}, "199-911": {"f": 0.0}, "199-912": {"f": 0.0}, "200-464": {"f": 0.0}, "200-783": {"f": 0.0}, "200-543": {"f": 0.0}, "200-784": {"f": 0.0}, "200-955": {"f": 0.0}, "200-956": {"f": 0.0}, "200-957": {"f": 0.0}, "200-960": {"f": 0.0}, "201-467": {"f": 0.0}, "201-785": {"f": 0.0}, "201-520": {"f": 0.0}, "201-786": {"f": 0.0}, "201-859": {"f": 0.0}, "201-860": {"f": 0.0}, "201-861": {"f": 0.0}, "201-864": {"f": 0.0}, "202-787": {"f": 0.0}, "202-468": {"f": 0.0}, "202-523": {"f": 0.0}, "202-788": {"f": 0.0}, "202-865": {"f": 0.0}, "202-868": {"f": 0.0}, "202-879": {"f": 0.0}, "202-880": {"f": 0.0}, "203-471": {"f": 0.0}, "203-789": {"f": 0.0}, "203-547": {"f": 0.0}, "203-790": {"f": 0.0}, "203-971": {"f": 0.0}, "203-972": {"f": 0.0}, "203-973": {"f": 0.0}, "203-976": {"f": 0.0}, "204-791": {"f": 0.0}, "204-472": {"f": 0.0}, "204-551": {"f": 0.0}, "204-792": {"f": 0.0}, "204-977": {"f": 0.0}, "204-980": {"f": 0.0}, "204-991": {"f": 0.0}, "204-992": {"f": 0.0}, "205-475": {"f": 0.0}, "205-793": {"f": 0.0}, "205-552": {"f": 0.0}, "205-794": {"f": 0.0}, "205-987": {"f": 0.0}, "205-988": {"f": 0.0}, "205-989": {"f": 0.0}, "205-992": {"f": 0.0}, "206-795": {"f": 0.0}, "206-476": {"f": 0.0}, "206-555": {"f": 0.0}, "206-796": {"f": 0.0}, "206-993": {"f": 0.0}, "206-996": {"f": 0.0}, "206-1007": {"f": 0.0}, "206-1008": {"f": 0.0}, "207-479": {"f": 0.0}, "207-797": {"f": 0.0}, "207-524": {"f": 0.0}, "207-798": {"f": 0.0}, "207-875": {"f": 0.0}, "207-876": {"f": 0.0}, "207-877": {"f": 0.0}, "207-880": {"f": 0.0}, "208-799": {"f": 0.0}, "208-480": {"f": 0.0}, "208-528": {"f": 0.0}, "208-800": {"f": 0.0}, "208-881": {"f": 0.0}, "208-884": {"f": 0.0}, "208-895": {"f": 0.0}, "208-896": {"f": 0.0}, "209-801": {"f": 0.0}, "209-483": {"f": 0.0}, "209-563": {"f": 0.0}, "209-802": {"f": 0.0}, "209-1025": {"f": 0.0}, "209-1028": {"f": 0.0}, "209-1039": {"f": 0.0}, "209-1040": {"f": 0.0}, "210-484": {"f": 0.0}, "210-803": {"f": 0.0}, "210-575": {"f": 0.0}, "210-804": {"f": 0.0}, "210-1083": {"f": 0.0}, "210-1084": {"f": 0.0}, "210-1085": {"f": 0.0}, "210-1088": {"f": 0.0}, "211-487": {"f": 0.0}, "211-805": {"f": 0.0}, "211-536": {"f": 0.0}, "211-806": {"f": 0.0}, "211-923": {"f": 0.0}, "211-924": {"f": 0.0}, "211-925": {"f": 0.0}, "211-928": {"f": 0.0}, "212-807": {"f": 0.0}, "212-488": {"f": 0.0}, "212-539": {"f": 0.0}, "212-808": {"f": 0.0}, "212-929": {"f": 0.0}, "212-932": {"f": 0.0}, "212-943": {"f": 0.0}, "212-944": {"f": 0.0}, "213-491": {"f": 0.0}, "213-809": {"f": 0.0}, "213-564": {"f": 0.0}, "213-810": {"f": 0.0}, "213-1035": {"f": 0.0}, "213-1036": {"f": 0.0}, "213-1037": {"f": 0.0}, "213-1040": {"f": 0.0}, "214-811": {"f": 0.0}, "214-492": {"f": 0.0}, "214-567": {"f": 0.0}, "214-812": {"f": 0.0}, "214-1041": {"f": 0.0}, "214-1044": {"f": 0.0}, "214-1055": {"f": 0.0}, "214-1056": {"f": 0.0}, "215-495": {"f": 0.0}, "215-813": {"f": 0.0}, "215-540": {"f": 0.0}, "215-814": {"f": 0.0}, "215-939": {"f": 0.0}, "215-940": {"f": 0.0}, "215-941": {"f": 0.0}, "215-944": {"f": 0.0}, "216-815": {"f": 0.0}, "216-496": {"f": 0.0}, "216-544": {"f": 0.0}, "216-816": {"f": 0.0}, "216-945": {"f": 0.0}, "216-948": {"f": 0.0}, "216-959": {"f": 0.0}, "216-960": {"f": 0.0}, "217-817": {"f": 0.0}, "217-499": {"f": 0.0}, "217-548": {"f": 0.0}, "217-818": {"f": 0.0}, "217-961": {"f": 0.0}, "217-964": {"f": 0.0}, "217-975": {"f": 0.0}, "217-976": {"f": 0.0}, "218-500": {"f": 0.0}, "218-819": {"f": 0.0}, "218-559": {"f": 0.0}, "218-820": {"f": 0.0}, "218-1019": {"f": 0.0}, "218-1020": {"f": 0.0}, "218-1021": {"f": 0.0}, "218-1024": {"f": 0.0}, "219-503": {"f": 0.0}, "219-821": {"f": 0.0}, "219-556": {"f": 0.0}, "219-822": {"f": 0.0}, "219-1003": {"f": 0.0}, "219-1004": {"f": 0.0}, "219-1005": {"f": 0.0}, "219-1008": {"f": 0.0}, "220-823": {"f": 0.0}, "220-504": {"f": 0.0}, "220-560": {"f": 0.0}, "220-824": {"f": 0.0}, "220-1009": {"f": 0.0}, "220-1012": {"f": 0.0}, "220-1023": {"f": 0.0}, "220-1024": {"f": 0.0}, "221-507": {"f": 0.0}, "221-825": {"f": 0.0}, "221-571": {"f": 0.0}, "221-826": {"f": 0.0}, "221-1067": {"f": 0.0}, "221-1068": {"f": 0.0}, "221-1069": {"f": 0.0}, "221-1072": {"f": 0.0}, "222-827": {"f": 0.0}, "222-508": {"f": 0.0}, "222-576": {"f": 0.0}, "222-828": {"f": 0.0}, "222-1073": {"f": 0.0}, "222-1076": {"f": 0.0}, "222-1087": {"f": 0.0}, "222-1088": {"f": 0.0}, "223-511": {"f": 0.0}, "223-829": {"f": 0.0}, "223-568": {"f": 0.0}, "223-830": {"f": 0.0}, "223-1051": {"f": 0.0}, "223-1052": {"f": 0.0}, "223-1053": {"f": 0.0}, "223-1056": {"f": 0.0}, "224-831": {"f": 0.0}, "224-512": {"f": 0.0}, "224-572": {"f": 0.0}, "224-832": {"f": 0.0}, "224-1057": {"f": 0.0}, "224-1060": {"f": 0.0}, "224-1071": {"f": 0.0}, "224-1072": {"f": 0.0}, "225-611": {"f": 0.0}, "225-769": {"f": 0.0}, "225-609": {"f": 0.0}, "225-705": {"f": 0.0}, "225-833": {"f": 0.0}, "225-834": {"f": 0.0}, "225-835": {"f": 0.0}, "225-836": {"f": 0.0}, "226-577": {"f": 0.0}, "226-706": {"f": 0.0}, "226-578": {"f": 0.0}, "226-707": {"f": 0.0}, "226-837": {"f": 0.0}, "226-838": {"f": 0.0}, "226-839": {"f": 0.0}, "226-840": {"f": 0.0}, "227-613": {"f": 0.0}, "227-708": {"f": 0.0}, "227-615": {"f": 0.0}, "227-773": {"f": 0.0}, "227-841": {"f": 0.0}, "227-842": {"f": 0.0}, "227-843": {"f": 0.0}, "227-844": {"f": 0.0}, "228-675": {"f": 0.0}, "228-774": {"f": 0.0}, "228-673": {"f": 0.0}, "228-770": {"f": 0.0}, "228-845": {"f": 0.0}, "228-846": {"f": 0.0}, "228-847": {"f": 0.0}, "228-848": {"f": 0.0}, "229-616": {"f": 0.0}, "229-775": {"f": 0.0}, "229-614": {"f": 0.0}, "229-713": {"f": 0.0}, "229-849": {"f": 0.0}, "229-850": {"f": 0.0}, "229-851": {"f": 0.0}, "229-852": {"f": 0.0}, "230-581": {"f": 0.0}, "230-714": {"f": 0.0}, "230-582": {"f": 0.0}, "230-715": {"f": 0.0}, "230-853": {"f": 0.0}, "230-854": {"f": 0.0}, "230-855": {"f": 0.0}, "230-856": {"f": 0.0}, "231-625": {"f": 0.0}, "231-716": {"f": 0.0}, "231-629": {"f": 0.0}, "231-785": {"f": 0.0}, "231-857": {"f": 0.0}, "231-858": {"f": 0.0}, "231-859": {"f": 0.0}, "231-860": {"f": 0.0}, "232-677": {"f": 0.0}, "232-786": {"f": 0.0}, "232-676": {"f": 0.0}, "232-776": {"f": 0.0}, "232-861": {"f": 0.0}, "232-862": {"f": 0.0}, "232-863": {"f": 0.0}, "232-864": {"f": 0.0}, "233-630": {"f": 0.0}, "233-787": {"f": 0.0}, "233-627": {"f": 0.0}, "233-721": {"f": 0.0}, "233-865": {"f": 0.0}, "233-866": {"f": 0.0}, "233-867": {"f": 0.0}, "233-868": {"f": 0.0}, "235-637": {"f": 0.0}, "235-726": {"f": 0.0}, "235-641": {"f": 0.0}, "235-797": {"f": 0.0}, "235-873": {"f": 0.0}, "235-874": {"f": 0.0}, "235-875": {"f": 0.0}, "235-876": {"f": 0.0}, "236-679": {"f": 0.0}, "236-798": {"f": 0.0}, "236-678": {"f": 0.0}, "236-788": {"f": 0.0}, "236-877": {"f": 0.0}, "236-878": {"f": 0.0}, "236-879": {"f": 0.0}, "236-880": {"f": 0.0}, "237-642": {"f": 0.0}, "237-799": {"f": 0.0}, "237-639": {"f": 0.0}, "237-753": {"f": 0.0}, "237-881": {"f": 0.0}, "237-882": {"f": 0.0}, "237-883": {"f": 0.0}, "237-884": {"f": 0.0}, "238-601": {"f": 0.0}, "238-754": {"f": 0.0}, "238-603": {"f": 0.0}, "238-757": {"f": 0.0}, "238-885": {"f": 0.0}, "238-886": {"f": 0.0}, "238-887": {"f": 0.0}, "238-888": {"f": 0.0}, "239-610": {"f": 0.0}, "239-758": {"f": 0.0}, "239-612": {"f": 0.0}, "239-771": {"f": 0.0}, "239-889": {"f": 0.0}, "239-890": {"f": 0.0}, "239-891": {"f": 0.0}, "239-892": {"f": 0.0}, "240-674": {"f": 0.0}, "240-772": {"f": 0.0}, "240-680": {"f": 0.0}, "240-800": {"f": 0.0}, "240-893": {"f": 0.0}, "240-894": {"f": 0.0}, "240-895": {"f": 0.0}, "240-896": {"f": 0.0}, "241-623": {"f": 0.0}, "241-781": {"f": 0.0}, "241-621": {"f": 0.0}, "241-709": {"f": 0.0}, "241-897": {"f": 0.0}, "241-898": {"f": 0.0}, "241-899": {"f": 0.0}, "241-900": {"f": 0.0}, "242-579": {"f": 0.0}, "242-710": {"f": 0.0}, "242-580": {"f": 0.0}, "242-711": {"f": 0.0}, "242-901": {"f": 0.0}, "242-902": {"f": 0.0}, "242-903": {"f": 0.0}, "242-904": {"f": 0.0}, "243-617": {"f": 0.0}, "243-712": {"f": 0.0}, "243-619": {"f": 0.0}, "243-777": {"f": 0.0}, "243-905": {"f": 0.0}, "243-906": {"f": 0.0}, "243-907": {"f": 0.0}, "243-908": {"f": 0.0}, "244-681": {"f": 0.0}, "244-778": {"f": 0.0}, "244-683": {"f": 0.0}, "244-782": {"f": 0.0}, "244-909": {"f": 0.0}, "244-910": {"f": 0.0}, "244-911": {"f": 0.0}, "244-912": {"f": 0.0}, "245-620": {"f": 0.0}, "245-779": {"f": 0.0}, "245-618": {"f": 0.0}, "245-761": {"f": 0.0}, "245-913": {"f": 0.0}, "245-914": {"f": 0.0}, "245-915": {"f": 0.0}, "245-916": {"f": 0.0}, "246-605": {"f": 0.0}, "246-762": {"f": 0.0}, "246-606": {"f": 0.0}, "246-763": {"f": 0.0}, "246-917": {"f": 0.0}, "246-918": {"f": 0.0}, "246-919": {"f": 0.0}, "246-920": {"f": 0.0}, "247-647": {"f": 0.0}, "247-764": {"f": 0.0}, "247-649": {"f": 0.0}, "247-805": {"f": 0.0}, "247-921": {"f": 0.0}, "247-922": {"f": 0.0}, "247-923": {"f": 0.0}, "247-924": {"f": 0.0}, "248-685": {"f": 0.0}, "248-806": {"f": 0.0}, "248-682": {"f": 0.0}, "248-780": {"f": 0.0}, "248-925": {"f": 0.0}, "248-926": {"f": 0.0}, "248-927": {"f": 0.0}, "248-928": {"f": 0.0}, "249-650": {"f": 0.0}, "249-807": {"f": 0.0}, "249-645": {"f": 0.0}, "249-729": {"f": 0.0}, "249-929": {"f": 0.0}, "249-930": {"f": 0.0}, "249-931": {"f": 0.0}, "249-932": {"f": 0.0}, "251-653": {"f": 0.0}, "251-734": {"f": 0.0}, "251-657": {"f": 0.0}, "251-813": {"f": 0.0}, "251-937": {"f": 0.0}, "251-938": {"f": 0.0}, "251-939": {"f": 0.0}, "251-940": {"f": 0.0}, "252-687": {"f": 0.0}, "252-814": {"f": 0.0}, "252-686": {"f": 0.0}, "252-808": {"f": 0.0}, "252-941": {"f": 0.0}, "252-942": {"f": 0.0}, "252-943": {"f": 0.0}, "252-944": {"f": 0.0}, "253-658": {"f": 0.0}, "253-815": {"f": 0.0}, "253-655": {"f": 0.0}, "253-737": {"f": 0.0}, "253-945": {"f": 0.0}, "253-946": {"f": 0.0}, "253-947": {"f": 0.0}, "253-948": {"f": 0.0}, "254-593": {"f": 0.0}, "254-738": {"f": 0.0}, "254-595": {"f": 0.0}, "254-741": {"f": 0.0}, "254-949": {"f": 0.0}, "254-950": {"f": 0.0}, "254-951": {"f": 0.0}, "254-952": {"f": 0.0}, "255-622": {"f": 0.0}, "255-742": {"f": 0.0}, "255-624": {"f": 0.0}, "255-783": {"f": 0.0}, "255-953": {"f": 0.0}, "255-954": {"f": 0.0}, "255-955": {"f": 0.0}, "255-956": {"f": 0.0}, "256-684": {"f": 0.0}, "256-784": {"f": 0.0}, "256-688": {"f": 0.0}, "256-816": {"f": 0.0}, "256-957": {"f": 0.0}, "256-958": {"f": 0.0}, "256-959": {"f": 0.0}, "256-960": {"f": 0.0}, "257-659": {"f": 0.0}, "257-817": {"f": 0.0}, "257-654": {"f": 0.0}, "257-735": {"f": 0.0}, "257-961": {"f": 0.0}, "257-962": {"f": 0.0}, "257-963": {"f": 0.0}, "257-964": {"f": 0.0}, "259-628": {"f": 0.0}, "259-724": {"f": 0.0}, "259-631": {"f": 0.0}, "259-789": {"f": 0.0}, "259-969": {"f": 0.0}, "259-970": {"f": 0.0}, "259-971": {"f": 0.0}, "259-972": {"f": 0.0}, "260-689": {"f": 0.0}, "260-790": {"f": 0.0}, "260-693": {"f": 0.0}, "260-818": {"f": 0.0}, "260-973": {"f": 0.0}, "260-974": {"f": 0.0}, "260-975": {"f": 0.0}, "260-976": {"f": 0.0}, "261-632": {"f": 0.0}, "261-791": {"f": 0.0}, "261-626": {"f": 0.0}, "261-717": {"f": 0.0}, "261-977": {"f": 0.0}, "261-978": {"f": 0.0}, "261-979": {"f": 0.0}, "261-980": {"f": 0.0}, "262-583": {"f": 0.0}, "262-718": {"f": 0.0}, "262-584": {"f": 0.0}, "262-719": {"f": 0.0}, "262-981": {"f": 0.0}, "262-982": {"f": 0.0}, "262-983": {"f": 0.0}, "262-984": {"f": 0.0}, "263-633": {"f": 0.0}, "263-720": {"f": 0.0}, "263-635": {"f": 0.0}, "263-793": {"f": 0.0}, "263-985": {"f": 0.0}, "263-986": {"f": 0.0}, "263-987": {"f": 0.0}, "263-988": {"f": 0.0}, "264-691": {"f": 0.0}, "264-794": {"f": 0.0}, "264-690": {"f": 0.0}, "264-792": {"f": 0.0}, "264-989": {"f": 0.0}, "264-990": {"f": 0.0}, "264-991": {"f": 0.0}, "264-992": {"f": 0.0}, "265-636": {"f": 0.0}, "265-795": {"f": 0.0}, "265-634": {"f": 0.0}, "265-745": {"f": 0.0}, "265-993": {"f": 0.0}, "265-994": {"f": 0.0}, "265-995": {"f": 0.0}, "265-996": {"f": 0.0}, "266-597": {"f": 0.0}, "266-746": {"f": 0.0}, "266-598": {"f": 0.0}, "266-747": {"f": 0.0}, "266-997": {"f": 0.0}, "266-998": {"f": 0.0}, "266-999": {"f": 0.0}, "266-1000": {"f": 0.0}, "267-662": {"f": 0.0}, "267-748": {"f": 0.0}, "267-663": {"f": 0.0}, "267-821": {"f": 0.0}, "267-1001": {"f": 0.0}, "267-1002": {"f": 0.0}, "267-1003": {"f": 0.0}, "267-1004": {"f": 0.0}, "268-695": {"f": 0.0}, "268-822": {"f": 0.0}, "268-692": {"f": 0.0}, "268-796": {"f": 0.0}, "268-1005": {"f": 0.0}, "268-1006": {"f": 0.0}, "268-1007": {"f": 0.0}, "268-1008": {"f": 0.0}, "269-664": {"f": 0.0}, "269-823": {"f": 0.0}, "269-661": {"f": 0.0}, "269-743": {"f": 0.0}, "269-1009": {"f": 0.0}, "269-1010": {"f": 0.0}, "269-1011": {"f": 0.0}, "269-1012": {"f": 0.0}, "270-596": {"f": 0.0}, "270-744": {"f": 0.0}, "270-594": {"f": 0.0}, "270-739": {"f": 0.0}, "270-1013": {"f": 0.0}, "270-1014": {"f": 0.0}, "270-1015": {"f": 0.0}, "270-1016": {"f": 0.0}, "271-656": {"f": 0.0}, "271-740": {"f": 0.0}, "271-660": {"f": 0.0}, "271-819": {"f": 0.0}, "271-1017": {"f": 0.0}, "271-1018": {"f": 0.0}, "271-1019": {"f": 0.0}, "271-1020": {"f": 0.0}, "272-694": {"f": 0.0}, "272-820": {"f": 0.0}, "272-696": {"f": 0.0}, "272-824": {"f": 0.0}, "272-1021": {"f": 0.0}, "272-1022": {"f": 0.0}, "272-1023": {"f": 0.0}, "272-1024": {"f": 0.0}, "273-643": {"f": 0.0}, "273-801": {"f": 0.0}, "273-638": {"f": 0.0}, "273-727": {"f": 0.0}, "273-1025": {"f": 0.0}, "273-1026": {"f": 0.0}, "273-1027": {"f": 0.0}, "273-1028": {"f": 0.0}, "275-646": {"f": 0.0}, "275-732": {"f": 0.0}, "275-651": {"f": 0.0}, "275-809": {"f": 0.0}, "275-1033": {"f": 0.0}, "275-1034": {"f": 0.0}, "275-1035": {"f": 0.0}, "275-1036": {"f": 0.0}, "276-699": {"f": 0.0}, "276-810": {"f": 0.0}, "276-697": {"f": 0.0}, "276-802": {"f": 0.0}, "276-1037": {"f": 0.0}, "276-1038": {"f": 0.0}, "276-1039": {"f": 0.0}, "276-1040": {"f": 0.0}, "277-652": {"f": 0.0}, "277-811": {"f": 0.0}, "277-648": {"f": 0.0}, "277-765": {"f": 0.0}, "277-1041": {"f": 0.0}, "277-1042": {"f": 0.0}, "277-1043": {"f": 0.0}, "277-1044": {"f": 0.0}, "278-607": {"f": 0.0}, "278-766": {"f": 0.0}, "278-608": {"f": 0.0}, "278-767": {"f": 0.0}, "278-1045": {"f": 0.0}, "278-1046": {"f": 0.0}, "278-1047": {"f": 0.0}, "278-1048": {"f": 0.0}, "279-670": {"f": 0.0}, "279-768": {"f": 0.0}, "279-671": {"f": 0.0}, "279-829": {"f": 0.0}, "279-1049": {"f": 0.0}, "279-1050": {"f": 0.0}, "279-1051": {"f": 0.0}, "279-1052": {"f": 0.0}, "280-703": {"f": 0.0}, "280-830": {"f": 0.0}, "280-700": {"f": 0.0}, "280-812": {"f": 0.0}, "280-1053": {"f": 0.0}, "280-1054": {"f": 0.0}, "280-1055": {"f": 0.0}, "280-1056": {"f": 0.0}}, "max_vertex": 1088, "max_face": 3412}} \ No newline at end of file diff --git a/src/nfd_numpy/data/out_hypar_mesh_06.json b/src/nfd_numpy/data/out_hypar_mesh_06.json deleted file mode 100644 index 7adc1079..00000000 --- a/src/nfd_numpy/data/out_hypar_mesh_06.json +++ /dev/null @@ -1 +0,0 @@ -{"compas": "1.7.1", "datatype": "compas.datastructures/Mesh", "data": {"attributes": {"name": "Mesh"}, "dva": {"x": 0.0, "y": 0.0, "z": 0.0, "rx": 0.0, "ry": 0.0, "rz": 0.0, "px": 0.0, "py": 0.0, "pz": 0.0, "is_anchor": false}, "dea": {"q_pre": 0.0}, "dfa": {"s_pre": [2.5, 1.0, 0.0]}, "vertex": {"0": {"z": 20.0, "y": -46.98355913741212, "x": -44.487094537112114, "is_anchor": true, "r": [262.1078581415163, 262.1078581415161, -106.83322485814853]}, "1": {"z": 20.0, "y": 43.016440862587885, "x": 45.512905462887865, "is_anchor": true, "r": [-262.1078581415167, -262.1078581415161, -106.83322485814895]}, "2": {"z": 9.849153564628383, "y": -38.89428810875538, "x": -3.0146790266735186, "r": [-0.11818417686170246, 0.056235003307442355, 0.0137326599117511]}, "3": {"z": 7.202278464390924, "y": -1.9835591374121562, "x": 0.5129054628878584, "r": [-3.9968028886505635e-15, 1.2878587085651816e-14, 0.003382673698138383]}, "4": {"z": 9.849153564628374, "y": 1.5440253521492644, "x": 37.423634434231104, "r": [-0.056235003307442355, 0.11818417686171845, 0.013732659911774192]}, "5": {"z": 0.0, "y": -46.98355913741212, "x": 45.512905462887865, "is_anchor": true, "r": [-330.8174108968886, 330.8174108968885, 106.8350350183093]}, "6": {"z": 0.0, "y": 43.016440862587885, "x": -44.487094537112114, "is_anchor": true, "r": [330.8174108968881, -330.81741089688984, 106.83503501830948]}, "7": {"z": 9.84915356462841, "y": -5.511143626973552, "x": -36.39782350845547, "r": [0.05623500330739972, -0.11818417686158833, 0.013732659911656953]}, "8": {"z": 9.84915356462838, "y": 34.927169833931146, "x": 4.0404899524492786, "r": [0.11818417686162608, -0.05623500330754183, 0.013732659911546818]}, "9": {"z": 14.782785382133575, "y": -27.439703049853357, "x": -38.432108761076215, "r": [0.12173889451391773, -0.16905116368226913, 0.008952294292893015]}, "10": {"z": 14.782785382133548, "y": -40.928573361376124, "x": -24.94323844955331, "r": [-0.1690511636820773, 0.12173889451393904, 0.008952294292701168]}, "11": {"z": 14.782785382133552, "y": 36.961455086551915, "x": 25.969049375329078, "r": [0.16905116368226203, -0.12173889451377562, 0.008952294293010254]}, "12": {"z": 14.782785382133548, "y": 23.472584775029095, "x": 39.45791968685188, "r": [-0.12173889451406694, 0.1690511636820382, 0.008952294292662089]}, "13": {"z": 7.719086577017922, "y": -21.100571875519044, "x": 0.10190179302204416, "r": [0.02012661664360227, 0.018466795916065593, -0.0031649457949720627]}, "14": {"z": 5.053695682833794, "y": -40.939856829529774, "x": 20.696963899093625, "r": [-0.004250150180141077, 0.023386413167656883, 0.0015208343640840116]}, "15": {"z": 7.719086577017935, "y": -2.3945628072779686, "x": -18.604107275219096, "r": [0.01846679591609046, 0.020126616643602713, -0.0031649457949560755]}, "16": {"z": 7.719086577017899, "y": 17.133453600694736, "x": 0.9239091327536894, "r": [-0.02012661664360138, -0.01846679591609046, -0.0031649457949747273]}, "17": {"z": 7.719086577017913, "y": -1.5725554675463365, "x": 19.629918200994787, "r": [-0.01846679591610112, -0.020126616643610262, -0.0031649457949614046]}, "18": {"z": 5.0536956828337996, "y": -22.167617573617907, "x": 39.469203155005566, "r": [-0.023386413167120423, 0.004250150180196144, 0.0015208343641939237]}, "19": {"z": 5.053695682833811, "y": 18.2004992987936, "x": -38.443392229229815, "r": [0.02338641316808321, -0.004250150180123313, 0.001520834364045598]}, "20": {"z": 5.05369568283379, "y": 36.97273855470553, "x": -19.671152973317856, "r": [0.004250150180078904, -0.023386413167362008, 0.001520834364165724]}, "21": {"z": 10.599402880059898, "y": -22.60611613693911, "x": -20.109651536639134, "r": [0.022533770580473345, 0.022533770580476897, -0.01181639459229622]}, "22": {"z": 10.59940288005986, "y": 18.638997862114767, "x": 21.135462462414786, "r": [-0.022533770580501766, -0.02253377058051953, -0.011816394592303325]}, "23": {"z": 5.815754683155108, "y": -22.183333734153674, "x": 20.7126800596294, "r": [0.00047002682884667024, -0.00047002682884134117, 0.00421377315996585]}, "24": {"z": 5.815754683155104, "y": 18.216215459329348, "x": -19.686869133853612, "r": [-0.00047002682881291946, 0.00047002682882624214, 0.004213773159959189]}, "25": {"x": -40.96523732395188, "y": -37.54264440589207, "z": 17.358421781089373, "r": [0.16918742814340249, -0.21282784509688213, 0.008540253087552685]}, "26": {"x": -35.046179805592026, "y": -43.46170192425183, "z": 17.35842178108935, "r": [-0.21282784509836006, 0.16918742814267773, 0.008540253088298755]}, "27": {"x": 41.99104824972759, "y": 33.57552613106783, "z": 17.358421781089362, "r": [-0.16918742814391408, 0.21282784509705266, 0.008540253087652161]}, "28": {"x": 36.0719907313678, "y": 39.49458364942761, "z": 17.35842178108936, "r": [0.21282784509726582, -0.16918742814344512, 0.008540253087929273]}, "29": {"x": -14.241953453079285, "y": -39.402202449687024, "z": 12.28225202829252, "r": [-0.147474294191424, 0.08261683877817205, 0.013022894711381738]}, "30": {"x": -0.9677592078575548, "y": -30.32320287987931, "z": 8.513282631000541, "r": [0.03051627802017398, 0.022684885888736517, -0.010917274959199474]}, "31": {"x": 8.6595174239364, "y": -39.408619606810824, "z": 7.45498175019583, "r": [-0.06742694769451063, 0.038498846697095246, 0.009056251926406134]}, "32": {"x": 0.4836216385508335, "y": -11.498503642499593, "z": 7.318066371560738, "r": [0.009863327859707116, 0.009532205258510729, 0.0018243787843497117]}, "33": {"x": -9.002039042199597, "y": -2.0128429617491843, "z": 7.31806637156074, "r": [0.009532205258528936, 0.009863327859700899, 0.0018243787843452708]}, "34": {"x": 0.5421892872249021, "y": 7.5313853676752744, "z": 7.31806637156072, "r": [-0.009863327859706228, -0.009532205258517834, 0.001824378784341718]}, "35": {"x": 10.027849967975314, "y": -1.954275313075129, "z": 7.318066371560728, "r": [-0.009532205258523607, -0.009863327859711113, 0.0018243787843488235]}, "36": {"x": 28.852549205355064, "y": -0.5028944666667142, "z": 8.513282631000534, "r": [-0.02268488588874007, -0.030516278020177978, -0.010917274959199474]}, "37": {"x": 37.93154877516273, "y": 12.771299778555042, "z": 12.282252028292506, "r": [-0.08261683877783099, 0.1474742941911984, 0.013022894711340882]}, "38": {"x": 37.93796593228658, "y": -10.130171098460666, "z": 7.454981750195826, "r": [-0.03849884669652681, 0.06742694769468738, 0.00905625192651982]}, "39": {"x": 33.010886753843415, "y": -43.47292385713545, "z": 2.5884687027265922, "r": [0.04957611486718161, 0.005195013251349856, -0.0054766245708601224]}, "40": {"x": 42.00227018261123, "y": -34.4815404283677, "z": 2.5884687027265953, "r": [-0.005195013251784175, -0.04957611486709723, -0.005476624570839084]}, "41": {"x": -31.985075828067664, "y": 39.50580558231121, "z": 2.5884687027265905, "r": [-0.04957611486760749, -0.005195013251434677, -0.005476624570852545]}, "42": {"x": -40.97645925683546, "y": 30.514422153543418, "z": 2.5884687027266002, "r": [0.005195013251826808, 0.04957611486719227, -0.005476624570894595]}, "43": {"x": -27.8267382795794, "y": -3.464223808157571, "z": 8.513282631000564, "r": [0.02268488588876494, 0.030516278020189525, -0.01091727495918704]}, "44": {"x": -36.9057378493871, "y": -16.738418053379323, "z": 12.282252028292541, "r": [0.08261683877754677, -0.14747429419127656, 0.013022894711642863]}, "45": {"x": -36.9121550065109, "y": 6.163052823636376, "z": 7.454981750195853, "r": [0.038498846697315514, -0.06742694769463786, 0.009056251926219616]}, "46": {"x": 15.267764378855045, "y": 35.43508417486277, "z": 12.282252028292515, "r": [0.14747429419134406, -0.08261683877740467, 0.013022894711342659]}, "47": {"x": 1.9935701336332918, "y": 26.356084605055035, "z": 8.513282631000521, "r": [-0.030516278020169985, -0.022684885888786255, -0.010917274959227896]}, "48": {"x": -7.63370649816064, "y": 35.441501331986586, "z": 7.454981750195828, "r": [0.06742694769441648, -0.03849884669628878, 0.00905625192637416]}, "49": {"x": -29.592613070001754, "y": -24.56122552894447, "z": 12.530587491031598, "r": [0.013120079037882704, 0.01916601057291345, -0.010478769377904484]}, "50": {"x": -22.06476092864446, "y": -32.08907767030172, "z": 12.530587491031593, "r": [0.01916601057287437, 0.013120079037868493, -0.010478769377904484]}, "51": {"x": 23.09057185442015, "y": 28.121959395477422, "z": 12.530587491031564, "r": [-0.01916601057287437, -0.013120079037868493, -0.010478769377883168]}, "52": {"x": 30.618423995777427, "y": 20.59410725412019, "z": 12.530587491031568, "r": [-0.013120079037875598, -0.019166010572853054, -0.010478769377865405]}, "53": {"x": -10.14616213389249, "y": -21.51499428040977, "z": 9.011148225601193, "r": [0.02478828404702682, 0.02228497082647607, -0.008627194850081565]}, "54": {"x": 10.468167958791344, "y": -21.561796550053273, "z": 6.671538363401357, "r": [0.01158856206681591, 0.010796764535470516, 0.0018218023023490737]}, "55": {"x": 21.097004534823473, "y": -31.992787413636503, "z": 5.218416464098857, "r": [0.014278330474343903, 0.012922748078437962, 0.0020707825531243174]}, "56": {"x": -19.018529680109822, "y": -12.642626734192472, "z": 9.011148225601197, "r": [0.02228497082649028, 0.024788284047030373, -0.00862719485008867]}, "57": {"x": -19.065331949753265, "y": 7.971703358491315, "z": 6.67153836340136, "r": [0.010796764535498937, 0.011588562066799923, 0.0018218023023397478]}, "58": {"x": 11.171973059668188, "y": 17.54787600558546, "z": 9.011148225601163, "r": [-0.024788284047016163, -0.022284970826499162, -0.008627194850062025]}, "59": {"x": -9.442357033015597, "y": 17.594678275228965, "z": 6.671538363401344, "r": [-0.011588562066805252, -0.010796764535474068, 0.0018218023023561791]}, "60": {"x": 20.044340605885505, "y": 8.675508459368169, "z": 9.011148225601167, "r": [-0.022284970826508044, -0.02478828404704103, -0.008627194850094]}, "61": {"x": 20.091142875529002, "y": -11.938821633315628, "z": 6.671538363401353, "r": [-0.010796764535470516, -0.011588562066824792, 0.001821802302370834]}, "62": {"x": 30.52213373911221, "y": -22.567658209347723, "z": 5.218416464098868, "r": [-0.012922748078445068, -0.014278330474363443, 0.0020707825530990043]}, "63": {"x": -29.496322813336448, "y": 18.60053993452343, "z": 5.218416464098866, "r": [0.012922748078397106, 0.01427833047435012, 0.0020707825531109947]}, "64": {"x": -20.07119360904767, "y": 28.025669138812194, "z": 5.218416464098861, "r": [-0.01427833047437943, -0.01292274807842908, 0.0020707825531181]}, "65": {"x": -31.850780898885027, "y": -34.347245499185014, "z": 14.868660939752393, "r": [0.006838926426681269, 0.006838926426731007, -0.00498399348408185]}, "66": {"x": -11.724531543869505, "y": -30.774445117050025, "z": 10.4138524046115, "r": [0.02868429352668045, 0.01897229410939616, -0.013114830674512135]}, "67": {"x": -9.340177487819496, "y": -11.836642088119474, "z": 8.006973149914366, "r": [0.018164547434674105, 0.018164547434682987, -0.0027090397897122642]}, "68": {"x": -28.277980516750084, "y": -14.220996144169511, "z": 10.41385240461151, "r": [0.01897229410941037, 0.028684293526666238, -0.013114830674515687]}, "69": {"x": 32.87659182466072, "y": 30.380127224360738, "z": 14.868660939752372, "r": [-0.006838926426674163, -0.006838926426723901, -0.00498399348408185]}, "70": {"x": 12.750342469645195, "y": 26.807326842225706, "z": 10.413852404611468, "r": [-0.02868429352664492, -0.018972294109360632, -0.013114830674497924]}, "71": {"x": 10.365988413595204, "y": 7.869523813295168, "z": 8.006973149914339, "r": [-0.018164547434690093, -0.018164547434682987, -0.002709039789726475]}, "72": {"x": 29.30379144252579, "y": 10.253877869345233, "z": 10.413852404611488, "r": [-0.01897229410941037, -0.028684293526676896, -0.013114830674503253]}, "73": {"x": 10.383855752391437, "y": -11.854509426915731, "z": 6.87523866619366, "r": [0.00029564095918921396, -0.00029564095919276667, 0.003617942644683403]}, "74": {"x": 10.016931237629223, "y": -30.841551752359894, "z": 6.805915318889834, "r": [0.02478122082532508, 0.021284371550120085, -0.004737970741352626]}, "75": {"x": 31.997614602905518, "y": -33.46826827742979, "z": 3.758376482283363, "r": [0.0006101036744841082, -0.0006101036744841082, 0.005654049245127801]}, "76": {"x": 29.370898077835648, "y": -11.487584912153496, "z": 6.805915318889835, "r": [-0.02128437155013785, -0.02478122082532863, -0.004737970741349962]}, "77": {"x": -9.358044826615705, "y": 7.887391152091409, "z": 6.875238666193657, "r": [-0.00029564095917322675, 0.0002956409591803322, 0.0036179426446816265]}, "78": {"x": -8.991120311853471, "y": 26.87443347753562, "z": 6.805915318889824, "r": [-0.024781220825310868, -0.021284371550148506, -0.00473797074136062]}, "79": {"x": -30.971803677129763, "y": 29.501150002605527, "z": 3.7583764822833614, "r": [-0.0006101036744805555, 0.000610103674468121, 0.005654049245112258]}, "80": {"x": -28.345087152059982, "y": 7.520466637329207, "z": 6.805915318889852, "r": [0.021284371550123637, 0.024781220825323302, -0.004737970741345521]}, "81": {"x": -42.6038933044467, "y": -42.349464347202115, "z": 18.67189545750291, "r": [0.1834972932373944, -0.26007557257113945, 0.01561350379834181]}, "82": {"x": -39.852999746902086, "y": -45.100357904746666, "z": 18.6718954575029, "r": [-0.26007557257155156, 0.18349729323651331, 0.015613503798626027]}, "83": {"x": 43.629704230222416, "y": 38.382346072377864, "z": 18.671895457502902, "r": [-0.18349729323711017, 0.2600755725706563, 0.015613503798697081]}, "84": {"x": 40.878810672677844, "y": 41.13323962992244, "z": 18.671895457502902, "r": [0.2600755725713668, -0.1834972932376786, 0.015613503798157069]}, "85": {"x": -8.689171832730972, "y": -39.02045015852521, "z": 11.059618713391249, "r": [-0.13594667886561496, 0.056829258975241714, 0.020191142114008187]}, "86": {"x": -1.8970778284394931, "y": -34.71217911832442, "z": 9.149524066681627, "r": [0.013969891749966656, -0.010908446346810763, -0.0018478037859228635]}, "87": {"x": 2.771750570250284, "y": -39.02382907998558, "z": 8.65088859976441, "r": [-0.08766826120603355, 0.037207028595275915, 0.014914025353707672]}, "88": {"x": 0.4905456667909729, "y": -6.681819998239928, "z": 7.259015623406146, "r": [4.04795663335733e-05, -3.993118737355417e-05, -4.149550196785867e-07]}, "89": {"x": -4.18535539793992, "y": -2.0059189335090397, "z": 7.259015623406148, "r": [-3.993118736733692e-05, 4.0479566337126016e-05, -4.149550232313004e-07]}, "90": {"x": 0.5352652589847523, "y": 2.714701723415614, "z": 7.259015623406139, "r": [-4.0479566332685124e-05, 3.9931187362896026e-05, -4.149550232313004e-07]}, "91": {"x": 5.211166323715637, "y": -1.9611993413152748, "z": 7.25901562340614, "r": [3.993118735934331e-05, -4.0479566326467875e-05, -4.1495502500765724e-07]}, "92": {"x": 33.241525443800164, "y": 0.4264241539152276, "z": 9.149524066681618, "r": [0.010908446346824974, -0.013969891749958663, -0.0018478037859068763]}, "93": {"x": 37.54979648400093, "y": 7.218518158206724, "z": 11.059618713391238, "r": [-0.05682925897554014, 0.1359466788656949, 0.0201911421141574]}, "94": {"x": 37.55317540546132, "y": -4.242404244774543, "z": 8.650888599764404, "r": [-0.037207028595418024, 0.08766826120604954, 0.014914025353760962]}, "95": {"x": 39.243922937919045, "y": -45.10791540240375, "z": 1.3131506266184174, "r": [0.0651678243370668, -0.004372493533580268, -0.011676589095637624]}, "96": {"x": 43.637261727879505, "y": -40.714576612443324, "z": 1.3131506266184192, "r": [0.004372493533594479, -0.06516782433720891, -0.011676589095602097]}, "97": {"x": -38.2181120121433, "y": 41.14079712757951, "z": 1.313150626618417, "r": [-0.06516782433739365, 0.004372493534333444, -0.011676589095589662]}, "98": {"x": -42.611450802103754, "y": 36.74745833761906, "z": 1.3131506266184216, "r": [-0.004372493534404498, 0.06516782433710944, -0.01167658909561009]}, "99": {"x": -32.21571451802453, "y": -4.393542428739513, "z": 9.149524066681654, "r": [-0.0109084463468605, 0.013969891749965768, -0.0018478037859015473]}, "100": {"x": -36.52398555822529, "y": -11.185636433031007, "z": 11.059618713391272, "r": [0.056829258976080155, -0.13594667886543021, 0.020191142113965554]}, "101": {"x": -36.527364479685666, "y": 0.27528596995025384, "z": 8.650888599764437, "r": [0.037207028594963276, -0.08766826120612636, 0.014914025353714777]}, "102": {"x": 9.71498275850673, "y": 35.05333188370098, "z": 11.059618713391245, "r": [0.13594667886556877, -0.056829258976407004, 0.02019114211398687]}, "103": {"x": 2.9228887542152306, "y": 30.74506084350016, "z": 9.149524066681614, "r": [-0.013969891749972874, 0.0109084463468605, -0.0018478037859335217]}, "104": {"x": -1.7459396444745239, "y": 35.056710805161345, "z": 8.650888599764409, "r": [0.08766826120604954, -0.03720702859422431, 0.01491402535375741]}, "105": {"x": -39.573733538218676, "y": -32.570084807704305, "z": 16.061706338190405, "r": [0.1299735894156271, -0.19948607799432239, 0.01480450352131868]}, "106": {"x": -37.54207267567788, "y": -22.159412073752357, "z": 13.523789319389829, "r": [0.08685615816716563, -0.1678677789280485, 0.018896340950625756]}, "107": {"x": -34.11553362964598, "y": -25.906285792789443, "z": 13.6483332573779, "r": [-0.005180398022631039, 0.005807270733214409, -0.0002550682904249868]}, "108": {"x": -30.07362020740426, "y": -42.0701981385186, "z": 16.06170633819038, "r": [-0.19948607799452134, 0.12997358941527182, 0.014804503521226309]}, "109": {"x": -19.662947473452313, "y": -40.03853727597779, "z": 13.523789319389806, "r": [-0.16786777892761506, 0.0868561581667251, 0.01889634095061865]}, "110": {"x": -23.409821192489385, "y": -36.61199822994588, "z": 13.648333257377871, "r": [0.005807270733193093, -0.005180398022673671, -0.0002550682903930124]}, "111": {"x": 31.099431133180033, "y": 38.10307986369438, "z": 16.061706338190383, "r": [0.19948607799466345, -0.12997358941520076, 0.014804503521546053]}, "112": {"x": 20.688758399228075, "y": 36.07141900115356, "z": 13.523789319389802, "r": [0.16786777892812665, -0.0868561581669951, 0.018896340950561807]}, "113": {"x": 24.435632118265104, "y": 32.644879955121624, "z": 13.648333257377859, "r": [-0.005807270733143355, 0.005180398022773147, -0.00025506829033972167]}, "114": {"x": 40.599544463994356, "y": 28.602966532880057, "z": 16.061706338190387, "r": [-0.12997358941581183, 0.19948607799480556, 0.014804503521389734]}, "115": {"x": 38.56788360145352, "y": 18.19229379892808, "z": 13.523789319389795, "r": [-0.08685615816685299, 0.1678677789283185, 0.018896340950554702]}, "116": {"x": 35.14134455542164, "y": 21.93916751796516, "z": 13.648333257377871, "r": [0.005180398022687882, -0.005807270733178882, -0.00025506829040722323]}, "117": {"x": -0.3695093141552399, "y": -25.783593829029833, "z": 8.10116981301579, "r": [0.003983583403551094, -0.003480380281743578, -0.000328229085528875]}, "118": {"x": 0.32342809474943063, "y": -16.326853699684534, "z": 7.5127423772961635, "r": [0.0008341119964203614, -0.0007909095804450317, -3.593393708278825e-05]}, "119": {"x": -5.079055813170192, "y": -21.24885609378671, "z": 8.3736647813776, "r": [0.0018790625963056584, -0.0017581285276619951, -9.08823553693594e-05]}, "120": {"x": 5.2473915285146635, "y": -21.285934415266695, "z": 7.207154733461642, "r": [0.0016830538843830567, -0.0015104186891008453, -0.00012031169456072632]}, "121": {"x": 14.63824797542594, "y": -40.047961553896705, "z": 6.259572435081053, "r": [-0.027536096063954574, 0.023573004593842484, 0.005038789346501815]}, "122": {"x": 26.824912162216723, "y": -42.082612000950654, "z": 3.8334145431920463, "r": [0.02955146437876266, 0.011089569087488371, -0.004977971858815877]}, "123": {"x": 20.97504060612231, "y": -36.57610285427935, "z": 5.101941133733518, "r": [0.004993277473822388, -0.003884440400000244, -0.0007872500777379443]}, "124": {"x": -13.830389099384565, "y": -2.1730365055505843, "z": 7.512742377296172, "r": [-0.000790909580441479, 0.0008341119964221377, -3.5933937073906463e-05]}, "125": {"x": -23.287129228729892, "y": -2.8659739144552536, "z": 8.101169813015812, "r": [-0.003480380281757789, 0.003983583403541324, -0.0003282290855199932]}, "126": {"x": -18.752391493486787, "y": -7.575520413470195, "z": 8.373664781377613, "r": [-0.0017581285276691005, 0.0018790625963056584, -9.088235535870126e-05]}, "127": {"x": -18.789469814966722, "y": 2.7509269282146454, "z": 7.207154733461654, "r": [-0.001510418689129267, 0.0016830538844008203, -0.00012031169454473911]}, "128": {"x": 0.702382831026304, "y": 12.359735424860213, "z": 7.512742377296142, "r": [-0.0008341119964159205, 0.0007909095804308208, -3.5933937084564604e-05]}, "129": {"x": 1.3953202399309739, "y": 21.81647555420552, "z": 8.10116981301577, "r": [-0.003983583403549318, 0.0034803802817648943, -0.00032822908552176955]}, "130": {"x": 6.104866738945908, "y": 17.2817378189624, "z": 8.373664781377572, "r": [-0.0018790625963056584, 0.0017581285276406788, -9.088235536758305e-05]}, "131": {"x": -4.221580602738916, "y": 17.318816140442372, "z": 7.207154733461623, "r": [-0.0016830538843883858, 0.0015104186891150562, -0.00012031169455894997]}, "132": {"x": 14.85620002516026, "y": -1.7940817692737219, "z": 7.512742377296154, "r": [0.000790909580441479, -0.000834111996413256, -3.5933937084564604e-05]}, "133": {"x": 24.312940154505572, "y": -1.1011443603690378, "z": 8.101169813015783, "r": [0.0034803802817719998, -0.003983583403545765, -0.0003282290855199932]}, "134": {"x": 19.778202419262463, "y": 3.608402138645894, "z": 8.373664781377586, "r": [0.0017581285276548897, -0.0018790625963003293, -9.08823553693594e-05]}, "135": {"x": 19.815280740742438, "y": -6.718045203038952, "z": 7.207154733461636, "r": [0.0015104186891363724, -0.0016830538843919385, -0.00012031169453941004]}, "136": {"x": 38.577307879372476, "y": -16.10890164995022, "z": 6.259572435081053, "r": [-0.02357300459311773, 0.02753609606315166, 0.005038789346595962]}, "137": {"x": 40.611958326426446, "y": -28.295565836741012, "z": 3.8334145431920517, "r": [-0.011089569087275208, -0.029551464378641867, -0.00497797185889759]}, "138": {"x": 35.10544917975512, "y": -22.44569428064656, "z": 5.101941133733527, "r": [0.003884440400014455, -0.00499327747385081, -0.0007872500776908709]}, "139": {"x": -39.586147400650674, "y": 24.32844756191671, "z": 3.8334145431920583, "r": [0.01108956908763048, 0.0295514643782937, -0.004977971858904695]}, "140": {"x": -37.551496953596754, "y": 12.141783375125918, "z": 6.259572435081072, "r": [0.023573004593558267, -0.02753609606369878, 0.00503878934649471]}, "141": {"x": -34.079638253979354, "y": 18.478576005822266, "z": 5.101941133733531, "r": [-0.003884440400014455, 0.004993277473836599, -0.0007872500776855418]}, "142": {"x": -25.799101236440965, "y": 38.11549372612641, "z": 3.8334145431920432, "r": [-0.029551464378485548, -0.0110895690877868, -0.00497797185881943]}, "143": {"x": -13.612437049650177, "y": 36.08084327907245, "z": 6.259572435081047, "r": [0.02753609606369878, -0.023573004594240388, 0.00503878934653379]}, "144": {"x": -19.949229680346516, "y": 32.60898457945506, "z": 5.101941133733518, "r": [-0.004993277473872126, 0.003884440400049982, -0.0007872500776846536]}, "145": {"x": -24.94369715087095, "y": -23.494078577840856, "z": 11.561595748547296, "r": [-0.001606617229363394, 0.0016652433704038572, -3.0978400115344584e-05]}, "146": {"x": -20.99761397754085, "y": -27.440161751170937, "z": 11.561595748547296, "r": [0.001665243370418068, -0.0016066172293562886, -3.09784001188973e-05]}, "147": {"x": -15.203857828722423, "y": -21.982797189254356, "z": 9.808880895494521, "r": [0.0012182443265125187, -0.0011810457273995212, -2.2383294293604195e-05]}, "148": {"x": -19.486332588954387, "y": -17.700322429022393, "z": 9.808880895494518, "r": [-0.0011810457273710995, 0.0012182443265373877, -2.2383294300709622e-05]}, "149": {"x": 22.02342490331653, "y": 23.473043476346618, "z": 11.561595748547262, "r": [-0.0016652433704322789, 0.0016066172293349723, -3.097840013310815e-05]}, "150": {"x": 25.96950807664663, "y": 19.52696030301655, "z": 11.561595748547267, "r": [0.0016066172293704994, -0.0016652433704109626, -3.097840010113373e-05]}, "151": {"x": 16.229668754498107, "y": 18.01567891443004, "z": 9.808880895494488, "r": [-0.0012182443265160714, 0.0011810457274101793, -2.238329430781505e-05]}, "152": {"x": 20.512143514730088, "y": 13.7332041541981, "z": 9.808880895494491, "r": [0.001181045727378205, -0.0012182443265409404, -2.2383294300709622e-05]}, "153": {"x": 15.58072216832022, "y": -21.845315749503648, "z": 6.249120888363363, "r": [0.00023263239629756072, -0.00022099833160638127, -2.080168805029814e-05]}, "154": {"x": 20.914850956061922, "y": -27.12975438244048, "z": 5.509089916636786, "r": [0.0003296546907805009, -0.00030822117158635365, -3.807492013585545e-05]}, "155": {"x": 20.37466207497936, "y": -17.05137584284451, "z": 6.249120888363361, "r": [0.0002209983316134867, -0.000232632396269139, -2.0801688057403567e-05]}, "156": {"x": 25.659100707916174, "y": -22.38550463058617, "z": 5.509089916636792, "r": [0.00030822117161477536, -0.00032965469079471177, -3.807492012519731e-05]}, "157": {"x": -19.34885114920361, "y": 13.084257568020178, "z": 6.249120888363363, "r": [-0.00022099833159927584, 0.00023263239626203358, -2.080168805562721e-05]}, "158": {"x": -14.554911242544458, "y": 17.87819747467932, "z": 6.249120888363356, "r": [-0.00023263239625492815, 0.00022099833157795956, -2.0801688057403567e-05]}, "159": {"x": -24.633289782140405, "y": 18.418386355761857, "z": 5.509089916636793, "r": [-0.00030822117158635365, 0.0003296546907769482, -3.807492012875002e-05]}, "160": {"x": -19.889040030286107, "y": 23.162636107616144, "z": 5.509089916636788, "r": [-0.0003296546907805009, 0.0003082211716218808, -3.8074920122532774e-05]}, "161": {"x": -36.509968470469644, "y": -35.844170934271794, "z": 16.11244594886346, "r": [-0.0007647656917697532, 0.000795178377060779, -6.103300080440022e-06]}, "162": {"x": -33.3477063339718, "y": -39.00643307076962, "z": 16.112445948863453, "r": [0.0007951783770465681, -0.0007647656917981749, -6.103300087545449e-06]}, "163": {"x": 37.53577939624538, "y": 31.87705265944757, "z": 16.112445948863456, "r": [0.000764765691783964, -0.0007951783770465681, -6.103300101756304e-06]}, "164": {"x": 34.37351725974754, "y": 35.039314795945394, "z": 16.112445948863453, "r": [-0.000795178377060779, 0.000764765691783964, -6.10330005912374e-06]}, "165": {"x": -12.890639361854172, "y": -35.19156724505517, "z": 11.327397536115486, "r": [0.011755787878179547, -0.009757744301154503, -0.0010783418629536357]}, "166": {"x": -6.427595271409021, "y": -30.45866872731429, "z": 9.48315949426877, "r": [0.006366398213897284, -0.005410112453368754, -0.000585100590896559]}, "167": {"x": 4.456075564716725, "y": -30.492743041791798, "z": 7.68356091767497, "r": [0.005463402848048915, -0.0044297072497556655, -0.0006390565164728912]}, "168": {"x": 9.426376005531418, "y": -35.22865589828756, "z": 7.094787129968454, "r": [0.010878318027156553, -0.00820107767638234, -0.0016820216826705092]}, "169": {"x": -4.4504044729344905, "y": -11.645409875032959, "z": 7.6635131811280885, "r": [0.00011782600561804912, -0.0001170862083839097, -1.7229575668409325e-06]}, "170": {"x": 5.42105642150804, "y": -11.68407826924707, "z": 7.100086132605122, "r": [0.00017927286419450184, -0.0001724502063922273, -5.826419704035857e-06]}, "171": {"x": -9.148945274732974, "y": -6.946869073234492, "z": 7.663513181128092, "r": [-0.00011708620839101513, 0.00011782600561183187, -1.7229575526300778e-06]}, "172": {"x": -9.187613668947067, "y": 2.9245918212080166, "z": 7.100086132605121, "r": [-0.0001724502064082145, 0.0001792728641998309, -5.82641970758857e-06]}, "173": {"x": 5.476215398710218, "y": 7.678291600208639, "z": 7.663513181128064, "r": [-0.0001178260056189373, 0.00011708620837058703, -1.7229575792754304e-06]}, "174": {"x": -4.395245495732305, "y": 7.716959994422751, "z": 7.100086132605113, "r": [-0.00017927286420338362, 0.00017245020640288544, -5.8264196951540725e-06]}, "175": {"x": 10.174756200508686, "y": 2.97975079841018, "z": 7.663513181128071, "r": [0.00011708620837680428, -0.00011782600561627277, -1.7229575792754304e-06]}, "176": {"x": 10.213424594722785, "y": -6.8917100960323285, "z": 7.100086132605113, "r": [0.00017245020639045094, -0.00017927286419094912, -5.826419704035857e-06]}, "177": {"x": 28.988015052790047, "y": 4.956941596884752, "z": 9.48315949426876, "r": [0.00541011245339007, -0.006366398213891955, -0.0005851005909001117]}, "178": {"x": 29.022089367267547, "y": -5.926729239240995, "z": 7.683560917674967, "r": [0.00442970724974856, -0.005463402848038257, -0.0006390565164711148]}, "179": {"x": 33.7209135705309, "y": 11.419985687329914, "z": 11.327397536115475, "r": [0.00975774430109766, -0.011755787878186652, -0.0010783418629465302]}, "180": {"x": 33.75800222376332, "y": -10.897029680055685, "z": 7.09478712996845, "r": [0.008201077676353918, -0.010878318027147671, -0.0016820216826918255]}, "181": {"x": 32.559593224294225, "y": -38.58361876937801, "z": 3.1462520417724913, "r": [0.0005940382485292162, -0.0005203319262037098, -9.224953746622688e-05]}, "182": {"x": 37.11296509485376, "y": -34.030246898818504, "z": 3.146252041772494, "r": [0.0005203319261752881, -0.000594038248543427, -9.224953748443454e-05]}, "183": {"x": -31.53378229851849, "y": 34.616500494553755, "z": 3.1462520417724873, "r": [-0.0005940382485292162, 0.0005203319261823935, -9.224953747821729e-05]}, "184": {"x": -36.08715416907799, "y": 30.063128623994235, "z": 3.146252041772496, "r": [-0.0005203319262179207, 0.0005940382485363216, -9.22495374657828e-05]}, "185": {"x": -27.962204127014363, "y": -8.924059871709034, "z": 9.483159494268785, "r": [-0.005410112453375859, 0.00636639821388485, -0.0005851005908930063]}, "186": {"x": -27.996278441491896, "y": 1.9596109644167075, "z": 7.683560917674995, "r": [-0.004429707249762771, 0.005463402848031151, -0.0006390565164782203]}, "187": {"x": -32.69510264475522, "y": -15.387103962154178, "z": 11.327397536115496, "r": [-0.009757744301168714, 0.011755787878179547, -0.0010783418629536357]}, "188": {"x": -32.73219129798767, "y": 6.929911405231405, "z": 7.0947871299684735, "r": [-0.008201077676396551, 0.010878318027160994, -0.001682021682674062]}, "189": {"x": 13.91645028762988, "y": 31.224448970230853, "z": 11.32739753611546, "r": [-0.011755787878190205, 0.00975774430111187, -0.0010783418629642938]}, "190": {"x": 7.453406197184742, "y": 26.49155045249001, "z": 9.483159494268751, "r": [-0.006366398213888402, 0.005410112453425597, -0.000585100590896559]}, "191": {"x": -3.4302646389409803, "y": 26.525624766967525, "z": 7.6835609176749555, "r": [-0.005463402848035592, 0.004429707249741455, -0.0006390565164835493]}, "192": {"x": -8.400565079755658, "y": 31.261537623463298, "z": 7.094787129968445, "r": [-0.01087831802716721, 0.008201077676375235, -0.0016820216826758383]}, "193": {"x": -30.619693698665607, "y": -29.551103516895235, "z": 13.7018921252883, "r": [-0.001545669454912968, 0.0016046648189558255, -2.5593854672933958e-05]}, "194": {"x": -28.83654450705188, "y": -19.48003869068354, "z": 11.483191003144125, "r": [-0.004595219182775168, 0.005122289788261014, -0.00028694974264098505]}, "195": {"x": -27.054638916595238, "y": -33.11615829896558, "z": 13.701892125288296, "r": [0.0016046648188847712, -0.0015456694549413896, -2.5593854690697526e-05]}, "196": {"x": -16.983574090383534, "y": -31.333009107351835, "z": 11.483191003144112, "r": [0.005122289788289436, -0.004595219182718324, -0.0002869497426338796]}, "197": {"x": 28.080449842370925, "y": 29.14904002414129, "z": 13.70189212528827, "r": [-0.0016046648189700363, 0.0015456694549271788, -2.559385464451225e-05]}, "198": {"x": 18.009385016159204, "y": 27.365890832527505, "z": 11.483191003144077, "r": [-0.005122289788332068, 0.004595219182718324, -0.0002869497426480905]}, "199": {"x": 31.6455046244413, "y": 25.583985242070966, "z": 13.701892125288278, "r": [0.0015456694549698113, -0.0016046648189060875, -2.559385467648667e-05]}, "200": {"x": 29.862355432827563, "y": 15.512920415859261, "z": 11.483191003144096, "r": [0.004595219182711219, -0.0051222897883178575, -0.0002869497426765122]}, "201": {"x": -10.858260872815784, "y": -26.227158425651353, "z": 9.702086488517768, "r": [0.003913471201105523, -0.0035600781851812258, -0.00021277640631822692]}, "202": {"x": -9.688841229889485, "y": -16.73065243699442, "z": 8.506291784445887, "r": [0.000643001355058459, -0.0006292473694777811, -1.0443167706597478e-05]}, "203": {"x": 10.438013173857922, "y": -16.720769074625974, "z": 6.76959405590651, "r": [0.0001830298832565802, -0.00017567472605151124, -1.144452803991669e-05]}, "204": {"x": 10.286605403972757, "y": -26.263344805275057, "z": 6.723750009942162, "r": [0.0022861179281115085, -0.001981230483217189, -0.000228581478246781]}, "205": {"x": 15.506690934183323, "y": -31.334177449880485, "z": 6.033251593017401, "r": [0.002440036433522863, -0.0020213731593727857, -0.0003058718306512276]}, "206": {"x": 26.533942723686877, "y": -32.667443911802145, "z": 4.498870404536342, "r": [0.00024728744373447853, -0.0002261905488865068, -3.1896285435095706e-05]}, "207": {"x": -14.23418783669445, "y": -12.185305830189467, "z": 8.506291784445889, "r": [-0.0006292473694990974, 0.0006430013550549063, -1.0443167695939337e-05]}, "208": {"x": -23.730693825351416, "y": -13.354725473115773, "z": 9.702086488517777, "r": [-0.0035600781851954366, 0.003913471201116181, -0.00021277640633243777]}, "209": {"x": -14.224304474325935, "y": 7.941548573557885, "z": 6.769594055906512, "r": [-0.00017567472603374767, 0.0001830298832530275, -1.1444528045245761e-05]}, "210": {"x": -23.766880204975074, "y": 7.790140803672735, "z": 6.723750009942172, "r": [-0.0019812304832314, 0.0022861179281115085, -0.00022858147825743913]}, "211": {"x": 11.884071798591474, "y": 22.260040150827045, "z": 9.702086488517736, "r": [-0.0039134712011090755, 0.0035600781851812258, -0.00021277640635020134]}, "212": {"x": 10.714652155665195, "y": 12.763534162170114, "z": 8.50629178444586, "r": [-0.0006430013550513536, 0.0006292473695133083, -1.0443167671070341e-05]}, "213": {"x": -9.412202248082174, "y": 12.753650799801632, "z": 6.769594055906502, "r": [-0.00018302988324947478, 0.00017567472602308953, -1.1444528052351188e-05]}, "214": {"x": -9.260794478197008, "y": 22.296226530450763, "z": 6.72375000994215, "r": [-0.002286117928104403, 0.0019812304832314, -0.00022858147825743913]}, "215": {"x": 15.259998762470156, "y": 8.218187555365166, "z": 8.506291784445866, "r": [0.0006292473695097556, -0.0006430013550513536, -1.0443167692386623e-05]}, "216": {"x": 24.756504751127114, "y": 9.38760719829149, "z": 9.702086488517752, "r": [0.0035600781852096475, -0.0039134712011090755, -0.0002127764063395432]}, "217": {"x": 15.25011540010167, "y": -11.908666848382204, "z": 6.769594055906507, "r": [0.0001756747260159841, -0.00018302988323526392, -1.1444528054127545e-05]}, "218": {"x": 24.79269113075078, "y": -11.757259078497036, "z": 6.723750009942161, "r": [0.0019812304832100835, -0.0022861179281079558, -0.0002285814782503337]}, "219": {"x": 31.19679023727786, "y": -28.00459639821115, "z": 4.498870404536348, "r": [0.00022619054886519052, -0.00024728744373447853, -3.189628542621392e-05]}, "220": {"x": 29.86352377535623, "y": -16.977344608707597, "z": 6.033251593017406, "r": [0.0020213731594154183, -0.0024400364335406266, -0.00030587183065300394]}, "221": {"x": -30.170979311502087, "y": 24.03747812338683, "z": 4.498870404536352, "r": [-0.0002261905488865068, 0.0002472874437557948, -3.189628542621392e-05]}, "222": {"x": -28.83771284958051, "y": 13.010226333883296, "z": 6.033251593017413, "r": [-0.0020213731593869966, 0.002440036433533521, -0.00030587183064767487]}, "223": {"x": -14.480880008407553, "y": 27.367059175056205, "z": 6.033251593017395, "r": [-0.0024400364335157576, 0.0020213731593656803, -0.0003058718306672148]}, "224": {"x": -25.50813179791108, "y": 28.700325636977826, "z": 4.498870404536348, "r": [-0.0002472874437273731, 0.0002261905488580851, -3.1896285429766635e-05]}, "225": {"x": -35.17519994380045, "y": -30.935437043726658, "z": 14.845312425920913, "r": [0.004493691550976564, 0.00826647517544643, -0.004701400246375442]}, "226": {"x": -38.05208733796386, "y": -40.548551938263856, "z": 17.377386375510827, "r": [0.000928867454263127, 0.0009288674542062836, -0.0007605070431964123]}, "227": {"x": -28.438972443426646, "y": -37.67166454410038, "z": 14.845312425920898, "r": [0.00826647517544643, 0.0044936915510334074, -0.004701400246403864]}, "228": {"x": -25.86206089338953, "y": -28.35852549368952, "z": 12.562696826499828, "r": [0.016037581410159873, 0.016037581410159873, -0.010347098267374122]}, "229": {"x": -18.189352103472284, "y": -35.76305892559941, "z": 12.43200014848022, "r": [0.01975523038751703, 0.011391141344404332, -0.01046145447421054]}, "230": {"x": -7.407983936070688, "y": -34.82640359167317, "z": 10.171374931371773, "r": [0.027999422621455494, 0.02052379573115104, -0.014140571865738139]}, "231": {"x": -5.609014881375829, "y": -25.911669549111526, "z": 8.827508630324012, "r": [0.02703810876780466, 0.022235337766176144, -0.009414319835926221]}, "232": {"x": -15.953419272133974, "y": -26.707517453478907, "z": 10.553375484960622, "r": [0.02494352700986724, 0.020639596285263906, -0.012100508994507209]}, "233": {"x": -4.662938351766403, "y": -16.468314641054633, "z": 7.935557250126643, "r": [0.019168526688339682, 0.017787205647024962, -0.002825845072713662]}, "234": {"x": -4.2819267276079325, "y": -6.778391327907938, "z": 7.393421940345254, "r": [0.009442141733480014, 0.00944214173348712, 0.0017827676512496282]}, "235": {"x": -13.971850040754674, "y": -7.159402952066397, "z": 7.935557250126653, "r": [0.017787205647053383, 0.019168526688353893, -0.002825845072734978]}, "236": {"x": -14.606147316894853, "y": -17.102611917194817, "z": 9.071331410790705, "r": [0.023175766715041846, 0.023175766715041846, -0.008369662892533825]}, "237": {"x": -23.415204948811613, "y": -8.105479481675836, "z": 8.82750863032403, "r": [0.022235337766147723, 0.02703810876780466, -0.009414319835926221]}, "238": {"x": -32.32993899137324, "y": -9.904448536370696, "z": 10.171374931371787, "r": [0.02052379573115104, 0.0279994226214626, -0.014140571865695506]}, "239": {"x": -33.26659432529945, "y": -20.6858167037723, "z": 12.432000148480231, "r": [0.011391141344461175, 0.019755230387545453, -0.010461454474224752]}, "240": {"x": -24.21105285317896, "y": -18.44988387243398, "z": 10.553375484960632, "r": [0.020639596285207062, 0.02494352700986724, -0.012100508994507209]}, "241": {"x": 36.20101086957616, "y": 26.96831876890241, "z": 14.845312425920902, "r": [-0.004493691550862877, -0.008266475175389587, -0.004701400246290177]}, "242": {"x": 39.07789826373962, "y": 36.58143366343964, "z": 17.37738637551083, "r": [-0.0009288674542062836, -0.0009288674541494402, -0.000760507043224834]}, "243": {"x": 29.464783369202372, "y": 33.70454626927615, "z": 14.845312425920891, "r": [-0.00826647517544643, -0.004493691550919721, -0.004701400246375442]}, "244": {"x": 26.887871819165227, "y": 24.391407218865233, "z": 12.562696826499803, "r": [-0.016037581410159873, -0.016037581410131452, -0.010347098267388333]}, "245": {"x": 19.215163029247993, "y": 31.795940650775115, "z": 12.432000148480197, "r": [-0.019755230387460188, -0.011391141344404332, -0.01046145447421054]}, "246": {"x": 8.433794861846403, "y": 30.85928531684887, "z": 10.171374931371751, "r": [-0.0279994226214626, -0.02052379573115104, -0.014140571865723928]}, "247": {"x": 6.634825807151552, "y": 21.944551274287235, "z": 8.827508630323988, "r": [-0.027038108767783342, -0.0222353377661193, -0.009414319835926221]}, "248": {"x": 16.979230197909658, "y": 22.74039917865458, "z": 10.55337548496059, "r": [-0.024943527009838817, -0.020639596285235484, -0.012100508994507209]}, "249": {"x": 5.688749277542126, "y": 12.501196366230321, "z": 7.9355572501266165, "r": [-0.019168526688361, -0.017787205647053383, -0.002825845072713662]}, "250": {"x": 5.307737653383658, "y": 2.8112730530836223, "z": 7.393421940345235, "r": [-0.00944214173348712, -0.009442141733483567, 0.0017827676512425228]}, "251": {"x": 14.997660966530384, "y": 3.192284677242098, "z": 7.935557250126632, "r": [-0.017787205647053383, -0.019168526688357446, -0.0028258450727207673]}, "252": {"x": 15.63195824267055, "y": 13.135493642370523, "z": 9.071331410790677, "r": [-0.023175766715041846, -0.023175766715056056, -0.008369662892519614]}, "253": {"x": 24.441015874587276, "y": 4.138361206851544, "z": 8.827508630323997, "r": [-0.022235337766147723, -0.027038108767797553, -0.009414319835940432]}, "254": {"x": 33.3557499171489, "y": 5.937330261546416, "z": 10.171374931371755, "r": [-0.020523795731207883, -0.02799942262147681, -0.01414057186575235]}, "255": {"x": 34.292405251075124, "y": 16.718698428948038, "z": 12.432000148480206, "r": [-0.011391141344461175, -0.01975523038751703, -0.01046145447421054]}, "256": {"x": 25.23686377895465, "y": 14.48276559760969, "z": 10.553375484960606, "r": [-0.020639596285207062, -0.024943527009796185, -0.012100508994492998]}, "257": {"x": 15.051193442592268, "y": -6.896133099514848, "z": 7.083915116968903, "r": [-0.01031949351413175, -0.010493049229616247, 0.0018412681395005848]}, "258": {"x": 5.390747034925237, "y": -6.861400709449537, "z": 7.123014019541491, "r": [0.00012980487360891857, -0.00012980487360891857, 0.003439308222674242]}, "259": {"x": 5.425479424990573, "y": -16.521847117116565, "z": 7.083915116968913, "r": [0.010493049229609142, 0.010319493514145961, 0.0018412681395005848]}, "260": {"x": 15.474119907742063, "y": -16.944773582266354, "z": 6.447463208619948, "r": [0.0003507919272323079, -0.0003507919272323079, 0.0038551113477822696]}, "261": {"x": 4.991263244860072, "y": -25.95722606910632, "z": 7.352298200473619, "r": [0.02146733525417943, 0.020119562848407213, -0.0037346299430041086]}, "262": {"x": 3.7811373151980687, "y": -34.84730754404622, "z": 8.054398879180551, "r": [0.028329757966989888, 0.02773040220773737, -0.012160086245657453]}, "263": {"x": 15.243218140317543, "y": -35.81265733435191, "z": 6.041243422706566, "r": [0.022466992477617964, 0.02696905258827087, -0.0049339289580601076]}, "264": {"x": 15.667380536683622, "y": -26.69141952499004, "z": 6.0612713841271475, "r": [0.012497402427030124, 0.0119300798527604, 0.0019202214839637577]}, "265": {"x": 26.857846098514255, "y": -37.55868491824849, "z": 4.077717599177871, "r": [0.012516875294551255, 0.016142379592452016, 0.0032198148140807348]}, "266": {"x": 38.3661768846334, "y": -39.83683055915768, "z": 2.1571805755735385, "r": [-0.00035921937129046455, 0.00035921937131888626, 0.006984993015198171]}, "267": {"x": 36.08803124372425, "y": -28.328499773038537, "z": 4.077717599177875, "r": [-0.016142379592452016, -0.012516875294579677, 0.0032198148140736293]}, "268": {"x": 26.181291566373687, "y": -27.651945240897962, "z": 4.9399855891242055, "r": [0.0004146620891560815, -0.0004146620891845032, 0.004827791270876958]}, "269": {"x": 34.3420036598277, "y": -16.71387181484182, "z": 6.041243422706568, "r": [-0.02696905258829929, -0.022466992477589542, -0.004933928958045897]}, "270": {"x": 33.37665386952198, "y": -5.2517909897223385, "z": 8.054398879180546, "r": [-0.02773040220773737, -0.028329757967000546, -0.01216008624561482]}, "271": {"x": 24.486572394582055, "y": -6.461916919384352, "z": 7.352298200473614, "r": [-0.020119562848464057, -0.02146733525417943, -0.0037346299430041086]}, "272": {"x": 25.220765850465735, "y": -17.138034211207888, "z": 6.0612713841271475, "r": [-0.0119300798527604, -0.012497402427030124, 0.0019202214839708631]}, "273": {"x": -14.025382516816554, "y": 2.9290148246905416, "z": 7.083915116968917, "r": [0.010319493514160172, 0.010493049229616247, 0.0018412681394934793]}, "274": {"x": -4.3649361091495145, "y": 2.894282434625215, "z": 7.123014019541493, "r": [-0.00012980487360181314, 0.00012980487359826043, 0.003439308222674242]}, "275": {"x": -4.399668499214818, "y": 12.554728842292237, "z": 7.083915116968897, "r": [-0.010493049229612694, -0.010319493514160172, 0.0018412681394934793]}, "276": {"x": -14.448308981966298, "y": 12.977655307442019, "z": 6.447463208619946, "r": [-0.0003507919272323079, 0.00035079192724651875, 0.0038551113477822696]}, "277": {"x": -3.965452319084328, "y": 21.990107794282025, "z": 7.3522982004736015, "r": [-0.02146733525417588, -0.020119562848464057, -0.003734629943011214]}, "278": {"x": -2.755326389422323, "y": 30.880189269221944, "z": 8.054398879180539, "r": [-0.028329757966996993, -0.027730402207765792, -0.012160086245629032]}, "279": {"x": -14.21740721454178, "y": 31.845539059527646, "z": 6.0412434227065575, "r": [-0.022466992477603753, -0.02696905258829929, -0.004933928958053002]}, "280": {"x": -14.641569610907858, "y": 22.724301250165738, "z": 6.061271384127141, "r": [-0.012497402427044335, -0.011930079852731978, 0.0019202214839566523]}, "281": {"x": -25.83203517273849, "y": 33.591566643424215, "z": 4.077717599177867, "r": [-0.012516875294522833, -0.016142379592480438, 0.0032198148140452076]}, "282": {"x": -37.340365958857646, "y": 35.86971228433342, "z": 2.15718057557354, "r": [0.00035921937123362113, -0.00035921937123362113, 0.0069849930152106054]}, "283": {"x": -35.06222031794847, "y": 24.361381498214246, "z": 4.077717599177878, "r": [0.016142379592452016, 0.012516875294579677, 0.003219814814077182]}, "284": {"x": -25.155480640597897, "y": 23.68482696607364, "z": 4.93998558912421, "r": [-0.0004146620891560815, 0.0004146620891560815, 0.004827791270905379]}, "285": {"x": -33.316192734051995, "y": 12.746753540017526, "z": 6.041243422706583, "r": [0.026969052588242448, 0.022466992477632175, -0.004933928958038791]}, "286": {"x": -32.350842943746315, "y": 1.284672714898047, "z": 8.054398879180578, "r": [0.027730402207765792, 0.028329757967009428, -0.012160086245621926]}, "287": {"x": -23.46076146880639, "y": 2.4947986445600603, "z": 7.352298200473639, "r": [0.02011956284837879, 0.021467335254182984, -0.0037346299429898977]}, "288": {"x": -24.194954924690023, "y": 13.170915936383583, "z": 6.061271384127152, "r": [0.011930079852731978, 0.012497402427044335, 0.0019202214839779685]}}, "face": {"341": [49, 107, 225], "342": [225, 193, 49], "343": [9, 105, 225], "344": [225, 107, 9], "345": [25, 161, 225], "346": [225, 105, 25], "347": [65, 193, 225], "348": [225, 161, 65], "349": [25, 81, 226], "350": [226, 161, 25], "351": [0, 82, 226], "352": [226, 81, 0], "353": [26, 162, 226], "354": [226, 82, 26], "355": [65, 161, 226], "356": [226, 162, 65], "357": [26, 108, 227], "358": [227, 162, 26], "359": [10, 110, 227], "360": [227, 108, 10], "361": [50, 195, 227], "362": [227, 110, 50], "363": [65, 162, 227], "364": [227, 195, 65], "365": [50, 146, 228], "366": [228, 195, 50], "367": [21, 145, 228], "368": [228, 146, 21], "369": [49, 193, 228], "370": [228, 145, 49], "371": [65, 195, 228], "372": [228, 193, 65], "373": [50, 110, 229], "374": [229, 196, 50], "375": [10, 109, 229], "376": [229, 110, 10], "377": [29, 165, 229], "378": [229, 109, 29], "379": [66, 196, 229], "380": [229, 165, 66], "381": [29, 85, 230], "382": [230, 165, 29], "383": [2, 86, 230], "384": [230, 85, 2], "385": [30, 166, 230], "386": [230, 86, 30], "387": [66, 165, 230], "388": [230, 166, 66], "389": [30, 117, 231], "390": [231, 166, 30], "391": [13, 119, 231], "392": [231, 117, 13], "393": [53, 201, 231], "394": [231, 119, 53], "395": [66, 166, 231], "396": [231, 201, 66], "397": [53, 147, 232], "398": [232, 201, 53], "399": [21, 146, 232], "400": [232, 147, 21], "401": [50, 196, 232], "402": [232, 146, 50], "403": [66, 201, 232], "404": [232, 196, 66], "405": [53, 119, 233], "406": [233, 202, 53], "407": [13, 118, 233], "408": [233, 119, 13], "409": [32, 169, 233], "410": [233, 118, 32], "411": [67, 202, 233], "412": [233, 169, 67], "413": [32, 88, 234], "414": [234, 169, 32], "415": [3, 89, 234], "416": [234, 88, 3], "417": [33, 171, 234], "418": [234, 89, 33], "419": [67, 169, 234], "420": [234, 171, 67], "421": [33, 124, 235], "422": [235, 171, 33], "423": [15, 126, 235], "424": [235, 124, 15], "425": [56, 207, 235], "426": [235, 126, 56], "427": [67, 171, 235], "428": [235, 207, 67], "429": [56, 148, 236], "430": [236, 207, 56], "431": [21, 147, 236], "432": [236, 148, 21], "433": [53, 202, 236], "434": [236, 147, 53], "435": [67, 207, 236], "436": [236, 202, 67], "437": [56, 126, 237], "438": [237, 208, 56], "439": [15, 125, 237], "440": [237, 126, 15], "441": [43, 185, 237], "442": [237, 125, 43], "443": [68, 208, 237], "444": [237, 185, 68], "445": [43, 99, 238], "446": [238, 185, 43], "447": [7, 100, 238], "448": [238, 99, 7], "449": [44, 187, 238], "450": [238, 100, 44], "451": [68, 185, 238], "452": [238, 187, 68], "453": [44, 106, 239], "454": [239, 187, 44], "455": [9, 107, 239], "456": [239, 106, 9], "457": [49, 194, 239], "458": [239, 107, 49], "459": [68, 187, 239], "460": [239, 194, 68], "461": [49, 145, 240], "462": [240, 194, 49], "463": [21, 148, 240], "464": [240, 145, 21], "465": [56, 208, 240], "466": [240, 148, 56], "467": [68, 194, 240], "468": [240, 208, 68], "469": [52, 116, 241], "470": [241, 199, 52], "471": [12, 114, 241], "472": [241, 116, 12], "473": [27, 163, 241], "474": [241, 114, 27], "475": [69, 199, 241], "476": [241, 163, 69], "477": [27, 83, 242], "478": [242, 163, 27], "479": [1, 84, 242], "480": [242, 83, 1], "481": [28, 164, 242], "482": [242, 84, 28], "483": [69, 163, 242], "484": [242, 164, 69], "485": [28, 111, 243], "486": [243, 164, 28], "487": [11, 113, 243], "488": [243, 111, 11], "489": [51, 197, 243], "490": [243, 113, 51], "491": [69, 164, 243], "492": [243, 197, 69], "493": [51, 149, 244], "494": [244, 197, 51], "495": [22, 150, 244], "496": [244, 149, 22], "497": [52, 199, 244], "498": [244, 150, 52], "499": [69, 197, 244], "500": [244, 199, 69], "501": [51, 113, 245], "502": [245, 198, 51], "503": [11, 112, 245], "504": [245, 113, 11], "505": [46, 189, 245], "506": [245, 112, 46], "507": [70, 198, 245], "508": [245, 189, 70], "509": [46, 102, 246], "510": [246, 189, 46], "511": [8, 103, 246], "512": [246, 102, 8], "513": [47, 190, 246], "514": [246, 103, 47], "515": [70, 189, 246], "516": [246, 190, 70], "517": [47, 129, 247], "518": [247, 190, 47], "519": [16, 130, 247], "520": [247, 129, 16], "521": [58, 211, 247], "522": [247, 130, 58], "523": [70, 190, 247], "524": [247, 211, 70], "525": [58, 151, 248], "526": [248, 211, 58], "527": [22, 149, 248], "528": [248, 151, 22], "529": [51, 198, 248], "530": [248, 149, 51], "531": [70, 211, 248], "532": [248, 198, 70], "533": [58, 130, 249], "534": [249, 212, 58], "535": [16, 128, 249], "536": [249, 130, 16], "537": [34, 173, 249], "538": [249, 128, 34], "539": [71, 212, 249], "540": [249, 173, 71], "541": [34, 90, 250], "542": [250, 173, 34], "543": [3, 91, 250], "544": [250, 90, 3], "545": [35, 175, 250], "546": [250, 91, 35], "547": [71, 173, 250], "548": [250, 175, 71], "549": [35, 132, 251], "550": [251, 175, 35], "551": [17, 134, 251], "552": [251, 132, 17], "553": [60, 215, 251], "554": [251, 134, 60], "555": [71, 175, 251], "556": [251, 215, 71], "557": [60, 152, 252], "558": [252, 215, 60], "559": [22, 151, 252], "560": [252, 152, 22], "561": [58, 212, 252], "562": [252, 151, 58], "563": [71, 215, 252], "564": [252, 212, 71], "565": [60, 134, 253], "566": [253, 216, 60], "567": [17, 133, 253], "568": [253, 134, 17], "569": [36, 177, 253], "570": [253, 133, 36], "571": [72, 216, 253], "572": [253, 177, 72], "573": [36, 92, 254], "574": [254, 177, 36], "575": [4, 93, 254], "576": [254, 92, 4], "577": [37, 179, 254], "578": [254, 93, 37], "579": [72, 177, 254], "580": [254, 179, 72], "581": [37, 115, 255], "582": [255, 179, 37], "583": [12, 116, 255], "584": [255, 115, 12], "585": [52, 200, 255], "586": [255, 116, 52], "587": [72, 179, 255], "588": [255, 200, 72], "589": [52, 150, 256], "590": [256, 200, 52], "591": [22, 152, 256], "592": [256, 150, 22], "593": [60, 216, 256], "594": [256, 152, 60], "595": [72, 200, 256], "596": [256, 216, 72], "597": [61, 135, 257], "598": [257, 217, 61], "599": [17, 132, 257], "600": [257, 135, 17], "601": [35, 176, 257], "602": [257, 132, 35], "603": [73, 217, 257], "604": [257, 176, 73], "605": [35, 91, 258], "606": [258, 176, 35], "607": [3, 88, 258], "608": [258, 91, 3], "609": [32, 170, 258], "610": [258, 88, 32], "611": [73, 176, 258], "612": [258, 170, 73], "613": [32, 118, 259], "614": [259, 170, 32], "615": [13, 120, 259], "616": [259, 118, 13], "617": [54, 203, 259], "618": [259, 120, 54], "619": [73, 170, 259], "620": [259, 203, 73], "621": [54, 153, 260], "622": [260, 203, 54], "623": [23, 155, 260], "624": [260, 153, 23], "625": [61, 217, 260], "626": [260, 155, 61], "627": [73, 203, 260], "628": [260, 217, 73], "629": [54, 120, 261], "630": [261, 204, 54], "631": [13, 117, 261], "632": [261, 120, 13], "633": [30, 167, 261], "634": [261, 117, 30], "635": [74, 204, 261], "636": [261, 167, 74], "637": [30, 86, 262], "638": [262, 167, 30], "639": [2, 87, 262], "640": [262, 86, 2], "641": [31, 168, 262], "642": [262, 87, 31], "643": [74, 167, 262], "644": [262, 168, 74], "645": [31, 121, 263], "646": [263, 168, 31], "647": [14, 123, 263], "648": [263, 121, 14], "649": [55, 205, 263], "650": [263, 123, 55], "651": [74, 168, 263], "652": [263, 205, 74], "653": [55, 154, 264], "654": [264, 205, 55], "655": [23, 153, 264], "656": [264, 154, 23], "657": [54, 204, 264], "658": [264, 153, 54], "659": [74, 205, 264], "660": [264, 204, 74], "661": [55, 123, 265], "662": [265, 206, 55], "663": [14, 122, 265], "664": [265, 123, 14], "665": [39, 181, 265], "666": [265, 122, 39], "667": [75, 206, 265], "668": [265, 181, 75], "669": [39, 95, 266], "670": [266, 181, 39], "671": [5, 96, 266], "672": [266, 95, 5], "673": [40, 182, 266], "674": [266, 96, 40], "675": [75, 181, 266], "676": [266, 182, 75], "677": [40, 137, 267], "678": [267, 182, 40], "679": [18, 138, 267], "680": [267, 137, 18], "681": [62, 219, 267], "682": [267, 138, 62], "683": [75, 182, 267], "684": [267, 219, 75], "685": [62, 156, 268], "686": [268, 219, 62], "687": [23, 154, 268], "688": [268, 156, 23], "689": [55, 206, 268], "690": [268, 154, 55], "691": [75, 219, 268], "692": [268, 206, 75], "693": [62, 138, 269], "694": [269, 220, 62], "695": [18, 136, 269], "696": [269, 138, 18], "697": [38, 180, 269], "698": [269, 136, 38], "699": [76, 220, 269], "700": [269, 180, 76], "701": [38, 94, 270], "702": [270, 180, 38], "703": [4, 92, 270], "704": [270, 94, 4], "705": [36, 178, 270], "706": [270, 92, 36], "707": [76, 180, 270], "708": [270, 178, 76], "709": [36, 133, 271], "710": [271, 178, 36], "711": [17, 135, 271], "712": [271, 133, 17], "713": [61, 218, 271], "714": [271, 135, 61], "715": [76, 178, 271], "716": [271, 218, 76], "717": [61, 155, 272], "718": [272, 218, 61], "719": [23, 156, 272], "720": [272, 155, 23], "721": [62, 220, 272], "722": [272, 156, 62], "723": [76, 218, 272], "724": [272, 220, 76], "725": [57, 127, 273], "726": [273, 209, 57], "727": [15, 124, 273], "728": [273, 127, 15], "729": [33, 172, 273], "730": [273, 124, 33], "731": [77, 209, 273], "732": [273, 172, 77], "733": [33, 89, 274], "734": [274, 172, 33], "735": [3, 90, 274], "736": [274, 89, 3], "737": [34, 174, 274], "738": [274, 90, 34], "739": [77, 172, 274], "740": [274, 174, 77], "741": [34, 128, 275], "742": [275, 174, 34], "743": [16, 131, 275], "744": [275, 128, 16], "745": [59, 213, 275], "746": [275, 131, 59], "747": [77, 174, 275], "748": [275, 213, 77], "749": [59, 158, 276], "750": [276, 213, 59], "751": [24, 157, 276], "752": [276, 158, 24], "753": [57, 209, 276], "754": [276, 157, 57], "755": [77, 213, 276], "756": [276, 209, 77], "757": [59, 131, 277], "758": [277, 214, 59], "759": [16, 129, 277], "760": [277, 131, 16], "761": [47, 191, 277], "762": [277, 129, 47], "763": [78, 214, 277], "764": [277, 191, 78], "765": [47, 103, 278], "766": [278, 191, 47], "767": [8, 104, 278], "768": [278, 103, 8], "769": [48, 192, 278], "770": [278, 104, 48], "771": [78, 191, 278], "772": [278, 192, 78], "773": [48, 143, 279], "774": [279, 192, 48], "775": [20, 144, 279], "776": [279, 143, 20], "777": [64, 223, 279], "778": [279, 144, 64], "779": [78, 192, 279], "780": [279, 223, 78], "781": [64, 160, 280], "782": [280, 223, 64], "783": [24, 158, 280], "784": [280, 160, 24], "785": [59, 214, 280], "786": [280, 158, 59], "787": [78, 223, 280], "788": [280, 214, 78], "789": [64, 144, 281], "790": [281, 224, 64], "791": [20, 142, 281], "792": [281, 144, 20], "793": [41, 183, 281], "794": [281, 142, 41], "795": [79, 224, 281], "796": [281, 183, 79], "797": [41, 97, 282], "798": [282, 183, 41], "799": [6, 98, 282], "800": [282, 97, 6], "801": [42, 184, 282], "802": [282, 98, 42], "803": [79, 183, 282], "804": [282, 184, 79], "805": [42, 139, 283], "806": [283, 184, 42], "807": [19, 141, 283], "808": [283, 139, 19], "809": [63, 221, 283], "810": [283, 141, 63], "811": [79, 184, 283], "812": [283, 221, 79], "813": [63, 159, 284], "814": [284, 221, 63], "815": [24, 160, 284], "816": [284, 159, 24], "817": [64, 224, 284], "818": [284, 160, 64], "819": [79, 221, 284], "820": [284, 224, 79], "821": [63, 141, 285], "822": [285, 222, 63], "823": [19, 140, 285], "824": [285, 141, 19], "825": [45, 188, 285], "826": [285, 140, 45], "827": [80, 222, 285], "828": [285, 188, 80], "829": [45, 101, 286], "830": [286, 188, 45], "831": [7, 99, 286], "832": [286, 101, 7], "833": [43, 186, 286], "834": [286, 99, 43], "835": [80, 188, 286], "836": [286, 186, 80], "837": [43, 125, 287], "838": [287, 186, 43], "839": [15, 127, 287], "840": [287, 125, 15], "841": [57, 210, 287], "842": [287, 127, 57], "843": [80, 186, 287], "844": [287, 210, 80], "845": [57, 157, 288], "846": [288, 210, 57], "847": [24, 159, 288], "848": [288, 157, 24], "849": [63, 222, 288], "850": [288, 159, 63], "851": [80, 210, 288], "852": [288, 222, 80]}, "facedata": {"341": {"path": [5, 0, 0], "s": [2.481011028246229, 1.007653723235236], "s_vecs": [[-0.7083444831128785, 0.705834653101131, -0.006748016386707439], [0.6821393287152304, 0.6820445024898427, -0.26363086473954006]]}, "342": {"path": [5, 0, 0], "s": [2.481051086746546, 1.0076374538818187], "s_vecs": [[0.707176850363333, -0.70703213559833, 0.0025419562271732643], [-0.6824429697164072, -0.6816338403707181, 0.2639069926055717]]}, "343": {"path": [5, 0, 1], "s": [2.4829150373304856, 1.0068810097859349], "s_vecs": [[-0.7075255772493585, 0.7066822220790131, -0.002791869522440163], [0.6798995623599625, 0.6796229104849417, -0.2754074883635309]]}, "344": {"path": [5, 0, 1], "s": [2.47830459767797, 1.008754130683677], "s_vecs": [[0.7075032771691893, -0.7067028936301686, 0.0031832262885173462], [-0.6818627754830289, -0.6814372933685724, 0.2659066953220517]]}, "345": {"path": [5, 0, 2], "s": [2.480489354610903, 1.0078656436693958], "s_vecs": [[0.7067585855560589, -0.7074543493718191, 0.0008033042358090992], [-0.6802246968840218, -0.6792428385028484, 0.27554224375154135]]}, "346": {"path": [5, 0, 2], "s": [2.480255269009267, 1.0079607656669292], "s_vecs": [[-0.7080685778417651, 0.7061389911322709, -0.002571823446269078], [0.679334046278005, 0.6801873188036172, -0.2754096311066479]]}, "347": {"path": [5, 0, 3], "s": [2.478218961554836, 1.0087889886983588], "s_vecs": [[0.707365695756084, -0.7068466479127685, 0.0012604768915620151], [-0.6821345699270167, -0.6821658927767403, 0.2633289259511703]]}, "348": {"path": [5, 0, 3], "s": [2.4835284086799536, 1.0066323345698316], "s_vecs": [[-0.7073619567720771, 0.7068506828742279, -0.0010836197743962356], [0.6797530704563881, 0.6798227395168084, -0.2752758726095955]]}, "349": {"path": [5, 1, 0], "s": [2.4790209379285106, 1.0084626401296224], "s_vecs": [[-0.7067257534339849, 0.7074875832508305, -0.00017023238528091067], [0.6798542681457875, 0.6790555642466727, -0.27691463440849085]]}, "350": {"path": [5, 1, 0], "s": [2.4764905230900216, 1.009493061528313], "s_vecs": [[0.7067515452974, -0.7074618138892764, 0.00018737190859756392], [-0.6801615260292988, -0.679405753526706, 0.27529642312297586]]}, "351": {"path": [5, 1, 1], "s": [2.47481848703906, 1.0101750948979968], "s_vecs": [[0.706749630620983, -0.7074637394093171, 0.0001305300358404593], [-0.6798235796186921, -0.6790862786891401, 0.2769146559692414]]}, "352": {"path": [5, 1, 1], "s": [2.474818487039062, 1.0101750948979982], "s_vecs": [[-0.7074637394093148, 0.7067496306209851, 0.0001305300358382805], [0.6790862786891424, 0.6798235796186898, -0.2769146559692414]]}, "353": {"path": [5, 1, 2], "s": [2.4764905230900203, 1.0094930615283135], "s_vecs": [[0.707461813889271, -0.7067515452974052, -0.00018737190859571817], [-0.6794057535267113, -0.6801615260292931, 0.2752964231229763]]}, "354": {"path": [5, 1, 2], "s": [2.479020937928509, 1.0084626401296235], "s_vecs": [[-0.7074875832508262, 0.7067257534339897, 0.00017023238527928697], [0.6790555642466775, 0.6798542681457828, -0.2769146344084915]]}, "355": {"path": [5, 1, 3], "s": [2.4799744110649704, 1.0080749175659558], "s_vecs": [[-0.7073943575313271, 0.7068188921832921, -0.0005259140850110838], [0.6796638345603768, 0.6800125551096277, -0.2750272657100756]]}, "356": {"path": [5, 1, 3], "s": [2.479974411064959, 1.0080749175659625], "s_vecs": [[0.7068188921832848, -0.7073943575313345, -0.0005259140850092936], [-0.680012555109635, -0.6796638345603694, 0.2750272657100756]]}, "357": {"path": [5, 2, 0], "s": [2.4802552690092625, 1.0079607656669267], "s_vecs": [[0.7061389911322673, -0.7080685778417689, -0.0025718234462680234], [-0.6801873188036209, -0.6793340462780014, 0.27540963110664757]]}, "358": {"path": [5, 2, 0], "s": [2.4804893546108966, 1.007865643669394], "s_vecs": [[-0.7074543493718243, 0.7067585855560536, 0.0008033042358097653], [0.6792428385028434, 0.6802246968840272, -0.27554224375154107]]}, "359": {"path": [5, 2, 1], "s": [2.4783045976779694, 1.008754130683676], "s_vecs": [[0.7067028936301682, -0.7075032771691895, -0.0031832262885175266], [-0.6814372933685726, -0.6818627754830289, 0.26590669532205147]]}, "360": {"path": [5, 2, 1], "s": [2.482915037330476, 1.0068810097859386], "s_vecs": [[-0.7066822220790131, 0.7075255772493586, 0.002791869522440371], [0.6796229104849417, 0.6798995623599626, -0.27540748836353046]]}, "361": {"path": [5, 2, 2], "s": [2.4810510867465574, 1.0076374538818083], "s_vecs": [[-0.7070321355983376, 0.7071768503633252, 0.0025419562271758456], [0.6816338403707102, 0.682442969716415, -0.2639069926055715]]}, "362": {"path": [5, 2, 2], "s": [2.481011028246244, 1.007653723235229], "s_vecs": [[0.7058346531011376, -0.7083444831128719, -0.006748016386710146], [-0.6820445024898358, -0.6821393287152375, 0.26363086473953984]]}, "363": {"path": [5, 2, 3], "s": [2.483528408679936, 1.0066323345698378], "s_vecs": [[-0.7068506828742344, 0.7073619567720711, 0.0010836197743982756], [0.6798227395168024, 0.6797530704563948, -0.27527587260959474]]}, "364": {"path": [5, 2, 3], "s": [2.4782189615548402, 1.0087889886983565], "s_vecs": [[0.7068466479127737, -0.7073656957560788, -0.0012604768915636527], [-0.6821658927767351, -0.6821345699270218, 0.2633289259511702]]}, "365": {"path": [5, 3, 0], "s": [2.482641002135071, 1.0069921498315706], "s_vecs": [[0.7066315472380799, -0.7075718970081208, -0.0037238437462635], [-0.6870786450382473, -0.6874042393727553, 0.23536853490806647]]}, "366": {"path": [5, 3, 0], "s": [2.4837441342673054, 1.0065449035222342], "s_vecs": [[-0.7066339081761747, 0.7075710179310721, 0.0034313845095419737], [0.6819706434227262, 0.6823442772634983, -0.26329133824595785]]}, "367": {"path": [5, 3, 1], "s": [2.484869770245864, 1.0060889427427187], "s_vecs": [[-0.7077887075089221, 0.7064073617466217, -0.00487696555526064], [0.6875106219918032, 0.6872353680849594, -0.23459900575572357]]}, "368": {"path": [5, 3, 1], "s": [2.484869770245864, 1.0060889427427187], "s_vecs": [[0.7064073617466191, -0.7077887075089245, -0.004876965555258642], [-0.6872353680849622, -0.6875106219918007, 0.23459900575572357]]}, "369": {"path": [5, 3, 2], "s": [2.483744134267304, 1.0065449035222345], "s_vecs": [[-0.7075710179310701, 0.7066339081761761, -0.003431384509543098], [0.6823442772634998, 0.6819706434227241, -0.2632913382459578]]}, "370": {"path": [5, 3, 2], "s": [2.4826410021350642, 1.0069921498315735], "s_vecs": [[0.7075718970081191, -0.7066315472380813, 0.0037238437462644297], [-0.6874042393727569, -0.6870786450382453, 0.23536853490806686]]}, "371": {"path": [5, 3, 3], "s": [2.481213754393905, 1.007571393465327], "s_vecs": [[0.706441934939012, -0.7077673536545287, -0.002272808942727772], [-0.6824868235824177, -0.6820523697696524, 0.26270953642375305]]}, "372": {"path": [5, 3, 3], "s": [2.481213754393904, 1.007571393465327], "s_vecs": [[-0.707767353654526, 0.7064419349390147, -0.0022728089427292986], [0.6820523697696554, 0.6824868235824147, -0.26270953642375305]]}, "373": {"path": [6, 0, 0], "s": [2.483376612049528, 1.0066938650665447], "s_vecs": [[-0.7054852514957431, 0.7086467609635392, 0.010503718287935823], [0.6812786991745385, 0.682174773182456, -0.2655125475086122]]}, "374": {"path": [6, 0, 0], "s": [2.481133813107285, 1.0076038570725405], "s_vecs": [[0.7055148058822763, -0.7086035195259407, -0.0113978417405802], [-0.6863921557469399, -0.6872264975781611, 0.23787717325443825]]}, "375": {"path": [6, 0, 1], "s": [2.480160196387308, 1.0079994040875206], "s_vecs": [[0.7041547275243429, -0.7098762582725932, -0.015550487002700578], [-0.6813257164410924, -0.6816759606212366, 0.26667049485675487]]}, "376": {"path": [6, 0, 1], "s": [2.480941820324865, 1.0076818325681782], "s_vecs": [[-0.7063103704667251, 0.7078640658760015, 0.007356956752182425], [0.6806460768998984, 0.681934813474147, -0.2677420926428231]]}, "377": {"path": [6, 0, 2], "s": [2.4788612053034984, 1.008527623350301], "s_vecs": [[0.7047141334478583, -0.7092909406455197, -0.016862729228337217], [-0.684999999610636, -0.6863863003657007, 0.24423113479594477]]}, "378": {"path": [6, 0, 2], "s": [2.4818664210615964, 1.007306428252753], "s_vecs": [[-0.7046440679452034, 0.709386301230741, 0.01574208168584708], [0.680819616116108, 0.682185819974405, -0.2666592532378427]]}, "379": {"path": [6, 0, 3], "s": [2.4824557260573243, 1.0070673058772082], "s_vecs": [[-0.7058613382931076, 0.7081819032800526, 0.015432529595147917], [0.6849646185563137, 0.6879479340367177, -0.23989812708859376]]}, "380": {"path": [6, 0, 3], "s": [2.482686519625554, 1.0069736876716362], "s_vecs": [[0.7043180950073631, -0.7094747970211606, -0.024115004395230427], [-0.6850798969473637, -0.6882171105888589, 0.23879435397703963]]}, "381": {"path": [6, 1, 0], "s": [2.4795039215136327, 1.0082662012786212], "s_vecs": [[0.7025995512152471, -0.710302485119092, -0.04271124284980815], [-0.6818849032233306, -0.6892202262858793, 0.244966239377083]]}, "382": {"path": [6, 1, 0], "s": [2.4795283142482263, 1.0082562823074586], "s_vecs": [[-0.7047662731065896, 0.7089737384626162, 0.02570483343244709], [0.6824867116217403, 0.6874380205932256, -0.24827576664389003]]}, "383": {"path": [6, 1, 1], "s": [2.482118060314487, 1.007204306665109], "s_vecs": [[0.7029334952773847, -0.7098576553883243, -0.04457140679527399], [-0.6884218481693958, -0.6947806877604942, 0.20821900700485574]]}, "384": {"path": [6, 1, 1], "s": [2.480578802021378, 1.0078293009529846], "s_vecs": [[-0.7030028086624983, 0.7098946411158111, 0.04285614924012901], [0.6814691494296687, 0.6896402969686227, -0.2449409299660499]]}, "385": {"path": [6, 1, 2], "s": [2.4867053527414775, 1.0053462897177847], "s_vecs": [[-0.7048499429711249, 0.7082662596682249, 0.03931238111822491], [0.6884525396057916, 0.696382328299105, -0.2026937432262118]]}, "386": {"path": [6, 1, 2], "s": [2.4873917815960778, 1.0050688510339274], "s_vecs": [[0.703003929441588, -0.7091696527694402, -0.05351522008324551], [-0.6882264453968848, -0.697345325624545, 0.20013459642442072]]}, "387": {"path": [6, 1, 3], "s": [2.483158725817142, 1.0067821980156813], "s_vecs": [[-0.7043131741986921, 0.7091598302683905, 0.03217588823747233], [0.6827289466868032, 0.6890874196435831, -0.24298089111054966]]}, "388": {"path": [6, 1, 3], "s": [2.4865971098147006, 1.0053900529894446], "s_vecs": [[0.7042616632517344, -0.7091350090346922, -0.033809002281454906], [-0.690482341687661, -0.6952551005620287, 0.1996358709250606]]}, "389": {"path": [6, 2, 0], "s": [2.4976543105161104, 1.0009391569818185], "s_vecs": [[0.7047130140966418, -0.7080684336796743, -0.04492951133986703], [-0.6964848680350483, -0.702474984728943, 0.14641627105029276]]}, "390": {"path": [6, 2, 0], "s": [2.4900012383598478, 1.0040155649266822], "s_vecs": [[-0.7048737851921122, 0.7080015451804014, 0.04343683887103576], [0.6883685995439529, 0.6975352851146602, -0.19898039396359307]]}, "391": {"path": [6, 2, 1], "s": [2.4994635574532067, 1.000214623071895], "s_vecs": [[-0.7061104851765501, 0.7075225296270738, 0.028633071680205978], [0.6974072613382284, 0.7018785410982069, -0.1448779671950328]]}, "392": {"path": [6, 2, 1], "s": [2.4997851622430005, 1.0000859424882786], "s_vecs": [[0.7048487213117479, -0.7076935317900923, -0.04856073648184722], [-0.696315807622479, -0.7033333492845002, 0.1430611611839569]]}, "393": {"path": [6, 2, 2], "s": [2.4921004666052324, 1.0031698294272735], "s_vecs": [[-0.7058915851356974, 0.707855262258995, 0.025651466368649387], [0.6908999232496401, 0.6960618383450679, -0.19533359478933976]]}, "394": {"path": [6, 2, 2], "s": [2.499609246581645, 1.000156325801278], "s_vecs": [[0.7058331232654623, -0.7078796019468964, -0.02657200121981667], [-0.6981189030716374, -0.7014821114426539, 0.14336263285811127]]}, "395": {"path": [6, 2, 3], "s": [2.4900275023744403, 1.0040049748912612], "s_vecs": [[0.7043449269495625, -0.7088225113974745, -0.03832585571898588], [-0.6902901416489994, -0.6965195700312332, 0.1958571134927464]]}, "396": {"path": [6, 2, 3], "s": [2.4900292172851137, 1.0040042834219272], "s_vecs": [[-0.7059223049520085, 0.7079190855865407, 0.022896891351445153], [0.6909315589720303, 0.6953755475207587, -0.1976522924903355]]}, "397": {"path": [6, 3, 0], "s": [2.4918157266167293, 1.0032844617263825], "s_vecs": [[-0.7068430444031771, 0.7073302453488551, 0.007538872168717972], [0.6928649326660516, 0.6944562842270003, -0.19408414252404854]]}, "398": {"path": [6, 3, 0], "s": [2.4919319324046665, 1.0032376757528636], "s_vecs": [[0.7055864197610605, -0.7082670592655056, -0.02248503965221474], [-0.6920201178883658, -0.6955354222563308, 0.19323206986543445]]}, "399": {"path": [6, 3, 1], "s": [2.4863962349418007, 1.0054712780155566], "s_vecs": [[-0.7066451545329637, 0.7075416278499771, 0.00612130986705077], [0.6866646664663082, 0.6878306154341375, -0.23533100156632447]]}, "400": {"path": [6, 3, 1], "s": [2.4910677754314126, 1.0035857011425708], "s_vecs": [[0.7066293715235062, -0.7075545174505141, -0.006444853424624503], [-0.6933317962374257, -0.694186675374593, 0.1933801439097467]]}, "401": {"path": [6, 3, 2], "s": [2.4842347184645743, 1.0063461320374618], "s_vecs": [[0.7053411830652905, -0.7087122338567704, -0.014858837565674216], [-0.6863848762886603, -0.6880571944714869, 0.23548481636451055]]}, "402": {"path": [6, 3, 2], "s": [2.4843389087893417, 1.0063039270347758], "s_vecs": [[-0.706875990542438, 0.7073192443508757, 0.00508139405610071], [0.6864832772788912, 0.6877492049483594, -0.2360968892411177]]}, "403": {"path": [6, 3, 3], "s": [2.489775303787498, 1.0041066742837987], "s_vecs": [[0.7055880440653978, -0.7083539967973828, -0.01949685341638653], [-0.6921103222644208, -0.6947907985943544, 0.19557363831472463]]}, "404": {"path": [6, 3, 3], "s": [2.4853611115914305, 1.005890044847123], "s_vecs": [[-0.7056563880853568, 0.7083114136548583, 0.018547324351104122], [0.6850396649320384, 0.6886918603812116, -0.2375377420842147]]}, "405": {"path": [7, 0, 0], "s": [2.500899915265012, 0.9996401634229658], "s_vecs": [[0.705921947082634, -0.7077186315332948, -0.028434894191876732], [-0.6980031977495675, -0.7019261772731081, 0.1417433511320345]]}, "406": {"path": [7, 0, 0], "s": [2.5008331333898415, 0.9996668576648623], "s_vecs": [[-0.7068813258270227, 0.7072687606320857, 0.009470556001858157], [0.699118916643169, 0.7006451415330675, -0.14258024420581494]]}, "407": {"path": [7, 0, 1], "s": [2.5075628249701833, 0.9969839938226586], "s_vecs": [[0.7061401634992989, -0.7073817671001082, -0.03125867987474752], [-0.7031524787228294, -0.7057452577923662, 0.08660382652936144]]}, "408": {"path": [7, 0, 1], "s": [2.5007254226547446, 0.9997099151117628], "s_vecs": [[-0.7061835845342564, 0.7073759529213822, 0.03039746967948273], [0.6973173440711331, 0.7022984242862639, -0.14326704053135147]]}, "409": {"path": [7, 0, 2], "s": [2.508264115742546, 0.9967052449976547], "s_vecs": [[-0.7069457339420244, 0.7071881462377155, 0.010613909837371517], [0.7039751110533058, 0.7050216969978617, -0.08581054585388107]]}, "410": {"path": [7, 0, 2], "s": [2.508331716092879, 0.9966783834692112], "s_vecs": [[0.7062578142153167, -0.7072044427282631, -0.03258490517417206], [-0.7030276415796459, -0.7060200317918046, 0.08536890466475416]]}, "411": {"path": [7, 0, 3], "s": [2.501526017697076, 0.9993899652906744], "s_vecs": [[-0.7068689962833709, 0.7072722929908716, 0.010105724158853066], [0.6991233502929712, 0.7007539631085132, -0.14202261884236655]]}, "412": {"path": [7, 0, 3], "s": [2.5082356882187478, 0.9967165413292571], "s_vecs": [[0.7068568944841984, -0.7072800848537735, -0.010402513609409532], [-0.7040903379772303, -0.7049284928131748, 0.08563069535660359]]}, "413": {"path": [7, 1, 0], "s": [2.512240118686525, 0.9951278070135575], "s_vecs": [[0.7069676177619499, -0.7071588962438897, -0.011094273257735555], [-0.7066952890925018, -0.7069491621311069, 0.02836636276633628]]}, "414": {"path": [7, 1, 0], "s": [2.50857341600144, 0.9965823539599238], "s_vecs": [[-0.7069745049705063, 0.7071563932103309, 0.010811330328142604], [0.7039453638070344, 0.705073440584846, -0.08562924825332777]]}, "415": {"path": [7, 1, 1], "s": [2.512404255767107, 0.9950627946363974], "s_vecs": [[-0.7071145564409782, 0.7070087852739687, -0.011295203172399447], [0.7069982266811615, 0.7066538792327494, -0.02817449972935956]]}, "416": {"path": [7, 1, 1], "s": [2.512404255767108, 0.9950627946364001], "s_vecs": [[0.707008785273971, -0.7071145564409758, -0.01129520317240006], [-0.7066538792327468, -0.7069982266811641, 0.028174499729359502]]}, "417": {"path": [7, 1, 2], "s": [2.508573416001436, 0.9965823539599249], "s_vecs": [[-0.7071563932103337, 0.7069745049705026, -0.010811330328142015], [0.7050734405848426, 0.7039453638070372, -0.08562924825332838]]}, "418": {"path": [7, 1, 2], "s": [2.5122401186865244, 0.9951278070135571], "s_vecs": [[0.7071588962438925, -0.7069676177619472, 0.011094273257735123], [-0.7069491621311044, -0.7066952890925043, 0.028366362766336167]]}, "419": {"path": [7, 1, 3], "s": [2.508548162925234, 0.9965923863645217], "s_vecs": [[0.7068869285000444, -0.7072470781232036, -0.010603810728427698], [-0.7040590864263813, -0.7049817091080375, 0.08544935718634615]]}, "420": {"path": [7, 1, 3], "s": [2.508548162925235, 0.996592386364522], "s_vecs": [[-0.7072470781232071, 0.7068869285000406, -0.010603810728426498], [0.7049817091080337, 0.7040590864263848, -0.08544935718634625]]}, "421": {"path": [7, 2, 0], "s": [2.50833171609288, 0.9966783834692106], "s_vecs": [[-0.707204442728268, 0.7062578142153121, -0.032584905174170994], [0.7060200317917998, 0.7030276415796508, -0.08536890466475545]]}, "422": {"path": [7, 2, 0], "s": [2.5082641157425405, 0.9967052449976587], "s_vecs": [[0.7071881462377183, -0.7069457339420219, 0.010613909837370608], [-0.7050216969978589, -0.7039751110533087, 0.08581054585388206]]}, "423": {"path": [7, 2, 1], "s": [2.5007254226547415, 0.9997099151117638], "s_vecs": [[-0.7073759529213849, 0.7061835845342539, -0.030397469679482328], [0.7022984242862614, 0.6973173440711357, -0.1432670405313513]]}, "424": {"path": [7, 2, 1], "s": [2.507562824970182, 0.9969839938226578], "s_vecs": [[0.707381767100111, -0.706140163499296, 0.03125867987474705], [-0.7057452577923634, -0.7031524787228319, 0.08660382652936222]]}, "425": {"path": [7, 2, 2], "s": [2.5008331333898446, 0.9996668576648647], "s_vecs": [[0.707268760632089, -0.7068813258270192, 0.009470556001856631], [-0.7006451415330639, -0.6991189166431726, 0.1425802442058143]]}, "426": {"path": [7, 2, 2], "s": [2.500899915265016, 0.9996401634229639], "s_vecs": [[-0.7077186315332981, 0.7059219470826309, -0.0284348941918756], [0.7019261772731049, 0.698003197749571, -0.14174335113203398]]}, "427": {"path": [7, 2, 3], "s": [2.508235688218751, 0.9967165413292572], "s_vecs": [[0.7072800848537772, -0.7068568944841948, 0.010402513609407922], [-0.7049284928131712, -0.704090337977234, 0.08563069535660406]]}, "428": {"path": [7, 2, 3], "s": [2.501526017697081, 0.9993899652906725], "s_vecs": [[-0.7072722929908742, 0.7068689962833679, -0.010105724158851553], [0.7007539631085103, 0.699123350292974, -0.1420226188423659]]}, "429": {"path": [7, 3, 0], "s": [2.4931151578606014, 1.0027615419679639], "s_vecs": [[-0.7074081737958775, 0.7067548174805416, -0.008444146779182454], [0.6945964462637446, 0.6929284057806844, -0.19335459989360604]]}, "430": {"path": [7, 3, 0], "s": [2.500599809671291, 0.9997601336811386], "s_vecs": [[0.7074188297516398, -0.7067403833814626, 0.008753845477478817], [-0.7004812390473343, -0.6993944194955528, 0.14203337537772598]]}, "431": {"path": [7, 3, 1], "s": [2.4924401597888375, 1.0030331080092216], "s_vecs": [[0.7065497786340991, -0.7076244105192218, -0.007423203447905452], [-0.6933770246393579, -0.6943449708710508, 0.19264828867225978]]}, "432": {"path": [7, 3, 1], "s": [2.4924401597888433, 1.0030331080092214], "s_vecs": [[-0.7076244105192203, 0.7065497786341008, -0.007423203447907062], [0.6943449708710526, 0.6933770246393564, -0.19264828867225978]]}, "433": {"path": [7, 3, 2], "s": [2.500599809671291, 0.9997601336811384], "s_vecs": [[0.7067403833814656, -0.7074188297516372, -0.0087538454774794], [-0.6993944194955501, -0.7004812390473371, 0.14203337537772606]]}, "434": {"path": [7, 3, 2], "s": [2.4931151578605966, 1.0027615419679656], "s_vecs": [[-0.7067548174805431, 0.7074081737958757, 0.008444146779182787], [0.6929284057806825, 0.6945964462637462, -0.19335459989360676]]}, "435": {"path": [7, 3, 3], "s": [2.501314911739199, 0.9994743117977557], "s_vecs": [[-0.7074177700578138, 0.7067328536896155, -0.009421895890031215], [0.7005978978809702, 0.699390779827266, -0.14147481251931135]]}, "436": {"path": [7, 3, 3], "s": [2.5013149117392013, 0.9994743117977537], "s_vecs": [[0.7067328536896179, -0.7074177700578117, -0.00942189589003177], [-0.6993907798272638, -0.7005978978809726, 0.14147481251931132]]}, "437": {"path": [8, 0, 0], "s": [2.4996092465816497, 1.0001563258012767], "s_vecs": [[0.7078796019468995, -0.7058331232654592, 0.02657200121981474], [-0.7014821114426506, -0.6981189030716406, 0.14336263285811143]]}, "438": {"path": [8, 0, 0], "s": [2.4921004666052387, 1.0031698294272715], "s_vecs": [[-0.7078552622589973, 0.705891585135695, -0.02565146636864779], [0.6960618383450653, 0.6908999232496426, -0.19533359478933987]]}, "439": {"path": [8, 0, 1], "s": [2.4997851622430023, 1.000085942488276], "s_vecs": [[-0.7076935317900981, 0.7048487213117424, -0.04856073648184414], [0.7033333492844943, 0.6963158076224848, -0.14306116118395795]]}, "440": {"path": [8, 0, 1], "s": [2.499463557453207, 1.0002146230718976], "s_vecs": [[0.7075225296270765, -0.7061104851765474, 0.028633071680204722], [-0.701878541098204, -0.6974072613382312, 0.14487796719503343]]}, "441": {"path": [8, 0, 2], "s": [2.490001238359857, 1.004015564926678], "s_vecs": [[-0.7080015451804025, 0.7048737851921112, -0.04343683887103496], [0.6975352851146592, 0.6883685995439545, -0.19898039396359207]]}, "442": {"path": [8, 0, 2], "s": [2.497654310516113, 1.0009391569818162], "s_vecs": [[0.7080684336796783, -0.7047130140966379, 0.0449295113398656], [-0.7024749847289392, -0.6964848680350524, 0.14641627105029234]]}, "443": {"path": [8, 0, 3], "s": [2.4900292172851213, 1.0040042834219225], "s_vecs": [[0.7079190855865396, -0.7059223049520095, 0.022896891351445015], [-0.6953755475207596, -0.6909315589720294, 0.19765229249033506]]}, "444": {"path": [8, 0, 3], "s": [2.4900275023744496, 1.0040049748912558], "s_vecs": [[-0.7088225113974751, 0.7043449269495619, -0.03832585571898606], [0.6965195700312324, 0.6902901416490002, -0.19585711349274587]]}, "445": {"path": [8, 1, 0], "s": [2.4873917815960866, 1.005068851033922], "s_vecs": [[-0.7091696527694391, 0.7030039294415893, -0.05351522008324475], [0.6973453256245462, 0.6882264453968839, -0.2001345964244202]]}, "446": {"path": [8, 1, 0], "s": [2.48670535274149, 1.0053462897177816], "s_vecs": [[0.7082662596682259, -0.7048499429711245, 0.0393123811182234], [-0.6963823282991041, -0.6884525396057929, 0.20269374322621153]]}, "447": {"path": [8, 1, 1], "s": [2.480578802021376, 1.0078293009529866], "s_vecs": [[-0.709894641115812, 0.7030028086624976, -0.04285614924012793], [0.689640296968622, 0.6814691494296697, -0.24494092996604983]]}, "448": {"path": [8, 1, 1], "s": [2.482118060314495, 1.0072043066651062], "s_vecs": [[0.7098576553883241, -0.7029334952773854, 0.04457140679527315], [-0.6947806877604946, -0.6884218481693957, 0.20821900700485524]]}, "449": {"path": [8, 1, 2], "s": [2.4795283142482267, 1.0082562823074557], "s_vecs": [[0.708973738462621, -0.7047662731065852, 0.025704833432445492], [-0.6874380205932209, -0.6824867116217455, 0.24827576664389026]]}, "450": {"path": [8, 1, 2], "s": [2.47950392151363, 1.0082662012786234], "s_vecs": [[-0.7103024851190928, 0.7025995512152463, -0.042711242849807485], [0.6892202262858784, 0.6818849032233313, -0.24496623937708306]]}, "451": {"path": [8, 1, 3], "s": [2.4865971098147055, 1.0053900529894422], "s_vecs": [[0.7091350090346918, -0.704261663251735, 0.033809002281454684], [-0.6952551005620292, -0.6904823416876605, 0.1996358709250607]]}, "452": {"path": [8, 1, 3], "s": [2.483158725817144, 1.0067821980156806], "s_vecs": [[-0.7091598302683902, 0.7043131741986924, -0.03217588823747211], [0.6890874196435832, 0.682728946686803, -0.24298089111054988]]}, "453": {"path": [8, 2, 0], "s": [2.4818664210615857, 1.007306428252757], "s_vecs": [[-0.7093863012307445, 0.7046440679451997, -0.015742081685845802], [0.6821858199744013, 0.680819616116112, -0.26665925323784223]]}, "454": {"path": [8, 2, 0], "s": [2.4788612053034966, 1.0085276233503018], "s_vecs": [[0.709290940645524, -0.7047141334478538, 0.016862729228335607], [-0.6863863003656963, -0.6849999996106403, 0.24423113479594477]]}, "455": {"path": [8, 2, 1], "s": [2.4809418203248543, 1.0076818325681878], "s_vecs": [[0.7078640658759934, -0.7063103704667334, 0.007356956752184993], [-0.6819348134741554, -0.6806460768998901, 0.2677420926428231]]}, "456": {"path": [8, 2, 1], "s": [2.480160196387295, 1.0079994040875238], "s_vecs": [[-0.7098762582725987, 0.7041547275243377, -0.015550487002699565], [0.6816759606212311, 0.6813257164410982, -0.2666704948567549]]}, "457": {"path": [8, 2, 2], "s": [2.481133813107287, 1.0076038570725392], "s_vecs": [[0.7086035195259383, -0.7055148058822789, 0.011397841740580505], [-0.6872264975781636, -0.6863921557469378, 0.23787717325443725]]}, "458": {"path": [8, 2, 2], "s": [2.483376612049507, 1.0066938650665531], "s_vecs": [[-0.7086467609635384, 0.7054852514957441, -0.010503718287935698], [0.6821747731824572, 0.6812786991745375, -0.2655125475086122]]}, "459": {"path": [8, 2, 3], "s": [2.4826865196255556, 1.0069736876716373], "s_vecs": [[-0.7094747970211596, 0.7043180950073644, -0.024115004395230455], [0.68821711058886, 0.6850798969473627, -0.23879435397703982]]}, "460": {"path": [8, 2, 3], "s": [2.482455726057319, 1.0070673058772135], "s_vecs": [[0.7081819032800496, -0.7058613382931107, 0.015432529595150346], [-0.6879479340367212, -0.6849646185563105, 0.23989812708859373]]}, "461": {"path": [8, 3, 0], "s": [2.484338908789346, 1.006303927034772], "s_vecs": [[0.7073192443508776, -0.7068759905424359, 0.0050813940560991006], [-0.6877492049483571, -0.6864832772788936, 0.2360968892411174]]}, "462": {"path": [8, 3, 0], "s": [2.4842347184645748, 1.0063461320374605], "s_vecs": [[-0.708712233856772, 0.7053411830652891, -0.014858837565672064], [0.688057194471485, 0.6863848762886624, -0.23548481636451035]]}, "463": {"path": [8, 3, 1], "s": [2.4910677754314143, 1.0035857011425708], "s_vecs": [[0.707554517450513, -0.7066293715235069, 0.006444853424624211], [-0.6941866753745937, -0.6933317962374246, 0.19338014390974784]]}, "464": {"path": [8, 3, 1], "s": [2.4863962349418074, 1.0054712780155541], "s_vecs": [[-0.7075416278499762, 0.7066451545329644, -0.006121309867050895], [0.6878306154341385, 0.6866646664663074, -0.23533100156632364]]}, "465": {"path": [8, 3, 2], "s": [2.491931932404671, 1.0032376757528616], "s_vecs": [[-0.708267059265508, 0.7055864197610578, -0.02248503965221367], [0.6955354222563278, 0.6920201178883685, -0.193232069865435]]}, "466": {"path": [8, 3, 2], "s": [2.49181572661673, 1.0032844617263856], "s_vecs": [[0.7073302453488575, -0.7068430444031752, 0.007538872168715932], [-0.694456284226998, -0.6928649326660541, 0.1940841425240491]]}, "467": {"path": [8, 3, 3], "s": [2.4853611115914283, 1.0058900448471246], "s_vecs": [[-0.7083114136548572, 0.7056563880853574, -0.01854732435110458], [0.6886918603812118, 0.6850396649320373, -0.23753774208421535]]}, "468": {"path": [8, 3, 3], "s": [2.489775303787502, 1.004106674283797], "s_vecs": [[0.7083539967973816, -0.7055880440653991, 0.019496853416387003], [-0.6947907985943561, -0.6921103222644195, 0.19557363831472463]]}, "469": {"path": [9, 0, 0], "s": [2.48101102824622, 1.0076537232352392], "s_vecs": [[0.7083444831128689, -0.7058346531011404, -0.006748016386710395], [-0.6821393287152402, -0.6820445024898328, -0.2636308647395407]]}, "470": {"path": [9, 0, 0], "s": [2.481051086746531, 1.0076374538818156], "s_vecs": [[-0.7071768503633225, 0.7070321355983405, 0.002541956227177067], [0.6824429697164179, 0.6816338403707071, 0.2639069926055723]]}, "471": {"path": [9, 0, 1], "s": [2.4829150373304896, 1.0068810097859324], "s_vecs": [[0.7075255772493498, -0.706682222079022, -0.0027918695224447287], [-0.679899562359972, -0.6796229104849322, -0.27540748836353096]]}, "472": {"path": [9, 0, 1], "s": [2.4783045976779525, 1.0087541306836836], "s_vecs": [[-0.7075032771691823, 0.7067028936301756, 0.0031832262885210516], [0.6818627754830366, 0.6814372933685651, 0.26590669532205136]]}, "473": {"path": [9, 0, 2], "s": [2.4804893546109055, 1.0078656436693958], "s_vecs": [[-0.7067585855560499, 0.707454349371828, 0.000803304235811611], [0.6802246968840311, 0.6792428385028394, 0.27554224375154124]]}, "474": {"path": [9, 0, 2], "s": [2.4802552690092656, 1.007960765666916], "s_vecs": [[0.7080685778417581, -0.706138991132278, -0.0025718234462720757], [-0.6793340462780124, -0.6801873188036098, -0.27540963110664757]]}, "475": {"path": [9, 0, 3], "s": [2.4782189615548167, 1.0087889886983659], "s_vecs": [[-0.7073656957560749, 0.7068466479127773, 0.00126047689156486], [0.6821345699270256, 0.6821658927767309, 0.26332892595117086]]}, "476": {"path": [9, 0, 3], "s": [2.483528408679951, 1.0066323345698325], "s_vecs": [[0.7073619567720668, -0.7068506828742382, -0.0010836197743999132], [-0.6797530704563988, -0.6798227395167978, -0.27527587260959496]]}, "477": {"path": [9, 1, 0], "s": [2.479020937928514, 1.008462640129621], "s_vecs": [[0.7067257534339836, -0.7074875832508323, -0.00017023238528143803], [-0.6798542681457891, -0.679055564246671, -0.27691463440849196]]}, "478": {"path": [9, 1, 0], "s": [2.476490523090025, 1.0094930615283113], "s_vecs": [[-0.7067515452973975, 0.707461813889279, 0.00018737190859854924], [0.6801615260293012, 0.6794057535267033, 0.2752964231229762]]}, "479": {"path": [9, 1, 1], "s": [2.474818487039058, 1.0101750948980022], "s_vecs": [[-0.7067496306209834, 0.7074637394093163, 0.00013053003584044542], [0.6798235796186914, 0.6790862786891405, 0.27691465596924164]]}, "480": {"path": [9, 1, 1], "s": [2.4748184870390717, 1.0101750948979829], "s_vecs": [[0.7074637394093009, -0.706749630620999, 0.00013053003583482492], [-0.6790862786891565, -0.6798235796186756, -0.2769146559692416]]}, "481": {"path": [9, 1, 2], "s": [2.476490523090032, 1.009493061528309], "s_vecs": [[-0.7074618138892658, 0.7067515452974109, -0.0001873719085933312], [0.6794057535267172, 0.6801615260292876, 0.275296423122976]]}, "482": {"path": [9, 1, 2], "s": [2.4790209379285164, 1.0084626401296204], "s_vecs": [[0.7074875832508203, -0.7067257534339955, 0.00017023238527674733], [-0.6790555642466836, -0.6798542681457767, -0.27691463440849173]]}, "483": {"path": [9, 1, 3], "s": [2.479974411064971, 1.008074917565955], "s_vecs": [[0.7073943575313231, -0.7068188921832959, -0.000525914085013221], [-0.6796638345603809, -0.6800125551096234, -0.2750272657100755]]}, "484": {"path": [9, 1, 3], "s": [2.4799744110649717, 1.0080749175659547], "s_vecs": [[-0.7068188921832801, 0.707394357531339, -0.0005259140850065597], [0.6800125551096399, 0.6796638345603645, 0.2750272657100755]]}, "485": {"path": [9, 2, 0], "s": [2.4802552690092616, 1.007960765666928], "s_vecs": [[-0.7061389911322705, 0.7080685778417656, -0.0025718234462705214], [0.6801873188036174, 0.679334046278005, 0.2754096311066476]]}, "486": {"path": [9, 2, 0], "s": [2.480489354610905, 1.007865643669402], "s_vecs": [[0.7074543493718175, -0.7067585855560603, 0.0008033042358081277], [-0.67924283850285, -0.6802246968840202, -0.27554224375154124]]}, "487": {"path": [9, 2, 1], "s": [2.478304597677961, 1.0087541306836807], "s_vecs": [[-0.7067028936301709, 0.7075032771691874, -0.003183226288518873], [0.6814372933685704, 0.6818627754830315, 0.2659066953220509]]}, "488": {"path": [9, 2, 1], "s": [2.482915037330485, 1.0068810097859349], "s_vecs": [[0.7066822220790169, -0.7075255772493547, 0.002791869522442425], [-0.6796229104849378, -0.6798995623599667, -0.2754074883635303]]}, "489": {"path": [9, 2, 2], "s": [2.481051086746527, 1.0076374538818198], "s_vecs": [[0.7070321355983258, -0.7071768503633372, 0.0025419562271712937], [-0.6816338403707225, -0.6824429697164028, -0.26390699260557177]]}, "490": {"path": [9, 2, 2], "s": [2.481011028246219, 1.007653723235244], "s_vecs": [[-0.7058346531011304, 0.708344483112879, -0.006748016386706551], [0.6820445024898435, 0.6821393287152298, 0.26363086473954006]]}, "491": {"path": [9, 2, 3], "s": [2.483528408679948, 1.0066323345698331], "s_vecs": [[0.7068506828742284, -0.7073619567720767, 0.0010836197743962356], [-0.6798227395168079, -0.6797530704563886, -0.27527587260959524]]}, "492": {"path": [9, 2, 3], "s": [2.4782189615548122, 1.0087889886983694], "s_vecs": [[-0.7068466479127684, 0.7073656957560841, -0.0012604768915617653], [0.6821658927767406, 0.6821345699270164, 0.26332892595117036]]}, "493": {"path": [9, 3, 0], "s": [2.482641002135062, 1.0069921498315741], "s_vecs": [[-0.7066315472380776, 0.7075718970081234, -0.0037238437462627505], [0.6870786450382501, 0.6874042393727529, 0.23536853490806653]]}, "494": {"path": [9, 3, 0], "s": [2.4837441342672895, 1.0065449035222407], "s_vecs": [[0.7066339081761713, -0.7075710179310754, 0.003431384509540683], [-0.6819706434227295, -0.6823442772634948, -0.2632913382459581]]}, "495": {"path": [9, 3, 1], "s": [2.4848697702458544, 1.0060889427427209], "s_vecs": [[0.7077887075089198, -0.706407361746624, -0.004876965555261167], [-0.6875106219918059, -0.687235368084957, -0.23459900575572312]]}, "496": {"path": [9, 3, 1], "s": [2.484869770245861, 1.0060889427427195], "s_vecs": [[-0.7064073617466144, 0.7077887075089295, -0.0048769655552577396], [0.687235368084967, 0.687510621991796, 0.23459900575572326]]}, "497": {"path": [9, 3, 2], "s": [2.4837441342672757, 1.0065449035222462], "s_vecs": [[0.7075710179310655, -0.706633908176181, -0.0034313845095453738], [-0.682344277263505, -0.681970643422719, -0.2632913382459582]]}, "498": {"path": [9, 3, 2], "s": [2.4826410021350607, 1.006992149831575], "s_vecs": [[-0.7075718970081137, 0.7066315472380869, 0.0037238437462667473], [0.6874042393727627, 0.6870786450382401, 0.235368534908066]]}, "499": {"path": [9, 3, 3], "s": [2.4812137543938864, 1.007571393465335], "s_vecs": [[-0.7064419349390159, 0.7077673536545248, -0.00227280894272934], [0.6824868235824134, 0.6820523697696566, 0.2627095364237533]]}, "500": {"path": [9, 3, 3], "s": [2.4812137543938766, 1.0075713934653345], "s_vecs": [[0.7077673536545233, -0.7064419349390174, -0.0022728089427304643], [-0.6820523697696581, -0.6824868235824118, -0.2627095364237533]]}, "501": {"path": [10, 0, 0], "s": [2.483376612049497, 1.0066938650665567], "s_vecs": [[0.7054852514957385, -0.7086467609635441, 0.010503718287933742], [-0.6812786991745434, -0.6821747731824512, -0.2655125475086128]]}, "502": {"path": [10, 0, 0], "s": [2.4811338131072658, 1.007603857072548], "s_vecs": [[-0.7055148058822717, 0.7086035195259454, -0.01139784174057834], [0.6863921557469448, 0.6872264975781562, 0.23787717325443808]]}, "503": {"path": [10, 0, 1], "s": [2.480160196387287, 1.0079994040875278], "s_vecs": [[-0.7041547275243429, 0.7098762582725932, -0.015550487002701632], [0.6813257164410924, 0.6816759606212368, 0.26667049485675454]]}, "504": {"path": [10, 0, 1], "s": [2.4809418203248494, 1.007681832568188], "s_vecs": [[0.7063103704667308, -0.7078640658759959, 0.007356956752185645], [-0.6806460768998924, -0.6819348134741532, -0.2677420926428228]]}, "505": {"path": [10, 0, 2], "s": [2.4788612053034784, 1.0085276233503095], "s_vecs": [[-0.7047141334478562, 0.7092909406455217, -0.016862729228336315], [0.6849999996106381, 0.6863863003656986, 0.24423113479594455]]}, "506": {"path": [10, 0, 2], "s": [2.4818664210615795, 1.0073064282527604], "s_vecs": [[0.704644067945203, -0.7093863012307418, 0.015742081685846995], [-0.6808196161161089, -0.6821858199744046, -0.26665925323784206]]}, "507": {"path": [10, 0, 3], "s": [2.4824557260573155, 1.0070673058772184], "s_vecs": [[0.7058613382930997, -0.7081819032800607, 0.015432529595145614], [-0.6849646185563221, -0.6879479340367096, -0.2398981270885941]]}, "508": {"path": [10, 0, 3], "s": [2.4826865196255383, 1.00697368767164], "s_vecs": [[-0.7043180950073673, 0.7094747970211563, -0.024115004395231066], [0.6850798969473595, 0.6882171105888633, 0.2387943539770398]]}, "509": {"path": [10, 1, 0], "s": [2.4795039215136314, 1.0082662012786259], "s_vecs": [[-0.7025995512152404, 0.7103024851190989, -0.04271124284980628], [0.6818849032233373, 0.6892202262858727, 0.24496623937708323]]}, "510": {"path": [10, 1, 0], "s": [2.479528314248217, 1.0082562823074657], "s_vecs": [[0.7047662731065839, -0.7089737384626222, 0.025704833432445187], [-0.6824867116217465, -0.6874380205932198, -0.24827576664389017]]}, "511": {"path": [10, 1, 1], "s": [2.482118060314491, 1.007204306665108], "s_vecs": [[-0.7029334952773798, 0.7098576553883296, -0.044571406795271856], [0.6884218481694011, 0.6947806877604887, 0.20821900700485663]]}, "512": {"path": [10, 1, 1], "s": [2.480578802021373, 1.007829300952988], "s_vecs": [[0.7030028086624927, -0.7098946411158168, 0.042856149240127], [-0.6814691494296745, -0.6896402969686171, -0.24494092996604983]]}, "513": {"path": [10, 1, 2], "s": [2.486705352741478, 1.005346289717787], "s_vecs": [[0.7048499429711266, -0.7082662596682231, 0.0393123811182256], [-0.6884525396057897, -0.6963823282991066, -0.2026937432262123]]}, "514": {"path": [10, 1, 2], "s": [2.4873917815960818, 1.0050688510339276], "s_vecs": [[-0.7030039294415851, 0.7091696527694434, -0.05351522008324368], [0.6882264453968878, 0.6973453256245418, 0.20013459642442172]]}, "515": {"path": [10, 1, 3], "s": [2.483158725817138, 1.0067821980156826], "s_vecs": [[0.704313174198692, -0.7091598302683907, 0.032175888237471736], [-0.6827289466868034, -0.6890874196435826, -0.24298089111055005]]}, "516": {"path": [10, 1, 3], "s": [2.4865971098147055, 1.0053900529894428], "s_vecs": [[-0.704261663251735, 0.709135009034692, -0.03380900228145425], [0.6904823416876608, 0.6952551005620289, 0.1996358709250606]]}, "517": {"path": [10, 2, 0], "s": [2.4976543105161095, 1.0009391569818178], "s_vecs": [[-0.7047130140966397, 0.7080684336796761, -0.04492951133986657], [0.6964848680350502, 0.702474984728941, 0.146416271050292]]}, "518": {"path": [10, 2, 0], "s": [2.4900012383598438, 1.0040155649266826], "s_vecs": [[0.7048737851921112, -0.7080015451804025, 0.043436838871035555], [-0.6883685995439541, -0.6975352851146589, -0.1989803939635939]]}, "519": {"path": [10, 2, 1], "s": [2.4994635574532102, 1.0002146230718951], "s_vecs": [[0.7061104851765438, -0.7075225296270798, 0.028633071680203737], [-0.6974072613382345, -0.7018785410982005, -0.1448779671950331]]}, "520": {"path": [10, 2, 1], "s": [2.4997851622429996, 1.0000859424882775], "s_vecs": [[-0.704848721311745, 0.7076935317900955, -0.04856073648184551], [0.696315807622482, 0.7033333492844971, 0.1430611611839572]]}, "521": {"path": [10, 2, 2], "s": [2.4921004666052333, 1.0031698294272735], "s_vecs": [[0.7058915851356955, -0.7078552622589971, 0.025651466368648693], [-0.6908999232496422, -0.6960618383450659, -0.1953335947893396]]}, "522": {"path": [10, 2, 2], "s": [2.4996092465816364, 1.0001563258012818], "s_vecs": [[-0.7058331232654589, 0.7078796019468998, -0.026572001219815546], [0.6981189030716409, 0.7014821114426504, 0.1433626328581119]]}, "523": {"path": [10, 2, 3], "s": [2.4900275023744465, 1.0040049748912612], "s_vecs": [[-0.704344926949559, 0.7088225113974783, -0.03832585571898396], [0.6902901416490034, 0.6965195700312291, 0.1958571134927466]]}, "524": {"path": [10, 2, 3], "s": [2.4900292172851164, 1.0040042834219252], "s_vecs": [[0.7059223049520077, -0.7079190855865414, 0.022896891351444487], [-0.6909315589720311, -0.6953755475207577, -0.19765229249033556]]}, "525": {"path": [10, 3, 0], "s": [2.4918157266167285, 1.0032844617263823], "s_vecs": [[0.7068430444031759, -0.7073302453488564, 0.0075388721687170285], [-0.6928649326660531, -0.6944562842269989, -0.1940841425240489]]}, "526": {"path": [10, 3, 0], "s": [2.4919319324046683, 1.0032376757528652], "s_vecs": [[-0.7055864197610582, 0.7082670592655075, -0.02248503965221478], [0.6920201178883678, 0.6955354222563284, 0.19323206986543476]]}, "527": {"path": [10, 3, 1], "s": [2.486396234941791, 1.00547127801556], "s_vecs": [[0.7066451545329615, -0.7075416278499793, 0.006121309867050284], [-0.6866646664663105, -0.6878306154341354, -0.2353310015663238]]}, "528": {"path": [10, 3, 1], "s": [2.4910677754314134, 1.0035857011425708], "s_vecs": [[-0.7066293715235048, 0.7075545174505155, -0.006444853424624086], [0.693331796237427, 0.6941866753745914, 0.19338014390974748]]}, "529": {"path": [10, 3, 2], "s": [2.4842347184645646, 1.0063461320374694], "s_vecs": [[-0.7053411830652921, 0.7087122338567687, -0.01485883756567448], [0.6863848762886586, 0.6880571944714886, 0.2354848163645103]]}, "530": {"path": [10, 3, 2], "s": [2.484338908789333, 1.0063039270347782], "s_vecs": [[0.7068759905424364, -0.7073192443508772, 0.0050813940560997944], [-0.6864832772788929, -0.6877492049483578, -0.23609688924111744]]}, "531": {"path": [10, 3, 3], "s": [2.4897753037874977, 1.0041066742837985], "s_vecs": [[-0.7055880440653969, 0.7083539967973835, -0.019496853416386586], [0.6921103222644216, 0.6947907985943537, 0.19557363831472516]]}, "532": {"path": [10, 3, 3], "s": [2.485361111591427, 1.0058900448471242], "s_vecs": [[0.7056563880853564, -0.7083114136548581, 0.018547324351104455], [-0.6850396649320383, -0.6886918603812111, -0.23753774208421474]]}, "533": {"path": [11, 0, 0], "s": [2.5008999152650078, 0.9996401634229689], "s_vecs": [[-0.7059219470826347, 0.7077186315332942, -0.02843489419187714], [0.6980031977495669, 0.7019261772731088, 0.14174335113203437]]}, "534": {"path": [11, 0, 0], "s": [2.5008331333898397, 0.9996668576648641], "s_vecs": [[0.7068813258270245, -0.7072687606320842, 0.009470556001858865], [-0.6991189166431674, -0.7006451415330693, -0.1425802442058148]]}, "535": {"path": [11, 0, 1], "s": [2.5075628249701865, 0.9969839938226563], "s_vecs": [[-0.7061401634992974, 0.7073817671001097, -0.031258679874746946], [0.703152478722831, 0.7057452577923647, 0.08660382652936054]]}, "536": {"path": [11, 0, 1], "s": [2.5007254226547477, 0.9997099151117612], "s_vecs": [[0.7061835845342552, -0.7073759529213837, 0.030397469679482203], [-0.6973173440711345, -0.7022984242862625, -0.14326704053135098]]}, "537": {"path": [11, 0, 2], "s": [2.508264115742549, 0.9967052449976532], "s_vecs": [[0.7069457339420234, -0.7071881462377168, 0.010613909837370698], [-0.7039751110533071, -0.7050216969978607, -0.08581054585387997]]}, "538": {"path": [11, 0, 2], "s": [2.508331716092883, 0.9966783834692086], "s_vecs": [[-0.7062578142153163, 0.7072044427282638, -0.03258490517417183], [0.7030276415796467, 0.7060200317918043, 0.08536890466475308]]}, "539": {"path": [11, 0, 3], "s": [2.5015260176970737, 0.9993899652906754], "s_vecs": [[0.7068689962833717, -0.7072722929908706, 0.010105724158853385], [-0.6991233502929701, -0.7007539631085142, -0.14202261884236655]]}, "540": {"path": [11, 0, 3], "s": [2.508235688218746, 0.9967165413292572], "s_vecs": [[-0.7068568944842, 0.707280084853772, -0.01040251360940981], [0.704090337977229, 0.7049284928131765, 0.08563069535660313]]}, "541": {"path": [11, 1, 0], "s": [2.512240118686528, 0.9951278070135555], "s_vecs": [[-0.70696761776195, 0.7071588962438893, -0.011094273257735366], [0.7066952890925015, 0.7069491621311071, 0.028366362766332878]]}, "542": {"path": [11, 1, 0], "s": [2.508573416001444, 0.9965823539599221], "s_vecs": [[0.706974504970506, -0.7071563932103311, 0.01081133032814243], [-0.7039453638070349, -0.7050734405848459, -0.08562924825332616]]}, "543": {"path": [11, 1, 1], "s": [2.5124042557671125, 0.9950627946363977], "s_vecs": [[0.7071145564409788, -0.7070087852739678, -0.011295203172398906], [-0.7069982266811607, -0.7066538792327499, -0.028174499729356685]]}, "544": {"path": [11, 1, 1], "s": [2.5124042557671125, 0.9950627946363974], "s_vecs": [[-0.7070087852739717, 0.7071145564409754, -0.011295203172399355], [0.7066538792327466, 0.7069982266811646, 0.02817449972935659]]}, "545": {"path": [11, 1, 2], "s": [2.508573416001438, 0.996582353959923], "s_vecs": [[0.707156393210335, -0.7069745049705016, -0.010811330328140793], [-0.7050734405848416, -0.7039453638070385, -0.08562924825332702]]}, "546": {"path": [11, 1, 2], "s": [2.512240118686525, 0.9951278070135571], "s_vecs": [[-0.7071588962438943, 0.7069676177619452, 0.011094273257733996], [0.7069491621311021, 0.7066952890925065, 0.02836636276633383]]}, "547": {"path": [11, 1, 3], "s": [2.5085481629252335, 0.996592386364522], "s_vecs": [[-0.7068869285000471, 0.7072470781232011, -0.010603810728428621], [0.7040590864263788, 0.7049817091080401, 0.0854493571863452]]}, "548": {"path": [11, 1, 3], "s": [2.508548162925234, 0.9965923863645227], "s_vecs": [[0.7072470781232068, -0.7068869285000412, -0.010603810728425908], [-0.7049817091080341, -0.7040590864263847, -0.0854493571863453]]}, "549": {"path": [11, 2, 0], "s": [2.5083317160928806, 0.9966783834692096], "s_vecs": [[0.7072044427282662, -0.7062578142153138, -0.03258490517417156], [-0.7060200317918015, -0.7030276415796491, -0.08536890466475403]]}, "550": {"path": [11, 2, 0], "s": [2.5082641157425427, 0.9967052449976559], "s_vecs": [[-0.7071881462377203, 0.7069457339420199, 0.010613909837369165], [0.7050216969978569, 0.7039751110533108, 0.08581054585388079]]}, "551": {"path": [11, 2, 1], "s": [2.5007254226547473, 0.9997099151117605], "s_vecs": [[0.7073759529213841, -0.7061835845342546, -0.030397469679482134], [-0.7022984242862621, -0.697317344071135, -0.14326704053135036]]}, "552": {"path": [11, 2, 1], "s": [2.5075628249701873, 0.9969839938226575], "s_vecs": [[-0.7073817671001117, 0.7061401634992955, 0.0312586798747468], [0.705745257792363, 0.7031524787228327, 0.08660382652936138]]}, "553": {"path": [11, 2, 2], "s": [2.5008331333898486, 0.9996668576648596], "s_vecs": [[-0.7072687606320852, 0.7068813258270229, 0.009470556001857908], [0.7006451415330677, 0.6991189166431686, 0.1425802442058134]]}, "554": {"path": [11, 2, 2], "s": [2.5008999152650224, 0.9996401634229627], "s_vecs": [[0.7077186315332976, -0.7059219470826313, -0.028434894191875497], [-0.7019261772731055, -0.6980031977495706, -0.14174335113203315]]}, "555": {"path": [11, 2, 3], "s": [2.508235688218747, 0.9967165413292572], "s_vecs": [[-0.7072800848537782, 0.7068568944841935, 0.010402513609407069], [0.7049284928131698, 0.7040903379772352, 0.08563069535660323]]}, "556": {"path": [11, 2, 3], "s": [2.5015260176970764, 0.9993899652906747], "s_vecs": [[0.7072722929908747, -0.7068689962833674, -0.010105724158850776], [-0.7007539631085096, -0.6991233502929747, -0.1420226188423662]]}, "557": {"path": [11, 3, 0], "s": [2.4931151578605943, 1.0027615419679656], "s_vecs": [[0.7074081737958761, -0.7067548174805429, -0.008444146779182662], [-0.6945964462637461, -0.6929284057806829, -0.1933545998936061]]}, "558": {"path": [11, 3, 0], "s": [2.500599809671295, 0.9997601336811368], "s_vecs": [[-0.7074188297516375, 0.7067403833814654, 0.008753845477479288], [0.7004812390473373, 0.6993944194955504, 0.1420333753777247]]}, "559": {"path": [11, 3, 1], "s": [2.4924401597888406, 1.003033108009221], "s_vecs": [[-0.7065497786340981, 0.7076244105192231, -0.0074232034479057435], [0.693377024639359, 0.6943449708710501, 0.19264828867226014]]}, "560": {"path": [11, 3, 1], "s": [2.4924401597888446, 1.0030331080092214], "s_vecs": [[0.7076244105192239, -0.7065497786340972, -0.007423203447906188], [-0.694344970871049, -0.6933770246393599, -0.19264828867226014]]}, "561": {"path": [11, 3, 2], "s": [2.500599809671292, 0.9997601336811379], "s_vecs": [[-0.7067403833814652, 0.7074188297516373, -0.008753845477479427], [0.6993944194955503, 0.7004812390473368, 0.14203337537772562]]}, "562": {"path": [11, 3, 2], "s": [2.4931151578605992, 1.0027615419679647], "s_vecs": [[0.7067548174805434, -0.7074081737958754, 0.008444146779182857], [-0.6929284057806822, -0.6945964462637464, -0.19335459989360657]]}, "563": {"path": [11, 3, 3], "s": [2.501314911739202, 0.9994743117977538], "s_vecs": [[0.7074177700578149, -0.7067328536896146, -0.009421895890029716], [-0.7005978978809692, -0.6993907798272673, -0.14147481251931113]]}, "564": {"path": [11, 3, 3], "s": [2.501314911739197, 0.9994743117977586], "s_vecs": [[-0.706732853689617, 0.7074177700578123, -0.009421895890031493], [0.6993907798272645, 0.7005978978809719, 0.14147481251931107]]}, "565": {"path": [12, 0, 0], "s": [2.499609246581651, 1.0001563258012753], "s_vecs": [[-0.7078796019468987, 0.7058331232654604, 0.026572001219815136], [0.701482111442652, 0.6981189030716398, 0.14336263285811027]]}, "566": {"path": [12, 0, 0], "s": [2.4921004666052404, 1.0031698294272702], "s_vecs": [[0.7078552622589969, -0.7058915851356955, -0.02565146636864804], [-0.6960618383450659, -0.6908999232496421, -0.19533359478933998]]}, "567": {"path": [12, 0, 1], "s": [2.4997851622430076, 1.0000859424882727], "s_vecs": [[0.7076935317900954, -0.7048487213117451, -0.04856073648184567], [-0.7033333492844972, -0.6963158076224822, -0.14306116118395634]]}, "568": {"path": [12, 0, 1], "s": [2.4994635574532125, 1.0002146230718942], "s_vecs": [[-0.7075225296270753, 0.7061104851765481, 0.028633071680204965], [0.7018785410982048, 0.6974072613382302, 0.14487796719503204]]}, "569": {"path": [12, 0, 2], "s": [2.4900012383598593, 1.0040155649266773], "s_vecs": [[0.7080015451804011, -0.7048737851921123, -0.04343683887103529], [-0.6975352851146603, -0.6883685995439528, -0.19898039396359263]]}, "570": {"path": [12, 0, 2], "s": [2.4976543105161184, 1.0009391569818153], "s_vecs": [[-0.7080684336796762, 0.7047130140966399, 0.04492951133986593], [0.7024749847289412, 0.6964848680350504, 0.14641627105029179]]}, "571": {"path": [12, 0, 3], "s": [2.4900292172851213, 1.0040042834219247], "s_vecs": [[-0.7079190855865389, 0.7059223049520101, 0.02289689135144536], [0.6953755475207603, 0.6909315589720287, 0.19765229249033522]]}, "572": {"path": [12, 0, 3], "s": [2.4900275023744505, 1.0040049748912594], "s_vecs": [[0.7088225113974739, -0.704344926949563, -0.038325855718985696], [-0.6965195700312334, -0.6902901416489989, -0.1958571134927461]]}, "573": {"path": [12, 1, 0], "s": [2.487391781596091, 1.005068851033921], "s_vecs": [[0.7091696527694404, -0.7030039294415878, -0.053515220083244705], [-0.697345325624545, -0.6882264453968852, -0.20013459642441989]]}, "574": {"path": [12, 1, 0], "s": [2.4867053527414917, 1.0053462897177798], "s_vecs": [[-0.7082662596682237, 0.7048499429711262, 0.03931238111822509], [0.6963823282991063, 0.6884525396057907, 0.2026937432262109]]}, "575": {"path": [12, 1, 1], "s": [2.4805788020213777, 1.0078293009529862], "s_vecs": [[0.709894641115816, -0.7030028086624941, -0.04285614924012637], [-0.6896402969686182, -0.6814691494296736, -0.2449409299660505]]}, "576": {"path": [12, 1, 1], "s": [2.4821180603144994, 1.0072043066651037], "s_vecs": [[-0.7098576553883282, 0.702933495277381, 0.044571406795271856], [0.6947806877604903, 0.6884218481693997, 0.20821900700485554]]}, "577": {"path": [12, 1, 2], "s": [2.4795283142482267, 1.0082562823074592], "s_vecs": [[-0.7089737384626207, 0.7047662731065849, 0.025704833432446672], [0.687438020593221, 0.6824867116217449, 0.24827576664389012]]}, "578": {"path": [12, 1, 2], "s": [2.479503921513629, 1.008266201278623], "s_vecs": [[0.7103024851190972, -0.7025995512152419, -0.042711242849805334], [-0.6892202262858736, -0.6818849032233358, -0.2449662393770836]]}, "579": {"path": [12, 1, 3], "s": [2.4865971098147104, 1.0053900529894397], "s_vecs": [[-0.7091350090346895, 0.7042616632517374, 0.03380900228145593], [0.695255100562032, 0.6904823416876582, 0.19963587092505983]]}, "580": {"path": [12, 1, 3], "s": [2.4831587258171433, 1.0067821980156806], "s_vecs": [[0.7091598302683879, -0.7043131741986948, -0.03217588823747315], [-0.6890874196435856, -0.6827289466868004, -0.2429808911105505]]}, "581": {"path": [12, 2, 0], "s": [2.4818664210615853, 1.0073064282527573], "s_vecs": [[0.709386301230744, -0.7046440679452005, -0.015742081685845802], [-0.6821858199744021, -0.6808196161161112, -0.26665925323784223]]}, "582": {"path": [12, 2, 0], "s": [2.478861205303496, 1.0085276233503022], "s_vecs": [[-0.7092909406455232, 0.7047141334478547, 0.016862729228335885], [0.6863863003656971, 0.6849999996106397, 0.24423113479594416]]}, "583": {"path": [12, 2, 1], "s": [2.4809418203248503, 1.007681832568187], "s_vecs": [[-0.7078640658759989, 0.7063103704667276, 0.007356956752184243], [0.6819348134741497, 0.6806460768998956, 0.2677420926428229]]}, "584": {"path": [12, 2, 1], "s": [2.480160196387292, 1.0079994040875278], "s_vecs": [[0.7098762582725957, -0.7041547275243402, -0.015550487002700258], [-0.6816759606212337, -0.6813257164410952, -0.26667049485675476]]}, "585": {"path": [12, 2, 2], "s": [2.4811338131072804, 1.0076038570725427], "s_vecs": [[-0.7086035195259418, 0.7055148058822756, 0.011397841740578896], [0.6872264975781602, 0.6863921557469412, 0.23787717325443766]]}, "586": {"path": [12, 2, 2], "s": [2.483376612049509, 1.0066938650665525], "s_vecs": [[0.7086467609635414, -0.7054852514957412, -0.010503718287934186], [-0.6821747731824537, -0.6812786991745408, -0.2655125475086132]]}, "587": {"path": [12, 2, 3], "s": [2.4826865196255503, 1.0069736876716329], "s_vecs": [[0.709474797021157, -0.704318095007367, -0.02411500439523033], [-0.6882171105888626, -0.6850798969473602, -0.23879435397703985]]}, "588": {"path": [12, 2, 3], "s": [2.482455726057328, 1.007067305877206], "s_vecs": [[-0.7081819032800577, 0.7058613382931028, 0.015432529595146849], [0.6879479340367128, 0.6849646185563188, 0.23989812708859412]]}, "589": {"path": [12, 3, 0], "s": [2.4843389087893444, 1.0063039270347724], "s_vecs": [[-0.7073192443508731, 0.7068759905424403, 0.00508139405610207], [0.687749204948362, 0.6864832772788887, 0.23609688924111707]]}, "590": {"path": [12, 3, 0], "s": [2.484234718464575, 1.006346132037463], "s_vecs": [[0.7087122338567635, -0.7053411830652973, -0.014858837565675409], [-0.6880571944714936, -0.6863848762886536, -0.23548481636450985]]}, "591": {"path": [12, 3, 1], "s": [2.4910677754314197, 1.0035857011425684], "s_vecs": [[-0.7075545174505136, 0.7066293715235066, 0.006444853424624253], [0.6941866753745932, 0.6933317962374249, 0.19338014390974817]]}, "592": {"path": [12, 3, 1], "s": [2.4863962349418034, 1.005471278015555], "s_vecs": [[0.7075416278499767, -0.7066451545329641, -0.006121309867051367], [-0.687830615434138, -0.6866646664663077, -0.2353310015663239]]}, "593": {"path": [12, 3, 2], "s": [2.49193193240467, 1.0032376757528636], "s_vecs": [[0.7082670592655056, -0.7055864197610602, -0.02248503965221424], [-0.6955354222563302, -0.6920201178883659, -0.1932320698654349]]}, "594": {"path": [12, 3, 2], "s": [2.491815726616728, 1.0032844617263836], "s_vecs": [[-0.7073302453488531, 0.7068430444031796, 0.0075388721687169175], [0.6944562842270022, 0.6928649326660499, 0.19408414252404915]]}, "595": {"path": [12, 3, 3], "s": [2.4853611115914402, 1.0058900448471197], "s_vecs": [[0.7083114136548552, -0.7056563880853595, -0.018547324351105413], [-0.6886918603812141, -0.6850396649320353, -0.23753774208421483]]}, "596": {"path": [12, 3, 3], "s": [2.489775303787504, 1.0041066742837965], "s_vecs": [[-0.7083539967973802, 0.7055880440654001, 0.019496853416387322], [0.6947907985943569, 0.6921103222644183, 0.19557363831472457]]}, "597": {"path": [13, 0, 0], "s": [2.5068915269572676, 0.9972509672304686], "s_vecs": [[-0.7063420882257402, 0.7055176668347113, 0.057668675942887486], [-0.7075328084802751, -0.7011415209478881, -0.08830567664027189]]}, "598": {"path": [13, 0, 0], "s": [2.5108345967962578, 0.9956848623919389], "s_vecs": [[0.7064176857684636, -0.7054381186299664, -0.05771580387850074], [0.7075174348585996, 0.7060731575239705, 0.029661011365722648]]}, "599": {"path": [13, 0, 1], "s": [2.507263464036493, 0.9971030311968888], "s_vecs": [[-0.707112180345675, 0.7063462405983502, 0.0326703657672101], [0.7060204938587006, 0.702723571656763, 0.08783304668220776]]}, "600": {"path": [13, 0, 1], "s": [2.5074646588813727, 0.9970230252877419], "s_vecs": [[0.7068243478673628, -0.7052404832406389, -0.0550926679367332], [-0.7070467968919618, -0.7019138881966637, -0.0860332526495331]]}, "601": {"path": [13, 0, 2], "s": [2.511739499637592, 0.9953261476202911], "s_vecs": [[0.7070099046630296, -0.7064128738461215, -0.03343420961885957], [0.7071959488091181, 0.7064322173971654, 0.028764773791837474]]}, "602": {"path": [13, 0, 2], "s": [2.5080296888357774, 0.9967984075820471], "s_vecs": [[-0.7069563849099586, 0.706444733075237, 0.033889658382753235], [-0.7062717682905056, -0.7026319729052061, -0.08653611943656936]]}, "603": {"path": [13, 0, 3], "s": [2.511557726345259, 0.9953981840735646], "s_vecs": [[0.7061378806215987, -0.7056532568616939, -0.058504483859965775], [0.7077635828203618, 0.7058622491486991, 0.028795764619549347]]}, "604": {"path": [13, 0, 3], "s": [2.5114263452109746, 0.9954502566906811], "s_vecs": [[-0.7068146591021095, 0.7065684052180253, 0.03426552824669923], [-0.7073910949094944, -0.7062031209246805, -0.029580244065730527]]}, "605": {"path": [13, 1, 0], "s": [2.5121700742874906, 0.9951555531959981], "s_vecs": [[-0.7070955479530687, 0.707027725885964, 0.01129959704908801], [0.7070125323435686, 0.7066237949778275, 0.028567314894256568]]}, "606": {"path": [13, 1, 0], "s": [2.5122097816798354, 0.9951398240032038], "s_vecs": [[0.7068473513928373, -0.7065369991627337, -0.03423873016117762], [0.7073519706981192, 0.706310827624616, 0.02789631390913624]]}, "607": {"path": [13, 1, 1], "s": [2.512337916052565, 0.9950890698366118], "s_vecs": [[-0.7070655685826748, 0.7070546403688436, 0.011489876315453427], [0.7065863293374396, 0.7070581708070921, -0.02836374954713532]]}, "608": {"path": [13, 1, 1], "s": [2.5123379160525703, 0.9950890698366105], "s_vecs": [[-0.7070546403688465, 0.707065568582672, 0.011489876315453297], [-0.7070581708070894, -0.7065863293374424, -0.028363749547133506]]}, "609": {"path": [13, 1, 2], "s": [2.512209781679841, 0.9951398240032017], "s_vecs": [[0.706536999162737, -0.706847351392834, -0.03423873016117652], [0.7063108276246126, 0.7073519706981226, -0.027896313909137577]]}, "610": {"path": [13, 1, 2], "s": [2.5121700742874893, 0.9951555531959991], "s_vecs": [[-0.7070277258859674, 0.7070955479530651, 0.011299597049088507], [-0.7066237949778237, -0.7070125323435722, 0.028567314894258004]]}, "611": {"path": [13, 1, 3], "s": [2.5118936895689807, 0.9952650505798178], "s_vecs": [[-0.7066518950890972, 0.7066918085537486, 0.03506831746775581], [-0.7075472815994908, -0.7060822033057103, -0.02871874781609483]]}, "612": {"path": [13, 1, 3], "s": [2.5118936895689825, 0.995265050579819], "s_vecs": [[0.7066918085537517, -0.7066518950890942, -0.03506831746775589], [0.7060822033057071, 0.7075472815994938, -0.028718747816097387]]}, "613": {"path": [13, 2, 0], "s": [2.508029688835777, 0.9967984075820467], "s_vecs": [[-0.7064447330752414, 0.7069563849099543, 0.03388965838275364], [0.7026319729052016, 0.70627176829051, -0.08653611943656916]]}, "614": {"path": [13, 2, 0], "s": [2.5117394996375912, 0.9953261476202908], "s_vecs": [[-0.7064128738461258, 0.707009904663025, 0.03343420961885961], [-0.7064322173971612, -0.7071959488091223, 0.028764773791837568]]}, "615": {"path": [13, 2, 1], "s": [2.507464658881366, 0.9970230252877441], "s_vecs": [[0.7052404832406445, -0.7068243478673574, -0.05509266793673502], [0.701913888196658, 0.7070467968919675, -0.08603325264953232]]}, "616": {"path": [13, 2, 1], "s": [2.507263464036492, 0.9971030311968905], "s_vecs": [[-0.7063462405983546, 0.7071121803456705, 0.032670365767210635], [-0.7027235716567584, -0.7060204938587052, 0.08783304668220746]]}, "617": {"path": [13, 2, 2], "s": [2.5108345967962533, 0.9956848623919401], "s_vecs": [[-0.7054381186299707, 0.7064176857684593, 0.05771580387850195], [-0.7060731575239662, -0.7075174348586041, 0.029661011365723102]]}, "618": {"path": [13, 2, 2], "s": [2.5068915269572627, 0.9972509672304702], "s_vecs": [[-0.7055176668347157, 0.7063420882257357, 0.057668675942888964], [0.7011415209478838, 0.7075328084802797, -0.08830567664027097]]}, "619": {"path": [13, 2, 3], "s": [2.511426345210974, 0.9954502566906793], "s_vecs": [[-0.7065684052180292, 0.7068146591021056, 0.034265528246700476], [-0.7062031209246763, -0.7073910949094984, 0.029580244065731863]]}, "620": {"path": [13, 2, 3], "s": [2.511557726345257, 0.9953981840735641], "s_vecs": [[0.7056532568616977, -0.706137880621595, -0.05850448385996622], [0.7058622491486952, 0.7077635828203657, -0.028795764619550645]]}, "621": {"path": [13, 3, 0], "s": [2.5105170182423935, 0.9958108157937297], "s_vecs": [[0.704288644678702, -0.7049295272149136, -0.08397539304579094], [0.7053738990602473, 0.7082279017699273, -0.029341126070925906]]}, "622": {"path": [13, 3, 0], "s": [2.5102808277800084, 0.9959045108952614], "s_vecs": [[-0.7056929531870366, 0.7060952420221451, 0.058540285409683916], [-0.7057163714467075, -0.7078394731475879, 0.030457894317201206]]}, "623": {"path": [13, 3, 1], "s": [2.5097819779168384, 0.9961024590968831], "s_vecs": [[-0.7044699124561073, 0.7046298923410529, 0.08496385857245714], [-0.7086869902277085, -0.7048718408103836, -0.03030574062075948]]}, "624": {"path": [13, 3, 1], "s": [2.5097819779168358, 0.9961024590968824], "s_vecs": [[0.7046298923410569, -0.7044699124561036, -0.08496385857245722], [0.7048718408103797, 0.7086869902277126, -0.03030574062075942]]}, "625": {"path": [13, 3, 2], "s": [2.5102808277800106, 0.9959045108952604], "s_vecs": [[-0.7060952420221499, 0.705692953187032, 0.05854028540968301], [-0.7078394731475832, -0.7057163714467124, -0.030457894317201105]]}, "626": {"path": [13, 3, 2], "s": [2.510517018242386, 0.9958108157937339], "s_vecs": [[0.7049295272149173, -0.7042886446786986, -0.08397539304579082], [0.7082279017699238, 0.7053738990602509, 0.029341126070925854]]}, "627": {"path": [13, 3, 3], "s": [2.511003474631411, 0.9956178974889602], "s_vecs": [[0.7059051004906057, -0.7058179709100851, -0.059321000006053795], [0.7055088158855304, 0.7080830385233541, -0.029592587979616756]]}, "628": {"path": [13, 3, 3], "s": [2.5110034746314103, 0.9956178974889605], "s_vecs": [[-0.7058179709100889, 0.7059051004906018, 0.05932100000605367], [-0.7080830385233502, -0.705508815885534, -0.02959258797961577]]}, "629": {"path": [14, 0, 0], "s": [2.5055501339590185, 0.9977848641367026], "s_vecs": [[-0.7053941611299713, 0.7066481423397118, 0.05538483882416207], [-0.7012410875867563, -0.7071152075548403, 0.09082411752843107]]}, "630": {"path": [14, 0, 0], "s": [2.506033215489273, 0.9975925237335307], "s_vecs": [[0.7038500026519765, -0.7059176982478772, -0.07921727758028459], [0.700439329340489, 0.7082643984465089, -0.08801299793923051]]}, "631": {"path": [14, 0, 1], "s": [2.4991275916694393, 1.0003490851501415], "s_vecs": [[-0.7051882469537671, 0.7070769458080457, 0.052456925806215644], [0.6950291253229719, 0.704003503652648, -0.14599171824997723]]}, "632": {"path": [14, 0, 1], "s": [2.5061099187911173, 0.9975619908986014], "s_vecs": [[0.7051022705567239, -0.7071429428550852, -0.052722352242693726], [-0.7020364988279273, -0.7066131856463286, 0.08855823047110403]]}, "633": {"path": [14, 0, 2], "s": [2.497377609714328, 1.0010500575785857], "s_vecs": [[0.7033882989692765, -0.7073451401350471, -0.07005536096858148], [0.694221572842682, 0.7047980179021766, -0.14600055397496264]]}, "634": {"path": [14, 0, 2], "s": [2.497053837026737, 1.001179855608068], "s_vecs": [[-0.7051031741482668, 0.7073981490797906, 0.04916678232836707], [-0.6950944838148796, -0.7032233328918923, 0.14940081206788913]]}, "635": {"path": [14, 0, 3], "s": [2.504254044201801, 0.9983012729033425], "s_vecs": [[0.7036844605134136, -0.7064084845146887, -0.07625767527014589], [-0.7005642174449647, -0.7077213688474587, 0.09132492163918889]]}, "636": {"path": [14, 0, 3], "s": [2.496751008180774, 1.001301287877157], "s_vecs": [[-0.7039053587818087, 0.7062879806851529, 0.07532950429906482], [0.6922843138794795, 0.7059190499020923, -0.14973551262725146]]}, "637": {"path": [14, 1, 0], "s": [2.486212298558357, 1.0055456653680128], "s_vecs": [[-0.7034730459476242, 0.70782769568294, 0.06407516562094179], [0.6846533582507377, 0.6991039658929331, -0.20616358531214912]]}, "638": {"path": [14, 1, 0], "s": [2.4940929409069, 1.002368419795516], "s_vecs": [[0.7032852849127722, -0.7078707154549597, -0.065641893836516], [-0.694295805877202, -0.7037614514707102, 0.15057607168858483]]}, "639": {"path": [14, 1, 1], "s": [2.4829497182356883, 1.0068669460517419], "s_vecs": [[0.7015278047534899, -0.7079784331277111, -0.0813958069176816], [0.6828530951186085, 0.700482064111401, -0.2074524724971188]]}, "640": {"path": [14, 1, 1], "s": [2.481133849856446, 1.0076038421484799], "s_vecs": [[-0.7035497289779964, 0.7084256645719825, 0.05613249175595959], [-0.6845665317801402, -0.6968151611646134, 0.2140497482774606]]}, "641": {"path": [14, 1, 2], "s": [2.4895437081248533, 1.0042000836703617], "s_vecs": [[0.7014592480680908, -0.7078168146432353, -0.08336834056194672], [-0.6919286236699176, -0.7043720600810056, 0.15841332243057551]]}, "642": {"path": [14, 1, 2], "s": [2.483556954784543, 1.0066207642968608], "s_vecs": [[-0.7017689528760932, 0.7077309703182509, 0.08146907653569385], [0.6826052645083436, 0.7007320868692433, -0.20742370958347445]]}, "643": {"path": [14, 1, 3], "s": [2.4935606589312527, 1.0025823879782831], "s_vecs": [[-0.7038566744352027, 0.7067592063930962, 0.07125451586824531], [-0.6922617066010244, -0.7049695391670298, 0.15424551345327064]]}, "644": {"path": [14, 1, 3], "s": [2.4946740289625913, 1.002134936659288], "s_vecs": [[0.7016252447293044, -0.7066861046803404, -0.09119630151640276], [0.6919238789303297, 0.706284423630692, -0.14967851783962755]]}, "645": {"path": [14, 2, 0], "s": [2.4907645111745196, 1.0037078932127255], "s_vecs": [[0.6998442939562628, -0.7031478995419604, -0.1257020110681963], [0.6862191707188805, 0.7106973307131499, -0.15495984594434634]]}, "646": {"path": [14, 2, 0], "s": [2.487598834861581, 1.004985194945675], "s_vecs": [[-0.70214663508017, 0.705780795356206, 0.09414654402555835], [-0.6881282823356288, -0.7065892936850252, 0.1649576827538341]]}, "647": {"path": [14, 2, 1], "s": [2.498938840454379, 1.0004246440642897], "s_vecs": [[0.699390228954478, -0.7032544440038936, -0.12761855128380584], [-0.6968411139970458, -0.7106267804214594, 0.097067197297475]]}, "648": {"path": [14, 2, 1], "s": [2.4910394132957054, 1.0035971276313298], "s_vecs": [[-0.6998943588647921, 0.7030960449648007, 0.12571331665378965], [0.6861681080278282, 0.7107486307182883, -0.15495067427277798]]}, "649": {"path": [14, 2, 2], "s": [2.5009666951793084, 0.9996134713904132], "s_vecs": [[-0.7023030412491387, 0.703858230132419, 0.10655529140812088], [-0.697272793881817, -0.7103091231064208, 0.09628915070781746]]}, "650": {"path": [14, 2, 2], "s": [2.5023117223064397, 0.999076165337103], "s_vecs": [[0.6995255199992254, -0.7021780087522443, -0.1327030176542568], [0.6969560682554801, 0.7113989804364979, -0.0903533594050255]]}, "651": {"path": [14, 2, 3], "s": [2.4925895110214578, 1.0029730081691244], "s_vecs": [[-0.7021894158968957, 0.7047568469448628, 0.10123147181935024], [0.6883404913599199, 0.7083093491435942, -0.15647758264416686]]}, "652": {"path": [14, 2, 3], "s": [2.5016842061787665, 0.9993267710710214], "s_vecs": [[0.7018694790092719, -0.7048290876531182, -0.10293294726823897], [-0.6986500705815969, -0.7093483000806241, 0.0933438163407655]]}, "653": {"path": [14, 3, 0], "s": [2.507994736731414, 0.9968122992387795], "s_vecs": [[-0.7020553516752983, 0.7035760048616281, 0.10999585704481504], [-0.7050816949835114, -0.7084385407240007, 0.03121918346188949]]}, "654": {"path": [14, 3, 0], "s": [2.5031888512791722, 0.9987260844192635], "s_vecs": [[-0.7023774484989945, 0.7033744388005655, 0.10922599819654738], [0.6972995971969624, 0.7107356269861471, -0.0928877832740264]]}, "655": {"path": [14, 3, 1], "s": [2.5087383634292024, 0.9965168295121614], "s_vecs": [[-0.7043649810994594, 0.7048457835140972, 0.08403805604103694], [-0.7051255432311122, -0.7083872945732657, 0.031391227599414845]]}, "656": {"path": [14, 3, 1], "s": [2.509251408161253, 0.9963130804146745], "s_vecs": [[0.7023617728366148, -0.7030782502097673, -0.11121562003504482], [0.7047999250167354, 0.708783231419522, -0.02972198773475359]]}, "657": {"path": [14, 3, 2], "s": [2.50512925173254, 0.997952500163817], "s_vecs": [[-0.704179050998144, 0.7052028531114061, 0.0825881353396837], [0.6993424047153318, 0.7089777550738583, -0.09094362966920376]]}, "658": {"path": [14, 3, 2], "s": [2.5094772073140086, 0.9962234335954967], "s_vecs": [[-0.7040179421301955, 0.7053111865480601, 0.08303533759148764], [-0.7056348649550632, -0.7079223491783063, 0.030420139607143366]]}, "659": {"path": [14, 3, 3], "s": [2.5039457405705408, 0.9984241908653977], "s_vecs": [[0.7019718315316247, -0.7043065070190023, -0.1057728316101465], [0.6986245472828708, 0.709814346428526, -0.08992961435505094]]}, "660": {"path": [14, 3, 3], "s": [2.503367772457692, 0.9986547032782216], "s_vecs": [[-0.7040366006846606, 0.7056698920140654, 0.07976508259411083], [-0.699427673341114, -0.7084620075268021, 0.09424708831433169]]}, "661": {"path": [15, 0, 0], "s": [2.50015561967708, 0.9999377560037243], "s_vecs": [[-0.6998858679609568, 0.700536957465484, 0.13931167594118277], [0.6945368132178771, 0.7130068866869566, -0.09612385043333083]]}, "662": {"path": [15, 0, 0], "s": [2.506406077491616, 0.9974441182739116], "s_vecs": [[-0.6994641424783157, 0.700731871448901, 0.14044485651954447], [-0.7042825565388676, -0.7092388461312176, 0.031086004785691228]]}, "663": {"path": [15, 0, 1], "s": [2.4998619842331298, 1.0000552093546513], "s_vecs": [[0.6966211443383213, -0.6969770694276344, -0.17012332571647626], [0.6931086507060871, 0.7150319275664019, -0.09126741410308126]]}, "664": {"path": [15, 0, 1], "s": [2.496844534828739, 1.0012637811955243], "s_vecs": [[-0.6998112750312299, 0.7015215440730524, 0.13465401048808295], [-0.6942956074375233, -0.7123208070824669, 0.10272622493961178]]}, "665": {"path": [15, 0, 2], "s": [2.505459000911158, 0.9978211573571254], "s_vecs": [[-0.6959833868104173, 0.697324341847718, 0.1713064142130941], [-0.7036643834752849, -0.7098665832263673, 0.0307549906010416]]}, "666": {"path": [15, 0, 2], "s": [2.4999638715818993, 1.0000144515760856], "s_vecs": [[-0.6965103351171563, 0.6970913654960798, 0.17010873353769265], [0.6932200036769222, 0.7149204997047355, -0.09129460884466131]]}, "667": {"path": [15, 0, 3], "s": [2.5055029674889555, 0.997803647586786], "s_vecs": [[-0.6998558304433161, 0.7001498260456587, 0.14139320239223124], [-0.703648448863427, -0.7098251441032964, 0.03204879421799967]]}, "668": {"path": [15, 0, 3], "s": [2.5067795614373334, 0.9972955095287894], "s_vecs": [[0.696170509229661, -0.6967094770689837, -0.1730390899224164], [0.7035969252955754, 0.7100418706776648, -0.028140870618641824]]}, "669": {"path": [15, 1, 0], "s": [2.5055858518804452, 0.997770640396835], "s_vecs": [[0.6917833910805384, -0.6912759532400558, -0.20874217661307187], [0.7027120057600528, 0.711007765511858, -0.025764206615342428]]}, "670": {"path": [15, 1, 0], "s": [2.5040659211674847, 0.9983762723125158], "s_vecs": [[-0.6961950071129445, 0.6965910563594526, 0.173416874239588], [-0.702778066553118, -0.710635566354546, 0.033167469059528686]]}, "671": {"path": [15, 1, 1], "s": [2.5056488028074044, 0.9977455728029121], "s_vecs": [[-0.6914771489977196, 0.6915844877306139, 0.20873487668420398], [-0.7108120979275038, -0.7029077603388583, -0.025823282039879616]]}, "672": {"path": [15, 1, 1], "s": [2.5056488028074018, 0.9977455728029112], "s_vecs": [[0.6915844877306176, -0.6914771489977161, -0.20873487668420404], [0.7029077603388553, 0.710812097927507, -0.025823282039876494]]}, "673": {"path": [15, 1, 2], "s": [2.5040659211674816, 0.9983762723125175], "s_vecs": [[-0.696591056359455, 0.6961950071129421, 0.17341687423958796], [-0.7106355663545438, -0.7027780665531201, -0.03316746905953068]]}, "674": {"path": [15, 1, 2], "s": [2.5055858518804466, 0.9977706403968338], "s_vecs": [[0.6912759532400581, -0.6917833910805362, -0.20874217661307168], [0.7110077655118558, 0.7027120057600549, 0.025764206615344898]]}, "675": {"path": [15, 1, 3], "s": [2.505404736349998, 0.9978427691655635], "s_vecs": [[0.6963668746793488, -0.6960117609890085, -0.17504514964515733], [0.7027483380057238, 0.7107834388079515, -0.03052337705000116]]}, "676": {"path": [15, 1, 3], "s": [2.5054047363499956, 0.9978427691655657], "s_vecs": [[-0.6960117609890129, 0.6963668746793443, 0.17504514964515708], [-0.7107834388079473, -0.7027483380057278, -0.030523377050003922]]}, "677": {"path": [15, 2, 0], "s": [2.4999638715818913, 1.000014451576088], "s_vecs": [[-0.6970913654960825, 0.6965103351171534, 0.1701087335376922], [-0.7149204997047327, -0.6932200036769246, -0.09129460884466302]]}, "678": {"path": [15, 2, 0], "s": [2.5054590009111566, 0.9978211573571263], "s_vecs": [[0.697324341847721, -0.6959833868104143, -0.1713064142130939], [0.7098665832263644, 0.7036643834752878, 0.03075499060104358]]}, "679": {"path": [15, 2, 1], "s": [2.4968445348287296, 1.0012637811955263], "s_vecs": [[-0.7015215440730582, 0.699811275031224, 0.13465401048808187], [0.7123208070824608, 0.6942956074375288, 0.10272622493961311]]}, "680": {"path": [15, 2, 1], "s": [2.499861984233123, 1.0000552093546555], "s_vecs": [[0.6969770694276369, -0.6966211443383191, -0.17012332571647534], [-0.7150319275663993, -0.6931086507060894, -0.0912674141030824]]}, "681": {"path": [15, 2, 2], "s": [2.5064060774916084, 0.9974441182739158], "s_vecs": [[0.7007318714489056, -0.6994641424783113, -0.14044485651954414], [0.7092388461312134, 0.7042825565388718, 0.0310860047856932]]}, "682": {"path": [15, 2, 2], "s": [2.500155619677076, 0.999937756003726], "s_vecs": [[-0.7005369574654873, 0.6998858679609534, 0.13931167594118227], [-0.7130068866869533, -0.6945368132178803, -0.09612385043333152]]}, "683": {"path": [15, 2, 3], "s": [2.50677956143733, 0.9972955095287906], "s_vecs": [[0.6967094770689877, -0.6961705092296572, -0.17303908992241604], [0.710041870677661, 0.7035969252955793, 0.02814087061864426]]}, "684": {"path": [15, 2, 3], "s": [2.5055029674889537, 0.9978036475867869], "s_vecs": [[-0.7001498260456651, 0.6998558304433096, 0.14139320239223085], [-0.7098251441032899, -0.7036484488634333, -0.03204879421800227]]}, "685": {"path": [15, 3, 0], "s": [2.5069680120386395, 0.997220542102979], "s_vecs": [[-0.702983194725234, 0.7024386526569675, 0.11133089053523351], [-0.7090333688034696, -0.7044229606994307, -0.03255724746736918]]}, "686": {"path": [15, 3, 0], "s": [2.50772478701138, 0.9969196033586323], "s_vecs": [[0.700309737564306, -0.6997195449717553, -0.14127572281582124], [0.7095090944301412, 0.704059279262168, 0.029956238177677966]]}, "687": {"path": [15, 3, 1], "s": [2.5082358267540767, 0.9967164862784321], "s_vecs": [[0.7027362392484083, -0.7024953936100219, -0.11252555267006706], [0.7041541491953479, 0.7093681750970598, -0.03104394192822063]]}, "688": {"path": [15, 3, 1], "s": [2.5082358267540754, 0.9967164862784323], "s_vecs": [[-0.7024953936100248, 0.7027362392484057, 0.11252555267006695], [-0.7093681750970571, -0.7041541491953507, -0.031043941928221228]]}, "689": {"path": [15, 3, 2], "s": [2.5077247870113846, 0.9969196033586314], "s_vecs": [[0.6997195449717599, -0.7003097375643011, -0.14127572281582154], [0.7040592792621633, 0.7095090944301456, -0.029956238177675974]]}, "690": {"path": [15, 3, 2], "s": [2.5069680120386337, 0.9972205421029807], "s_vecs": [[-0.7024386526569744, 0.7029831947252269, 0.1113308905352347], [-0.7044229606994238, -0.7090333688034767, 0.03255724746736683]]}, "691": {"path": [15, 3, 3], "s": [2.5068348747560685, 0.997273504200498], "s_vecs": [[-0.6997419112278592, 0.7001003396280673, 0.14219976133540946], [-0.7100814173183236, -0.7034411133344319, -0.030902764439696646]]}, "692": {"path": [15, 3, 3], "s": [2.50683487475607, 0.9972735042004967], "s_vecs": [[0.700100339628072, -0.6997419112278545, -0.14219976133540968], [0.7034411133344275, 0.7100814173183282, -0.030902764439694454]]}, "693": {"path": [16, 0, 0], "s": [2.5023117223064384, 0.9990761653371042], "s_vecs": [[0.7021780087522473, -0.6995255199992231, -0.13270301765425602], [-0.7113989804364954, -0.696956068255483, -0.09035335940502566]]}, "694": {"path": [16, 0, 0], "s": [2.500966695179306, 0.9996134713904137], "s_vecs": [[-0.7038582301324229, 0.7023030412491349, 0.10655529140812013], [0.7103091231064168, 0.6972727938818212, 0.09628915070781734]]}, "695": {"path": [16, 0, 1], "s": [2.4910394132957134, 1.003597127631326], "s_vecs": [[-0.7030960449648046, 0.6998943588647888, 0.12571331665378832], [-0.7107486307182849, -0.6861681080278321, -0.154950674272778]]}, "696": {"path": [16, 0, 1], "s": [2.498938840454376, 1.0004246440642905], "s_vecs": [[0.7032544440038984, -0.6993902289544737, -0.12761855128380464], [0.7106267804214552, 0.6968411139970505, 0.09706719729747568]]}, "697": {"path": [16, 0, 2], "s": [2.487598834861598, 1.004985194945668], "s_vecs": [[-0.7057807953562093, 0.7021466350801664, 0.09414654402555675], [0.7065892936850215, 0.6881282823356323, 0.16495768275383405]]}, "698": {"path": [16, 0, 2], "s": [2.4907645111745436, 1.0037078932127161], "s_vecs": [[0.7031478995419622, -0.6998442939562616, -0.12570201106819542], [-0.7106973307131483, -0.6862191707188825, -0.15495984594434595]]}, "699": {"path": [16, 0, 3], "s": [2.5016842061787647, 0.9993267710710226], "s_vecs": [[0.7048290876531219, -0.7018694790092688, -0.10293294726823835], [0.7093483000806209, 0.6986500705816006, 0.0933438163407653]]}, "700": {"path": [16, 0, 3], "s": [2.4925895110214724, 1.0029730081691195], "s_vecs": [[-0.7047568469448615, 0.7021894158968968, 0.10123147181935054], [-0.7083093491435954, -0.688340491359919, -0.15647758264416511]]}, "701": {"path": [16, 1, 0], "s": [2.483556954784558, 1.0066207642968532], "s_vecs": [[-0.7077309703182515, 0.7017689528760928, 0.08146907653569345], [-0.700732086869243, -0.6826052645083442, -0.20742370958347406]]}, "702": {"path": [16, 1, 0], "s": [2.4895437081248613, 1.0042000836703595], "s_vecs": [[0.7078168146432376, -0.7014592480680883, -0.08336834056194593], [0.7043720600810035, 0.6919286236699199, 0.15841332243057563]]}, "703": {"path": [16, 1, 1], "s": [2.481133849856457, 1.007603842148474], "s_vecs": [[-0.7084256645719836, 0.703549728977995, 0.05613249175595879], [0.6968151611646118, 0.6845665317801415, 0.2140497482774606]]}, "704": {"path": [16, 1, 1], "s": [2.482949718235696, 1.0068669460517392], "s_vecs": [[0.7079784331277095, -0.7015278047534913, -0.0813958069176821], [-0.7004820641114026, -0.6828530951186069, -0.20745247249711823]]}, "705": {"path": [16, 1, 2], "s": [2.494092940906913, 1.002368419795511], "s_vecs": [[0.7078707154549604, -0.7032852849127715, -0.06564189383651564], [0.7037614514707096, 0.694295805877203, 0.15057607168858383]]}, "706": {"path": [16, 1, 2], "s": [2.4862122985583732, 1.0055456653680066], "s_vecs": [[-0.707827695682939, 0.7034730459476248, 0.06407516562094187], [-0.6991039658929338, -0.6846533582507368, -0.20616358531214862]]}, "707": {"path": [16, 1, 3], "s": [2.4946740289625966, 1.0021349366592869], "s_vecs": [[0.7066861046803384, -0.7016252447293064, -0.09119630151640389], [-0.7062844236306942, -0.6919238789303279, -0.14967851783962616]]}, "708": {"path": [16, 1, 3], "s": [2.4935606589312624, 1.0025823879782814], "s_vecs": [[-0.7067592063930961, 0.7038566744352025, 0.07125451586824526], [0.7049695391670296, 0.6922617066010245, 0.1542455134532697]]}, "709": {"path": [16, 2, 0], "s": [2.497053837026744, 1.001179855608066], "s_vecs": [[-0.7073981490797923, 0.7051031741482653, 0.04916678232836668], [0.7032233328918907, 0.6950944838148816, 0.1494008120678886]]}, "710": {"path": [16, 2, 0], "s": [2.4973776097143388, 1.0010500575785841], "s_vecs": [[0.7073451401350505, -0.7033882989692732, -0.07005536096858009], [-0.7047980179021733, -0.6942215728426854, -0.1460005539749625]]}, "711": {"path": [16, 2, 1], "s": [2.5061099187911227, 0.9975619908986002], "s_vecs": [[0.7071429428550904, -0.7051022705567184, -0.05272235224269267], [0.7066131856463231, 0.7020364988279325, 0.08855823047110392]]}, "712": {"path": [16, 2, 1], "s": [2.4991275916694455, 1.0003490851501384], "s_vecs": [[-0.7070769458080488, 0.7051882469537641, 0.05245692580621465], [-0.704003503652645, -0.695029125322975, -0.14599171824997714]]}, "713": {"path": [16, 2, 2], "s": [2.506033215489273, 0.9975925237335306], "s_vecs": [[0.7059176982478806, -0.7038500026519731, -0.07921727758028327], [-0.7082643984465052, -0.7004393293404927, -0.0880129979392307]]}, "714": {"path": [16, 2, 2], "s": [2.505550133959021, 0.9977848641367035], "s_vecs": [[-0.706648142339717, 0.7053941611299663, 0.05538483882416127], [0.7071152075548351, 0.7012410875867616, 0.09082411752843117]]}, "715": {"path": [16, 2, 3], "s": [2.496751008180785, 1.0013012878771526], "s_vecs": [[-0.7062879806851552, 0.7039053587818063, 0.07532950429906374], [-0.7059190499020901, -0.6922843138794819, -0.1497355126272513]]}, "716": {"path": [16, 2, 3], "s": [2.5042540442018018, 0.9983012729033421], "s_vecs": [[0.7064084845146942, -0.7036844605134082, -0.07625767527014445], [0.7077213688474531, 0.70056421744497, 0.09132492163918904]]}, "717": {"path": [16, 3, 0], "s": [2.509477207314007, 0.9962234335954975], "s_vecs": [[0.7053111865480639, -0.7040179421301915, -0.08303533759148733], [0.7079223491783023, 0.705634864955067, 0.03042013960714348]]}, "718": {"path": [16, 3, 0], "s": [2.505129251732533, 0.9979525001638186], "s_vecs": [[-0.7052028531114093, 0.7041790509981407, 0.08258813533968307], [-0.7089777550738549, -0.6993424047153348, -0.09094362966920454]]}, "719": {"path": [16, 3, 1], "s": [2.509251408161255, 0.9963130804146745], "s_vecs": [[0.7030782502097703, -0.7023617728366119, -0.1112156200350442], [0.7087832314195188, 0.7047999250167384, 0.029721987734753735]]}, "720": {"path": [16, 3, 1], "s": [2.5087383634292046, 0.9965168295121631], "s_vecs": [[-0.7048457835141007, 0.7043649810994562, 0.08403805604103678], [-0.7083872945732624, -0.7051255432311156, -0.03139122759941498]]}, "721": {"path": [16, 3, 2], "s": [2.5031888512791753, 0.9987260844192619], "s_vecs": [[-0.7033744388005724, 0.7023774484989876, 0.1092259981965452], [-0.71073562698614, -0.6972995971969693, -0.09288778327402804]]}, "722": {"path": [16, 3, 2], "s": [2.5079947367314204, 0.9968122992387782], "s_vecs": [[0.703576004861636, -0.7020553516752911, -0.10999585704481336], [0.7084385407239934, 0.7050816949835188, 0.03121918346189137]]}, "723": {"path": [16, 3, 3], "s": [2.503367772457688, 0.9986547032782236], "s_vecs": [[-0.705669892014071, 0.7040366006846548, 0.07976508259411], [0.7084620075267962, 0.6994276733411198, 0.09424708831433251]]}, "724": {"path": [16, 3, 3], "s": [2.5039457405705456, 0.9984241908653936], "s_vecs": [[0.7043065070190093, -0.701971831531618, -0.10577283161014436], [-0.7098143464285193, -0.6986245472828776, -0.08992961435505255]]}, "725": {"path": [17, 0, 0], "s": [2.5068915269572543, 0.997250967230474], "s_vecs": [[0.7063420882257392, -0.7055176668347125, 0.05766867594288881], [0.7075328084802764, 0.7011415209478868, -0.08830567664027386]]}, "726": {"path": [17, 0, 0], "s": [2.5108345967962444, 0.995684862391943], "s_vecs": [[-0.7064176857684616, 0.7054381186299683, -0.05771580387850207], [-0.7075174348586016, -0.7060731575239685, 0.02966101136572409]]}, "727": {"path": [17, 0, 1], "s": [2.50726346403649, 0.9971030311968888], "s_vecs": [[0.7071121803456728, -0.7063462405983524, 0.03267036576721056], [-0.7060204938587027, -0.7027235716567608, 0.08783304668220855]]}, "728": {"path": [17, 0, 1], "s": [2.5074646588813705, 0.9970230252877416], "s_vecs": [[-0.7068243478673618, 0.70524048324064, -0.055092667936733286], [0.7070467968919628, 0.7019138881966626, -0.08603325264953397]]}, "729": {"path": [17, 0, 2], "s": [2.511739499637588, 0.995326147620292], "s_vecs": [[-0.7070099046630292, 0.706412873846122, -0.033434209618859304], [-0.7071959488091184, -0.706432217397165, 0.028764773791839057]]}, "730": {"path": [17, 0, 2], "s": [2.5080296888357747, 0.9967984075820476], "s_vecs": [[0.7069563849099582, -0.7064447330752374, 0.033889658382752985], [0.7062717682905061, 0.7026319729052054, -0.08653611943657072]]}, "731": {"path": [17, 0, 3], "s": [2.5115577263452513, 0.9953981840735662], "s_vecs": [[-0.7061378806215972, 0.7056532568616956, -0.05850448385996613], [-0.7077635828203637, -0.7058622491486974, 0.028795764619551883]]}, "732": {"path": [17, 0, 3], "s": [2.5114263452109715, 0.9954502566906789], "s_vecs": [[0.7068146591021102, -0.7065684052180246, 0.034265528246699886], [0.7073910949094937, 0.7062031209246808, -0.029580244065733143]]}, "733": {"path": [17, 1, 0], "s": [2.512170074287487, 0.9951555531960024], "s_vecs": [[0.707095547953068, -0.7070277258859647, 0.011299597049088205], [-0.7070125323435695, -0.7066237949778265, 0.028567314894258032]]}, "734": {"path": [17, 1, 0], "s": [2.5122097816798368, 0.9951398240032056], "s_vecs": [[-0.7068473513928367, 0.7065369991627343, -0.03423873016117744], [-0.7073519706981197, -0.7063108276246154, 0.027896313909137715]]}, "735": {"path": [17, 1, 1], "s": [2.5123379160525694, 0.9950890698366102], "s_vecs": [[0.7070655685826749, -0.7070546403688436, 0.011489876315453042], [-0.7065863293374397, -0.7070581708070921, -0.02836374954713275]]}, "736": {"path": [17, 1, 1], "s": [2.512337916052566, 0.9950890698366123], "s_vecs": [[0.7070546403688461, -0.7070655685826719, 0.01148987631545294], [0.7070581708070892, 0.7065863293374421, -0.028363749547135518]]}, "737": {"path": [17, 1, 2], "s": [2.5122097816798417, 0.9951398240032021], "s_vecs": [[-0.7065369991627356, 0.7068473513928358, -0.0342387301611769], [-0.7063108276246145, -0.7073519706981211, -0.02789631390913454]]}, "738": {"path": [17, 1, 2], "s": [2.512170074287492, 0.9951555531959965], "s_vecs": [[0.7070277258859681, -0.7070955479530648, 0.011299597049088627], [0.7066237949778235, 0.7070125323435729, 0.028567314894254913]]}, "739": {"path": [17, 1, 3], "s": [2.5118936895689794, 0.9952650505798202], "s_vecs": [[0.7066518950890975, -0.7066918085537482, 0.03506831746775655], [0.7075472815994905, 0.7060822033057105, -0.028718747816097324]]}, "740": {"path": [17, 1, 3], "s": [2.5118936895689803, 0.9952650505798185], "s_vecs": [[-0.706691808553751, 0.7066518950890948, -0.03506831746775668], [-0.7060822033057078, -0.7075472815994932, -0.028718747816094688]]}, "741": {"path": [17, 2, 0], "s": [2.508029688835782, 0.9967984075820453], "s_vecs": [[0.7064447330752395, -0.706956384909956, 0.03388965838275332], [-0.7026319729052036, -0.7062717682905082, -0.08653611943656823]]}, "742": {"path": [17, 2, 0], "s": [2.511739499637593, 0.99532614762029], "s_vecs": [[0.7064128738461241, -0.7070099046630267, 0.033434209618859394], [0.7064322173971629, 0.7071959488091205, 0.02876477379183516]]}, "743": {"path": [17, 2, 1], "s": [2.5074646588813696, 0.9970230252877427], "s_vecs": [[-0.705240483240642, 0.7068243478673597, -0.05509266793673454], [-0.7019138881966605, -0.707046796891965, -0.08603325264953177]]}, "744": {"path": [17, 2, 1], "s": [2.5072634640364955, 0.9971030311968869], "s_vecs": [[0.7063462405983519, -0.7071121803456732, 0.03267036576721004], [0.7027235716567614, 0.7060204938587024, 0.08783304668220675]]}, "745": {"path": [17, 2, 2], "s": [2.5108345967962524, 0.9956848623919409], "s_vecs": [[0.7054381186299674, -0.7064176857684626, 0.05771580387850131], [0.7060731575239696, 0.7075174348586006, 0.02966101136572151]]}, "746": {"path": [17, 2, 2], "s": [2.5068915269572685, 0.9972509672304679], "s_vecs": [[0.7055176668347137, -0.7063420882257379, 0.057668675942888284], [-0.701141520947886, -0.7075328084802776, -0.08830567664027018]]}, "747": {"path": [17, 2, 3], "s": [2.511426345210974, 0.9954502566906794], "s_vecs": [[0.7065684052180277, -0.7068146591021068, 0.034265528246700636], [0.7062031209246777, 0.7073910949094968, 0.029580244065729823]]}, "748": {"path": [17, 2, 3], "s": [2.5115577263452558, 0.9953981840735646], "s_vecs": [[-0.705653256861696, 0.7061378806215965, -0.058504483859965956], [-0.705862249148697, -0.7077635828203641, -0.028795764619548605]]}, "749": {"path": [17, 3, 0], "s": [2.5105170182423904, 0.9958108157937293], "s_vecs": [[-0.7042886446786996, 0.7049295272149163, -0.0839753930457909], [-0.70537389906025, -0.7082279017699249, -0.02934112607092488]]}, "750": {"path": [17, 3, 0], "s": [2.510280827780009, 0.99590451089526], "s_vecs": [[0.7056929531870328, -0.7060952420221488, 0.05854028540968366], [0.7057163714467113, 0.7078394731475841, 0.03045789431720007]]}, "751": {"path": [17, 3, 1], "s": [2.5097819779168318, 0.9961024590968843], "s_vecs": [[0.7044699124561051, -0.7046298923410552, 0.08496385857245749], [0.7086869902277111, 0.7048718408103812, -0.030305740620760753]]}, "752": {"path": [17, 3, 1], "s": [2.5097819779168384, 0.9961024590968829], "s_vecs": [[-0.7046298923410537, 0.7044699124561069, -0.08496385857245753], [-0.7048718408103831, -0.7086869902277093, -0.030305740620758893]]}, "753": {"path": [17, 3, 2], "s": [2.510280827780002, 0.995904510895262], "s_vecs": [[0.7060952420221487, -0.705692953187033, 0.0585402854096841], [0.7078394731475842, 0.7057163714467113, -0.030457894317202434]]}, "754": {"path": [17, 3, 2], "s": [2.510517018242388, 0.9958108157937321], "s_vecs": [[-0.704929527214917, 0.7042886446786988, -0.08397539304579107], [-0.7082279017699241, -0.7053738990602505, 0.029341126070927363]]}, "755": {"path": [17, 3, 3], "s": [2.511003474631408, 0.9956178974889615], "s_vecs": [[-0.705905100490604, 0.7058179709100867, -0.05932100000605394], [-0.7055088158855319, -0.7080830385233523, -0.029592587979615143]]}, "756": {"path": [17, 3, 3], "s": [2.511003474631408, 0.9956178974889617], "s_vecs": [[0.7058179709100882, -0.7059051004906026, 0.05932100000605379], [0.7080830385233511, 0.7055088158855333, -0.02959258797961819]]}, "757": {"path": [18, 0, 0], "s": [2.5055501339590243, 0.9977848641367033], "s_vecs": [[0.7053941611299659, -0.7066481423397175, 0.05538483882416059], [0.7012410875867618, 0.7071152075548348, 0.09082411752843098]]}, "758": {"path": [18, 0, 0], "s": [2.506033215489281, 0.9975925237335281], "s_vecs": [[-0.7038500026519722, 0.7059176982478815, -0.07921727758028306], [-0.7004393293404934, -0.7082643984465045, -0.08801299793923052]]}, "759": {"path": [18, 0, 1], "s": [2.4991275916694438, 1.0003490851501404], "s_vecs": [[0.7051882469537637, -0.7070769458080494, 0.05245692580621448], [-0.6950291253229756, -0.7040035036526444, -0.14599171824997817]]}, "760": {"path": [18, 0, 1], "s": [2.506109918791119, 0.9975619908986003], "s_vecs": [[-0.7051022705567195, 0.7071429428550896, -0.05272235224269261], [0.7020364988279317, 0.7066131856463241, 0.08855823047110402]]}, "761": {"path": [18, 0, 2], "s": [2.497377609714332, 1.0010500575785848], "s_vecs": [[-0.703388298969273, 0.7073451401350507, -0.07005536096857981], [-0.6942215728426855, -0.704798017902173, -0.1460005539749629]]}, "762": {"path": [18, 0, 2], "s": [2.4970538370267397, 1.0011798556080658], "s_vecs": [[0.7051031741482651, -0.7073981490797926, 0.04916678232836728], [0.6950944838148816, 0.7032233328918907, 0.14940081206788886]]}, "763": {"path": [18, 0, 3], "s": [2.504254044201808, 0.9983012729033391], "s_vecs": [[-0.7036844605134102, 0.7064084845146922, -0.0762576752701446], [0.7005642174449681, 0.7077213688474551, 0.09132492163918864]]}, "764": {"path": [18, 0, 3], "s": [2.49675100818078, 1.001301287877154], "s_vecs": [[0.7039053587818056, -0.7062879806851559, 0.07532950429906343], [-0.6922843138794827, -0.705919049902089, -0.14973551262725185]]}, "765": {"path": [18, 1, 0], "s": [2.486212298558364, 1.0055456653680102], "s_vecs": [[0.703473045947622, -0.7078276956829421, 0.06407516562094033], [-0.6846533582507397, -0.6991039658929306, -0.2061635853121502]]}, "766": {"path": [18, 1, 0], "s": [2.494092940906905, 1.0023684197955138], "s_vecs": [[-0.7032852849127689, 0.707870715454963, -0.06564189383651439], [0.6942958058772055, 0.7037614514707066, 0.150576071688585]]}, "767": {"path": [18, 1, 1], "s": [2.4829497182356945, 1.0068669460517379], "s_vecs": [[-0.7015278047534853, 0.7079784331277158, -0.08139580691767953], [-0.682853095118613, -0.700482064111396, -0.20745247249712]]}, "768": {"path": [18, 1, 1], "s": [2.4811338498564472, 1.0076038421484796], "s_vecs": [[0.7035497289779927, -0.7084256645719864, 0.056132491755958], [0.684566531780144, 0.6968151611646094, 0.21404974827746148]]}, "769": {"path": [18, 1, 2], "s": [2.489543708124856, 1.0042000836703606], "s_vecs": [[-0.7014592480680866, 0.7078168146432393, -0.08336834056194484], [0.6919286236699216, 0.7043720600810013, 0.15841332243057688]]}, "770": {"path": [18, 1, 2], "s": [2.4835569547845426, 1.00662076429686], "s_vecs": [[0.7017689528760902, -0.7077309703182539, 0.08146907653569223], [-0.6826052645083465, -0.7007320868692402, -0.2074237095834755]]}, "771": {"path": [18, 1, 3], "s": [2.4935606589312567, 1.002582387978284], "s_vecs": [[0.7038566744351996, -0.7067592063930994, 0.07125451586824397], [0.6922617066010275, 0.7049695391670265, 0.154245513453271]]}, "772": {"path": [18, 1, 3], "s": [2.49467402896259, 1.0021349366592884], "s_vecs": [[-0.7016252447293033, 0.7066861046803415, -0.09119630151640246], [-0.6919238789303309, -0.7062844236306909, -0.14967851783962757]]}, "773": {"path": [18, 2, 0], "s": [2.4907645111745245, 1.0037078932127215], "s_vecs": [[-0.699844293956261, 0.7031478995419623, -0.12570201106819617], [-0.6862191707188822, -0.7106973307131481, -0.15495984594434753]]}, "774": {"path": [18, 2, 0], "s": [2.4875988348615845, 1.0049851949456712], "s_vecs": [[0.7021466350801663, -0.7057807953562097, 0.09414654402555671], [0.6881282823356325, 0.7065892936850213, 0.16495768275383568]]}, "775": {"path": [18, 2, 1], "s": [2.498938840454381, 1.0004246440642883], "s_vecs": [[-0.6993902289544712, 0.7032544440039006, -0.12761855128380437], [0.6968411139970528, 0.7106267804214527, 0.09706719729747597]]}, "776": {"path": [18, 2, 1], "s": [2.4910394132957157, 1.0035971276313251], "s_vecs": [[0.6998943588647868, -0.7030960449648069, 0.1257133166537881], [-0.6861681080278342, -0.7107486307182826, -0.15495067427277953]]}, "777": {"path": [18, 2, 2], "s": [2.5009666951793124, 0.9996134713904127], "s_vecs": [[0.7023030412491365, -0.7038582301324213, 0.10655529140812003], [0.6972727938818194, 0.7103091231064186, 0.09628915070781692]]}, "778": {"path": [18, 2, 2], "s": [2.5023117223064433, 0.9990761653371002], "s_vecs": [[-0.6995255199992224, 0.7021780087522476, -0.13270301765425624], [-0.6969560682554834, -0.7113989804364949, -0.09035335940502535]]}, "779": {"path": [18, 2, 3], "s": [2.492589511021455, 1.0029730081691262], "s_vecs": [[0.702189415896896, -0.7047568469448623, 0.10123147181935047], [-0.6883404913599196, -0.7083093491435946, -0.1564775826441669]]}, "780": {"path": [18, 2, 3], "s": [2.501684206178763, 0.9993267710710225], "s_vecs": [[-0.7018694790092703, 0.70482908765312, -0.10293294726823878], [0.6986500705815987, 0.7093483000806224, 0.09334381634076529]]}, "781": {"path": [18, 3, 0], "s": [2.5079947367314244, 0.9968122992387759], "s_vecs": [[0.7020553516752935, -0.7035760048616335, 0.10999585704481404], [0.7050816949835165, 0.7084385407239958, 0.031219183461891016]]}, "782": {"path": [18, 3, 0], "s": [2.503188851279174, 0.9987260844192622], "s_vecs": [[0.7023774484989913, -0.7033744388005685, 0.10922599819654637], [-0.6972995971969655, -0.7107356269861438, -0.09288778327402611]]}, "783": {"path": [18, 3, 1], "s": [2.5087383634292095, 0.99651682951216], "s_vecs": [[0.7043649810994553, -0.7048457835141015, 0.08403805604103631], [0.7051255432311164, 0.7083872945732614, 0.0313912275994154]]}, "784": {"path": [18, 3, 1], "s": [2.5092514081612567, 0.9963130804146751], "s_vecs": [[-0.7023617728366105, 0.7030782502097715, -0.11121562003504427], [-0.7047999250167394, -0.7087832314195176, -0.02972198773475445]]}, "785": {"path": [18, 3, 2], "s": [2.5051292517325385, 0.9979525001638178], "s_vecs": [[0.7041790509981414, -0.7052028531114092, 0.08258813533968266], [-0.699342404715335, -0.7089777550738554, -0.09094362966920393]]}, "786": {"path": [18, 3, 2], "s": [2.5094772073140112, 0.9962234335954955], "s_vecs": [[0.704017942130192, -0.705311186548064, 0.08303533759148668], [0.705634864955067, 0.7079223491783027, 0.030420139607143473]]}, "787": {"path": [18, 3, 3], "s": [2.503945740570538, 0.9984241908653985], "s_vecs": [[-0.7019718315316219, 0.7043065070190052, -0.105772831610146], [-0.6986245472828738, -0.7098143464285233, -0.08992961435505108]]}, "788": {"path": [18, 3, 3], "s": [2.503367772457688, 0.9986547032782228], "s_vecs": [[0.7040366006846577, -0.7056698920140685, 0.0797650825941099], [0.6994276733411171, 0.7084620075267991, 0.0942470883143317]]}, "789": {"path": [19, 0, 0], "s": [2.5001556196770784, 0.9999377560037244], "s_vecs": [[0.6998858679609549, -0.7005369574654859, 0.13931167594118254], [-0.6945368132178791, -0.7130068866869546, -0.0961238504333307]]}, "790": {"path": [19, 0, 0], "s": [2.5064060774916217, 0.997444118273912], "s_vecs": [[0.6994641424783128, -0.7007318714489038, 0.14044485651954441], [0.7042825565388706, 0.7092388461312145, 0.031086004785691478]]}, "791": {"path": [19, 0, 1], "s": [2.4998619842331307, 1.0000552093546518], "s_vecs": [[-0.6966211443383189, 0.6969770694276369, -0.17012332571647512], [-0.6931086507060895, -0.7150319275663992, -0.09126741410308213]]}, "792": {"path": [19, 0, 1], "s": [2.496844534828732, 1.0012637811955256], "s_vecs": [[0.6998112750312229, -0.7015215440730598, 0.13465401048808162], [0.6942956074375304, 0.7123208070824598, 0.10272622493961309]]}, "793": {"path": [19, 0, 2], "s": [2.505459000911176, 0.9978211573571183], "s_vecs": [[0.6959833868104144, -0.6973243418477211, 0.17130641421309317], [0.7036643834752879, 0.7098665832263642, 0.030754990601042073]]}, "794": {"path": [19, 0, 2], "s": [2.499963871581907, 1.0000144515760825], "s_vecs": [[0.6965103351171524, -0.6970913654960839, 0.17010873353769135], [-0.693220003676926, -0.7149204997047314, -0.09129460884466253]]}, "795": {"path": [19, 0, 3], "s": [2.5055029674889635, 0.9978036475867841], "s_vecs": [[0.6998558304433132, -0.7001498260456616, 0.14139320239223097], [0.7036484488634299, 0.7098251441032937, 0.03204879421799971]]}, "796": {"path": [19, 0, 3], "s": [2.5067795614373454, 0.9972955095287838], "s_vecs": [[-0.6961705092296577, 0.696709477068987, -0.17303908992241565], [-0.7035969252955787, -0.7100418706776614, -0.028140870618642087]]}, "797": {"path": [19, 1, 0], "s": [2.505585851880454, 0.9977706403968318], "s_vecs": [[-0.691783391080536, 0.6912759532400585, -0.20874217661307126], [-0.7027120057600553, -0.7110077655118555, -0.025764206615343385]]}, "798": {"path": [19, 1, 0], "s": [2.504065921167494, 0.9983762723125136], "s_vecs": [[0.6961950071129437, -0.6965910563594535, 0.1734168742395874], [0.7027780665531189, 0.7106355663545451, 0.033167469059528984]]}, "799": {"path": [19, 1, 1], "s": [2.5056488028074, 0.9977455728029121], "s_vecs": [[0.6914771489977163, -0.6915844877306171, 0.20873487668420382], [0.710812097927507, 0.7029077603388549, -0.025823282039878423]]}, "800": {"path": [19, 1, 1], "s": [2.5056488028074013, 0.9977455728029121], "s_vecs": [[-0.6915844877306139, 0.6914771489977197, -0.2087348766842037], [-0.7029077603388587, -0.7108120979275034, -0.025823282039878215]]}, "801": {"path": [19, 1, 2], "s": [2.5040659211674923, 0.9983762723125125], "s_vecs": [[0.6965910563594531, -0.6961950071129438, 0.17341687423958763], [0.7106355663545454, 0.7027780665531184, -0.03316746905953022]]}, "802": {"path": [19, 1, 2], "s": [2.5055858518804532, 0.997770640396832], "s_vecs": [[-0.691275953240057, 0.6917833910805374, -0.2087421766130714], [-0.7110077655118572, -0.7027120057600538, 0.02576420661534437]]}, "803": {"path": [19, 1, 3], "s": [2.5054047363500027, 0.9978427691655617], "s_vecs": [[-0.6963668746793471, 0.6960117609890102, -0.17504514964515688], [-0.7027483380057252, -0.7107834388079497, -0.030523377050001452]]}, "804": {"path": [19, 1, 3], "s": [2.5054047363500054, 0.9978427691655603], "s_vecs": [[0.6960117609890103, -0.6963668746793469, 0.1750451496451568], [0.7107834388079497, 0.7027483380057251, -0.03052337705000331]]}, "805": {"path": [19, 2, 0], "s": [2.499963871581901, 1.0000144515760845], "s_vecs": [[0.697091365496079, -0.6965103351171571, 0.17010873353769218], [0.7149204997047363, 0.693220003676921, -0.0912946088446624]]}, "806": {"path": [19, 2, 0], "s": [2.5054590009111593, 0.9978211573571245], "s_vecs": [[-0.6973243418477179, 0.6959833868104175, -0.1713064142130935], [-0.7098665832263674, -0.7036643834752846, 0.030754990601042566]]}, "807": {"path": [19, 2, 1], "s": [2.4968445348287367, 1.0012637811955238], "s_vecs": [[0.7015215440730538, -0.699811275031229, 0.1346540104880819], [-0.7123208070824658, -0.6942956074375243, 0.10272622493961338]]}, "808": {"path": [19, 2, 1], "s": [2.499861984233126, 1.0000552093546524], "s_vecs": [[-0.6969770694276337, 0.6966211443383219, -0.17012332571647598], [0.7150319275664024, 0.6931086507060861, -0.09126741410308264]]}, "809": {"path": [19, 2, 2], "s": [2.5064060774916177, 0.9974441182739106], "s_vecs": [[-0.7007318714489016, 0.6994641424783151, -0.14044485651954386], [-0.7092388461312169, -0.704282556538868, 0.03108600478569231]]}, "810": {"path": [19, 2, 2], "s": [2.500155619677078, 0.9999377560037244], "s_vecs": [[0.7005369574654852, -0.6998858679609558, 0.13931167594118202], [0.7130068866869556, 0.694536813217878, -0.09612385043333209]]}, "811": {"path": [19, 2, 3], "s": [2.506779561437337, 0.9972955095287874], "s_vecs": [[-0.6967094770689841, 0.6961705092296604, -0.17303908992241562], [-0.7100418706776642, -0.7035969252955757, 0.02814087061864322]]}, "812": {"path": [19, 2, 3], "s": [2.50550296748896, 0.9978036475867849], "s_vecs": [[0.7001498260456592, -0.6998558304433156, 0.14139320239223074], [0.7098251441032959, 0.7036484488634274, -0.03204879421800098]]}, "813": {"path": [19, 3, 0], "s": [2.5069680120386435, 0.9972205421029772], "s_vecs": [[0.7029831947252284, -0.7024386526569728, 0.11133089053523366], [0.709033368803475, 0.7044229606994252, -0.0325572474673681]]}, "814": {"path": [19, 3, 0], "s": [2.50772478701139, 0.9969196033586303], "s_vecs": [[-0.7003097375643028, 0.6997195449717581, -0.1412757228158208], [-0.7095090944301439, -0.7040592792621649, 0.02995623817767732]]}, "815": {"path": [19, 3, 1], "s": [2.5082358267540847, 0.9967164862784282], "s_vecs": [[-0.7027362392484072, 0.7024953936100236, -0.11252555267006606], [-0.7041541491953496, -0.7093681750970584, -0.03104394192822036]]}, "816": {"path": [19, 3, 1], "s": [2.508235826754085, 0.9967164862784286], "s_vecs": [[0.7024953936100219, -0.7027362392484086, 0.11252555267006605], [0.70936817509706, 0.7041541491953477, -0.031043941928221692]]}, "817": {"path": [19, 3, 2], "s": [2.5077247870113872, 0.9969196033586312], "s_vecs": [[-0.6997195449717558, 0.7003097375643051, -0.1412757228158212], [-0.7040592792621673, -0.7095090944301417, -0.029956238177676717]]}, "818": {"path": [19, 3, 2], "s": [2.5069680120386475, 0.9972205421029765], "s_vecs": [[0.7024386526569718, -0.7029831947252295, 0.11133089053523312], [0.7044229606994263, 0.7090333688034739, 0.03255724746736724]]}, "819": {"path": [19, 3, 3], "s": [2.506834874756067, 0.9972735042004987], "s_vecs": [[0.6997419112278556, -0.7001003396280713, 0.14219976133540924], [0.7100814173183276, 0.7034411133344283, -0.030902764439695925]]}, "820": {"path": [19, 3, 3], "s": [2.5068348747560707, 0.9972735042004967], "s_vecs": [[-0.70010033962807, 0.6997419112278571, -0.1421997613354093], [-0.7034411133344302, -0.710081417318326, -0.030902764439694683]]}, "821": {"path": [20, 0, 0], "s": [2.502311722306428, 0.9990761653371087], "s_vecs": [[-0.7021780087522466, 0.6995255199992237, -0.13270301765425713], [0.7113989804364961, 0.696956068255482, -0.090353359405028]]}, "822": {"path": [20, 0, 0], "s": [2.500966695179301, 0.9996134713904169], "s_vecs": [[0.7038582301324214, -0.7023030412491361, 0.10655529140812013], [-0.7103091231064181, -0.6972727938818192, 0.09628915070781961]]}, "823": {"path": [20, 0, 1], "s": [2.4910394132957068, 1.0035971276313282], "s_vecs": [[0.7030960449647987, -0.6998943588647945, 0.12571331665379026], [0.7107486307182908, 0.686168108027826, -0.15495067427277812]]}, "824": {"path": [20, 0, 1], "s": [2.498938840454367, 1.000424644064295], "s_vecs": [[-0.7032544440038944, 0.6993902289544772, -0.12761855128380598], [-0.7106267804214588, -0.6968411139970463, 0.09706719729747748]]}, "825": {"path": [20, 0, 2], "s": [2.4875988348615827, 1.0049851949456747], "s_vecs": [[0.7057807953562012, -0.7021466350801739, 0.09414654402555922], [-0.7065892936850293, -0.688128282335624, 0.1649576827538342]]}, "826": {"path": [20, 0, 2], "s": [2.4907645111745227, 1.0037078932127246], "s_vecs": [[-0.7031478995419556, 0.6998442939562675, -0.12570201106819764], [0.7106973307131548, 0.6862191707188756, -0.1549598459443461]]}, "827": {"path": [20, 0, 3], "s": [2.5016842061787523, 0.9993267710710277], "s_vecs": [[-0.7048290876531196, 0.701869479009271, -0.10293294726823896], [-0.7093483000806233, -0.6986500705815977, 0.09334381634076785]]}, "828": {"path": [20, 0, 3], "s": [2.4925895110214595, 1.0029730081691235], "s_vecs": [[0.7047568469448594, -0.7021894158968986, 0.1012314718193511], [0.7083093491435973, 0.6883404913599165, -0.15647758264416686]]}, "829": {"path": [20, 1, 0], "s": [2.4835569547845435, 1.0066207642968612], "s_vecs": [[0.707730970318245, -0.701768952876099, 0.08146907653569585], [0.7007320868692496, 0.6826052645083376, -0.20742370958347384]]}, "830": {"path": [20, 1, 0], "s": [2.489543708124851, 1.0042000836703622], "s_vecs": [[-0.7078168146432304, 0.7014592480680956, -0.08336834056194815], [-0.7043720600810108, -0.6919286236699125, 0.1584133224305761]]}, "831": {"path": [20, 1, 1], "s": [2.4811338498564512, 1.0076038421484754], "s_vecs": [[0.7084256645719808, -0.7035497289779983, 0.056132491755960065], [-0.6968151611646152, -0.6845665317801384, 0.21404974827746043]]}, "832": {"path": [20, 1, 1], "s": [2.482949718235691, 1.0068669460517397], "s_vecs": [[-0.7079784331277073, 0.7015278047534936, -0.08139580691768282], [0.7004820641114049, 0.6828530951186045, -0.20745247249711823]]}, "833": {"path": [20, 1, 2], "s": [2.4940929409069015, 1.0023684197955154], "s_vecs": [[-0.7078707154549598, 0.703285284912772, -0.06564189383651564], [-0.7037614514707101, -0.6942958058772022, 0.15057607168858494]]}, "834": {"path": [20, 1, 2], "s": [2.486212298558366, 1.0055456653680097], "s_vecs": [[0.7078276956829382, -0.7034730459476262, 0.06407516562094209], [0.699103965892935, 0.6846533582507359, -0.20616358531214912]]}, "835": {"path": [20, 1, 3], "s": [2.4946740289625864, 1.0021349366592913], "s_vecs": [[-0.7066861046803365, 0.7016252447293083, -0.09119630151640426], [0.706284423630696, 0.6919238789303258, -0.14967851783962788]]}, "836": {"path": [20, 1, 3], "s": [2.4935606589312522, 1.002582387978285], "s_vecs": [[0.7067592063930964, -0.7038566744352023, 0.07125451586824591], [-0.7049695391670294, -0.6922617066010244, 0.15424551345327148]]}, "837": {"path": [20, 2, 0], "s": [2.4970538370267383, 1.0011798556080662], "s_vecs": [[0.7073981490797923, -0.7051031741482654, 0.04916678232836714], [-0.7032233328918907, -0.6950944838148815, 0.14940081206788938]]}, "838": {"path": [20, 2, 0], "s": [2.497377609714327, 1.0010500575785874], "s_vecs": [[-0.7073451401350491, 0.7033882989692747, -0.07005536096858052], [0.7047980179021748, 0.6942215728426838, -0.14600055397496317]]}, "839": {"path": [20, 2, 1], "s": [2.5061099187911173, 0.9975619908986008], "s_vecs": [[-0.7071429428550905, 0.7051022705567186, -0.05272235224269205], [-0.7066131856463232, -0.7020364988279324, 0.08855823047110546]]}, "840": {"path": [20, 2, 1], "s": [2.4991275916694415, 1.00034908515014], "s_vecs": [[0.7070769458080494, -0.7051882469537635, 0.052456925806213944], [0.7040035036526442, 0.6950291253229753, -0.145991718249979]]}, "841": {"path": [20, 2, 2], "s": [2.506033215489264, 0.9975925237335362], "s_vecs": [[-0.7059176982478805, 0.7038500026519727, -0.07921727758028425], [0.708264398446505, 0.7004393293404922, -0.0880129979392335]]}, "842": {"path": [20, 2, 2], "s": [2.505550133959008, 0.9977848641367077], "s_vecs": [[0.7066481423397168, -0.7053941611299666, 0.055384838824161904], [-0.7071152075548354, -0.7012410875867612, 0.09082411752843378]]}, "843": {"path": [20, 2, 3], "s": [2.4967510081807793, 1.0013012878771548], "s_vecs": [[0.7062879806851549, -0.7039053587818062, 0.07532950429906476], [0.7059190499020901, 0.6922843138794814, -0.1497355126272528]]}, "844": {"path": [20, 2, 3], "s": [2.504254044201795, 0.9983012729033449], "s_vecs": [[-0.706408484514694, 0.7036844605134085, -0.07625767527014553], [-0.7077213688474535, -0.7005642174449693, 0.09132492163919173]]}, "845": {"path": [20, 3, 0], "s": [2.5094772073140104, 0.9962234335954967], "s_vecs": [[-0.7053111865480631, 0.7040179421301924, -0.08303533759148737], [-0.7079223491783032, -0.7056348649550659, 0.030420139607145236]]}, "846": {"path": [20, 3, 0], "s": [2.505129251732531, 0.9979525001638204], "s_vecs": [[0.7052028531114094, -0.7041790509981407, 0.08258813533968316], [0.7089777550738551, 0.6993424047153346, -0.09094362966920651]]}, "847": {"path": [20, 3, 1], "s": [2.50925140816125, 0.9963130804146761], "s_vecs": [[-0.703078250209768, 0.7023617728366143, -0.11121562003504437], [-0.7087832314195215, -0.7047999250167357, 0.02972198773475545]]}, "848": {"path": [20, 3, 1], "s": [2.5087383634292024, 0.9965168295121611], "s_vecs": [[0.7048457835140982, -0.7043649810994584, 0.08403805604103685], [0.7083872945732645, 0.7051255432311131, -0.03139122759941656]]}, "849": {"path": [20, 3, 2], "s": [2.5031888512791665, 0.998726084419265], "s_vecs": [[0.7033744388005686, -0.7023774484989911, 0.10922599819654633], [0.7107356269861436, 0.6972995971969653, -0.09288778327402898]]}, "850": {"path": [20, 3, 2], "s": [2.507994736731413, 0.9968122992387808], "s_vecs": [[-0.7035760048616301, 0.7020553516752963, -0.1099958570448146], [-0.7084385407239988, -0.705081694983513, 0.031219183461891453]]}, "851": {"path": [20, 3, 3], "s": [2.5033677724576844, 0.9986547032782234], "s_vecs": [[0.7056698920140708, -0.7040366006846548, 0.07976508259411011], [-0.708462007526796, -0.6994276733411193, 0.09424708831433444]]}, "852": {"path": [20, 3, 3], "s": [2.5039457405705283, 0.9984241908654024], "s_vecs": [[-0.7043065070190043, 0.7019718315316227, -0.10577283161014613], [0.709814346428524, 0.6986245472828725, -0.08992961435505377]]}}, "edgedata": {"0-81": {"q_pre": 40, "f": 207.0174604545828}, "25-81": {"q_pre": 40, "f": 209.8224943869218}, "25-105": {"q_pre": 40, "f": 212.9567192951348}, "9-105": {"q_pre": 40, "f": 216.36917682485802}, "9-106": {"q_pre": 40, "f": 220.03166358180036}, "44-106": {"q_pre": 40, "f": 223.90538367893126}, "44-100": {"q_pre": 40, "f": 227.9436799134096}, "7-100": {"q_pre": 40, "f": 232.14137535620634}, "7-101": {"q_pre": 40, "f": 236.4246595240133}, "45-101": {"q_pre": 40, "f": 240.81214409823932}, "45-140": {"q_pre": 40, "f": 245.21983790315548}, "19-140": {"q_pre": 40, "f": 249.66426918727893}, "19-139": {"q_pre": 40, "f": 254.0762888806055}, "42-139": {"q_pre": 40, "f": 258.45429414545674}, "42-98": {"q_pre": 40, "f": 262.75577594517165}, "6-98": {"q_pre": 40, "f": 266.9608087708126}, "6-97": {"q_pre": 40, "f": 266.96080877081226}, "41-97": {"q_pre": 40, "f": 262.7557759451716}, "41-142": {"q_pre": 40, "f": 258.4542941454566}, "20-142": {"q_pre": 40, "f": 254.07628888060546}, "20-143": {"q_pre": 40, "f": 249.664269187279}, "48-143": {"q_pre": 40, "f": 245.2198379031554}, "48-104": {"q_pre": 40, "f": 240.81214409823906}, "8-104": {"q_pre": 40, "f": 236.4246595240132}, "8-102": {"q_pre": 40, "f": 232.14137535620625}, "46-102": {"q_pre": 40, "f": 227.94367991340948}, "46-112": {"q_pre": 40, "f": 223.90538367893117}, "11-112": {"q_pre": 40, "f": 220.03166358180064}, "11-111": {"q_pre": 40, "f": 216.36917682485836}, "28-111": {"q_pre": 40, "f": 212.9567192951351}, "28-84": {"q_pre": 40, "f": 209.82249438692202}, "1-84": {"q_pre": 40, "f": 207.01746045458378}, "1-83": {"q_pre": 40, "f": 207.0174604545839}, "27-83": {"q_pre": 40, "f": 209.8224943869214}, "27-114": {"q_pre": 40, "f": 212.95671929513557}, "12-114": {"q_pre": 40, "f": 216.36917682485876}, "12-115": {"q_pre": 40, "f": 220.03166358180113}, "37-115": {"q_pre": 40, "f": 223.90538367893154}, "37-93": {"q_pre": 40, "f": 227.94367991340962}, "4-93": {"q_pre": 40, "f": 232.1413753562065}, "4-94": {"q_pre": 40, "f": 236.4246595240134}, "38-94": {"q_pre": 40, "f": 240.81214409823932}, "38-136": {"q_pre": 40, "f": 245.21983790315608}, "18-136": {"q_pre": 40, "f": 249.6642691872793}, "18-137": {"q_pre": 40, "f": 254.07628888060532}, "40-137": {"q_pre": 40, "f": 258.454294145456}, "40-96": {"q_pre": 40, "f": 262.7557759451708}, "5-96": {"q_pre": 40, "f": 266.9608087708115}, "5-95": {"q_pre": 40, "f": 266.9608087708125}, "39-95": {"q_pre": 40, "f": 262.75577594517125}, "39-122": {"q_pre": 40, "f": 258.45429414545623}, "14-122": {"q_pre": 40, "f": 254.0762888806051}, "14-121": {"q_pre": 40, "f": 249.66426918727907}, "31-121": {"q_pre": 40, "f": 245.21983790315556}, "31-87": {"q_pre": 40, "f": 240.81214409823906}, "2-87": {"q_pre": 40, "f": 236.4246595240132}, "2-85": {"q_pre": 40, "f": 232.14137535620634}, "29-85": {"q_pre": 40, "f": 227.94367991340948}, "29-109": {"q_pre": 40, "f": 223.905383678931}, "10-109": {"q_pre": 40, "f": 220.03166358180013}, "10-108": {"q_pre": 40, "f": 216.3691768248583}, "26-108": {"q_pre": 40, "f": 212.95671929513506}, "26-82": {"q_pre": 40, "f": 209.82249438692267}, "0-82": {"q_pre": 40, "f": 207.0174604545843}, "0-226": {"f": 0.0}, "1-242": {"f": 0.0}, "2-86": {"f": 0.0}, "2-230": {"f": 0.0}, "2-262": {"f": 0.0}, "3-88": {"f": 0.0}, "3-89": {"f": 0.0}, "3-90": {"f": 0.0}, "3-91": {"f": 0.0}, "3-234": {"f": 0.0}, "3-250": {"f": 0.0}, "3-258": {"f": 0.0}, "3-274": {"f": 0.0}, "4-92": {"f": 0.0}, "4-254": {"f": 0.0}, "4-270": {"f": 0.0}, "5-266": {"f": 0.0}, "6-282": {"f": 0.0}, "7-99": {"f": 0.0}, "7-238": {"f": 0.0}, "7-286": {"f": 0.0}, "8-103": {"f": 0.0}, "8-246": {"f": 0.0}, "8-278": {"f": 0.0}, "9-107": {"f": 0.0}, "9-225": {"f": 0.0}, "9-239": {"f": 0.0}, "10-110": {"f": 0.0}, "10-227": {"f": 0.0}, "10-229": {"f": 0.0}, "11-113": {"f": 0.0}, "11-243": {"f": 0.0}, "11-245": {"f": 0.0}, "12-116": {"f": 0.0}, "12-241": {"f": 0.0}, "12-255": {"f": 0.0}, "13-117": {"f": 0.0}, "13-119": {"f": 0.0}, "13-118": {"f": 0.0}, "13-120": {"f": 0.0}, "13-231": {"f": 0.0}, "13-233": {"f": 0.0}, "13-259": {"f": 0.0}, "13-261": {"f": 0.0}, "14-123": {"f": 0.0}, "14-263": {"f": 0.0}, "14-265": {"f": 0.0}, "15-124": {"f": 0.0}, "15-126": {"f": 0.0}, "15-125": {"f": 0.0}, "15-127": {"f": 0.0}, "15-235": {"f": 0.0}, "15-237": {"f": 0.0}, "15-273": {"f": 0.0}, "15-287": {"f": 0.0}, "16-129": {"f": 0.0}, "16-130": {"f": 0.0}, "16-128": {"f": 0.0}, "16-131": {"f": 0.0}, "16-247": {"f": 0.0}, "16-249": {"f": 0.0}, "16-275": {"f": 0.0}, "16-277": {"f": 0.0}, "17-132": {"f": 0.0}, "17-134": {"f": 0.0}, "17-133": {"f": 0.0}, "17-135": {"f": 0.0}, "17-251": {"f": 0.0}, "17-253": {"f": 0.0}, "17-257": {"f": 0.0}, "17-271": {"f": 0.0}, "18-138": {"f": 0.0}, "18-267": {"f": 0.0}, "18-269": {"f": 0.0}, "19-141": {"f": 0.0}, "19-283": {"f": 0.0}, "19-285": {"f": 0.0}, "20-144": {"f": 0.0}, "20-279": {"f": 0.0}, "20-281": {"f": 0.0}, "21-146": {"f": 0.0}, "21-145": {"f": 0.0}, "21-147": {"f": 0.0}, "21-148": {"f": 0.0}, "21-228": {"f": 0.0}, "21-232": {"f": 0.0}, "21-236": {"f": 0.0}, "21-240": {"f": 0.0}, "22-149": {"f": 0.0}, "22-150": {"f": 0.0}, "22-151": {"f": 0.0}, "22-152": {"f": 0.0}, "22-244": {"f": 0.0}, "22-248": {"f": 0.0}, "22-252": {"f": 0.0}, "22-256": {"f": 0.0}, "23-153": {"f": 0.0}, "23-155": {"f": 0.0}, "23-154": {"f": 0.0}, "23-156": {"f": 0.0}, "23-260": {"f": 0.0}, "23-264": {"f": 0.0}, "23-268": {"f": 0.0}, "23-272": {"f": 0.0}, "24-158": {"f": 0.0}, "24-157": {"f": 0.0}, "24-160": {"f": 0.0}, "24-159": {"f": 0.0}, "24-276": {"f": 0.0}, "24-280": {"f": 0.0}, "24-284": {"f": 0.0}, "24-288": {"f": 0.0}, "25-161": {"f": 0.0}, "25-225": {"f": 0.0}, "25-226": {"f": 0.0}, "26-162": {"f": 0.0}, "26-226": {"f": 0.0}, "26-227": {"f": 0.0}, "27-163": {"f": 0.0}, "27-241": {"f": 0.0}, "27-242": {"f": 0.0}, "28-164": {"f": 0.0}, "28-242": {"f": 0.0}, "28-243": {"f": 0.0}, "29-165": {"f": 0.0}, "29-229": {"f": 0.0}, "29-230": {"f": 0.0}, "30-86": {"f": 0.0}, "30-166": {"f": 0.0}, "30-117": {"f": 0.0}, "30-167": {"f": 0.0}, "30-230": {"f": 0.0}, "30-231": {"f": 0.0}, "30-261": {"f": 0.0}, "30-262": {"f": 0.0}, "31-168": {"f": 0.0}, "31-262": {"f": 0.0}, "31-263": {"f": 0.0}, "32-118": {"f": 0.0}, "32-169": {"f": 0.0}, "32-88": {"f": 0.0}, "32-170": {"f": 0.0}, "32-233": {"f": 0.0}, "32-234": {"f": 0.0}, "32-258": {"f": 0.0}, "32-259": {"f": 0.0}, "33-89": {"f": 0.0}, "33-171": {"f": 0.0}, "33-124": {"f": 0.0}, "33-172": {"f": 0.0}, "33-234": {"f": 0.0}, "33-235": {"f": 0.0}, "33-273": {"f": 0.0}, "33-274": {"f": 0.0}, "34-128": {"f": 0.0}, "34-173": {"f": 0.0}, "34-90": {"f": 0.0}, "34-174": {"f": 0.0}, "34-249": {"f": 0.0}, "34-250": {"f": 0.0}, "34-274": {"f": 0.0}, "34-275": {"f": 0.0}, "35-91": {"f": 0.0}, "35-175": {"f": 0.0}, "35-132": {"f": 0.0}, "35-176": {"f": 0.0}, "35-250": {"f": 0.0}, "35-251": {"f": 0.0}, "35-257": {"f": 0.0}, "35-258": {"f": 0.0}, "36-133": {"f": 0.0}, "36-177": {"f": 0.0}, "36-92": {"f": 0.0}, "36-178": {"f": 0.0}, "36-253": {"f": 0.0}, "36-254": {"f": 0.0}, "36-270": {"f": 0.0}, "36-271": {"f": 0.0}, "37-179": {"f": 0.0}, "37-254": {"f": 0.0}, "37-255": {"f": 0.0}, "38-180": {"f": 0.0}, "38-269": {"f": 0.0}, "38-270": {"f": 0.0}, "39-181": {"f": 0.0}, "39-265": {"f": 0.0}, "39-266": {"f": 0.0}, "40-182": {"f": 0.0}, "40-266": {"f": 0.0}, "40-267": {"f": 0.0}, "41-183": {"f": 0.0}, "41-281": {"f": 0.0}, "41-282": {"f": 0.0}, "42-184": {"f": 0.0}, "42-282": {"f": 0.0}, "42-283": {"f": 0.0}, "43-125": {"f": 0.0}, "43-185": {"f": 0.0}, "43-99": {"f": 0.0}, "43-186": {"f": 0.0}, "43-237": {"f": 0.0}, "43-238": {"f": 0.0}, "43-286": {"f": 0.0}, "43-287": {"f": 0.0}, "44-187": {"f": 0.0}, "44-238": {"f": 0.0}, "44-239": {"f": 0.0}, "45-188": {"f": 0.0}, "45-285": {"f": 0.0}, "45-286": {"f": 0.0}, "46-189": {"f": 0.0}, "46-245": {"f": 0.0}, "46-246": {"f": 0.0}, "47-103": {"f": 0.0}, "47-190": {"f": 0.0}, "47-129": {"f": 0.0}, "47-191": {"f": 0.0}, "47-246": {"f": 0.0}, "47-247": {"f": 0.0}, "47-277": {"f": 0.0}, "47-278": {"f": 0.0}, "48-192": {"f": 0.0}, "48-278": {"f": 0.0}, "48-279": {"f": 0.0}, "49-193": {"f": 0.0}, "49-107": {"f": 0.0}, "49-145": {"f": 0.0}, "49-194": {"f": 0.0}, "49-225": {"f": 0.0}, "49-228": {"f": 0.0}, "49-239": {"f": 0.0}, "49-240": {"f": 0.0}, "50-110": {"f": 0.0}, "50-195": {"f": 0.0}, "50-146": {"f": 0.0}, "50-196": {"f": 0.0}, "50-227": {"f": 0.0}, "50-228": {"f": 0.0}, "50-229": {"f": 0.0}, "50-232": {"f": 0.0}, "51-113": {"f": 0.0}, "51-197": {"f": 0.0}, "51-149": {"f": 0.0}, "51-198": {"f": 0.0}, "51-243": {"f": 0.0}, "51-244": {"f": 0.0}, "51-245": {"f": 0.0}, "51-248": {"f": 0.0}, "52-199": {"f": 0.0}, "52-116": {"f": 0.0}, "52-150": {"f": 0.0}, "52-200": {"f": 0.0}, "52-241": {"f": 0.0}, "52-244": {"f": 0.0}, "52-255": {"f": 0.0}, "52-256": {"f": 0.0}, "53-119": {"f": 0.0}, "53-201": {"f": 0.0}, "53-147": {"f": 0.0}, "53-202": {"f": 0.0}, "53-231": {"f": 0.0}, "53-232": {"f": 0.0}, "53-233": {"f": 0.0}, "53-236": {"f": 0.0}, "54-120": {"f": 0.0}, "54-203": {"f": 0.0}, "54-153": {"f": 0.0}, "54-204": {"f": 0.0}, "54-259": {"f": 0.0}, "54-260": {"f": 0.0}, "54-261": {"f": 0.0}, "54-264": {"f": 0.0}, "55-123": {"f": 0.0}, "55-205": {"f": 0.0}, "55-154": {"f": 0.0}, "55-206": {"f": 0.0}, "55-263": {"f": 0.0}, "55-264": {"f": 0.0}, "55-265": {"f": 0.0}, "55-268": {"f": 0.0}, "56-126": {"f": 0.0}, "56-207": {"f": 0.0}, "56-148": {"f": 0.0}, "56-208": {"f": 0.0}, "56-235": {"f": 0.0}, "56-236": {"f": 0.0}, "56-237": {"f": 0.0}, "56-240": {"f": 0.0}, "57-209": {"f": 0.0}, "57-127": {"f": 0.0}, "57-157": {"f": 0.0}, "57-210": {"f": 0.0}, "57-273": {"f": 0.0}, "57-276": {"f": 0.0}, "57-287": {"f": 0.0}, "57-288": {"f": 0.0}, "58-130": {"f": 0.0}, "58-211": {"f": 0.0}, "58-151": {"f": 0.0}, "58-212": {"f": 0.0}, "58-247": {"f": 0.0}, "58-248": {"f": 0.0}, "58-249": {"f": 0.0}, "58-252": {"f": 0.0}, "59-131": {"f": 0.0}, "59-213": {"f": 0.0}, "59-158": {"f": 0.0}, "59-214": {"f": 0.0}, "59-275": {"f": 0.0}, "59-276": {"f": 0.0}, "59-277": {"f": 0.0}, "59-280": {"f": 0.0}, "60-134": {"f": 0.0}, "60-215": {"f": 0.0}, "60-152": {"f": 0.0}, "60-216": {"f": 0.0}, "60-251": {"f": 0.0}, "60-252": {"f": 0.0}, "60-253": {"f": 0.0}, "60-256": {"f": 0.0}, "61-217": {"f": 0.0}, "61-135": {"f": 0.0}, "61-155": {"f": 0.0}, "61-218": {"f": 0.0}, "61-257": {"f": 0.0}, "61-260": {"f": 0.0}, "61-271": {"f": 0.0}, "61-272": {"f": 0.0}, "62-138": {"f": 0.0}, "62-219": {"f": 0.0}, "62-156": {"f": 0.0}, "62-220": {"f": 0.0}, "62-267": {"f": 0.0}, "62-268": {"f": 0.0}, "62-269": {"f": 0.0}, "62-272": {"f": 0.0}, "63-141": {"f": 0.0}, "63-221": {"f": 0.0}, "63-159": {"f": 0.0}, "63-222": {"f": 0.0}, "63-283": {"f": 0.0}, "63-284": {"f": 0.0}, "63-285": {"f": 0.0}, "63-288": {"f": 0.0}, "64-144": {"f": 0.0}, "64-223": {"f": 0.0}, "64-160": {"f": 0.0}, "64-224": {"f": 0.0}, "64-279": {"f": 0.0}, "64-280": {"f": 0.0}, "64-281": {"f": 0.0}, "64-284": {"f": 0.0}, "65-161": {"f": 0.0}, "65-193": {"f": 0.0}, "65-162": {"f": 0.0}, "65-195": {"f": 0.0}, "65-225": {"f": 0.0}, "65-226": {"f": 0.0}, "65-227": {"f": 0.0}, "65-228": {"f": 0.0}, "66-165": {"f": 0.0}, "66-196": {"f": 0.0}, "66-166": {"f": 0.0}, "66-201": {"f": 0.0}, "66-229": {"f": 0.0}, "66-230": {"f": 0.0}, "66-231": {"f": 0.0}, "66-232": {"f": 0.0}, "67-169": {"f": 0.0}, "67-202": {"f": 0.0}, "67-171": {"f": 0.0}, "67-207": {"f": 0.0}, "67-233": {"f": 0.0}, "67-234": {"f": 0.0}, "67-235": {"f": 0.0}, "67-236": {"f": 0.0}, "68-185": {"f": 0.0}, "68-208": {"f": 0.0}, "68-187": {"f": 0.0}, "68-194": {"f": 0.0}, "68-237": {"f": 0.0}, "68-238": {"f": 0.0}, "68-239": {"f": 0.0}, "68-240": {"f": 0.0}, "69-163": {"f": 0.0}, "69-199": {"f": 0.0}, "69-164": {"f": 0.0}, "69-197": {"f": 0.0}, "69-241": {"f": 0.0}, "69-242": {"f": 0.0}, "69-243": {"f": 0.0}, "69-244": {"f": 0.0}, "70-189": {"f": 0.0}, "70-198": {"f": 0.0}, "70-190": {"f": 0.0}, "70-211": {"f": 0.0}, "70-245": {"f": 0.0}, "70-246": {"f": 0.0}, "70-247": {"f": 0.0}, "70-248": {"f": 0.0}, "71-173": {"f": 0.0}, "71-212": {"f": 0.0}, "71-175": {"f": 0.0}, "71-215": {"f": 0.0}, "71-249": {"f": 0.0}, "71-250": {"f": 0.0}, "71-251": {"f": 0.0}, "71-252": {"f": 0.0}, "72-177": {"f": 0.0}, "72-216": {"f": 0.0}, "72-179": {"f": 0.0}, "72-200": {"f": 0.0}, "72-253": {"f": 0.0}, "72-254": {"f": 0.0}, "72-255": {"f": 0.0}, "72-256": {"f": 0.0}, "73-176": {"f": 0.0}, "73-217": {"f": 0.0}, "73-170": {"f": 0.0}, "73-203": {"f": 0.0}, "73-257": {"f": 0.0}, "73-258": {"f": 0.0}, "73-259": {"f": 0.0}, "73-260": {"f": 0.0}, "74-167": {"f": 0.0}, "74-204": {"f": 0.0}, "74-168": {"f": 0.0}, "74-205": {"f": 0.0}, "74-261": {"f": 0.0}, "74-262": {"f": 0.0}, "74-263": {"f": 0.0}, "74-264": {"f": 0.0}, "75-181": {"f": 0.0}, "75-206": {"f": 0.0}, "75-182": {"f": 0.0}, "75-219": {"f": 0.0}, "75-265": {"f": 0.0}, "75-266": {"f": 0.0}, "75-267": {"f": 0.0}, "75-268": {"f": 0.0}, "76-180": {"f": 0.0}, "76-220": {"f": 0.0}, "76-178": {"f": 0.0}, "76-218": {"f": 0.0}, "76-269": {"f": 0.0}, "76-270": {"f": 0.0}, "76-271": {"f": 0.0}, "76-272": {"f": 0.0}}, "max_vertex": 288, "max_face": 852}} \ No newline at end of file diff --git a/src/nfd_numpy/data/out_hypar_mesh_07.json b/src/nfd_numpy/data/out_hypar_mesh_07.json deleted file mode 100644 index d7e26b62..00000000 --- a/src/nfd_numpy/data/out_hypar_mesh_07.json +++ /dev/null @@ -1 +0,0 @@ -{"compas": "1.7.1", "datatype": "compas.datastructures/Mesh", "data": {"attributes": {"name": "Mesh"}, "dva": {"x": 0.0, "y": 0.0, "z": 0.0, "rx": 0.0, "ry": 0.0, "rz": 0.0, "px": 0.0, "py": 0.0, "pz": 0.0, "is_anchor": false}, "dea": {"q_pre": 0.0}, "dfa": {"s_pre": [1.0, 2.5, 0.0]}, "vertex": {"0": {"z": 20.0, "y": -46.98355913741212, "x": -44.487094537112114, "is_anchor": true, "r": [344.1653120466599, 304.2642935286212, -107.48297149556872]}, "1": {"z": 20.0, "y": 43.016440862587885, "x": 45.512905462887865, "is_anchor": true, "r": [-344.16531204666046, -304.2642935286217, -107.48297149556893]}, "2": {"z": 9.974313686374925, "y": -40.878521532078274, "x": 3.361004708817919, "r": [0.09102108120715613, 0.03607030708212022, -0.011525358417022957]}, "3": {"z": 12.224665250964847, "y": -1.9835591374121415, "x": 0.5129054628878801, "r": [-3.9968028886505635e-15, -2.220446049250313e-15, -0.0037353048224222363]}, "4": {"z": 10.276736980336835, "y": -4.8486469579146245, "x": 35.34922894231549, "r": [-0.005354065352385362, -0.017376999347007427, -0.0026268793988357686]}, "5": {"z": 0.0, "y": -46.98355913741212, "x": 45.512905462887865, "is_anchor": true, "r": [-288.607724544716, 248.67994352612277, 107.48487762687996]}, "6": {"z": 0.0, "y": 43.016440862587885, "x": -44.487094537112114, "is_anchor": true, "r": [288.607724544715, -248.67994352612243, 107.48487762688006]}, "7": {"z": 10.276736980336807, "y": 0.8815286830903811, "x": -34.32341801653967, "r": [0.005354065352879189, 0.01737699934703585, -0.002626879399047155]}, "8": {"z": 9.974313686374925, "y": 36.91140325725403, "x": -2.335193783042133, "r": [-0.09102108120697494, -0.036070307082987085, -0.01152535841745106]}, "9": {"z": 14.948134750359477, "y": -22.680714110190937, "x": -36.89464735127992, "r": [0.1307445154263558, -0.005989494414785135, -0.006655839389955176]}, "10": {"z": 14.880152507056147, "y": -42.43050589618759, "x": -20.201635757498057, "r": [0.10029244220382427, 0.0220762292382517, -0.015582746877086606]}, "11": {"z": 14.880152507056142, "y": 38.46338762136337, "x": 21.227446683273843, "r": [-0.10029244220389533, -0.022076229239441858, -0.015582746877060849]}, "12": {"z": 14.948134750359497, "y": 18.71359583536669, "x": 37.9204582770557, "r": [-0.13074451542492938, 0.005989494415492125, -0.006655839389490659]}, "13": {"z": 11.865504380315674, "y": -22.379531453800503, "x": 0.177970390719836, "r": [-0.04424240810062319, -0.0005168638259327452, 0.005094601911183716]}, "14": {"z": 5.04058594561314, "y": -42.408970179821694, "x": 25.476645500340158, "r": [0.06044788805882462, 0.03386166025165949, -0.0054965531587019]}, "15": {"z": 11.762809835763552, "y": -0.693462390273802, "x": -17.19946234688216, "r": [-0.0038093958626035374, -0.0007459823537310228, -0.0027590987517012167]}, "16": {"z": 11.865504380315667, "y": 18.41241317897621, "x": 0.847840535055944, "r": [0.04424240810062363, 0.0005168638259256397, 0.005094601911190821]}, "17": {"z": 11.762809835763564, "y": -3.2736558845504837, "x": 18.225273272657972, "r": [0.0038093958625786684, 0.0007459823537292465, -0.002759098751688782]}, "18": {"z": 5.4033433217933, "y": -26.960957344397077, "x": 37.91806611322491, "r": [-0.012090643081720032, -0.04502068219733246, -0.005615159960392191]}, "19": {"z": 5.403343321793281, "y": 22.99383906957285, "x": -36.89225518744915, "r": [0.012090643081542396, 0.04502068219766642, -0.00561515996047568]}, "20": {"z": 5.040585945613142, "y": 38.44185190499745, "x": -24.4508345745644, "r": [-0.06044788805875356, -0.033861660252455295, -0.005496553158646833]}, "21": {"z": 13.79851688135502, "y": -22.613943712234473, "x": -19.469931441548955, "r": [-0.06528653253449868, -0.0016903640583558754, 0.00326646611693171]}, "22": {"z": 13.798516881355019, "y": 18.646825437410193, "x": 20.495742367324702, "r": [0.06528653253446137, 0.0016903640583372237, 0.0032664661169548026]}, "23": {"z": 9.126630463374205, "y": -23.903442730624352, "x": 19.597575063506213, "r": [-0.02651522476077517, 0.001263356984864572, 0.005965796364812093]}, "24": {"z": 9.126630463374191, "y": 19.93632445580013, "x": -18.57176413773045, "r": [0.026515224760743195, -0.0012633569848503612, 0.0059657963648316326]}, "25": {"x": -40.07924128621773, "y": -34.78376902905306, "z": 17.38930026869398, "r": [0.12084754507167839, -0.012592037211795137, -0.014045125670732572]}, "26": {"x": -32.29995903739917, "y": -44.34263692302747, "z": 17.39646036297333, "r": [0.05679098103687563, 0.0084840188164792, -0.008865208780172829]}, "27": {"x": 41.10505221199347, "y": 30.816650754228796, "z": 17.389300268693983, "r": [-0.12084754507229922, 0.012592037212005192, -0.014045125671137138]}, "28": {"x": 33.32576996317494, "y": 40.37551864820325, "z": 17.39646036297333, "r": [-0.05679098103773672, -0.008484018816896644, -0.00886520878026209]}, "29": {"x": -8.28351139075227, "y": -41.27088766343401, "z": 12.417758088608348, "r": [0.10410529601821894, 0.03280125065876405, -0.015080841072414586]}, "30": {"x": 1.1130800804260819, "y": -32.114068567757826, "z": 11.212725090445026, "r": [-0.05718329676867562, -0.0038521274844711684, 0.013616028482616116]}, "31": {"x": 14.64211727101087, "y": -41.25869538178488, "z": 7.520976528301266, "r": [0.07355248206581422, 0.03453203702193974, -0.007906588507728074]}, "32": {"x": 0.11656333648164396, "y": -12.116125536555556, "z": 12.152804055515443, "r": [-0.023305395877084134, -4.1754635979884824e-05, -0.0015243562499751562]}, "33": {"x": -8.22214632010737, "y": -1.3214196348124458, "z": 12.112806565113296, "r": [-0.0025366780588416127, -0.0004882277534243862, -0.00357932515319348]}, "34": {"x": 0.9092475892941314, "y": 8.149007261731269, "z": 12.15280405551544, "r": [0.0233053958770868, 4.175463595856854e-05, -0.00152435624995384]}, "35": {"x": 9.24795724588314, "y": -2.6456986400118483, "z": 12.112806565113296, "r": [0.0025366780588411686, 0.00048822775341328395, -0.0035793251531508474]}, "36": {"x": 27.001201534149793, "y": -3.977821710225707, "z": 11.160599133301435, "r": [0.003571005095157176, 0.001123993228736353, -0.0010657990622302549]}, "37": {"x": 35.99382995559481, "y": 6.7951208762734066, "z": 12.603415100588505, "r": [-0.06947843907013507, -0.002893562838832686, 0.0006608105876981796]}, "38": {"x": 35.99386829563082, "y": -16.128788646941146, "z": 7.895272408369461, "r": [0.01673659921250703, -0.03186667037260804, -0.007948381745352506]}, "39": {"x": 35.78928170104788, "y": -44.321362295044885, "z": 2.5303475193532083, "r": [0.06314276727466961, 0.038114428959616475, -0.005630328485906944]}, "40": {"x": 41.10001573464306, "y": -37.26840498875746, "z": 2.7718499294007914, "r": [-0.05639804395104875, -0.06246405846996339, -5.264675361082993e-05]}, "41": {"x": -34.763470775272125, "y": 40.35424402022064, "z": 2.5303475193532092, "r": [-0.0631427672747833, -0.03811442895948858, -0.0056303284858216784]}, "42": {"x": -40.0742048088673, "y": 33.30128671393322, "z": 2.771849929400781, "r": [0.05639804395144665, 0.062464058468947314, -5.264675374583305e-05]}, "43": {"x": -25.975390608374006, "y": 0.010703435401446804, "z": 11.16059913330141, "r": [-0.003571005095132307, -0.0011239932287248067, -0.0010657990622817692]}, "44": {"x": -34.968019029819025, "y": -10.762239151097651, "z": 12.603415100588482, "r": [0.06947843907007822, 0.002893562838867325, 0.000660810587680416]}, "45": {"x": -34.96805736985501, "y": 12.161670372116918, "z": 7.895272408369432, "r": [-0.01673659921225834, 0.03186667037264357, -0.007948381745498168]}, "46": {"x": 9.309322316528059, "y": 37.303769388609766, "z": 12.417758088608338, "r": [-0.10410529601850982, -0.032801250658707204, -0.0150808410724661]}, "47": {"x": -0.08726915465030195, "y": 28.146950292933692, "z": 11.212725090445023, "r": [0.05718329676866318, 0.0038521274845066955, 0.013616028482621445]}, "48": {"x": -13.61630634523509, "y": 37.291577106960645, "z": 7.520976528301267, "r": [-0.07355248206581777, -0.03453203702127183, -0.007906588507621493]}, "49": {"x": -28.619600450227917, "y": -22.7621653460511, "z": 14.488312870794934, "r": [-0.0751801469158, -0.0027965819900908073, 0.0023100403614861875]}, "50": {"x": -20.436449917963774, "y": -33.057079438658434, "z": 14.571159223694664, "r": [-0.09454098130596122, -0.0025297944109272663, 0.016859523556314038]}, "51": {"x": 21.46226084373957, "y": 29.08996116383421, "z": 14.571159223694663, "r": [0.0945409813059852, 0.002529794410991215, 0.01685952355636733]}, "52": {"x": 29.645411376003636, "y": 18.795047071226797, "z": 14.488312870794926, "r": [0.07518014691578223, 0.00279658199007482, 0.002310040361463095]}, "53": {"x": -9.775537681835445, "y": -22.43477863824774, "z": 12.920153468494412, "r": [-0.05482011053614144, -0.000938659137148079, 0.0043218199407251134]}, "54": {"x": 9.918916700260151, "y": -22.96675849683233, "z": 10.621405883292836, "r": [-0.034713036598919444, 5.714722282590401e-05, 0.005669095766696941]}, "55": {"x": 21.916137938767616, "y": -33.54557074344945, "z": 7.2932848184457075, "r": [-0.0227488140294696, -0.0009145363394509332, 0.006489548561379621]}, "56": {"x": -18.217379532210824, "y": -11.7234535503425, "z": 12.829908791933558, "r": [-0.0333050455201267, -0.0005411211738426402, -0.003068580773688545]}, "57": {"x": -17.447211548969975, "y": 9.732707147352524, "z": 10.578301258861128, "r": [0.017149344267995303, -0.0013973251438628154, 0.0015508810158788577]}, "58": {"x": 10.801348607611216, "y": 18.467660363423462, "z": 12.920153468494407, "r": [0.05482011053611924, 0.0009386591371312036, 0.004321819940703797]}, "59": {"x": -8.893105774484365, "y": 18.99964022200806, "z": 10.621405883292836, "r": [0.03471303659891056, -5.7147222822351296e-05, 0.005669095766711152]}, "60": {"x": 19.243190457986564, "y": 7.756335275518189, "z": 12.829908791933565, "r": [0.03330504552014979, 0.0005411211738577393, -0.003068580773673446]}, "61": {"x": 18.473022474745783, "y": -13.699825422176787, "z": 10.578301258861135, "r": [-0.017149344267998856, 0.001397325143841499, 0.0015508810158877395]}, "62": {"x": 28.991007371413726, "y": -25.234895674273705, "z": 7.379025546616587, "r": [-0.018782512992707723, 0.0031389170499522834, 0.005684667089454365]}, "63": {"x": -27.96519644563797, "y": 21.267777399449507, "z": 7.3790255466165595, "r": [0.018782512992647327, -0.00313891704993452, 0.005684667089431272]}, "64": {"x": -20.890327012991875, "y": 29.578452468625294, "z": 7.293284818445681, "r": [0.022748814029412756, 0.0009145363395859363, 0.006489548561413372]}, "65": {"x": -30.773855012560254, "y": -33.98995981644711, "z": 16.07498231771176, "r": [-0.1081651719732033, -0.004708868634490493, 0.015294018451511349]}, "66": {"x": -9.69195683586394, "y": -32.375926778363336, "z": 12.949612419923318, "r": [-0.07716594348567529, -0.0034742604669855126, 0.01642067602931263]}, "67": {"x": -9.158447549983137, "y": -11.971637621912418, "z": 12.592703293237554, "r": [-0.028548610805501973, -0.00040126122598138636, -0.002474316955353828]}, "68": {"x": -26.884648049564877, "y": -11.349557961428372, "z": 12.845339015520809, "r": [-0.03643151888483942, -0.0002844880941452743, -0.0031312718730234224]}, "69": {"x": 31.799665938336002, "y": 30.022841541622853, "z": 16.07498231771176, "r": [0.10816517197320419, 0.004708868634479835, 0.015294018451520675]}, "70": {"x": 10.717767761639703, "y": 28.4088085035391, "z": 12.949612419923309, "r": [0.07716594348568329, 0.0034742604669713018, 0.01642067602929309]}, "71": {"x": 10.184258475758874, "y": 8.004519347088108, "z": 12.592703293237559, "r": [0.02854861080550819, 0.00040126122599470904, -0.002474316955358269]}, "72": {"x": 27.91045897534065, "y": 7.382439686604096, "z": 12.84533901552082, "r": [0.036431518884793235, 0.0002844880941461625, -0.0031312718730198696]}, "73": {"x": 9.285695608358141, "y": -12.846179523161425, "z": 11.496300076550787, "r": [-0.01970833551275497, 0.0005730928604421592, -0.00018746801143620928]}, "74": {"x": 11.617097076011039, "y": -32.54300679863095, "z": 9.345935250785054, "r": [-0.03841558947463142, -0.0028941645954105866, 0.009988262462663045]}, "75": {"x": 31.800108298347503, "y": -35.12967399375011, "z": 5.079700980757732, "r": [-0.010534662008616635, 0.0008088570709929854, 0.003407871799565143]}, "76": {"x": 27.437499694663135, "y": -14.778298697829447, "z": 9.383545966232944, "r": [-0.015426998551472337, 0.0029603101366291185, 0.0036311737973626634]}, "77": {"x": -8.259884682582339, "y": 8.879061248337136, "z": 11.496300076550787, "r": [0.019708335512744313, -0.0005730928604226193, -0.000187468011439762]}, "78": {"x": -10.591286150235284, "y": 28.5758885238068, "z": 9.345935250785043, "r": [0.038415589474602996, 0.00289416459542835, 0.009988262462677255]}, "79": {"x": -30.77429737257171, "y": 31.16255571892586, "z": 5.079700980757725, "r": [0.010534662008630846, -0.000808857070936142, 0.003407871799570472]}, "80": {"x": -26.41168876888731, "y": 10.811180423005203, "z": 9.383545966232937, "r": [0.015426998551429705, -0.0029603101365900386, 0.0036311737973537817]}, "81": {"x": -42.13229039778268, "y": -40.87681856895796, "z": 18.669568262411175, "r": [0.09670906946294622, -0.017059171242635784, -0.012716913410031339]}, "82": {"x": -38.387534678383005, "y": -45.573745952498584, "z": 18.68571391883254, "r": [0.030767785213697607, 0.0034058843032482855, -0.006159619527309701]}, "83": {"x": 43.15810132355841, "y": 36.9097002941337, "z": 18.669568262411175, "r": [-0.09670906946334412, 0.01705917124220946, -0.01271691341047898]}, "84": {"x": 39.41334560415878, "y": 41.60662767767435, "z": 18.68571391883254, "r": [-0.030767785213669185, -0.0034058843032624964, -0.006159619527139171]}, "85": {"x": -2.421478032898846, "y": -40.978238568011854, "z": 11.194660999059709, "r": [0.114349341933905, 0.032760126757850117, -0.021876220904530896]}, "86": {"x": 2.1023211344916675, "y": -36.639905473953135, "z": 10.64017455028516, "r": [-0.006927671053725604, -0.013152046444346865, 8.559851072220681e-05]}, "87": {"x": 9.052102326045043, "y": -40.97195707006441, "z": 8.749271664449953, "r": [0.10130009883066116, 0.03605570920765899, -0.016970342819409012]}, "88": {"x": 0.30192769243070355, "y": -6.967739915406112, "z": 12.184581046781384, "r": [6.239741836111534e-05, 0.0002350364302969865, 2.2322537589047897e-05]}, "89": {"x": -3.7827717881719143, "y": -1.6201703998286978, "z": 12.172819068251293, "r": [6.289475228626884e-06, 3.5960058738737644e-05, 2.766086140582047e-05]}, "90": {"x": 0.7238832333450607, "y": 3.000621640581824, "z": 12.184581046781393, "r": [-6.239741835933899e-05, -0.0002350364302934338, 2.232253758194247e-05]}, "91": {"x": 4.808582713947668, "y": -2.346947874995594, "z": 12.172819068251288, "r": [-6.289475232179598e-06, -3.5960058731632216e-05, 2.7660861389833258e-05]}, "92": {"x": 31.245136240102877, "y": -4.395310724592422, "z": 10.726928043114967, "r": [-3.830708295282648e-05, -0.00018058065037251936, -5.325922535881489e-05]}, "93": {"x": 35.51043728864598, "y": 0.9334148963043745, "z": 11.44198239549527, "r": [-0.04884260496825732, -0.008696769349503697, 0.001260229576537597]}, "94": {"x": 35.51060682618517, "y": -10.539449068481561, "z": 9.096109951468154, "r": [0.009458114870852796, -0.022942020779872507, -0.005878366205717356]}, "95": {"x": 40.72857563612913, "y": -45.559667858977974, "z": 1.2667561693556664, "r": [0.08348149148004325, 0.0413371362575532, -0.009479976713415716]}, "96": {"x": 43.15430940028586, "y": -42.20390906378799, "z": 1.4026778091284724, "r": [-0.0637535014557784, -0.07487083160233965, -0.0010411408144399559]}, "97": {"x": -39.70276471035338, "y": 41.592549584153744, "z": 1.2667561693556668, "r": [-0.08348149147991535, -0.0413371362572974, -0.009479976713382854]}, "98": {"x": -42.12849847451011, "y": 38.23679078896375, "z": 1.402677809128467, "r": [0.06375350145555103, 0.0748708316031923, -0.0010411408145074574]}, "99": {"x": -30.219325314327072, "y": 0.42819244976817106, "z": 10.726928043114938, "r": [3.8307082981248186e-05, 0.00018058065036363757, -5.325922539078931e-05]}, "100": {"x": -34.48462636287018, "y": -4.900533171128618, "z": 11.441982395495245, "r": [0.048842604967020975, 0.00869676934950192, 0.0012602295767933924]}, "101": {"x": -34.48479590040934, "y": 6.57233079365732, "z": 9.096109951468122, "r": [-0.00945811486991488, 0.02294202077948171, -0.005878366205834595]}, "102": {"x": 3.447288958674635, "y": 37.01112029318762, "z": 11.19466099905971, "r": [-0.11434934193366608, -0.03276012675723905, -0.021876220904164967]}, "103": {"x": -1.076510208715882, "y": 32.67278719912896, "z": 10.640174550285156, "r": [0.006927671053741591, 0.013152046444375287, 8.559851073997038e-05]}, "104": {"x": -8.02629140026926, "y": 37.00483879524017, "z": 8.749271664449953, "r": [-0.10130009883059721, -0.0360557092071474, -0.01697034281924914]}, "105": {"x": -38.33165407103012, "y": -28.714794392287274, "z": 16.151633225297815, "r": [0.16724120899921502, -0.0058675586633683, -0.013999479299990014]}, "106": {"x": -35.77223883515925, "y": -16.69288964086435, "z": 13.768182929014593, "r": [0.1266250836006435, -0.0011146076780548242, -0.0013984228917465202]}, "107": {"x": -32.83947880798856, "y": -22.738091590525933, "z": 14.730796091312222, "r": [0.0006545177112435852, 0.003547089805751469, -0.0012288419702120024]}, "108": {"x": -26.233907073698514, "y": -43.29389428449291, "z": 16.128926255586254, "r": [0.09463030725293464, 0.011750951406369836, -0.01948043610639516]}, "109": {"x": -14.21417529493607, "y": -41.75553621580349, "z": 13.643636314081938, "r": [0.11691250398681419, 0.023694645686383353, -0.024083773053270363]}, "110": {"x": -20.456712614213664, "y": -37.904208200969165, "z": 14.776731646064375, "r": [-0.005483977994682476, -0.010527327365849715, 0.001512899237056331]}, "111": {"x": 27.259717999474297, "y": 39.32677600966869, "z": 16.128926255586254, "r": [-0.09463030725321175, -0.011750951406405363, -0.019480436106174892]}, "112": {"x": 15.23998622071186, "y": 37.78841794097925, "z": 13.643636314081931, "r": [-0.11691250398687458, -0.023694645686532567, -0.024083773052943513]}, "113": {"x": 21.482523539989437, "y": 33.93708992614491, "z": 14.77673164606437, "r": [0.0054839779947037925, 0.01052732736584261, 0.0015128992370705419]}, "114": {"x": 39.35746499680588, "y": 24.74767611746302, "z": 16.151633225297825, "r": [-0.16724120899836237, 0.005867558663240402, -0.013999479299798168]}, "115": {"x": 36.79804976093503, "y": 12.725771366040103, "z": 13.76818292901461, "r": [-0.12662508360082825, 0.0011146076782537762, -0.0013984228915475683]}, "116": {"x": 33.86528973376426, "y": 18.77097331570163, "z": 14.730796091312216, "r": [-0.0006545177112649014, -0.0035470898057745615, -0.0012288419702333186]}, "117": {"x": 0.5592218488379515, "y": -27.34230283053411, "z": 11.560182750765843, "r": [-0.001575788709162751, -0.00381086361548455, -0.00010823726164943537]}, "118": {"x": 0.10719869449904978, "y": -17.280066264932472, "z": 12.013859972913513, "r": [-0.00012988975353422916, -0.00039764205912007355, -1.8736283823983513e-05]}, "119": {"x": -4.768796626654864, "y": -22.375967475261593, "z": 12.385697516386983, "r": [-0.0006720061612206507, -0.0017672796978622785, 1.4758989905772069e-06]}, "120": {"x": 5.089614863948504, "y": -22.634995813277442, "z": 11.237157954461981, "r": [-0.0004595516673600031, -0.0013266635779203284, -9.987746171802314e-05]}, "121": {"x": 20.119855070117495, "y": -41.73787040840937, "z": 6.283958673322575, "r": [0.08638121982104252, 0.03569358596780603, -0.01232246623510136]}, "122": {"x": 30.70242764272176, "y": -43.27052770081832, "z": 3.788523284879597, "r": [0.07691336713019581, 0.03623768029976304, -0.009348116966005904]}, "123": {"x": 23.569521680818966, "y": -38.093093460065234, "z": 6.188695461076192, "r": [-0.0020661250558475786, -0.004539519743957499, -0.0004094224554211934]}, "124": {"x": -12.720611549879573, "y": -0.9983305827017736, "z": 11.941397089752584, "r": [2.4591997139111754e-05, 0.0001126654273404526, 8.668633656228053e-06]}, "125": {"x": -21.634871259459416, "y": -0.34618142879154573, "z": 11.465622001456781, "r": [4.478319475964554e-05, 0.0001926260083608966, -3.3800450419008143e-05]}, "126": {"x": -17.647344236271067, "y": -6.204385196360391, "z": 12.28349256831179, "r": [0.00018206822618793694, 0.000833403956193024, -0.00013403747507823027]}, "127": {"x": -17.254158737159212, "y": 4.533737812142869, "z": 11.166317785333383, "r": [-7.779759656045826e-05, -0.00027990793822851856, 6.316096523306669e-05]}, "128": {"x": 0.9186122312767242, "y": 13.31294799010818, "z": 12.013859972913517, "r": [0.00012988975352179466, 0.0003976420590845464, -1.8736283816878085e-05]}, "129": {"x": 0.46658907693782425, "y": 23.37518455570986, "z": 11.560182750765835, "r": [0.0015757887091663036, 0.0038108636154490227, -0.0001082372616565408]}, "130": {"x": 5.794607552430645, "y": 18.408849200437324, "z": 12.385697516386976, "r": [0.000672006161217098, 0.0017672796978267513, 1.4758989710372816e-06]}, "131": {"x": -4.063803938172723, "y": 18.66787753845318, "z": 11.237157954461983, "r": [0.0004595516673511213, 0.0013266635779203284, -9.987746172157586e-05]}, "132": {"x": 13.74642247565536, "y": -2.96878769212252, "z": 11.94139708975259, "r": [-2.459199715332261e-05, -0.0001126654273360117, 8.668633626029987e-06]}, "133": {"x": 22.660682185235213, "y": -3.6209368460327305, "z": 11.4656220014568, "r": [-4.478319475254011e-05, -0.00019262600836356114, -3.3800450458087994e-05]}, "134": {"x": 18.67315516204683, "y": 2.237266921536095, "z": 12.283492568311798, "r": [-0.00018206822618793694, -0.0008334039561939122, -0.00013403747507823027]}, "135": {"x": 18.27996966293503, "y": -8.500856086967143, "z": 11.166317785333389, "r": [7.77975965462474e-05, 0.0002799079382391767, 6.316096525083026e-05]}, "136": {"x": 36.79705585585707, "y": -21.60577406824705, "z": 6.66500323080175, "r": [0.01717999942741244, -0.03706860507506349, -0.010381110686896733]}, "137": {"x": 39.35332214902377, "y": -32.18466701027138, "z": 4.105396819237061, "r": [-0.020604117635045327, -0.05235943916584063, -0.005975781908265532]}, "138": {"x": 33.53404790087782, "y": -26.05689209717809, "z": 6.390790709600179, "r": [0.0007254426779113032, 0.0024621730506027006, 0.0004998827939690642]}, "139": {"x": -38.32751122324801, "y": 28.217548735447153, "z": 4.105396819237046, "r": [0.02060411763410741, 0.05235943916568431, -0.00597578190819803]}, "140": {"x": -35.77124493008129, "y": 17.638655793422828, "z": 6.6650032308017275, "r": [-0.01717999942823667, 0.03706860507538323, -0.01038111068668357]}, "141": {"x": -32.50823697510204, "y": 22.089773822353862, "z": 6.390790709600164, "r": [-0.0007254426779610412, -0.0024621730505920425, 0.0004998827939406425]}, "142": {"x": -29.676616716946008, "y": 39.30340942599408, "z": 3.788523284879598, "r": [-0.07691336713036634, -0.03623768029939356, -0.00934811696591531]}, "143": {"x": -19.094044144341723, "y": 37.77075213358513, "z": 6.283958673322577, "r": [-0.0863812198212699, -0.035693585966896535, -0.012322466235117346]}, "144": {"x": -22.54371075504323, "y": 34.12597518524101, "z": 6.188695461076172, "r": [0.0020661250558475786, 0.0045395197438722334, -0.00040942245541764066]}, "145": {"x": -24.079099061219313, "y": -22.679601384624036, "z": 14.146965261008978, "r": [0.0002692496300120695, 0.0010022851668836097, -0.00020296914233774999]}, "146": {"x": -19.964695928923014, "y": -27.900024763561696, "z": 14.195677376558429, "r": [-0.0006196618100986484, -0.001733320789256254, 0.000230275733699159]}, "147": {"x": -14.617817124461823, "y": -22.50070265695649, "z": 13.356611988716201, "r": [-0.00021025539799879311, -0.0006303362571813409, 5.63777503206353e-05]}, "148": {"x": -18.80220199962143, "y": -17.179924836864085, "z": 13.307437584001601, "r": [0.0002432340898081975, 0.0009226985747048388, -0.00014159551087544742]}, "149": {"x": 20.990506854698815, "y": 23.932906488737476, "z": 14.195677376558429, "r": [0.0006196618100773321, 0.001733320789256254, 0.000230275733699159]}, "150": {"x": 25.10490998699503, "y": 18.712483109799745, "z": 14.146965261008972, "r": [-0.0002692496300120695, -0.0010022851669120314, -0.00020296914235551355]}, "151": {"x": 15.643628050237574, "y": 18.533584382132215, "z": 13.356611988716192, "r": [0.00021025539800234583, 0.0006303362571706828, 5.637775030997716e-05]}, "152": {"x": 19.828012925397157, "y": 13.212806562039777, "z": 13.307437584001608, "r": [-0.0002432340897868812, -0.000922698574690628, -0.00014159551083281485]}, "153": {"x": 14.819372041368261, "y": -23.392340990726467, "z": 9.867297546480835, "r": [-0.0003280332861805846, -0.0009407990426169022, -0.00012238159047406327]}, "154": {"x": 20.630023919958848, "y": -28.81823015844116, "z": 8.226187660067476, "r": [-0.0006713398656330583, -0.001770188966531805, -0.00023365529555974263]}, "155": {"x": 18.92861492138136, "y": -18.859568030046947, "z": 9.856674015176706, "r": [8.926681653065316e-05, 0.00028858443638313247, 5.010566633245617e-05]}, "156": {"x": 24.36806512038021, "y": -24.525283647864068, "z": 8.24796537036213, "r": [4.0814866430594066e-05, 0.00012348799521433307, 2.1586479510560252e-05]}, "157": {"x": -17.90280399560559, "y": 14.892449755222703, "z": 9.856674015176692, "r": [-8.926681653775859e-05, -0.00028858443637602704, 5.0105666321798026e-05]}, "158": {"x": -13.793561115592485, "y": 19.425222715902215, "z": 9.867297546480831, "r": [0.0003280332861841373, 0.0009407990426453239, -0.0001223815904438652]}, "159": {"x": -23.342254194604433, "y": 20.558165373039852, "z": 8.247965370362104, "r": [-4.0814866380856074e-05, -0.00012348799525341292, 2.158647948924397e-05]}, "160": {"x": -19.604212994183086, "y": 24.85111188361695, "z": 8.22618766006746, "r": [0.0006713398656188474, 0.0017701889664749615, -0.0002336552955810589]}, "161": {"x": -35.513828424930985, "y": -34.39544351734758, "z": 16.744661147456917, "r": [4.1882500617873575e-05, 0.00016018941116868746, -4.485831619760461e-05]}, "162": {"x": -31.634250937129096, "y": -39.3126343763047, "z": 16.773397408215686, "r": [-0.0013512888294400227, -0.0029938177521984244, 0.0006386284077812832]}, "163": {"x": 36.53963935070672, "y": 30.428325242523318, "z": 16.744661147456917, "r": [-4.188250055392473e-05, -0.00016018941113316032, -4.485831620826275e-05]}, "164": {"x": 32.66006186290483, "y": 35.34551610148044, "z": 16.77339740821568, "r": [0.0013512888294258119, 0.002993817752155792, 0.0006386284077564142]}, "165": {"x": -9.126371430679692, "y": -36.977429575963406, "z": 12.735611838359109, "r": [-0.007707594690992359, -0.014232700241564089, 0.0010535386566630223]}, "166": {"x": -4.222980995475547, "y": -32.178231422624506, "z": 12.05918635813966, "r": [-0.0032284427741924304, -0.006742882412552831, 0.00014342818324664108]}, "167": {"x": 6.431525671758918, "y": -32.26060335768087, "z": 10.260375230895763, "r": [-0.002728025400084988, -0.00599040749481361, -0.0002599047293330159]}, "168": {"x": 12.996540207562465, "y": -37.02766101068278, "z": 8.470060016355024, "r": [-0.004598023089592118, -0.009179893705208997, -0.0004415050435646606]}, "169": {"x": -4.5103562934160335, "y": -12.048507837712224, "z": 12.373245627846416, "r": [4.5381053197068866e-05, 0.0001458817794190992, 2.1144323589794567e-06]}, "170": {"x": 4.714329723955344, "y": -12.478103171872885, "z": 11.825678585849559, "r": [8.513445797575514e-05, 0.0003168881000128465, 3.076970703119741e-05]}, "171": {"x": -8.707646049526673, "y": -6.6516466992733045, "z": 12.343241251956995, "r": [0.00013006725031061706, 0.0005544001668553733, -1.5137128816178347e-05]}, "172": {"x": -8.220626231898745, "y": 3.764719359712431, "z": 11.801263120599346, "r": [-5.4328851685880863e-05, -0.00020084245696416758, 3.526119696672936e-05]}, "173": {"x": 5.536167219191786, "y": 8.081389562887917, "z": 12.373245627846414, "r": [-4.538105319529251e-05, -0.00014588177942842506, 2.114432353650386e-06]}, "174": {"x": -3.688518798179556, "y": 8.510984897048587, "z": 11.82567858584956, "r": [-8.513445797397878e-05, -0.00031688810001995193, 3.076970700988113e-05]}, "175": {"x": 9.73345697530243, "y": 2.684528424449005, "z": 12.343241251957002, "r": [-0.00013006725031772248, -0.0005544001668562615, -1.5137128798414778e-05]}, "176": {"x": 9.246437157674535, "y": -7.731837634536726, "z": 11.801263120599344, "r": [5.432885169476265e-05, 0.00020084245696594394, 3.5261196984492926e-05]}, "177": {"x": 27.33114283553177, "y": 1.6761880420430126, "z": 11.988277803339198, "r": [-0.00020331164208187147, -0.0009615557733488878, -0.00028336046139543214]}, "178": {"x": 27.1059961832373, "y": -9.413457352684578, "z": 10.265435186020055, "r": [0.00012010947048679554, 0.00045701377863949233, 0.0001271792856130105]}, "179": {"x": 32.02420986022077, "y": 7.106829149722912, "z": 12.7353755310492, "r": [-0.0005659583898030007, -0.0030683986577422218, -0.0011332406772073256]}, "180": {"x": 31.788741070887767, "y": -15.424410990620533, "z": 8.64523682557483, "r": [0.0006401921895076157, 0.0024610448291522147, 0.0007036329442211553]}, "181": {"x": 33.66349102508685, "y": -39.83172781840143, "z": 3.8160059629845366, "r": [-0.0003874059122779272, -0.0009876757407454306, -0.00011274260246629808]}, "182": {"x": 36.534876882588314, "y": -36.14378984333861, "z": 3.9197409596223833, "r": [0.00012254858289395543, 0.0003674058832743299, 4.940761825800166e-05]}, "183": {"x": -32.637680099311076, "y": 35.86460954357716, "z": 3.8160059629845446, "r": [0.00038740591216424036, 0.0009876757408875392, -0.00011274260238280931]}, "184": {"x": -35.509065956812535, "y": 32.17667156851436, "z": 3.9197409596223776, "r": [-0.00012254858283000658, -0.000367405883309857, 4.940761823490902e-05]}, "185": {"x": -26.30533190975599, "y": -5.643306316867286, "z": 11.98827780333918, "r": [0.00020331164211029318, 0.0009615557733511082, -0.0002833604613812213]}, "186": {"x": -26.080185257461512, "y": 5.446339077860319, "z": 10.265435186020044, "r": [-0.00012010947053653354, -0.0004570137786235051, 0.0001271792856343268]}, "187": {"x": -30.99839893444498, "y": -11.073947424547171, "z": 12.735375531049185, "r": [0.0005659583898456333, 0.0030683986577315636, -0.001133240677184233]}, "188": {"x": -30.762930145111945, "y": 11.457292715796285, "z": 8.645236825574818, "r": [-0.0006401921895218265, -0.0024610448291504383, 0.0007036329442087208]}, "189": {"x": 10.152182356455471, "y": 33.01031130113921, "z": 12.735611838359105, "r": [0.007707594690998576, 0.01423270024159251, 0.0010535386566843385]}, "190": {"x": 5.248791921251331, "y": 28.211113147800322, "z": 12.059186358139655, "r": [0.003228442774190654, 0.006742882412595463, 0.00014342818327151008]}, "191": {"x": -5.405714745983147, "y": 28.29348508285672, "z": 10.260375230895752, "r": [0.002728025400090317, 0.005990407494799399, -0.0002599047293614376]}, "192": {"x": -11.970729281786701, "y": 33.06054273585858, "z": 8.47006001635501, "r": [0.004598023089592118, 0.009179893705208997, -0.00044150504355755515]}, "193": {"x": -29.612906696832937, "y": -28.39430552562288, "z": 15.275124790564718, "r": [3.338124697194189e-05, 0.00012252024494330271, -2.9805087542911224e-05]}, "194": {"x": -27.639028720427472, "y": -17.040893476564445, "z": 13.651408632466289, "r": [0.000338021113037712, 0.00162071212874082, -0.00046258312707436744]}, "195": {"x": -25.595798362955875, "y": -33.47511514460146, "z": 15.314292283312279, "r": [-0.0009029357175549535, -0.002308306343572042, 0.0004016815466165724]}, "196": {"x": -15.015516798099679, "y": -32.6532968963089, "z": 13.74257304487372, "r": [-0.002349950137269019, -0.005173965563230354, 0.00047210662958718785]}, "197": {"x": 26.621609288731662, "y": 29.507996869777237, "z": 15.314292283312279, "r": [0.0009029357175549535, 0.0023083063435649365, 0.00040168154660591426]}, "198": {"x": 16.04132772387545, "y": 28.68617862148467, "z": 13.742573044873712, "r": [0.002349950137269019, 0.00517396556325167, 0.0004721066295942933]}, "199": {"x": 30.638717622608702, "y": 24.42718725079865, "z": 15.275124790564728, "r": [-3.338124695773104e-05, -0.00012252024495040814, -2.9805087507384087e-05]}, "200": {"x": 28.664839646203173, "y": 13.073775201740128, "z": 13.651408632466286, "r": [-0.00033802111305192284, -0.0016207121287337145, -0.00046258312707436744]}, "201": {"x": -9.797792732683376, "y": -27.489901284070502, "z": 12.954570114615814, "r": [-0.001412520702274378, -0.003445360767123873, 0.00015596481755864033]}, "202": {"x": -9.480848604212518, "y": -17.226433018748253, "z": 12.757478362837997, "r": [2.9731863904203237e-06, 9.35790155409677e-06, -3.941466850676534e-07]}, "203": {"x": 9.530608696213791, "y": -17.95269144035735, "z": 11.063739422721834, "r": [-5.029496288955215e-05, -0.00016214547841997273, -1.90601942477997e-05]}, "204": {"x": 10.66080063781371, "y": -27.85036849587252, "z": 10.003176138409309, "r": [-0.0012284240435249671, -0.0030896661190951136, -0.0002710854271370522]}, "205": {"x": 16.84453695051853, "y": -32.978018398649766, "z": 8.30351806094583, "r": [-0.0018900114392010892, -0.0043352708229988934, -0.00039163976987488525]}, "206": {"x": 26.939446348757244, "y": -34.27532124737748, "z": 6.176364425568855, "r": [-0.0007615570884809131, -0.0019310562125980368, -0.00024042615059727268]}, "207": {"x": -13.697535515459442, "y": -11.844046115164343, "z": 12.714808584469726, "r": [0.00021447872833491033, 0.0008423302219497941, -8.327750984093996e-05]}, "208": {"x": -22.594755881277425, "y": -11.540755467190948, "z": 12.843917840634035, "r": [0.00035440625415006366, 0.0016246582846264346, -0.00037028548434037134]}, "209": {"x": -12.891748371139576, "y": 9.290387514797873, "z": 11.037530836367209, "r": [-0.00010589147884232375, -0.00036921480484508606, 6.031545596840715e-05]}, "210": {"x": -21.98906521446211, "y": 10.24788494994827, "z": 9.982025210618527, "r": [-0.00023303462320001245, -0.0008319772134228742, 0.00018346232395494155]}, "211": {"x": 10.823603658459156, "y": 23.522783009246226, "z": 12.954570114615802, "r": [0.0014125207022601671, 0.003445360767123873, 0.0001559648175266659]}, "212": {"x": 10.506659529988267, "y": 13.25931474392396, "z": 12.757478362837999, "r": [-2.973186397525751e-06, -9.357901557649484e-06, -3.941466992785081e-07]}, "213": {"x": -8.504797770437992, "y": 13.985573165533067, "z": 11.063739422721834, "r": [5.029496290376301e-05, 0.0001621454784128673, -1.906019421937799e-05]}, "214": {"x": -9.634989712037937, "y": 23.883250221048325, "z": 10.003176138409309, "r": [0.0012284240435249671, 0.0030896661191235353, -0.0002710854271406049]}, "215": {"x": 14.723346441235174, "y": 7.876927840340034, "z": 12.714808584469731, "r": [-0.00021447872831359405, -0.0008423302219426887, -8.327750983205817e-05]}, "216": {"x": 23.620566807053176, "y": 7.573637192366653, "z": 12.843917840634044, "r": [-0.00035440625414651095, -0.0016246582846246582, -0.0003702854843492531]}, "217": {"x": 13.917559296915385, "y": -13.25750578962215, "z": 11.03753083636721, "r": [0.00010589147883877104, 0.00036921480484153335, 6.031545596307808e-05]}, "218": {"x": 23.01487614023792, "y": -14.215003224772524, "z": 9.982025210618538, "r": [0.0002330346231609326, 0.0008319772134193215, 0.0001834623239655997]}, "219": {"x": 30.254675238827446, "y": -30.271032566087293, "z": 6.240258677696037, "r": [6.370030973812391e-06, 1.866456466359523e-05, 3.0407751374639247e-06]}, "220": {"x": 28.079563252328448, "y": -20.071982030542763, "z": 8.382905575098242, "r": [0.0003070840681402842, 0.0010554288171178428, 0.00023871193584312778]}, "221": {"x": -29.228864313051687, "y": 26.303914291263077, "z": 6.240258677696017, "r": [-6.370030959601536e-06, -1.8664564649384374e-05, 3.0407751481220657e-06]}, "222": {"x": -27.05375232655269, "y": 16.104863755718554, "z": 8.382905575098214, "r": [-0.0003070840680834408, -0.001055428817139159, 0.00023871193580760064]}, "223": {"x": -15.818726024742787, "y": 29.010900123825618, "z": 8.30351806094581, "r": [0.0018900114392224054, 0.004335270822991788, -0.0003916397699299523]}, "224": {"x": -25.913635422981482, "y": 30.308202972553286, "z": 6.17636442556883, "r": [0.0007615570885661782, 0.0019310562125625097, -0.00024042615062391803]}, "225": {"x": -34.181508074886445, "y": -28.62605075987057, "z": 15.762260190838585, "r": [-0.10082449884737343, -0.006846565437939489, 0.008490764100685055]}, "226": {"x": -37.176614143490625, "y": -40.19247609591329, "z": 17.773826745585914, "r": [-0.120512023053152, -0.0054284433318230185, 0.020858179758178608]}, "227": {"x": -26.203070403873753, "y": -38.59276044498794, "z": 15.816384506977286, "r": [-0.11485841923632734, 0.0021197465825082418, 0.025592690372519655]}, "228": {"x": -24.95226703755793, "y": -28.17977450366381, "z": 14.780570623288485, "r": [-0.08717737867758046, -0.0031131761855647255, 0.008631281235878419]}, "229": {"x": -14.878651084652297, "y": -37.38674865449668, "z": 13.807234831322477, "r": [-0.09392644342707968, -0.00036016778994962806, 0.025176881488462755]}, "230": {"x": -3.5480260728217767, "y": -36.734022866825676, "z": 11.744876916948698, "r": [-0.06769946591749232, -0.0035758003252226445, 0.019713115415626703]}, "231": {"x": -4.681034667627994, "y": -27.38190172126179, "z": 12.310585805295323, "r": [-0.059269272635816606, -0.0014196441506157953, 0.00971888000927379]}, "232": {"x": -14.988173272151553, "y": -27.689299984843252, "z": 13.622362198134882, "r": [-0.0734747009628336, -0.0017852077737359195, 0.009553880090308553]}, "233": {"x": -4.748767149622377, "y": -17.25361804694067, "z": 12.435672956093633, "r": [-0.038210778350169505, 9.031789198843398e-05, 0.0007426166312853866]}, "234": {"x": -4.231825256891348, "y": -6.856959526487493, "z": 12.312924439810782, "r": [-0.013359538966138729, -0.00023369859439981155, -0.003476789545842962]}, "235": {"x": -13.205401114422434, "y": -6.4532664672453, "z": 12.365024075777534, "r": [-0.016534575176379462, -0.00037012221390142486, -0.0037978136900136406]}, "236": {"x": -14.227025737285015, "y": -17.22389256074095, "z": 13.080385829119647, "r": [-0.04574681262825209, -0.0007464564384633832, -0.00032368692332340743]}, "237": {"x": -22.027206305018293, "y": -5.954177488540767, "z": 12.191659498743412, "r": [-0.01847307725492442, 7.920691572849137e-06, -0.003397498331551674]}, "238": {"x": -30.456680281872714, "y": -5.308786476717181, "z": 11.775016389046348, "r": [-0.018401826777221686, 0.0016863095755041968, -0.00223105373400756]}, "239": {"x": -31.829182025945546, "y": -16.918047177831944, "z": 13.761777490301764, "r": [-0.05852421198417801, -0.0006166347022542595, -0.0011432337271202186]}, "240": {"x": -23.332448948411926, "y": -17.148838720512096, "z": 13.528378772402572, "r": [-0.05283579764949309, -0.001110696087707197, -0.0011339049817138402]}, "241": {"x": 35.20731900066215, "y": 24.658932485046314, "z": 15.762260190838589, "r": [0.10082449884737343, 0.006846565437967911, 0.008490764100699266]}, "242": {"x": 38.20242506926634, "y": 36.225357821089034, "z": 17.773826745585907, "r": [0.12051202305309516, 0.005428443331766175, 0.020858179758178608]}, "243": {"x": 27.22888132964951, "y": 34.62564217016371, "z": 15.81638450697728, "r": [0.11485841923632734, -0.0021197465824229766, 0.025592690372533866]}, "244": {"x": 25.978077963333707, "y": 24.212656228839567, "z": 14.780570623288487, "r": [0.08717737867760889, 0.0031131761855931472, 0.00863128123589263]}, "245": {"x": 15.904462010428073, "y": 33.419630379672455, "z": 13.807234831322472, "r": [0.09392644342706546, 0.00036016778992120635, 0.025176881488462755]}, "246": {"x": 4.573836998597571, "y": 32.76690459200155, "z": 11.744876916948696, "r": [0.06769946591748521, 0.003575800325251066, 0.019713115415669336]}, "247": {"x": 5.706845593403765, "y": 23.41478344643749, "z": 12.31058580529531, "r": [0.059269272635816606, 0.0014196441506157953, 0.00971888000927379]}, "248": {"x": 16.01398419792734, "y": 23.72218171001902, "z": 13.622362198134875, "r": [0.0734747009628336, 0.0017852077737359195, 0.009553880090294342]}, "249": {"x": 5.774578075398138, "y": 13.28649977211639, "z": 12.435672956093635, "r": [0.03821077835017661, -9.031789198843398e-05, 0.0007426166312711757]}, "250": {"x": 5.257636182667097, "y": 2.8898412516631966, "z": 12.312924439810793, "r": [0.01335953896612807, 0.00023369859439981155, -0.003476789545842962]}, "251": {"x": 14.231212040198185, "y": 2.4861481924209956, "z": 12.365024075777542, "r": [0.01653457517636525, 0.00037012221390497757, -0.003797813689985219]}, "252": {"x": 15.252836663060746, "y": 13.256774285916658, "z": 13.080385829119653, "r": [0.04574681262825209, 0.0007464564384491723, -0.000323686923266564]}, "253": {"x": 23.05301723079407, "y": 1.9870592137164795, "z": 12.191659498743425, "r": [0.01847307725495284, -7.920691567520066e-06, -0.003397498331523252]}, "254": {"x": 31.482491207648515, "y": 1.34166820189293, "z": 11.775016389046371, "r": [0.018401826777250108, -0.0016863095754917623, -0.002231053733993349]}, "255": {"x": 32.85499295172128, "y": 12.950928903007656, "z": 13.76177749030177, "r": [0.05852421198417801, 0.0006166347022684704, -0.001143233727091797]}, "256": {"x": 24.358259874187624, "y": 13.18172044568778, "z": 13.528378772402572, "r": [0.052835797649464666, 0.001110696087707197, -0.0011339049816996294]}, "257": {"x": 13.759672001134447, "y": -8.092783748455622, "z": 11.547136831148494, "r": [-0.008663425537520197, 0.0006302102597288695, -0.0016749312558346219]}, "258": {"x": 4.713287018603792, "y": -7.351783773720221, "z": 12.052343739152711, "r": [-0.010167957986894294, 9.758219221112086e-05, -0.0027890940429102784]}, "259": {"x": 4.766697385946955, "y": -17.59144362258376, "z": 11.603455373433992, "r": [-0.031106860994967178, 0.00017206436379524348, 0.0019286977612864575]}, "260": {"x": 14.214376615261047, "y": -18.36560728074891, "z": 10.529459480602705, "r": [-0.02583705225453059, 0.00098787305262249, 0.0033345094885390836]}, "261": {"x": 5.557645684814982, "y": -27.54041304916044, "z": 10.849254610924675, "r": [-0.044514407685774415, -0.0014193589014439567, 0.008847347398045713]}, "262": {"x": 7.520071723396843, "y": -36.74093150922212, "z": 9.618622343231529, "r": [-0.042448915347776506, -0.004041881598368491, 0.01260188063989176]}, "263": {"x": 18.30333432052383, "y": -37.463550786462946, "z": 7.378396550252011, "r": [-0.02300609975975476, -0.0024818348535404766, 0.006812161138114448]}, "264": {"x": 15.635899691971527, "y": -28.269099902620177, "z": 9.18213976649429, "r": [-0.031986128536956926, -0.0003457401448656583, 0.007667242235214644]}, "265": {"x": 28.672860098061566, "y": -38.86564629110355, "z": 5.030590411207244, "r": [-0.009676314899820682, -0.0007550834440621657, 0.002921243080692193]}, "266": {"x": 38.49119201700844, "y": -40.92884138232397, "z": 2.6154171892999845, "r": [-0.0019535043674636654, 9.48813478203192e-05, 0.000663650629682877]}, "267": {"x": 34.87509317067999, "y": -31.166000470296968, "z": 5.20297842561655, "r": [-0.010211897678971127, 0.001885341563934162, 0.0035271380447667866]}, "268": {"x": 25.473674401475527, "y": -29.47636282301474, "z": 7.290112257774151, "r": [-0.02071608211531384, 0.0012086668652955268, 0.005983870012883585]}, "269": {"x": 32.48978716932706, "y": -20.795092734670654, "z": 7.580141608538963, "r": [-0.016397374666269116, 0.002300035434217307, 0.004981885999725932]}, "270": {"x": 31.366570668673, "y": -9.939466214915758, "z": 9.744913092754834, "r": [-0.008285848775301474, 0.0001703813011033617, 0.002026821747449503]}, "271": {"x": 22.7254534071373, "y": -8.922141470442561, "z": 10.782226600197681, "r": [-0.007877549775940906, 0.000982293693482461, 5.994488235216977e-05]}, "272": {"x": 23.523398972809616, "y": -19.41848491459848, "z": 9.188754679220423, "r": [-0.021166370558887593, 0.002058801213792094, 0.004604236883963608]}, "273": {"x": -12.73386107535863, "y": 4.125665473631332, "z": 11.547136831148492, "r": [0.008663425537520197, -0.0006302102597288695, -0.0016749312557919893]}, "274": {"x": -3.687476092828017, "y": 3.3846654988959246, "z": 12.052343739152715, "r": [0.010167957986904952, -9.758219221112086e-05, -0.0027890940429244893]}, "275": {"x": -3.740886460171168, "y": 13.624325347759472, "z": 11.60345537343399, "r": [0.031106860994974284, -0.00017206436379524348, 0.0019286977612722467]}, "276": {"x": -13.188565689485253, "y": 14.398489005924638, "z": 10.529459480602705, "r": [0.02583705225450217, -0.000987873052608279, 0.0033345094885675053]}, "277": {"x": -4.531834759039201, "y": 23.573294774336233, "z": 10.84925461092467, "r": [0.044514407685774415, 0.001419358901415535, 0.008847347398045713]}, "278": {"x": -6.494260797621072, "y": 32.773813234397934, "z": 9.618622343231515, "r": [0.0424489153477694, 0.004041881598368491, 0.012601880639905971]}, "279": {"x": -17.277523394748098, "y": 33.49643251163876, "z": 7.378396550251987, "r": [0.02300609975975476, 0.002481834853483633, 0.006812161138086026]}, "280": {"x": -14.610088766195764, "y": 24.30198162779598, "z": 9.18213976649428, "r": [0.03198612853697114, 0.00034574014489408, 0.0076672422351720115]}, "281": {"x": -27.647049172285826, "y": 34.898528016279286, "z": 5.030590411207239, "r": [0.009676314899820682, 0.0007550834440621657, 0.0029212430806992984]}, "282": {"x": -37.46538109123266, "y": 36.96172310749972, "z": 2.61541718929999, "r": [0.001953504367406822, -9.48813478203192e-05, 0.0006636506296473499]}, "283": {"x": -33.84928224490418, "y": 27.19888219547272, "z": 5.2029784256165446, "r": [0.010211897678971127, -0.0018853415639910054, 0.0035271380447525758]}, "284": {"x": -24.447863475699766, "y": 25.50924454819053, "z": 7.290112257774126, "r": [0.02071608211534226, -0.0012086668653523702, 0.0059838700128693745]}, "285": {"x": -31.463976243551297, "y": 16.82797445984646, "z": 7.5801416085389315, "r": [0.016397374666212272, -0.002300035434217307, 0.0049818859996833]}, "286": {"x": -30.340759742897166, "y": 5.972347940091501, "z": 9.744913092754823, "r": [0.00828584877524463, -0.0001703813011033617, 0.002026821747477925]}, "287": {"x": -21.699642481361504, "y": 4.955023195618292, "z": 10.782226600197669, "r": [0.007877549775884063, -0.0009822936934895665, 5.9944882337958916e-05]}, "288": {"x": -22.497588047033837, "y": 15.451366639774255, "z": 9.188754679220402, "r": [0.021166370558916014, -0.0020588012137636724, 0.0046042368839493975]}}, "face": {"341": [49, 107, 225], "342": [225, 193, 49], "343": [9, 105, 225], "344": [225, 107, 9], "345": [25, 161, 225], "346": [225, 105, 25], "347": [65, 193, 225], "348": [225, 161, 65], "349": [25, 81, 226], "350": [226, 161, 25], "351": [0, 82, 226], "352": [226, 81, 0], "353": [26, 162, 226], "354": [226, 82, 26], "355": [65, 161, 226], "356": [226, 162, 65], "357": [26, 108, 227], "358": [227, 162, 26], "359": [10, 110, 227], "360": [227, 108, 10], "361": [50, 195, 227], "362": [227, 110, 50], "363": [65, 162, 227], "364": [227, 195, 65], "365": [50, 146, 228], "366": [228, 195, 50], "367": [21, 145, 228], "368": [228, 146, 21], "369": [49, 193, 228], "370": [228, 145, 49], "371": [65, 195, 228], "372": [228, 193, 65], "373": [50, 110, 229], "374": [229, 196, 50], "375": [10, 109, 229], "376": [229, 110, 10], "377": [29, 165, 229], "378": [229, 109, 29], "379": [66, 196, 229], "380": [229, 165, 66], "381": [29, 85, 230], "382": [230, 165, 29], "383": [2, 86, 230], "384": [230, 85, 2], "385": [30, 166, 230], "386": [230, 86, 30], "387": [66, 165, 230], "388": [230, 166, 66], "389": [30, 117, 231], "390": [231, 166, 30], "391": [13, 119, 231], "392": [231, 117, 13], "393": [53, 201, 231], "394": [231, 119, 53], "395": [66, 166, 231], "396": [231, 201, 66], "397": [53, 147, 232], "398": [232, 201, 53], "399": [21, 146, 232], "400": [232, 147, 21], "401": [50, 196, 232], "402": [232, 146, 50], "403": [66, 201, 232], "404": [232, 196, 66], "405": [53, 119, 233], "406": [233, 202, 53], "407": [13, 118, 233], "408": [233, 119, 13], "409": [32, 169, 233], "410": [233, 118, 32], "411": [67, 202, 233], "412": [233, 169, 67], "413": [32, 88, 234], "414": [234, 169, 32], "415": [3, 89, 234], "416": [234, 88, 3], "417": [33, 171, 234], "418": [234, 89, 33], "419": [67, 169, 234], "420": [234, 171, 67], "421": [33, 124, 235], "422": [235, 171, 33], "423": [15, 126, 235], "424": [235, 124, 15], "425": [56, 207, 235], "426": [235, 126, 56], "427": [67, 171, 235], "428": [235, 207, 67], "429": [56, 148, 236], "430": [236, 207, 56], "431": [21, 147, 236], "432": [236, 148, 21], "433": [53, 202, 236], "434": [236, 147, 53], "435": [67, 207, 236], "436": [236, 202, 67], "437": [56, 126, 237], "438": [237, 208, 56], "439": [15, 125, 237], "440": [237, 126, 15], "441": [43, 185, 237], "442": [237, 125, 43], "443": [68, 208, 237], "444": [237, 185, 68], "445": [43, 99, 238], "446": [238, 185, 43], "447": [7, 100, 238], "448": [238, 99, 7], "449": [44, 187, 238], "450": [238, 100, 44], "451": [68, 185, 238], "452": [238, 187, 68], "453": [44, 106, 239], "454": [239, 187, 44], "455": [9, 107, 239], "456": [239, 106, 9], "457": [49, 194, 239], "458": [239, 107, 49], "459": [68, 187, 239], "460": [239, 194, 68], "461": [49, 145, 240], "462": [240, 194, 49], "463": [21, 148, 240], "464": [240, 145, 21], "465": [56, 208, 240], "466": [240, 148, 56], "467": [68, 194, 240], "468": [240, 208, 68], "469": [52, 116, 241], "470": [241, 199, 52], "471": [12, 114, 241], "472": [241, 116, 12], "473": [27, 163, 241], "474": [241, 114, 27], "475": [69, 199, 241], "476": [241, 163, 69], "477": [27, 83, 242], "478": [242, 163, 27], "479": [1, 84, 242], "480": [242, 83, 1], "481": [28, 164, 242], "482": [242, 84, 28], "483": [69, 163, 242], "484": [242, 164, 69], "485": [28, 111, 243], "486": [243, 164, 28], "487": [11, 113, 243], "488": [243, 111, 11], "489": [51, 197, 243], "490": [243, 113, 51], "491": [69, 164, 243], "492": [243, 197, 69], "493": [51, 149, 244], "494": [244, 197, 51], "495": [22, 150, 244], "496": [244, 149, 22], "497": [52, 199, 244], "498": [244, 150, 52], "499": [69, 197, 244], "500": [244, 199, 69], "501": [51, 113, 245], "502": [245, 198, 51], "503": [11, 112, 245], "504": [245, 113, 11], "505": [46, 189, 245], "506": [245, 112, 46], "507": [70, 198, 245], "508": [245, 189, 70], "509": [46, 102, 246], "510": [246, 189, 46], "511": [8, 103, 246], "512": [246, 102, 8], "513": [47, 190, 246], "514": [246, 103, 47], "515": [70, 189, 246], "516": [246, 190, 70], "517": [47, 129, 247], "518": [247, 190, 47], "519": [16, 130, 247], "520": [247, 129, 16], "521": [58, 211, 247], "522": [247, 130, 58], "523": [70, 190, 247], "524": [247, 211, 70], "525": [58, 151, 248], "526": [248, 211, 58], "527": [22, 149, 248], "528": [248, 151, 22], "529": [51, 198, 248], "530": [248, 149, 51], "531": [70, 211, 248], "532": [248, 198, 70], "533": [58, 130, 249], "534": [249, 212, 58], "535": [16, 128, 249], "536": [249, 130, 16], "537": [34, 173, 249], "538": [249, 128, 34], "539": [71, 212, 249], "540": [249, 173, 71], "541": [34, 90, 250], "542": [250, 173, 34], "543": [3, 91, 250], "544": [250, 90, 3], "545": [35, 175, 250], "546": [250, 91, 35], "547": [71, 173, 250], "548": [250, 175, 71], "549": [35, 132, 251], "550": [251, 175, 35], "551": [17, 134, 251], "552": [251, 132, 17], "553": [60, 215, 251], "554": [251, 134, 60], "555": [71, 175, 251], "556": [251, 215, 71], "557": [60, 152, 252], "558": [252, 215, 60], "559": [22, 151, 252], "560": [252, 152, 22], "561": [58, 212, 252], "562": [252, 151, 58], "563": [71, 215, 252], "564": [252, 212, 71], "565": [60, 134, 253], "566": [253, 216, 60], "567": [17, 133, 253], "568": [253, 134, 17], "569": [36, 177, 253], "570": [253, 133, 36], "571": [72, 216, 253], "572": [253, 177, 72], "573": [36, 92, 254], "574": [254, 177, 36], "575": [4, 93, 254], "576": [254, 92, 4], "577": [37, 179, 254], "578": [254, 93, 37], "579": [72, 177, 254], "580": [254, 179, 72], "581": [37, 115, 255], "582": [255, 179, 37], "583": [12, 116, 255], "584": [255, 115, 12], "585": [52, 200, 255], "586": [255, 116, 52], "587": [72, 179, 255], "588": [255, 200, 72], "589": [52, 150, 256], "590": [256, 200, 52], "591": [22, 152, 256], "592": [256, 150, 22], "593": [60, 216, 256], "594": [256, 152, 60], "595": [72, 200, 256], "596": [256, 216, 72], "597": [61, 135, 257], "598": [257, 217, 61], "599": [17, 132, 257], "600": [257, 135, 17], "601": [35, 176, 257], "602": [257, 132, 35], "603": [73, 217, 257], "604": [257, 176, 73], "605": [35, 91, 258], "606": [258, 176, 35], "607": [3, 88, 258], "608": [258, 91, 3], "609": [32, 170, 258], "610": [258, 88, 32], "611": [73, 176, 258], "612": [258, 170, 73], "613": [32, 118, 259], "614": [259, 170, 32], "615": [13, 120, 259], "616": [259, 118, 13], "617": [54, 203, 259], "618": [259, 120, 54], "619": [73, 170, 259], "620": [259, 203, 73], "621": [54, 153, 260], "622": [260, 203, 54], "623": [23, 155, 260], "624": [260, 153, 23], "625": [61, 217, 260], "626": [260, 155, 61], "627": [73, 203, 260], "628": [260, 217, 73], "629": [54, 120, 261], "630": [261, 204, 54], "631": [13, 117, 261], "632": [261, 120, 13], "633": [30, 167, 261], "634": [261, 117, 30], "635": [74, 204, 261], "636": [261, 167, 74], "637": [30, 86, 262], "638": [262, 167, 30], "639": [2, 87, 262], "640": [262, 86, 2], "641": [31, 168, 262], "642": [262, 87, 31], "643": [74, 167, 262], "644": [262, 168, 74], "645": [31, 121, 263], "646": [263, 168, 31], "647": [14, 123, 263], "648": [263, 121, 14], "649": [55, 205, 263], "650": [263, 123, 55], "651": [74, 168, 263], "652": [263, 205, 74], "653": [55, 154, 264], "654": [264, 205, 55], "655": [23, 153, 264], "656": [264, 154, 23], "657": [54, 204, 264], "658": [264, 153, 54], "659": [74, 205, 264], "660": [264, 204, 74], "661": [55, 123, 265], "662": [265, 206, 55], "663": [14, 122, 265], "664": [265, 123, 14], "665": [39, 181, 265], "666": [265, 122, 39], "667": [75, 206, 265], "668": [265, 181, 75], "669": [39, 95, 266], "670": [266, 181, 39], "671": [5, 96, 266], "672": [266, 95, 5], "673": [40, 182, 266], "674": [266, 96, 40], "675": [75, 181, 266], "676": [266, 182, 75], "677": [40, 137, 267], "678": [267, 182, 40], "679": [18, 138, 267], "680": [267, 137, 18], "681": [62, 219, 267], "682": [267, 138, 62], "683": [75, 182, 267], "684": [267, 219, 75], "685": [62, 156, 268], "686": [268, 219, 62], "687": [23, 154, 268], "688": [268, 156, 23], "689": [55, 206, 268], "690": [268, 154, 55], "691": [75, 219, 268], "692": [268, 206, 75], "693": [62, 138, 269], "694": [269, 220, 62], "695": [18, 136, 269], "696": [269, 138, 18], "697": [38, 180, 269], "698": [269, 136, 38], "699": [76, 220, 269], "700": [269, 180, 76], "701": [38, 94, 270], "702": [270, 180, 38], "703": [4, 92, 270], "704": [270, 94, 4], "705": [36, 178, 270], "706": [270, 92, 36], "707": [76, 180, 270], "708": [270, 178, 76], "709": [36, 133, 271], "710": [271, 178, 36], "711": [17, 135, 271], "712": [271, 133, 17], "713": [61, 218, 271], "714": [271, 135, 61], "715": [76, 178, 271], "716": [271, 218, 76], "717": [61, 155, 272], "718": [272, 218, 61], "719": [23, 156, 272], "720": [272, 155, 23], "721": [62, 220, 272], "722": [272, 156, 62], "723": [76, 218, 272], "724": [272, 220, 76], "725": [57, 127, 273], "726": [273, 209, 57], "727": [15, 124, 273], "728": [273, 127, 15], "729": [33, 172, 273], "730": [273, 124, 33], "731": [77, 209, 273], "732": [273, 172, 77], "733": [33, 89, 274], "734": [274, 172, 33], "735": [3, 90, 274], "736": [274, 89, 3], "737": [34, 174, 274], "738": [274, 90, 34], "739": [77, 172, 274], "740": [274, 174, 77], "741": [34, 128, 275], "742": [275, 174, 34], "743": [16, 131, 275], "744": [275, 128, 16], "745": [59, 213, 275], "746": [275, 131, 59], "747": [77, 174, 275], "748": [275, 213, 77], "749": [59, 158, 276], "750": [276, 213, 59], "751": [24, 157, 276], "752": [276, 158, 24], "753": [57, 209, 276], "754": [276, 157, 57], "755": [77, 213, 276], "756": [276, 209, 77], "757": [59, 131, 277], "758": [277, 214, 59], "759": [16, 129, 277], "760": [277, 131, 16], "761": [47, 191, 277], "762": [277, 129, 47], "763": [78, 214, 277], "764": [277, 191, 78], "765": [47, 103, 278], "766": [278, 191, 47], "767": [8, 104, 278], "768": [278, 103, 8], "769": [48, 192, 278], "770": [278, 104, 48], "771": [78, 191, 278], "772": [278, 192, 78], "773": [48, 143, 279], "774": [279, 192, 48], "775": [20, 144, 279], "776": [279, 143, 20], "777": [64, 223, 279], "778": [279, 144, 64], "779": [78, 192, 279], "780": [279, 223, 78], "781": [64, 160, 280], "782": [280, 223, 64], "783": [24, 158, 280], "784": [280, 160, 24], "785": [59, 214, 280], "786": [280, 158, 59], "787": [78, 223, 280], "788": [280, 214, 78], "789": [64, 144, 281], "790": [281, 224, 64], "791": [20, 142, 281], "792": [281, 144, 20], "793": [41, 183, 281], "794": [281, 142, 41], "795": [79, 224, 281], "796": [281, 183, 79], "797": [41, 97, 282], "798": [282, 183, 41], "799": [6, 98, 282], "800": [282, 97, 6], "801": [42, 184, 282], "802": [282, 98, 42], "803": [79, 183, 282], "804": [282, 184, 79], "805": [42, 139, 283], "806": [283, 184, 42], "807": [19, 141, 283], "808": [283, 139, 19], "809": [63, 221, 283], "810": [283, 141, 63], "811": [79, 184, 283], "812": [283, 221, 79], "813": [63, 159, 284], "814": [284, 221, 63], "815": [24, 160, 284], "816": [284, 159, 24], "817": [64, 224, 284], "818": [284, 160, 64], "819": [79, 221, 284], "820": [284, 224, 79], "821": [63, 141, 285], "822": [285, 222, 63], "823": [19, 140, 285], "824": [285, 141, 19], "825": [45, 188, 285], "826": [285, 140, 45], "827": [80, 222, 285], "828": [285, 188, 80], "829": [45, 101, 286], "830": [286, 188, 45], "831": [7, 99, 286], "832": [286, 101, 7], "833": [43, 186, 286], "834": [286, 99, 43], "835": [80, 188, 286], "836": [286, 186, 80], "837": [43, 125, 287], "838": [287, 186, 43], "839": [15, 127, 287], "840": [287, 125, 15], "841": [57, 210, 287], "842": [287, 127, 57], "843": [80, 186, 287], "844": [287, 210, 80], "845": [57, 157, 288], "846": [288, 210, 57], "847": [24, 159, 288], "848": [288, 157, 24], "849": [63, 222, 288], "850": [288, 159, 63], "851": [80, 210, 288], "852": [288, 222, 80]}, "facedata": {"341": {"path": [5, 0, 0], "s": [2.4938803992712404, 1.0024538469168567], "s_vecs": [[-0.8898281443506255, -0.4393832973630374, 0.12307798958346336], [0.4526533286386764, -0.8840207392643507, 0.11667174732058044]]}, "342": {"path": [5, 0, 0], "s": [2.4938685769823854, 1.0024585990914703], "s_vecs": [[0.8864012377112783, 0.44035907022820275, -0.1427471017277291], [-0.45216214750261735, 0.8896997670108003, -0.0631166930910434]]}, "343": {"path": [5, 0, 1], "s": [2.4856985826766116, 1.005753480097328], "s_vecs": [[-0.8859992766012375, -0.43615611171584, 0.1573948159089228], [-0.45520616972672856, 0.8827750628362587, -0.11617026933411184]]}, "344": {"path": [5, 0, 1], "s": [2.493583666194142, 1.002573137566164], "s_vecs": [[0.8895969671290975, 0.44035703349286814, -0.1212555942135128], [0.453412244186458, -0.8834334372069876, 0.11816386438521301]]}, "345": {"path": [5, 0, 2], "s": [2.4867770407651437, 1.0053173079122473], "s_vecs": [[0.8819622846764186, 0.4374548463278964, -0.1754302876717374], [-0.45389715385016216, 0.8885977945922149, -0.0661160583563047]]}, "346": {"path": [5, 0, 2], "s": [2.4870384461557813, 1.0052116419286787], "s_vecs": [[-0.8859372712699881, -0.436276337820829, 0.15741063633799868], [0.4553268347790221, -0.8827156520705223, 0.1161488317626574]]}, "347": {"path": [5, 0, 3], "s": [2.4937173124030614, 1.0025194064963556], "s_vecs": [[0.8865012222902302, 0.4401476160418505, -0.1427783560999468], [0.45196769171560747, -0.8897886994360422, 0.06325564007408185]]}, "348": {"path": [5, 0, 3], "s": [2.4875831172943226, 1.0049915448530564], "s_vecs": [[-0.8823334309952175, -0.4367232289499452, 0.17538682346100432], [-0.4531713253453628, 0.8889581322934522, -0.06625095406154222]]}, "349": {"path": [5, 1, 0], "s": [2.493626951598667, 1.0025557344883724], "s_vecs": [[-0.8776895830128653, -0.4320766306163789, 0.20729394864756626], [0.45336231576952535, -0.8888084810327472, 0.06694844796075253]]}, "350": {"path": [5, 1, 0], "s": [2.4899307181071864, 1.0040440008308622], "s_vecs": [[0.8817458233542177, 0.43787426489718917, -0.17547202380476154], [0.4543183391326713, -0.8883867258317416, 0.0660596101539287]]}, "351": {"path": [5, 1, 1], "s": [2.490438944923395, 1.003839104386033], "s_vecs": [[0.8773058050284595, 0.42769767790402896, -0.21773658576102473], [-0.4443207930724664, 0.8953098110129363, -0.03161289527130958]]}, "352": {"path": [5, 1, 1], "s": [2.4944730329212588, 1.002215685239246], "s_vecs": [[-0.877649613969174, -0.4321549808266549, 0.20729984960552564], [0.4534396857234314, -0.8887703883609399, 0.06693017394105585]]}, "353": {"path": [5, 1, 2], "s": [2.4823321307500525, 1.0071174477545057], "s_vecs": [[0.8807185849409574, 0.4342763526350726, -0.18904714671630352], [0.44532689480083654, -0.8951819130820432, 0.018256485363232502]]}, "354": {"path": [5, 1, 2], "s": [2.490265214445989, 1.0039091360621115], "s_vecs": [[-0.8772558955227069, -0.42779823209385737, 0.21774013499587933], [-0.4444193250341758, 0.8952617684218892, -0.03158843994690472]]}, "355": {"path": [5, 1, 3], "s": [2.4906463995325065, 1.0037554911324422], "s_vecs": [[-0.8821217157171284, -0.43713431919409096, 0.17542766498756268], [0.4535841127911131, -0.8887517143434553, 0.0661954898393245]]}, "356": {"path": [5, 1, 3], "s": [2.4880676431630526, 1.0047958329709141], "s_vecs": [[0.8800169279343701, 0.4353640819848478, -0.1898112817154041], [-0.44686911594661, 0.8943660760312759, -0.020428295511698585]]}, "357": {"path": [5, 2, 0], "s": [2.4767190210527374, 1.009399927383512], "s_vecs": [[0.8760591972889707, 0.4379767758305948, -0.2017340493779899], [-0.44166007959582065, 0.8967182713716724, 0.028856816865576382]]}, "358": {"path": [5, 2, 0], "s": [2.4796115263657033, 1.0082224467088936], "s_vecs": [[-0.880022659504795, -0.4362347835463407, 0.18777468514787818], [0.44726917306736164, -0.8942023909410372, 0.018771543862211477]]}, "359": {"path": [5, 2, 1], "s": [2.4784742669677304, 1.0086850742487647], "s_vecs": [[0.8807678031251824, 0.441831751703795, -0.17039008235339226], [0.44034705348511827, -0.8965161244233752, -0.04851093831153345]]}, "360": {"path": [5, 2, 1], "s": [2.4760556494708847, 1.0096703604114188], "s_vecs": [[-0.8759244440064764, -0.4382502671318937, 0.2017252382592938], [-0.44192726941786187, 0.8965846405875949, 0.028918347243328542]]}, "361": {"path": [5, 2, 2], "s": [2.4884744785153985, 1.0046315610564271], "s_vecs": [[-0.8834832282637186, -0.441196541730713, 0.1574896724918097], [0.448382907382532, -0.8937675573229741, 0.011503123232938318]]}, "362": {"path": [5, 2, 2], "s": [2.4852121308976907, 1.0059503448089828], "s_vecs": [[0.8797973000298764, 0.44265985938020047, -0.17323094340688847], [-0.4427019915229359, 0.8957512828941242, 0.040553494241026875]]}, "363": {"path": [5, 2, 3], "s": [2.48561631930208, 1.0057867662785367], "s_vecs": [[-0.8793380729691509, -0.4372523751920468, 0.18861313267059135], [-0.4487474507550757, 0.8934127155962481, -0.020962944730134284]]}, "364": {"path": [5, 2, 3], "s": [2.489840232587123, 1.004080489695646], "s_vecs": [[0.8836288328575723, 0.4405061776764315, -0.1586013656046651], [0.44768793764703296, -0.8941238766659033, 0.01086294901410663]]}, "365": {"path": [5, 3, 0], "s": [2.4962529656792083, 1.001501063542963], "s_vecs": [[0.8868214392926524, 0.4438602963951258, -0.12859149308931467], [0.44812770202917956, -0.8939566610145497, 0.004801135466107075]]}, "366": {"path": [5, 3, 0], "s": [2.4907641548354054, 1.0037080368073652], "s_vecs": [[-0.8830975263095899, -0.44166767553721237, 0.15833010898574884], [-0.4492044744139944, 0.8933269530234167, -0.01350167279804787]]}, "367": {"path": [5, 3, 1], "s": [2.499362892261605, 1.000254908056917], "s_vecs": [[-0.8895440193877561, -0.4429700025791432, 0.11175425891888378], [0.450892872133502, -0.8906460210939703, 0.0586965328505871]]}, "368": {"path": [5, 3, 1], "s": [2.498593580844381, 1.000562884322765], "s_vecs": [[0.8865534568403481, 0.44415897575015084, -0.1294054574776739], [-0.44869022735292097, 0.8936626638573352, -0.006642522517543839]]}, "369": {"path": [5, 3, 2], "s": [2.493510923558623, 1.0026023854076875], "s_vecs": [[-0.8863884795970409, -0.44036919974801464, 0.14279506696990485], [-0.4521743876897675, 0.8896962284477106, -0.06307887287597261]]}, "370": {"path": [5, 3, 2], "s": [2.4996076890048586, 1.000156949027188], "s_vecs": [[0.8896137550007867, 0.44299901984251583, -0.11108211076483328], [0.4508883245347953, -0.8906159590772809, 0.05918557455208349]]}, "371": {"path": [5, 3, 3], "s": [2.492064786062717, 1.0031841924743135], "s_vecs": [[0.8832414907947754, 0.44099316725912596, -0.15940356134474115], [-0.448527376938925, 0.8936763071793091, -0.012878281043694054]]}, "372": {"path": [5, 3, 3], "s": [2.4933586199904902, 1.002663628070291], "s_vecs": [[-0.886486614680458, -0.44016148025498847, 0.14282630462249737], [0.4519834238534302, -0.8897835800607634, 0.06321522930418982]]}, "373": {"path": [6, 0, 0], "s": [2.481950938758473, 1.007272126519372], "s_vecs": [[-0.8796121926201942, -0.44502377870588067, 0.16803638588184824], [-0.44526595437443267, 0.8945761801993963, 0.0383625819631878]]}, "374": {"path": [6, 0, 0], "s": [2.4894568102892727, 1.004235136623842], "s_vecs": [[0.8837467583741233, 0.4459208499754494, -0.14193753069713932], [0.4433508040849793, -0.8948946928432111, -0.05102502560760644]]}, "375": {"path": [6, 0, 1], "s": [2.473338838498573, 1.010779421358058], "s_vecs": [[0.8749857673716832, 0.4499963120969468, -0.1786147418219836], [-0.4395927711301719, 0.8930115048648793, 0.09637763095791345]]}, "376": {"path": [6, 0, 1], "s": [2.4746277418230416, 1.0102529595656544], "s_vecs": [[-0.8806057369047178, -0.44425814310604156, 0.16482790544829132], [0.4429662964336381, -0.8953273657703835, -0.046580772068873066]]}, "377": {"path": [6, 0, 2], "s": [2.4798729358654534, 1.0081161675033659], "s_vecs": [[0.8799770776421213, 0.45084619601294473, -0.1495929489150118], [0.43729096198602846, -0.891864129801391, -0.11556378558588842]]}, "378": {"path": [6, 0, 2], "s": [2.4723320547581022, 1.0111910312324943], "s_vecs": [[-0.8748496989234995, -0.45027262194150647, 0.17858491040226063], [-0.4398635036308187, 0.8928722163063483, 0.09643289647112298]]}, "379": {"path": [6, 0, 3], "s": [2.4870288353384384, 1.0052155264455527], "s_vecs": [[-0.8836392542680093, -0.4471148759689437, 0.13881626707253245], [0.44468946853250035, -0.8943005235652897, -0.049778008468915946]]}, "380": {"path": [6, 0, 3], "s": [2.4848261083074368, 1.0061066211602634], "s_vecs": [[0.87882587989525, 0.4513951849635332, -0.15462037323094807], [-0.4399539149312833, 0.8920278128038155, 0.10357091252411904]]}, "381": {"path": [6, 1, 0], "s": [2.4762864715122763, 1.0095762460282884], "s_vecs": [[0.8752602573966273, 0.45908748366765056, -0.1521780672820333], [-0.43704717111502905, 0.8855087316558423, 0.15768340553657673]]}, "382": {"path": [6, 1, 0], "s": [2.4767896577817723, 1.0093711398322849], "s_vecs": [[-0.8808312104702538, -0.4521412952171389, 0.14037317343736064], [0.4393577923979069, -0.8911281065749675, -0.11338177953865011]]}, "383": {"path": [6, 1, 1], "s": [2.4836650788295094, 1.0065769419998405], "s_vecs": [[0.8797048827764301, 0.45788133147243937, -0.1283121409233506], [0.43480017039805874, -0.8837889148906676, -0.17281772402793585]]}, "384": {"path": [6, 1, 1], "s": [2.475124928168076, 1.0100500267880774], "s_vecs": [[-0.8751559947301452, -0.45929866853912016, 0.15214045473207127], [-0.4372559123048533, 0.8853992119813663, 0.1577196962247449]]}, "385": {"path": [6, 1, 2], "s": [2.4873693172938873, 1.0050779281622135], "s_vecs": [[-0.8835554704764584, -0.452668832476131, 0.12008604704885968], [0.44121232343476724, -0.8905526188299902, -0.11066941196347363]]}, "386": {"path": [6, 1, 2], "s": [2.486254792983683, 1.0055284788409884], "s_vecs": [[0.8784571546206086, 0.4584408980121803, -0.13470326842972266], [-0.4373085230367129, 0.8849686712913333, 0.1599740807515418]]}, "387": {"path": [6, 1, 3], "s": [2.482299350657956, 1.0071307472796736], "s_vecs": [[-0.8796111812115222, -0.4527172470149503, 0.1460522651069644], [-0.4420013725984964, 0.8913268800421142, 0.10085226589142969]]}, "388": {"path": [6, 1, 3], "s": [2.4900155016301766, 1.004009813739428], "s_vecs": [[0.883331181514878, 0.45175278164973764, -0.12508176539869306], [0.4398321735181352, -0.8910576362528126, -0.11208901825720047]]}, "389": {"path": [6, 2, 0], "s": [2.4972571179785734, 1.0010983578749995], "s_vecs": [[0.886095209986743, 0.45216838204943327, -0.10187753978845063], [0.44123302033351397, -0.8902048770231009, -0.11335210051715046]]}, "390": {"path": [6, 2, 0], "s": [2.491811423521096, 1.0032861942928784], "s_vecs": [[-0.8827641647936574, -0.453278447363035, 0.12355597319560302], [-0.4428086769505366, 0.8906116587943695, 0.10359222382426603]]}, "391": {"path": [6, 2, 1], "s": [2.50189672756414, 0.9992418841500356], "s_vecs": [[-0.8887896937829406, -0.44987847695295563, 0.08753420017179493], [0.4462279726872321, -0.8929938771671636, -0.05867309207294068]]}, "392": {"path": [6, 2, 1], "s": [2.5009747761623045, 0.9996102415059933], "s_vecs": [[0.8856136762118335, 0.4525577206950338, -0.10430688350189193], [-0.4421985914562441, 0.8903368866912691, 0.10844645642441283]]}, "393": {"path": [6, 2, 2], "s": [2.4990573112200742, 1.0003772177515478], "s_vecs": [[-0.8860236216060452, -0.4493539532602079, 0.11420668389166463], [-0.4465442002576913, 0.8933322522169073, 0.050554568194051464]]}, "394": {"path": [6, 2, 2], "s": [2.5031816718276905, 0.998728948895919], "s_vecs": [[0.8890053751633222, 0.449136659432684, -0.08913867894673845], [0.4453903438280686, -0.8933676909788836, -0.05934315748064512]]}, "395": {"path": [6, 2, 3], "s": [2.494145067575834, 1.002347470682551], "s_vecs": [[0.8825674983270411, 0.4523574488861024, -0.12824721959561344], [-0.4414445344254553, 0.8911005014186578, 0.10519800091878809]]}, "396": {"path": [6, 2, 3], "s": [2.495439084553043, 1.0018277005738947], "s_vecs": [[-0.8864168974596842, -0.44905909445412356, 0.11229876929864499], [0.4457361661339755, -0.8935004469183183, -0.05455475741812694]]}, "397": {"path": [6, 3, 0], "s": [2.5016562766645802, 0.9993379279639532], "s_vecs": [[-0.8891855156060396, -0.4465696081896033, 0.09962280802008046], [0.4487917139179125, -0.893636382199052, -0.00011802039132825098]]}, "398": {"path": [6, 3, 0], "s": [2.500528241456789, 0.999788748054099], "s_vecs": [[0.8861812703266335, 0.4484267827920084, -0.11660264403984594], [-0.4454877247365294, 0.893798120593673, 0.05162951415894018]]}, "399": {"path": [6, 3, 1], "s": [2.4975653828407003, 1.0009747961659072], "s_vecs": [[-0.8863733287512513, -0.44480229546526145, 0.12842600993280226], [-0.44933560162526226, 0.8933341907675069, -0.007179186432122675]]}, "400": {"path": [6, 3, 1], "s": [2.5024698045742495, 0.9990130531965913], "s_vecs": [[0.8893951989384974, 0.4460559438750017, -0.10005136200438267], [0.448276741010001, -0.8938947711264772, -0.00031878236357051754]]}, "401": {"path": [6, 3, 2], "s": [2.493482246329033, 1.002613916213185], "s_vecs": [[0.88312938028635, 0.44651814384474775, -0.14388900198586665], [-0.44471412922450365, 0.894475946996125, 0.04628308020731929]]}, "402": {"path": [6, 3, 2], "s": [2.4951859680785393, 1.0019293279070371], "s_vecs": [[-0.8866383785699016, -0.44451589119791673, 0.127585297426694], [0.44878715549869574, -0.8936226712653654, 0.0053488746426061246]]}, "403": {"path": [6, 3, 3], "s": [2.497039334763353, 1.0011856702437276], "s_vecs": [[0.8865737267173005, 0.4481162019283287, -0.11479937571227067], [0.4446574847239715, -0.8939735930360586, -0.05559618901643029]]}, "404": {"path": [6, 3, 3], "s": [2.49128366084122, 1.0034987341248145], "s_vecs": [[-0.8830128915970051, -0.4476913324948061, 0.14092801028369356], [-0.446027562639577, 0.8938885648561914, 0.04497384779109738]]}, "405": {"path": [7, 0, 0], "s": [2.50621637122732, 0.9975196190964641], "s_vecs": [[0.8887552258644467, 0.4493782846668213, -0.09040633699327613], [-0.445896568734916, 0.8932842894468341, 0.056740005444950684]]}, "406": {"path": [7, 0, 0], "s": [2.506905539748124, 0.9972453929202231], "s_vecs": [[-0.8911212550978254, -0.4478544976661094, 0.07300176458903994], [0.44864433669562415, -0.8936894739984147, -0.006114181497203379]]}, "407": {"path": [7, 0, 1], "s": [2.5077321695608426, 0.9969166685124125], "s_vecs": [[0.8909307468410982, 0.4495039987816205, -0.06471908074514196], [0.44585326325802027, -0.8928464377211291, -0.06356183045558453]]}, "408": {"path": [7, 0, 1], "s": [2.5050078664959505, 0.9980008579761639], "s_vecs": [[-0.8885417459733062, -0.4501093777823484, 0.08885445230879585], [-0.4467201475833743, 0.8929161834572165, 0.056051753436328317]]}, "409": {"path": [7, 0, 2], "s": [2.5106906056377762, 0.9957419661292514], "s_vecs": [[-0.8925387002112359, -0.44850983764869984, 0.04704884863176182], [0.4484378832826983, -0.8937242425914295, -0.012666611279612026]]}, "410": {"path": [7, 0, 2], "s": [2.5103177762109032, 0.995889852548279], "s_vecs": [[0.8908144927646017, 0.449682393893518, -0.0650790604014915], [-0.4460842576320965, 0.8927817690725803, 0.06284542866792986]]}, "411": {"path": [7, 0, 3], "s": [2.5086799135872537, 0.9965400474009292], "s_vecs": [[-0.8910726993275964, -0.4479660288078512, 0.07291009221743483], [-0.44874088569907683, 0.8936396944201326, 0.0063019091313914095]]}, "412": {"path": [7, 0, 3], "s": [2.511148391025258, 0.9955604411650465], "s_vecs": [[0.8927106793179315, 0.4482042421533262, -0.04669689869231169], [0.4481387082040327, -0.8938773308333333, -0.012450527358163583]]}, "413": {"path": [7, 1, 0], "s": [2.5132683404752156, 0.9947206829205082], "s_vecs": [[0.8935143836016433, 0.44849949528286104, -0.021914584823687255], [0.44815316062713617, -0.8937542280325126, -0.01902956893668277]]}, "414": {"path": [7, 1, 0], "s": [2.5120355141810653, 0.9952088598616053], "s_vecs": [[-0.8925168200393381, -0.4485895261007725, 0.046702923030064784], [-0.4484825540063195, 0.8936921287617675, 0.013333331962756295]]}, "415": {"path": [7, 1, 1], "s": [2.5141453593630185, 0.9943736907214451], "s_vecs": [[-0.8938471881364908, -0.44835672526521864, 0.003667583664762759], [0.4482661093288133, -0.8934292090348003, 0.029012819074669932]]}, "416": {"path": [7, 1, 1], "s": [2.5141024919262236, 0.99439064557968], "s_vecs": [[0.8935118038550856, 0.44855064233146585, -0.02095179313711911], [-0.4481614637221592, 0.8937097873250526, 0.020835509924671855]]}, "417": {"path": [7, 1, 2], "s": [2.5126852896422482, 0.9949515008128786], "s_vecs": [[-0.893726117771747, -0.4478119316648304, 0.02679739299362212], [-0.4485284028142441, 0.8931220037296168, -0.033990562262157624]]}, "418": {"path": [7, 1, 2], "s": [2.5139879065447364, 0.9944359690401383], "s_vecs": [[0.8937909493350132, 0.4484792121360329, -0.0020335114110300607], [0.44833260639801853, -0.8933626694888143, 0.030016908637947242]]}, "419": {"path": [7, 1, 3], "s": [2.5124895618677394, 0.9950290094505081], "s_vecs": [[0.8926893244640834, 0.4482826252991008, -0.04635145998568233], [-0.44818250748199445, 0.89384588705029, 0.013113740520246457]]}, "420": {"path": [7, 1, 3], "s": [2.5126009745844566, 0.9949848882843246], "s_vecs": [[-0.8936991714449396, -0.4477539895082271, 0.02860342353801115], [0.4485787944995421, -0.8929682674367012, 0.03721207433661205]]}, "421": {"path": [7, 2, 0], "s": [2.512536899041529, 0.9950102627164163], "s_vecs": [[-0.8940906766888079, -0.4478286398318247, 0.0071673708238962006], [0.44672708003422645, -0.8905125601968715, 0.08615274862537557]]}, "422": {"path": [7, 2, 0], "s": [2.5126657102828323, 0.9949592537395648], "s_vecs": [[0.8937515728215798, 0.4478597051364309, -0.025096027455790502], [-0.44851199936143904, 0.8930893861352153, -0.035047607642023255]]}, "423": {"path": [7, 2, 1], "s": [2.509351305547871, 0.9962734171468162], "s_vecs": [[-0.8942729991605075, -0.4464450931938041, 0.031025501376226793], [-0.44733467394968085, 0.8897433465551047, -0.0908210699301407]]}, "424": {"path": [7, 2, 1], "s": [2.5121179774605613, 0.9951761909395629], "s_vecs": [[0.8939304515794376, 0.4481726662953983, -0.005441408333913295], [0.44689533109774404, -0.8903236224860595, 0.08722620183373057]]}, "425": {"path": [7, 2, 2], "s": [2.510058736758063, 0.9959926289330379], "s_vecs": [[0.8931380021982764, 0.4467535841983478, -0.05211280106846244], [-0.4489675160341859, 0.8924877135873138, -0.04351839429231784]]}, "426": {"path": [7, 2, 2], "s": [2.509928822072058, 0.9960441818171316], "s_vecs": [[-0.8942620026961009, -0.44629687663758855, 0.033385152949949135], [0.4473644572194475, -0.8893012969074954, 0.09491177869682738]]}, "427": {"path": [7, 2, 3], "s": [2.512578575975235, 0.9949937581672039], "s_vecs": [[0.8937262387990867, 0.4478060925122992, -0.026890771482121406], [0.4485600331010674, -0.892933348252222, 0.03826136802892842]]}, "428": {"path": [7, 2, 3], "s": [2.509936070659893, 0.9960413052842099], "s_vecs": [[-0.8930516378386548, -0.4467733174380374, 0.053407630345363194], [-0.44904534117731, 0.892487632334078, -0.04270957384082678]]}, "429": {"path": [7, 3, 0], "s": [2.5055048775942836, 0.997802886897762], "s_vecs": [[-0.8916954775124596, -0.44523529288156244, 0.08151508668029733], [-0.4498452893770274, 0.8916754439823761, -0.050538284736735634]]}, "430": {"path": [7, 3, 0], "s": [2.509612659060617, 0.9961696642603739], "s_vecs": [[0.8931086629844699, 0.4466537186670515, -0.053454388996477906], [0.4490215722730488, -0.8923344595571217, 0.04603085834892307]]}, "431": {"path": [7, 3, 1], "s": [2.504509700546569, 0.9981993679059888], "s_vecs": [[0.8892539854449171, 0.4462532740983812, -0.10042591660924079], [-0.44856160620999863, 0.8937517999417391, -0.0004533599097678101]]}, "432": {"path": [7, 3, 1], "s": [2.5049539384325983, 0.9980223435023725], "s_vecs": [[-0.8916821212392967, -0.44509213263240227, 0.08243778339407404], [0.44987052013657886, -0.8915578184641553, 0.05235619779434347]]}, "433": {"path": [7, 3, 2], "s": [2.5075114862567984, 0.9970044060424175], "s_vecs": [[0.8913386752803797, 0.4474369400273399, -0.072907822957408], [0.4482291332985733, -0.8938984026557719, -0.006024100917936936]]}, "434": {"path": [7, 3, 2], "s": [2.5037160582988838, 0.9985157828554225], "s_vecs": [[-0.8890475380914409, -0.44675867361988997, 0.1000058126257894], [-0.44906806009347255, 0.8934973154069296, -0.0006517395915036084]]}, "435": {"path": [7, 3, 3], "s": [2.509492983777979, 0.9962171706239692], "s_vecs": [[-0.8930210055841687, -0.44667235776170294, 0.054747496719405174], [0.44910148855715487, -0.8923361919321687, 0.04521032563190889]]}, "436": {"path": [7, 3, 3], "s": [2.5092757678482, 0.9963034083511065], "s_vecs": [[0.891287996177477, 0.4475526118508679, -0.07281735710257657], [-0.4483298585378061, 0.8938466008786393, 0.00621224928453765]]}, "437": {"path": [8, 0, 0], "s": [2.5096596642003983, 0.996151006314445], "s_vecs": [[0.8941787726058502, 0.44661403720129333, -0.0313085355112159], [0.4474539115312262, -0.8891140026596444, 0.09623558245239502]]}, "438": {"path": [8, 0, 0], "s": [2.5051302404401623, 0.9979521062987682], "s_vecs": [[-0.8938148698119627, -0.44457388813742477, 0.05872849810268654], [-0.44836504189738985, 0.8883082824231127, -0.09938402579313983]]}, "439": {"path": [8, 0, 1], "s": [2.508703943918357, 0.9965305017598998], "s_vecs": [[-0.8945544641526693, -0.4468677626929791, 0.009028473309583132], [0.44344042989698235, -0.8848017100723797, 0.14313112514673906]]}, "440": {"path": [8, 0, 1], "s": [2.5090757640492773, 0.996382825828013], "s_vecs": [[0.8941866087080661, 0.44675966424092967, -0.028915587742588265], [-0.4474286179160605, 0.889564384400136, -0.0921023228617536]]}, "441": {"path": [8, 0, 2], "s": [2.5038000379953984, 0.9984822917414591], "s_vecs": [[-0.8950739118812476, -0.44468324696567, 0.033158741497068864], [-0.444435887463509, 0.8835721088683849, -0.14757056062913912]]}, "442": {"path": [8, 0, 2], "s": [2.5082634396073797, 0.9967055136725671], "s_vecs": [[0.8943218954358004, 0.44737316760555296, -0.0067524995883828445], [0.4435615772770155, -0.884521587210542, 0.14448075623441953]]}, "443": {"path": [8, 0, 3], "s": [2.505038310407727, 0.9979887291995515], "s_vecs": [[0.8937791412774714, 0.44491886772656164, -0.05662197239783018], [-0.44847395889186553, 0.8881026013337544, -0.10072178364225043]]}, "444": {"path": [8, 0, 3], "s": [2.5045847843625353, 0.9981694433380097], "s_vecs": [[-0.8951289523363637, -0.44436451501726987, 0.03583764058459226], [0.44435855936034, -0.8828569139730921, 0.1520169075238389]]}, "445": {"path": [8, 1, 0], "s": [2.5027417023385126, 0.9989045204561255], "s_vecs": [[-0.8952617492043017, -0.44547157391272346, 0.007840742782090654], [0.43789641218645003, -0.8765195403260161, 0.19990054432368098]]}, "446": {"path": [8, 1, 0], "s": [2.5034703021290365, 0.9986138033568507], "s_vecs": [[0.8949150714792138, 0.4451626776161338, -0.03093873457315277], [-0.4445349042151396, 0.8833082508102541, -0.14884640736331628]]}, "447": {"path": [8, 1, 1], "s": [2.4964448544075992, 1.0014240833664438], "s_vecs": [[-0.8962845316748317, -0.44215638593250567, 0.034231106606894275], [-0.43930253511491835, 0.8746251424506007, -0.20504668452543184]]}, "448": {"path": [8, 1, 1], "s": [2.502811084124784, 0.9988768292810364], "s_vecs": [[0.8949471107253634, 0.4461592230806906, -0.003408322807334066], [0.43755541509669027, -0.8761435241770976, 0.20228144690529357]]}, "449": {"path": [8, 1, 2], "s": [2.4975815902544225, 1.0009683005972712], "s_vecs": [[0.8946617869719898, 0.4431258548560821, -0.05674296159130515], [-0.44630809206724364, 0.8809395272399955, -0.1573360616688693]]}, "450": {"path": [8, 1, 2], "s": [2.4968343601246588, 1.0012678613871617], "s_vecs": [[-0.8962588383968831, -0.4422075359084733, 0.03424309830061743], [0.43935495180256706, -0.8745992823078377, 0.20504468223579692]]}, "451": {"path": [8, 1, 3], "s": [2.504281548518269, 0.9982903086432904], "s_vecs": [[0.8949778860141918, 0.4448348587086304, -0.03371249061165911], [0.44444897535914196, -0.8825787531087141, 0.1533618363977044]]}, "452": {"path": [8, 1, 3], "s": [2.4974638833805116, 1.0010154767948256], "s_vecs": [[-0.8948426799575739, -0.44226685157953116, 0.06046991086710604], [-0.44612083121058876, 0.8814456613375475, -0.15501532204652138]]}, "453": {"path": [8, 2, 0], "s": [2.488814459331806, 1.004494324848629], "s_vecs": [[-0.8936655471313409, -0.4381930224277658, 0.09668901160969738], [-0.44855938090505465, 0.8783392075243126, -0.1652716501026005]]}, "454": {"path": [8, 2, 0], "s": [2.4984565088138404, 1.0006177778883532], "s_vecs": [[0.894866959108901, 0.44205708819378814, -0.061633239999356916], [0.4459311738396454, -0.8796382219359852, 0.16547503348630804]]}, "455": {"path": [8, 2, 1], "s": [2.4902732829263847, 1.0039058833985421], "s_vecs": [[0.889718946308587, 0.4407857302893206, -0.11877767699718597], [-0.45317651241090706, 0.8841843834974223, -0.11335353800552589]]}, "456": {"path": [8, 2, 1], "s": [2.489872063874463, 1.0040676532230237], "s_vecs": [[-0.8936329953854961, -0.4382567573350984, 0.0967010041750877], [0.4486242279300472, -0.8783074080462618, 0.16526463349799342]]}, "457": {"path": [8, 2, 2], "s": [2.4997041613305955, 1.0001183494727002], "s_vecs": [[0.8923877335839541, 0.4422882920675101, -0.08958347866040288], [0.4502602837783253, -0.8859402512299757, 0.11124544081637512]]}, "458": {"path": [8, 2, 2], "s": [2.4906892683833823, 1.003738214852734], "s_vecs": [[-0.8899590983920713, -0.4397776806700506, 0.12069960552397103], [-0.4523934976671571, 0.8847641232139739, -0.11194895953908482]]}, "459": {"path": [8, 2, 3], "s": [2.498296631401047, 1.0006818119904342], "s_vecs": [[-0.8950280927451683, -0.4412249699036813, 0.06515549961777584], [0.44577098700310547, -0.8801725910262962, 0.16304734635170687]]}, "460": {"path": [8, 2, 3], "s": [2.49883606772509, 1.0004657897690623], "s_vecs": [[0.892418318659162, 0.4425438368257871, -0.088002823869838], [-0.45020540689255456, 0.8863343181246822, -0.1082892797979757]]}, "461": {"path": [8, 3, 0], "s": [2.499843312364952, 1.000062678982427], "s_vecs": [[0.8895997278013584, 0.4431948026132421, -0.11041146331952291], [-0.45090940587274325, 0.890700143122639, -0.05774047745559452]]}, "462": {"path": [8, 3, 0], "s": [2.4997817615005404, 1.000087303020936], "s_vecs": [[-0.8924409801187169, -0.44192089283526, 0.09085714875798562], [0.4500443866749444, -0.8861671001844772, 0.1103082978429467]]}, "463": {"path": [8, 3, 1], "s": [2.5051688243690613, 0.9979367361118423], "s_vecs": [[0.891787768239776, 0.44504778798451367, -0.08152939855052954], [0.4497802783165291, -0.8915671183078238, 0.052969564749851566]]}, "464": {"path": [8, 3, 1], "s": [2.4995975326169657, 1.0001610128741851], "s_vecs": [[-0.8895320110166937, -0.44316201136016603, 0.11108660163948228], [-0.4509109724113304, 0.8907295390937172, -0.05727288315566592]]}, "465": {"path": [8, 3, 2], "s": [2.505561392505767, 0.9977803806674221], "s_vecs": [[-0.8937967975221962, -0.4442883594489637, 0.06111577862724591], [0.44839739600250444, -0.8877992833238436, 0.10369285311844108]]}, "466": {"path": [8, 3, 2], "s": [2.5057239104156555, 0.9977156659630927], "s_vecs": [[0.8917995403981968, 0.4451927486897145, -0.08060394692359388], [-0.4497575636941416, 0.8916857717953904, -0.051133338220469365]]}, "467": {"path": [8, 3, 3], "s": [2.498938068596966, 1.0004249530696177], "s_vecs": [[-0.8924743537460723, -0.44216720762135003, 0.08931790643464696], [-0.44998309308931783, 0.8865557039199805, -0.10739739187111627]]}, "468": {"path": [8, 3, 3], "s": [2.5054802336731234, 0.9978127012939595], "s_vecs": [[0.8937648798680817, 0.4446306109340282, -0.0590589479657906], [0.44849961132261806, -0.8875838522675542, 0.10508569758701182]]}, "469": {"path": [9, 0, 0], "s": [2.4938803992712515, 1.0024538469168525], "s_vecs": [[0.8898281443506266, 0.4393832973630347, 0.12307798958346361], [-0.45265332863867375, 0.8840207392643519, 0.11667174732058032]]}, "470": {"path": [9, 0, 0], "s": [2.4938685769823827, 1.0024585990914707], "s_vecs": [[-0.886401237711278, -0.4403590702282035, -0.14274710172772972], [0.4521621475026182, -0.8896997670108, -0.06311669309104374]]}, "471": {"path": [9, 0, 1], "s": [2.4856985826766143, 1.005753480097328], "s_vecs": [[0.8859992766012412, 0.4361561117158327, 0.15739481590892196], [0.455206169726721, -0.8827750628362627, -0.11617026933411194]]}, "472": {"path": [9, 0, 1], "s": [2.4935836661941577, 1.0025731375661593], "s_vecs": [[-0.8895969671291014, -0.44035703349286026, -0.12125559421351402], [-0.45341224418645054, 0.8834334372069916, 0.11816386438521234]]}, "473": {"path": [9, 0, 2], "s": [2.486777040765147, 1.0053173079122466], "s_vecs": [[-0.8819622846764216, -0.43745484632789, -0.17543028767173724], [0.45389715385015567, -0.888597794592218, -0.06611605835630435]]}, "474": {"path": [9, 0, 2], "s": [2.4870384461557746, 1.0052116419286805], "s_vecs": [[0.8859372712699936, 0.43627633782081815, 0.1574106363379975], [-0.45532683477901126, 0.8827156520705275, 0.11614883176265836]]}, "475": {"path": [9, 0, 3], "s": [2.493717312403051, 1.0025194064963572], "s_vecs": [[-0.8865012222902334, -0.4401476160418445, -0.1427783560999463], [-0.45196769171560136, 0.8897886994360455, 0.06325564007408174]]}, "476": {"path": [9, 0, 3], "s": [2.4875831172943137, 1.0049915448530577], "s_vecs": [[0.8823334309952204, 0.43672322894993953, 0.17538682346100382], [0.45317132534535687, -0.8889581322934552, -0.0662509540615421]]}, "477": {"path": [9, 1, 0], "s": [2.4936269515986567, 1.0025557344883749], "s_vecs": [[0.8776895830128674, 0.4320766306163746, 0.20729394864756653], [-0.45336231576952113, 0.8888084810327497, 0.06694844796075218]]}, "478": {"path": [9, 1, 0], "s": [2.489930718107182, 1.0040440008308622], "s_vecs": [[-0.8817458233542184, -0.4378742648971876, -0.1754720238047618], [-0.4543183391326697, 0.8883867258317425, 0.06605961015392758]]}, "479": {"path": [9, 1, 1], "s": [2.4904389449233877, 1.0038391043860364], "s_vecs": [[-0.8773058050284588, -0.4276976779040304, -0.2177365857610251], [0.44432079307246747, -0.8953098110129359, -0.03161289527130734]]}, "480": {"path": [9, 1, 1], "s": [2.494473032921248, 1.0022156852392523], "s_vecs": [[0.8776496139691742, 0.43215498082665416, 0.20729984960552597], [-0.4534396857234304, 0.8887703883609405, 0.06693017394105419]]}, "481": {"path": [9, 1, 2], "s": [2.482332130750045, 1.007117447754509], "s_vecs": [[-0.8807185849409569, -0.43427635263507347, -0.189047146716304], [-0.44532689480083737, 0.8951819130820428, 0.018256485363231434]]}, "482": {"path": [9, 1, 2], "s": [2.490265214445984, 1.003909136062113], "s_vecs": [[0.8772558955227073, 0.4277982320938566, 0.21774013499587908], [0.44441932503417486, -0.8952617684218898, -0.031588439946903454]]}, "483": {"path": [9, 1, 3], "s": [2.490646399532498, 1.003755491132445], "s_vecs": [[0.8821217157171287, 0.43713431919408996, 0.1754276649875626], [-0.453584112791112, 0.8887517143434557, 0.06619548983932362]]}, "484": {"path": [9, 1, 3], "s": [2.488067643163045, 1.004795832970917], "s_vecs": [[-0.8800169279343708, -0.4353640819848462, -0.1898112817154043], [0.4468691159466083, -0.8943660760312768, -0.020428295511697572]]}, "485": {"path": [9, 2, 0], "s": [2.4767190210527286, 1.009399927383517], "s_vecs": [[-0.8760591972889711, -0.437976775830594, -0.2017340493779902], [0.4416600795958198, -0.8967182713716726, 0.028856816865576486]]}, "486": {"path": [9, 2, 0], "s": [2.47961152636568, 1.0082224467089012], "s_vecs": [[0.880022659504795, 0.4362347835463408, 0.18777468514787873], [-0.4472691730673617, 0.8942023909410374, 0.018771543862210555]]}, "487": {"path": [9, 2, 1], "s": [2.4784742669677278, 1.0086850742487665], "s_vecs": [[-0.8807678031251802, -0.4418317517037997, -0.170390082353392], [-0.44034705348512265, 0.896516124423373, -0.048510938311535176]]}, "488": {"path": [9, 2, 1], "s": [2.4760556494708794, 1.0096703604114223], "s_vecs": [[0.8759244440064753, 0.4382502671318957, 0.20172523825929442], [0.4419272694178637, -0.896584640587594, 0.028918347243329444]]}, "489": {"path": [9, 2, 2], "s": [2.4884744785153847, 1.0046315610564311], "s_vecs": [[0.883483228263717, 0.44119654173071576, 0.15748967249181017], [-0.4483829073825347, 0.8937675573229725, 0.011503123232937354]]}, "490": {"path": [9, 2, 2], "s": [2.4852121308976862, 1.0059503448089848], "s_vecs": [[-0.8797973000298754, -0.44265985938020275, -0.17323094340688877], [0.4427019915229382, -0.8957512828941231, 0.040553494241026986]]}, "491": {"path": [9, 2, 3], "s": [2.4856163193020593, 1.0057867662785465], "s_vecs": [[0.8793380729691521, 0.4372523751920441, 0.18861313267059165], [0.4487474507550729, -0.8934127155962496, -0.020962944730133395]]}, "492": {"path": [9, 2, 3], "s": [2.4898402325871047, 1.004080489695653], "s_vecs": [[-0.8836288328575728, -0.4405061776764301, -0.15860136560466634], [-0.4476879376470314, 0.8941238766659039, 0.010862949014105824]]}, "493": {"path": [9, 3, 0], "s": [2.496252965679201, 1.0015010635429658], "s_vecs": [[-0.8868214392926538, -0.4438602963951232, -0.1285914930893156], [-0.448127702029177, 0.8939566610145514, 0.004801135466106617]]}, "494": {"path": [9, 3, 0], "s": [2.490764154835395, 1.0037080368073692], "s_vecs": [[0.8830975263095897, 0.44166767553721265, 0.15833010898574898], [0.4492044744139944, -0.8933269530234167, -0.013501672798046621]]}, "495": {"path": [9, 3, 1], "s": [2.499362892261601, 1.0002549080569179], "s_vecs": [[0.889544019387755, 0.4429700025791461, 0.1117542589188838], [-0.4508928721335048, 0.8906460210939694, 0.05869653285058643]]}, "496": {"path": [9, 3, 1], "s": [2.498593580844369, 1.00056288432277], "s_vecs": [[-0.8865534568403477, -0.4441589757501511, -0.12940545747767432], [0.4486902273529211, -0.8936626638573348, -0.0066425225175417366]]}, "497": {"path": [9, 3, 2], "s": [2.4935109235586292, 1.0026023854076855], "s_vecs": [[0.8863884795970393, 0.44036919974801736, 0.14279506696990676], [0.45217438768977025, -0.8896962284477093, -0.0630788728759718]]}, "498": {"path": [9, 3, 2], "s": [2.4996076890048533, 1.0001569490271904], "s_vecs": [[-0.8896137550007862, -0.442999019842517, -0.11108211076483301], [-0.4508883245347963, 0.8906159590772804, 0.05918557455208315]]}, "499": {"path": [9, 3, 3], "s": [2.4920647860627065, 1.0031841924743177], "s_vecs": [[-0.883241490794777, -0.4409931672591233, -0.15940356134474215], [0.44852737693892225, -0.8936763071793107, -0.012878281043692777]]}, "500": {"path": [9, 3, 3], "s": [2.4933586199904973, 1.0026636280702887], "s_vecs": [[0.8864866146804601, 0.44016148025498464, 0.14282630462249812], [-0.45198342385342627, 0.889783580060766, 0.06321522930418849]]}, "501": {"path": [10, 0, 0], "s": [2.4819509387584615, 1.0072721265193771], "s_vecs": [[0.8796121926201941, 0.44502377870588095, 0.16803638588184874], [0.44526595437443295, -0.8945761801993964, 0.038362581963187606]]}, "502": {"path": [10, 0, 0], "s": [2.4894568102892687, 1.0042351366238438], "s_vecs": [[-0.8837467583741226, -0.445920849975451, -0.1419375306971396], [-0.4433508040849809, 0.8948946928432105, -0.051025025607606585]]}, "503": {"path": [10, 0, 1], "s": [2.4733388384985617, 1.0107794213580628], "s_vecs": [[-0.8749857673716825, -0.4499963120969485, -0.17861474182198347], [0.4395927711301734, -0.8930115048648787, 0.09637763095791488]]}, "504": {"path": [10, 0, 1], "s": [2.4746277418230327, 1.010252959565658], "s_vecs": [[0.8806057369047162, 0.44425814310604483, 0.16482790544829115], [-0.4429662964336412, 0.8953273657703821, -0.046580772068874454]]}, "505": {"path": [10, 0, 2], "s": [2.479872935865439, 1.008116167503371], "s_vecs": [[-0.879977077642122, -0.4508461960129442, -0.14959294891501065], [-0.43729096198602746, 0.8918641298013914, -0.11556378558589042]]}, "506": {"path": [10, 0, 2], "s": [2.472332054758087, 1.0111910312325019], "s_vecs": [[0.8748496989235003, 0.45027262194150497, 0.1785849104022609], [0.43986350363081694, -0.8928722163063493, 0.0964328964711238]]}, "507": {"path": [10, 0, 3], "s": [2.4870288353384353, 1.0052155264455558], "s_vecs": [[0.8836392542680078, 0.4471148759689466, 0.13881626707253247], [-0.44468946853250335, 0.894300523565288, -0.04977800846891621]]}, "508": {"path": [10, 0, 3], "s": [2.4848261083074146, 1.006106621160271], "s_vecs": [[-0.878825879895249, -0.4513951849635346, -0.15462037323094785], [0.4399539149312849, -0.8920278128038144, 0.10357091252411857]]}, "509": {"path": [10, 1, 0], "s": [2.4762864715122563, 1.0095762460282969], "s_vecs": [[-0.8752602573966276, -0.4590874836676502, -0.15217806728203087], [0.4370471711150288, -0.8855087316558422, 0.15768340553657695]]}, "510": {"path": [10, 1, 0], "s": [2.4767896577817536, 1.0093711398322924], "s_vecs": [[0.8808312104702543, 0.45214129521713836, 0.1403731734373594], [-0.43935779239790607, 0.8911281065749675, -0.11338177953865206]]}, "511": {"path": [10, 1, 1], "s": [2.4836650788295005, 1.0065769419998427], "s_vecs": [[-0.8797048827764289, -0.45788133147244087, -0.12831214092335075], [-0.43480017039805996, 0.8837889148906665, -0.17281772402793685]]}, "512": {"path": [10, 1, 1], "s": [2.4751249281680656, 1.0100500267880808], "s_vecs": [[0.8751559947301426, 0.4592986685391259, 0.15214045473207027], [0.4372559123048587, -0.8853992119813636, 0.15771969622474663]]}, "513": {"path": [10, 1, 2], "s": [2.4873693172938767, 1.0050779281622182], "s_vecs": [[0.8835554704764581, 0.4526688324761313, 0.12008604704885924], [-0.4412123234347678, 0.8905526188299897, -0.1106694119634725]]}, "514": {"path": [10, 1, 2], "s": [2.486254792983675, 1.0055284788409924], "s_vecs": [[-0.878457154620608, -0.4584408980121813, -0.13470326842972283], [0.43730852303671375, -0.8849686712913328, 0.15997408075154299]]}, "515": {"path": [10, 1, 3], "s": [2.4822993506579327, 1.007130747279684], "s_vecs": [[0.879611181211521, 0.4527172470149522, 0.14605226510696423], [0.4420013725984985, -0.891326880042113, 0.10085226589142926]]}, "516": {"path": [10, 1, 3], "s": [2.490015501630159, 1.0040098137394349], "s_vecs": [[-0.8833311815148807, -0.4517527816497332, -0.12508176539869365], [-0.439832173518131, 0.8910576362528152, -0.1120890182571988]]}, "517": {"path": [10, 2, 0], "s": [2.4972571179785548, 1.0010983578750055], "s_vecs": [[-0.8860952099867432, -0.45216838204943344, -0.1018775397884503], [-0.4412330203335144, 0.8902048770231012, -0.11335210051714797]]}, "518": {"path": [10, 2, 0], "s": [2.491811423521079, 1.0032861942928855], "s_vecs": [[0.882764164793655, 0.4532784473630398, 0.12355597319560269], [0.4428086769505417, -0.8906116587943672, 0.10359222382426438]]}, "519": {"path": [10, 2, 1], "s": [2.5018967275641355, 0.9992418841500372], "s_vecs": [[0.8887896937829418, 0.4498784769529531, 0.08753420017179457], [-0.4462279726872294, 0.8929938771671648, -0.05867309207294161]]}, "520": {"path": [10, 2, 1], "s": [2.500974776162291, 0.9996102415059991], "s_vecs": [[-0.8856136762118355, -0.45255772069503014, -0.10430688350189124], [0.4421985914562406, -0.890336886691271, 0.1084464564244117]]}, "521": {"path": [10, 2, 2], "s": [2.4990573112200725, 1.0003772177515466], "s_vecs": [[0.886023621606047, 0.4493539532602044, 0.11420668389166423], [0.4465442002576877, -0.8933322522169089, 0.05055456819405252]]}, "522": {"path": [10, 2, 2], "s": [2.5031816718276882, 0.9987289488959212], "s_vecs": [[-0.8890053751633247, -0.44913665943267944, -0.08913867894673874], [-0.4453903438280639, 0.893367690978886, -0.05934315748064605]]}, "523": {"path": [10, 2, 3], "s": [2.4941450675758103, 1.0023474706825615], "s_vecs": [[-0.8825674983270421, -0.4523574488861003, -0.1282472195956143], [0.4414445344254535, -0.8911005014186593, 0.10519800091878563]]}, "524": {"path": [10, 2, 3], "s": [2.4954390845530376, 1.0018277005738967], "s_vecs": [[0.8864168974596843, 0.4490590944541226, 0.1122987692986456], [-0.44573616613397465, 0.8935004469183184, -0.05455475741812587]]}, "525": {"path": [10, 3, 0], "s": [2.501656276664571, 0.9993379279639565], "s_vecs": [[0.8891855156060408, 0.44656960818960106, 0.09962280802007986], [-0.4487917139179103, 0.893636382199053, -0.0001180203913283967]]}, "526": {"path": [10, 3, 0], "s": [2.5005282414567893, 0.9997887480540972], "s_vecs": [[-0.886181270326634, -0.44842678279200787, -0.116602644039846], [0.4454877247365286, -0.8937981205936734, 0.05162951415894195]]}, "527": {"path": [10, 3, 1], "s": [2.4975653828407003, 1.000974796165909], "s_vecs": [[0.886373328751251, 0.4448022954652623, 0.12842600993280245], [0.44933560162526315, -0.8933341907675065, -0.007179186432120635]]}, "528": {"path": [10, 3, 1], "s": [2.5024698045742424, 0.999013053196594], "s_vecs": [[-0.8893951989384987, -0.4460559438749991, -0.10005136200438378], [-0.44827674100999854, 0.8938947711264787, -0.0003187823635716139]]}, "529": {"path": [10, 3, 2], "s": [2.493482246329029, 1.0026139162131853], "s_vecs": [[-0.8831293802863496, -0.4465181438447481, -0.14388900198586696], [0.44471412922450404, -0.8944759469961244, 0.04628308020731912]]}, "530": {"path": [10, 3, 2], "s": [2.49518596807854, 1.0019293279070371], "s_vecs": [[0.8866383785699026, 0.4445158911979143, 0.12758529742669467], [-0.44878715549869325, 0.8936226712653667, 0.005348874642605771]]}, "531": {"path": [10, 3, 3], "s": [2.4970393347633544, 1.0011856702437272], "s_vecs": [[-0.8865737267172991, -0.4481162019283315, -0.11479937571227168], [-0.4446574847239744, 0.8939735930360573, -0.05559618901642999]]}, "532": {"path": [10, 3, 3], "s": [2.4912836608412174, 1.0034987341248174], "s_vecs": [[0.8830128915970046, 0.44769133249480714, 0.14092801028369367], [0.44602756263957816, -0.8938885648561908, 0.0449738477910972]]}, "533": {"path": [11, 0, 0], "s": [2.506216371227319, 0.9975196190964659], "s_vecs": [[-0.8887552258644488, -0.44937828466681734, -0.09040633699327595], [0.44589656873491185, -0.8932842894468361, 0.056740005444952404]]}, "534": {"path": [11, 0, 0], "s": [2.5069055397481215, 0.9972453929202234], "s_vecs": [[0.8911212550978275, 0.44785449766610497, 0.07300176458903941], [-0.44864433669561965, 0.8936894739984168, -0.006114181497204666]]}, "535": {"path": [11, 0, 1], "s": [2.5077321695608417, 0.9969166685124122], "s_vecs": [[-0.8909307468410997, -0.4495039987816172, -0.0647190807451411], [-0.4458532632580168, 0.8928464377211306, -0.06356183045558618]]}, "536": {"path": [11, 0, 1], "s": [2.505007866495947, 0.9980008579761663], "s_vecs": [[0.888541745973308, 0.4501093777823444, 0.08885445230879517], [0.44672014758337014, -0.8929161834572182, 0.056051753436329795]]}, "537": {"path": [11, 0, 2], "s": [2.510690605637776, 0.9957419661292524], "s_vecs": [[0.8925387002112362, 0.44850983764869923, 0.04704884863176232], [-0.4484378832826976, 0.8937242425914298, -0.012666611279611627]]}, "538": {"path": [11, 0, 2], "s": [2.5103177762108997, 0.99588985254828], "s_vecs": [[-0.8908144927646018, -0.44968239389351716, -0.06507906040149192], [0.4460842576320957, -0.8927817690725806, 0.06284542866792883]]}, "539": {"path": [11, 0, 3], "s": [2.508679913587252, 0.9965400474009294], "s_vecs": [[0.8910726993275974, 0.4479660288078488, 0.07291009221743462], [0.44874088569907455, -0.8936396944201337, 0.006301909131392166]]}, "540": {"path": [11, 0, 3], "s": [2.5111483910252566, 0.9955604411650465], "s_vecs": [[-0.8927106793179317, -0.44820424215332594, -0.046696898692313436], [-0.44813870820403234, 0.8938773308333336, -0.01245052735816391]]}, "541": {"path": [11, 1, 0], "s": [2.5132683404752147, 0.9947206829205104], "s_vecs": [[-0.8935143836016439, -0.448499495282859, -0.021914584823686703], [-0.44815316062713406, 0.8937542280325134, -0.019029568936684817]]}, "542": {"path": [11, 1, 0], "s": [2.5120355141810657, 0.9952088598616058], "s_vecs": [[0.8925168200393393, 0.4485895261007702, 0.04670292303006393], [0.44848255400631704, -0.8936921287617686, 0.013333331962758434]]}, "543": {"path": [11, 1, 1], "s": [2.5141453593630176, 0.9943736907214455], "s_vecs": [[0.8938471881364904, 0.44835672526521925, 0.0036675836647633592], [-0.44826610932881394, 0.8934292090347998, 0.02901281907467316]]}, "544": {"path": [11, 1, 1], "s": [2.5141024919262227, 0.9943906455796803], "s_vecs": [[-0.8935118038550852, -0.4485506423314661, -0.02095179313712033], [0.4481614637221594, -0.8937097873250522, 0.020835509924670544]]}, "545": {"path": [11, 1, 2], "s": [2.5126852896422487, 0.9949515008128786], "s_vecs": [[0.8937261177717473, 0.4478119316648301, 0.02679739299362212], [0.4485284028142438, -0.8931220037296169, -0.03399056226215926]]}, "546": {"path": [11, 1, 2], "s": [2.5139879065447346, 0.9944359690401368], "s_vecs": [[-0.8937909493350138, -0.44847921213603253, -0.0020335114110326645], [-0.44833260639801814, 0.8933626694888147, 0.03001690863794923]]}, "547": {"path": [11, 1, 3], "s": [2.5124895618677447, 0.9950290094505065], "s_vecs": [[-0.8926893244640839, -0.4482826252991001, -0.04635145998568271], [0.4481825074819937, -0.8938458870502904, 0.013113740520249396]]}, "548": {"path": [11, 1, 3], "s": [2.512600974584455, 0.9949848882843256], "s_vecs": [[0.8936991714449406, 0.4477539895082255, 0.02860342353801031], [-0.44857879449954036, 0.8929682674367022, 0.03721207433661233]]}, "549": {"path": [11, 2, 0], "s": [2.512536899041531, 0.9950102627164145], "s_vecs": [[0.8940906766888079, 0.4478286398318248, 0.007167370823897623], [-0.4467270800342266, 0.8905125601968714, 0.0861527486253754]]}, "550": {"path": [11, 2, 0], "s": [2.5126657102828345, 0.994959253739564], "s_vecs": [[-0.8937515728215801, -0.4478597051364295, -0.025096027455791512], [0.44851199936143765, -0.8930893861352155, -0.03504760764202426]]}, "551": {"path": [11, 2, 1], "s": [2.5093513055478747, 0.9962734171468139], "s_vecs": [[0.8942729991605085, 0.44644509319380243, 0.031025501376226193], [0.4473346739496792, -0.8897433465551057, -0.09082106993014036]]}, "552": {"path": [11, 2, 1], "s": [2.5121179774605618, 0.9951761909395631], "s_vecs": [[-0.893930451579438, -0.44817266629539737, -0.0054414083339148975], [-0.44689533109774315, 0.8903236224860597, 0.08722620183373021]]}, "553": {"path": [11, 2, 2], "s": [2.510058736758059, 0.9959926289330376], "s_vecs": [[-0.8931380021982773, -0.44675358419834665, -0.05211280106846246], [0.4489675160341846, -0.892487713587315, -0.043518394292317276]]}, "554": {"path": [11, 2, 2], "s": [2.509928822072051, 0.9960441818171346], "s_vecs": [[0.894262002696102, 0.4462968766375866, 0.03338515294994873], [-0.44736445721944545, 0.8893012969074966, 0.09491177869682747]]}, "555": {"path": [11, 2, 3], "s": [2.5125785759752337, 0.9949937581672041], "s_vecs": [[-0.8937262387990881, -0.4478060925122971, -0.02689077148212161], [-0.4485600331010654, 0.8929333482522231, 0.038261368028928065]]}, "556": {"path": [11, 2, 3], "s": [2.5099360706598937, 0.9960413052842101], "s_vecs": [[0.8930516378386558, 0.44677331743803533, 0.05340763034536286], [0.449045341177308, -0.8924876323340789, -0.04270957384082644]]}, "557": {"path": [11, 3, 0], "s": [2.5055048775942863, 0.997802886897762], "s_vecs": [[0.8916954775124595, 0.4452352928815621, 0.08151508668029796], [0.4498452893770271, -0.891675443982376, -0.050538284736735314]]}, "558": {"path": [11, 3, 0], "s": [2.5096126590606156, 0.9961696642603757], "s_vecs": [[-0.8931086629844711, -0.44665371866704884, -0.053454388996478], [-0.44902157227304623, 0.892334459557123, 0.046030858348922864]]}, "559": {"path": [11, 3, 1], "s": [2.5045097005465644, 0.9981993679059896], "s_vecs": [[-0.8892539854449197, -0.4462532740983762, -0.10042591660924077], [0.44856160620999325, -0.8937517999417419, -0.000453359909764757]]}, "560": {"path": [11, 3, 1], "s": [2.5049539384325987, 0.9980223435023727], "s_vecs": [[0.891682121239299, 0.4450921326323974, 0.08243778339407334], [-0.44987052013657386, 0.8915578184641577, 0.05235619779434149]]}, "561": {"path": [11, 3, 2], "s": [2.507511486256796, 0.997004406042419], "s_vecs": [[-0.8913386752803825, -0.44743694002733403, -0.07290782295740812], [-0.4482291332985673, 0.8938984026557749, -0.006024100917938487]]}, "562": {"path": [11, 3, 2], "s": [2.5037160582988798, 0.9985157828554234], "s_vecs": [[0.889047538091443, 0.44675867361988664, 0.10000581262578774], [0.449068060093469, -0.8934973154069314, -0.0006517395915013741]]}, "563": {"path": [11, 3, 3], "s": [2.509492983777977, 0.9962171706239704], "s_vecs": [[0.8930210055841701, 0.4466723577617002, 0.05474749671940494], [-0.4491014885571521, 0.8923361919321702, 0.04521032563190886]]}, "564": {"path": [11, 3, 3], "s": [2.509275767848198, 0.9963034083511068], "s_vecs": [[-0.8912879961774784, -0.4475526118508653, -0.07281735710257704], [0.4483298585378034, -0.8938466008786409, 0.006212249284538753]]}, "565": {"path": [12, 0, 0], "s": [2.509659664200392, 0.9961510063144483], "s_vecs": [[-0.8941787726058513, -0.44661403720129084, -0.031308535511216096], [-0.4474539115312237, 0.8891140026596454, 0.09623558245239465]]}, "566": {"path": [12, 0, 0], "s": [2.5051302404401543, 0.9979521062987722], "s_vecs": [[0.8938148698119633, 0.4445738881374229, 0.058728498102686086], [0.44836504189738796, -0.8883082824231135, -0.0993840257931396]]}, "567": {"path": [12, 0, 1], "s": [2.5087039439183556, 0.9965305017599], "s_vecs": [[0.8945544641526709, 0.44686776269297585, 0.009028473309582924], [-0.4434404298969791, 0.8848017100723817, 0.14313112514673754]]}, "568": {"path": [12, 0, 1], "s": [2.5090757640492782, 0.9963828258280125], "s_vecs": [[-0.8941866087080672, -0.4467596642409281, -0.028915587742588365], [0.44742861791605903, -0.8895643844001372, -0.09210232286175284]]}, "569": {"path": [12, 0, 2], "s": [2.503800037995397, 0.9984822917414584], "s_vecs": [[0.8950739118812487, 0.44468324696566786, 0.033158741497068746], [0.44443588746350693, -0.883572108868386, -0.147570560629138]]}, "570": {"path": [12, 0, 2], "s": [2.5082634396073766, 0.9967055136725711], "s_vecs": [[-0.8943218954358012, -0.4473731676055514, -0.006752499588382442], [-0.443561577277014, 0.884521587210543, 0.14448075623441825]]}, "571": {"path": [12, 0, 3], "s": [2.50503831040772, 0.9979887291995543], "s_vecs": [[-0.8937791412774719, -0.44491886772656, -0.05662197239782968], [0.4484739588918639, -0.888102601333755, -0.10072178364225019]]}, "572": {"path": [12, 0, 3], "s": [2.50458478436253, 0.9981694433380116], "s_vecs": [[0.8951289523363649, 0.4443645150172674, 0.03583764058459194], [-0.44435855936033775, 0.8828569139730934, 0.15201690752383756]]}, "573": {"path": [12, 1, 0], "s": [2.502741702338505, 0.9989045204561282], "s_vecs": [[0.8952617492043046, 0.4454715739127182, 0.007840742782089585], [-0.43789641218644476, 0.8765195403260193, 0.19990054432367996]]}, "574": {"path": [12, 1, 0], "s": [2.5034703021290334, 0.9986138033568515], "s_vecs": [[-0.8949150714792146, -0.4451626776161323, -0.030938734573152556], [0.4445349042151381, -0.8833082508102551, -0.14884640736331523]]}, "575": {"path": [12, 1, 1], "s": [2.496444854407582, 1.0014240833664476], "s_vecs": [[0.8962845316748317, 0.4421563859325061, 0.03423110660689398], [0.4393025351149189, -0.8746251424506009, -0.20504668452543118]]}, "576": {"path": [12, 1, 1], "s": [2.5028110841247777, 0.998876829281039], "s_vecs": [[-0.8949471107253651, -0.44615922308068684, -0.003408322807332692], [-0.43755541509668633, 0.8761435241770996, 0.2022814469052928]]}, "577": {"path": [12, 1, 2], "s": [2.49758159025442, 1.0009683005972727], "s_vecs": [[-0.8946617869719896, -0.4431258548560826, -0.05674296159130564], [0.4463080920672442, -0.8809395272399955, -0.15733606166886782]]}, "578": {"path": [12, 1, 2], "s": [2.496834360124651, 1.0012678613871655], "s_vecs": [[0.8962588383968839, 0.44220753590847156, 0.03424309830061685], [-0.43935495180256534, 0.8745992823078386, 0.20504468223579655]]}, "579": {"path": [12, 1, 3], "s": [2.504281548518263, 0.9982903086432935], "s_vecs": [[-0.8949778860141926, -0.4448348587086286, -0.03371249061165866], [-0.4444489753591402, 0.8825787531087151, 0.15336183639770312]]}, "580": {"path": [12, 1, 3], "s": [2.497463883380516, 1.0010154767948247], "s_vecs": [[0.8948426799575758, 0.44226685157952716, 0.06046991086710546], [0.44612083121058477, -0.8814456613375496, -0.15501532204652047]]}, "581": {"path": [12, 2, 0], "s": [2.4888144593318087, 1.004494324848626], "s_vecs": [[0.8936655471313413, 0.43819302242776553, 0.09668901160969776], [0.44855938090505454, -0.8783392075243129, -0.1652716501025994]]}, "582": {"path": [12, 2, 0], "s": [2.4984565088138346, 1.0006177778883572], "s_vecs": [[-0.894866959108901, -0.44205708819378786, -0.06163323999935722], [-0.4459311738396452, 0.8796382219359854, 0.16547503348630654]]}, "583": {"path": [12, 2, 1], "s": [2.49027328292639, 1.0039058833985401], "s_vecs": [[-0.8897189463085905, -0.44078573028931345, -0.11877767699718689], [0.45317651241089996, -0.8841843834974262, -0.11335353800552413]]}, "584": {"path": [12, 2, 1], "s": [2.4898720638744694, 1.0040676532230217], "s_vecs": [[0.8936329953854961, 0.43825675733509845, 0.09670100417508863], [-0.4486242279300474, 0.878307408046262, 0.16526463349799306]]}, "585": {"path": [12, 2, 2], "s": [2.499704161330592, 1.000118349472706], "s_vecs": [[-0.8923877335839565, -0.4422882920675057, -0.08958347866040253], [-0.45026028377832084, 0.8859402512299782, 0.11124544081637411]]}, "586": {"path": [12, 2, 2], "s": [2.490689268383385, 1.0037382148527332], "s_vecs": [[0.889959098392072, 0.4397776806700497, 0.12069960552397106], [0.4523934976671563, -0.8847641232139747, -0.11194895953908354]]}, "587": {"path": [12, 2, 3], "s": [2.4982966314010446, 1.0006818119904362], "s_vecs": [[0.8950280927451704, 0.44122496990367677, 0.06515549961777498], [-0.44577098700310097, 0.8801725910262986, 0.16304734635170595]]}, "588": {"path": [12, 2, 3], "s": [2.498836067725092, 1.0004657897690614], "s_vecs": [[-0.8924183186591638, -0.44254383682578297, -0.08800282386983777], [0.4502054068925504, -0.886334318124684, -0.10828927979797458]]}, "589": {"path": [12, 3, 0], "s": [2.499843312364945, 1.0000626789824305], "s_vecs": [[-0.8895997278013595, -0.4431948026132405, -0.11041146331952192], [0.4509094058727414, -0.8907001431226402, -0.057740477455593395]]}, "590": {"path": [12, 3, 0], "s": [2.499781761500527, 1.0000873030209414], "s_vecs": [[0.8924409801187188, 0.44192089283525643, 0.09085714875798402], [-0.4500443866749407, 0.8861671001844789, 0.11030829784294659]]}, "591": {"path": [12, 3, 1], "s": [2.505168824369052, 0.9979367361118459], "s_vecs": [[-0.8917877682397783, -0.4450477879845094, -0.08152939855052735], [-0.4497802783165247, 0.8915671183078261, 0.05296956474985058]]}, "592": {"path": [12, 3, 1], "s": [2.499597532616959, 1.0001610128741893], "s_vecs": [[0.889532011016694, 0.44316201136016503, 0.1110866016394815], [0.45091097241132916, -0.8907295390937179, -0.05727288315566458]]}, "593": {"path": [12, 3, 2], "s": [2.50556139250576, 0.997780380667425], "s_vecs": [[0.8937967975221974, 0.4442883594489613, 0.06111577862724504], [-0.44839739600250184, 0.8877992833238452, 0.10369285311844037]]}, "594": {"path": [12, 3, 2], "s": [2.505723910415645, 0.9977156659630962], "s_vecs": [[-0.8917995403981976, -0.4451927486897132, -0.08060394692359289], [0.4497575636941404, -0.8916857717953911, -0.051133338220470184]]}, "595": {"path": [12, 3, 3], "s": [2.4989380685969613, 1.000424953069619], "s_vecs": [[0.8924743537460739, 0.4421672076213475, 0.08931790643464549], [0.44998309308931517, -0.886555703919982, -0.10739739187111604]]}, "596": {"path": [12, 3, 3], "s": [2.5054802336731172, 0.9978127012939617], "s_vecs": [[-0.8937648798680832, -0.4446306109340261, -0.0590589479657897], [-0.4484996113226159, 0.8875838522675555, 0.10508569758701114]]}, "597": {"path": [13, 0, 0], "s": [2.5090656076893323, 0.9963868590516123], "s_vecs": [[0.8934095853711934, 0.4489276640824038, -0.01683048390239216], [0.44316699214276933, -0.8868482546421439, -0.130779166205148]]}, "598": {"path": [13, 0, 0], "s": [2.5097998184122536, 0.9960953784678908], "s_vecs": [[-0.8917199159443039, -0.4509593475593392, 0.03835698576711694], [-0.4434049286809493, 0.887469783483226, 0.12565608869322015]]}, "599": {"path": [13, 0, 1], "s": [2.5110987325821723, 0.9955801289538466], "s_vecs": [[-0.8939145297180172, -0.44822393634278923, -0.003480868913259251], [0.4469062614812076, -0.8906348271154203, -0.0839309131248781]]}, "600": {"path": [13, 0, 1], "s": [2.510777196954816, 0.9957076251258425], "s_vecs": [[0.8934411475372422, 0.4489214007328486, -0.015247683476281415], [-0.44315156344149764, 0.8864846737362266, 0.13327270932239638]]}, "601": {"path": [13, 0, 2], "s": [2.512756736518078, 0.9949232106981618], "s_vecs": [[-0.8931941696059159, -0.44929504167851386, 0.018388608025114363], [-0.4467418709093297, 0.8912934196326128, 0.07757409938913398]]}, "602": {"path": [13, 0, 2], "s": [2.5115627106142595, 0.9953962086770138], "s_vecs": [[0.8940766516529006, 0.4478827287025775, 0.005291719859489338], [0.4467354773215668, -0.8908055568321765, -0.08302332936703787]]}, "603": {"path": [13, 0, 3], "s": [2.5108559203576246, 0.9956764064916641], "s_vecs": [[0.8920411370507528, 0.4503905725589211, -0.037562507361024684], [-0.44295267359566876, 0.8877545702691341, 0.12523877962002722]]}, "604": {"path": [13, 0, 3], "s": [2.5111960540589218, 0.9955415452167404], "s_vecs": [[-0.8931987877504978, -0.44924107407833597, 0.019452067293338583], [0.446713320778568, -0.8914568982376113, -0.07584067262070816]]}, "605": {"path": [13, 1, 0], "s": [2.513615562313814, 0.9945832757729737], "s_vecs": [[-0.8937887927864013, -0.4484880349371511, -0.000276419319145009], [0.44833078137588617, -0.8934587394348285, -0.02703685259815622]]}, "606": {"path": [13, 1, 0], "s": [2.513453431493496, 0.9946474315676892], "s_vecs": [[0.8934111680963078, 0.44890314185866564, -0.01739120324215018], [-0.4464382136989576, 0.8914906448868142, 0.0770542109723817]]}, "607": {"path": [13, 1, 1], "s": [2.5137979522376366, 0.9945111132637534], "s_vecs": [[-0.8933951804576827, -0.44873778317508406, 0.021896426331613615], [-0.4483246844565945, 0.8936153646632671, 0.021367202545757847]]}, "608": {"path": [13, 1, 1], "s": [2.5137794814537338, 0.9945184207463695], "s_vecs": [[0.8938450514825186, 0.44837185249616174, 0.0019250530834606112], [0.4482641568602387, -0.8935180007403637, -0.02616921908126161]]}, "609": {"path": [13, 1, 2], "s": [2.512691283442642, 0.9949491274450339], "s_vecs": [[0.8923788021898661, 0.44946445297577275, -0.040518871077185784], [-0.4462182531443423, 0.8922110470027107, 0.06963273775415538]]}, "610": {"path": [13, 1, 2], "s": [2.5129324652578897, 0.9948536359664713], "s_vecs": [[-0.8933823655095378, -0.44870938851720676, 0.02297463064114476], [0.448338572971123, -0.8936485192989724, -0.019617541664827653]]}, "611": {"path": [13, 1, 3], "s": [2.5118938985196952, 0.9952649677891623], "s_vecs": [[0.8934149542319904, 0.44885309538864876, -0.018455847709594384], [0.44641096073136016, -0.8916515024412133, -0.0753316157614544]]}, "612": {"path": [13, 1, 3], "s": [2.511822249748887, 0.9952933573424367], "s_vecs": [[-0.8920964369981801, -0.4499615404318035, 0.04121358061841447], [-0.4466582122131894, 0.8919605878385322, 0.070019648708471]]}, "613": {"path": [13, 2, 0], "s": [2.50936396356959, 0.9962683916300974], "s_vecs": [[-0.8905556645286393, -0.4502575201823867, 0.06464343659770361], [-0.44668595346375295, 0.8924918463824163, 0.0626894179194817]]}, "614": {"path": [13, 2, 0], "s": [2.5105821742107732, 0.9957849719800143], "s_vecs": [[0.8923849053865854, 0.4493840328052261, -0.04126950081944767], [0.4461884311643778, -0.8923210133981639, -0.0684038956722862]]}, "615": {"path": [13, 2, 1], "s": [2.5060360125434036, 0.9975914102937097], "s_vecs": [[0.8882008513747186, 0.4521860841395343, -0.08140634451797599], [-0.4425855468760386, 0.889622777698198, 0.11264700216597445]]}, "616": {"path": [13, 2, 1], "s": [2.5066346247998217, 0.9973531743580889], "s_vecs": [[-0.890644372213938, -0.45014124171959397, 0.06422978084021633], [0.4465200120288447, -0.8925250812872857, -0.06339446451295451]]}, "617": {"path": [13, 2, 2], "s": [2.50633078487345, 0.9974740824668251], "s_vecs": [[0.8903888075763116, 0.45130683299890456, -0.05941307794865749], [0.44261829929100216, -0.8888465025094221, -0.11849445602857969]]}, "618": {"path": [13, 2, 2], "s": [2.5044766875385442, 0.9982125257700236], "s_vecs": [[-0.8879715855501265, -0.4528964569046997, 0.07994537246622974], [-0.44345359501827, 0.8892536173225053, 0.11214683742402859]]}, "619": {"path": [13, 2, 3], "s": [2.509699860014207, 0.9961350517770065], "s_vecs": [[-0.8921011354343784, -0.4498821700717669, 0.0419713855884027], [0.4466305154328298, -0.8920704882265436, -0.06878536704460268]]}, "620": {"path": [13, 2, 3], "s": [2.509256585295435, 0.996311024807236], "s_vecs": [[0.8902892962371042, 0.451482384092523, -0.05957034379431667], [-0.44281146829636037, 0.8887880765190947, 0.118210653423071]]}, "621": {"path": [13, 3, 0], "s": [2.5044678006370344, 0.9982160678464709], "s_vecs": [[0.8874316582687362, 0.4546758047108202, -0.07572954847989988], [-0.4386583307911072, 0.8835213191450343, 0.1642222501483232]]}, "622": {"path": [13, 3, 0], "s": [2.5049474594491645, 0.9980249248619959], "s_vecs": [[-0.8900815160132785, -0.45194896024618153, 0.05913570988750402], [0.443284958624389, -0.8885185993764626, -0.11846157191031471]]}, "623": {"path": [13, 3, 1], "s": [2.5045170953109013, 0.9981964206515661], "s_vecs": [[0.8896958719089784, 0.4529450035531909, -0.05728943414210559], [0.43845827334225296, -0.8826569633581529, -0.16932521245548282]]}, "624": {"path": [13, 3, 1], "s": [2.5029462122063864, 0.9988229023092781], "s_vecs": [[-0.8872762774485712, -0.45517764564485286, 0.07452595777455592], [-0.43934249300516803, 0.8832427336961922, 0.16389157151263484]]}, "625": {"path": [13, 3, 2], "s": [2.5074138827892756, 0.9970432153861135], "s_vecs": [[-0.8917106002139309, -0.4508969830179725, 0.039295243623131824], [0.4433867087614499, -0.887682651078753, -0.12420844362395797]]}, "626": {"path": [13, 3, 2], "s": [2.5069693151718146, 0.9972200237435549], "s_vecs": [[0.8896565896652785, 0.45308422026717965, -0.05679649469842413], [-0.43856722350739175, 0.8824664026159431, 0.1700348161968418]]}, "627": {"path": [13, 3, 3], "s": [2.5079529004119046, 0.9968289275246771], "s_vecs": [[-0.8899872754039418, -0.4521127387416691, 0.05930194842140746], [-0.4434660463933794, 0.8884665854335256, 0.11817356838276778]]}, "628": {"path": [13, 3, 3], "s": [2.508519840406908, 0.9966036384206856], "s_vecs": [[0.8920372525481766, 0.45032136480301493, -0.038473477465010425], [0.4429273261824086, -0.8879680078889228, -0.12380711080822529]]}, "629": {"path": [14, 0, 0], "s": [2.5009074992585534, 0.9996371320175486], "s_vecs": [[-0.8882214595647959, -0.4526322703433701, 0.07865536607498516], [0.44300654126987654, -0.8891990718132204, -0.11432504134531654]]}, "630": {"path": [14, 0, 0], "s": [2.5003416747252913, 0.9998633487859898], "s_vecs": [[0.884931002510346, 0.456025237881401, -0.0945415422512561], [-0.4385376693578341, 0.884267356732945, 0.16048661741942816]]}, "631": {"path": [14, 0, 1], "s": [2.499306299624239, 1.0002775571669082], "s_vecs": [[-0.8855802314718306, -0.4533350280368575, 0.10116820637493071], [-0.44329898073159046, 0.8899257109183829, 0.10732307640365055]]}, "632": {"path": [14, 0, 1], "s": [2.5025872556377213, 0.998966167660329], "s_vecs": [[0.8884536378021475, 0.45190775421590446, -0.08018425753019326], [0.4421196592941864, -0.8895794224595736, -0.11479833623395588]]}, "633": {"path": [14, 0, 2], "s": [2.494630240860542, 1.0021525270765599], "s_vecs": [[0.8820881584452657, 0.45717746990652053, -0.11361884412593015], [-0.4381167986980997, 0.884779118590594, 0.158806744203703]]}, "634": {"path": [14, 0, 2], "s": [2.495282494922023, 1.0018905695397529], "s_vecs": [[-0.8860740895680295, -0.452975555744697, 0.09841673482681065], [0.44239430447900596, -0.8897666283686936, -0.11226141993554065]]}, "635": {"path": [14, 0, 3], "s": [2.4971616625847424, 1.0011366254166805], "s_vecs": [[0.885437634941312, 0.4555624991076065, -0.09199458699493288], [0.4376530355196985, -0.8839100151896818, -0.16481172757959361]]}, "636": {"path": [14, 0, 3], "s": [2.492648147294578, 1.0029494145466953], "s_vecs": [[-0.8825511255626377, -0.45750608555788874, 0.10858955956084967], [-0.4391376404204743, 0.8845038899359322, 0.15751508325916797]]}, "637": {"path": [14, 1, 0], "s": [2.4851248903989456, 1.005985658772532], "s_vecs": [[-0.8798614561577129, -0.45843146302761767, 0.12523742122220066], [-0.4385295013926516, 0.8847618866589253, 0.15776019879567565]]}, "638": {"path": [14, 1, 0], "s": [2.4913156841314352, 1.00348583518495], "s_vecs": [[0.8829071305046209, 0.45652473366966995, -0.10981878915710655], [0.4366032848231347, -0.8842526454211582, -0.16575533399360698]]}, "639": {"path": [14, 1, 1], "s": [2.481760206082968, 1.0073495391989626], "s_vecs": [[0.8766277220811093, 0.4640177289908271, -0.12732393357527388], [-0.4344411152336802, 0.8770338862101794, 0.2051157717816604]]}, "640": {"path": [14, 1, 1], "s": [2.4821356161565324, 1.0071971828320678], "s_vecs": [[-0.8812290922655452, -0.45773543234821384, 0.11795575830724354], [0.4360035526556345, -0.8835097563102784, -0.17120576093174528]]}, "641": {"path": [14, 1, 2], "s": [2.4881326042435856, 1.004769599392], "s_vecs": [[0.8799245572742648, 0.46208519867587466, -0.11049906185288011], [0.4327545058595732, -0.8754918683758784, -0.21502912841275787]]}, "642": {"path": [14, 1, 2], "s": [2.4805650556980536, 1.0078348859495958], "s_vecs": [[-0.8765587837148187, -0.4641568711377564, 0.1272913888211063], [-0.4345801933118861, 0.8769602552877428, 0.20513597009462]]}, "643": {"path": [14, 1, 3], "s": [2.4890518128540924, 1.0043985372620088], "s_vecs": [[-0.8834130012546645, -0.45681439120899964, 0.10441303174689073], [0.4376267934139557, -0.8839475306035198, -0.16468015310339676]]}, "644": {"path": [14, 1, 3], "s": [2.4885348124082576, 1.0046072040200416], "s_vecs": [[0.8787664825427874, 0.4627727167529528, -0.11666568385120153], [-0.4346698429851123, 0.8770123896993128, 0.20472272935167404]]}, "645": {"path": [14, 2, 0], "s": [2.48776066604973, 1.0049198197066542], "s_vecs": [[0.8782570381144976, 0.46580613612371363, -0.10811668951575555], [-0.43247355364435053, 0.8701990215663189, 0.23605145257601873]]}, "646": {"path": [14, 2, 0], "s": [2.4880789146699325, 1.004791281040074], "s_vecs": [[-0.8815160588746873, -0.46104558308616056, 0.10181556002291985], [0.43313653963619303, -0.8754804785114735, -0.21430508574764545]]}, "647": {"path": [14, 2, 1], "s": [2.4923986913857403, 1.0030497964232332], "s_vecs": [[0.8801907538399408, 0.464193712662532, -0.09893651489340066], [0.4314096622969183, -0.8693828018222621, -0.24095486542614716]]}, "648": {"path": [14, 2, 1], "s": [2.486594185299241, 1.0053912354416394], "s_vecs": [[-0.8782154687149005, -0.4658897694240677, 0.10809400194209016], [-0.4325579615604022, 0.8701542485855432, 0.2360618426583133]]}, "649": {"path": [14, 2, 2], "s": [2.4917857201076568, 1.0032965434491645], "s_vecs": [[-0.883094965037214, -0.4596996156656544, 0.0939124383815661], [0.43414301256303706, -0.8764969535499474, -0.20802147740161786]]}, "650": {"path": [14, 2, 2], "s": [2.4914975145552165, 1.0034126004120467], "s_vecs": [[0.8793816680045761, 0.4648724590536166, -0.1028663151421951], [-0.432572758229546, 0.8703505632339583, 0.23530980837188786]]}, "651": {"path": [14, 2, 3], "s": [2.4886045673465986, 1.0045790451415746], "s_vecs": [[-0.88024846290091, -0.461890534649443, 0.1087188004065404], [-0.4351028206874229, 0.8770896426062041, 0.20346816523173772]]}, "652": {"path": [14, 2, 3], "s": [2.49317484224925, 1.0027375367483629], "s_vecs": [[0.8824496637801825, 0.4599889872477842, -0.09845162520243653], [0.43366053026836904, -0.8765926172628856, -0.2086238908839571]]}, "653": {"path": [14, 3, 0], "s": [2.497473554417888, 1.0010116005343241], "s_vecs": [[0.8845789766144992, 0.45837067121303754, -0.08611830179093477], [0.43411279073404824, -0.8766994559415248, -0.20722970074999125]]}, "654": {"path": [14, 3, 0], "s": [2.493739223536064, 1.0025105979024769], "s_vecs": [[-0.8822923780561619, -0.4604375401498537, 0.09776211559062635], [-0.4353816034759883, 0.8772276499044084, 0.2022733536525913]]}, "655": {"path": [14, 3, 1], "s": [2.499837855540875, 1.0000648619904546], "s_vecs": [[-0.8875201080693539, -0.454877103191605, 0.07344983842443964], [0.43892884854422326, -0.8831367884853673, -0.16556231074551347]]}, "656": {"path": [14, 3, 1], "s": [2.4994863563354612, 1.0002054996872607], "s_vecs": [[0.8841630052221802, 0.4588453395937465, -0.08784494595355317], [-0.43479028408730414, 0.8769810463632007, 0.2046012052334668]]}, "657": {"path": [14, 3, 2], "s": [2.498658345788341, 1.0005369498450711], "s_vecs": [[-0.8850380289809769, -0.4564464056410433, 0.09145690807609477], [-0.4394115144341859, 0.8839903969726848, 0.1596198579210305]]}, "658": {"path": [14, 3, 2], "s": [2.501506975777565, 0.9993975728262372], "s_vecs": [[0.8876750306436447, 0.4543665126046236, -0.07472691747500723], [0.43823048261909037, -0.8834282879849203, -0.16585687833632798]]}, "659": {"path": [14, 3, 3], "s": [2.49494046396574, 1.0020279185444834], "s_vecs": [[0.8817012711694532, 0.4606652029925743, -0.10193350366773803], [-0.4348793301078148, 0.8772872511461932, 0.20309369074723754]]}, "660": {"path": [14, 3, 3], "s": [2.495275063237682, 1.0018935534730933], "s_vecs": [[-0.8855612871741214, -0.4559758294986852, 0.088697517279228], [0.4385397837793519, -0.8836109788937878, -0.16405638061691233]]}, "661": {"path": [15, 0, 0], "s": [2.492015090887371, 1.0032041977361321], "s_vecs": [[-0.8804013028893817, -0.4639022871630791, 0.09842872464653393], [-0.43246065093666625, 0.8705471480299277, 0.2347880926461009]]}, "662": {"path": [15, 0, 0], "s": [2.4952885612046516, 1.0018881338489685], "s_vecs": [[0.8817830184092571, 0.4624842086231697, -0.09255844218254905], [0.43152336165849525, -0.8702808579415873, -0.237484350312618]]}, "663": {"path": [15, 0, 1], "s": [2.492821719875935, 1.0028795802230182], "s_vecs": [[0.879412796849381, 0.466021971770209, -0.09724533184146075], [-0.4314235567055599, 0.8665121131583061, 0.251058703233828]]}, "664": {"path": [15, 0, 1], "s": [2.492943732153462, 1.0028304962344425], "s_vecs": [[-0.8812995271612989, -0.46310697834955106, 0.0940375990187943], [0.4312389683272586, -0.8695335884580471, -0.24071620373234798]]}, "665": {"path": [15, 0, 2], "s": [2.4948236106291866, 1.0020748518447398], "s_vecs": [[0.8801245061540081, 0.46525274788572635, -0.09444963870732483], [0.43090645306661685, -0.8663859036623662, -0.25237887122477703]]}, "666": {"path": [15, 0, 2], "s": [2.4916350654422006, 1.0033572069496905], "s_vecs": [[-0.8793920468187166, -0.4660636455240276, 0.09723325723661468], [-0.43146585094873346, 0.8664896991560374, 0.2510633798895514]]}, "667": {"path": [15, 0, 3], "s": [2.4945490394558476, 1.0021851486813587], "s_vecs": [[-0.8822266277538279, -0.46207019873544747, 0.0903731637306833], [0.4315360517608313, -0.8703336350166583, -0.2372677807654536]]}, "668": {"path": [15, 0, 3], "s": [2.494461432217461, 1.002220346128028], "s_vecs": [[0.8797552936130318, 0.4657558477083062, -0.0954049982200377], [-0.43148483226829226, 0.866462038567105, 0.2511262137741507]]}, "669": {"path": [15, 1, 0], "s": [2.4946139946747588, 1.0021590535997706], "s_vecs": [[0.8798332793257237, 0.4658634285564516, -0.09415235804041722], [-0.43106724231595384, 0.8656063007863324, 0.2547680604807445]]}, "670": {"path": [15, 1, 0], "s": [2.4946029367841915, 1.0021634958959704], "s_vecs": [[-0.8805093676687098, -0.4647451743713683, 0.09335510883811055], [0.43062102843061034, -0.8665432005741186, -0.252326002251307]]}, "671": {"path": [15, 1, 1], "s": [2.4942624218959137, 1.002300310526157], "s_vecs": [[0.879958610507468, 0.4656508234566191, -0.09403273051410792], [0.4308701247770802, -0.8656896988580229, -0.25481813292167593]]}, "672": {"path": [15, 1, 1], "s": [2.4931540523274784, 1.002745898379659], "s_vecs": [[-0.8798192816714239, -0.46589153542518, 0.09414408541351815], [-0.43109581116744616, 0.8655911732720813, 0.2547711175689725]]}, "673": {"path": [15, 1, 2], "s": [2.494817957889051, 1.0020771223385512], "s_vecs": [[-0.880598153402099, -0.46470142391954383, 0.09273337496263757], [0.43078254176401654, -0.8665890306783016, -0.2518925437947193]]}, "674": {"path": [15, 1, 2], "s": [2.494776123467911, 1.0020939259771435], "s_vecs": [[0.8797368468622477, 0.46609608794254076, -0.09390163511637963], [-0.4313227340455412, 0.865450045293997, 0.2548664713062468]]}, "675": {"path": [15, 1, 3], "s": [2.4942455135603794, 1.0023071050577554], "s_vecs": [[-0.880099318971809, -0.4653052572939068, 0.0944256653670462], [-0.43124502234878265, 0.8666146838829492, 0.2510113949163546]]}, "676": {"path": [15, 1, 3], "s": [2.496097168306768, 1.0015635736231738], "s_vecs": [[0.8806769134626481, 0.4646369482417096, -0.09230753177576843], [0.43080408051899, -0.8665866066688872, -0.2518640453702972]]}, "677": {"path": [15, 2, 0], "s": [2.499553489922884, 1.000178635935948], "s_vecs": [[0.8816988395230704, 0.4635744954132782, -0.08778293448043156], [0.4301956600056314, -0.866293348676435, -0.25390456504617576]]}, "678": {"path": [15, 2, 0], "s": [2.4961237219867543, 1.0015529190236443], "s_vecs": [[-0.8804935094921997, -0.4650134504240719, 0.09216111255192552], [-0.43108313337550774, 0.8662790560193632, 0.2524439130210019]]}, "679": {"path": [15, 2, 1], "s": [2.4994742845579747, 1.0002103304063867], "s_vecs": [[-0.8840694295864076, -0.4602198691378261, 0.08135671896977306], [0.43075144430636536, -0.8699212986416535, -0.24018769201938667]]}, "680": {"path": [15, 2, 1], "s": [2.4995364509666893, 1.0001854540001327], "s_vecs": [[0.8815591752567934, 0.4638556221366125, -0.08770052641129411], [-0.43048178826121275, 0.8661428522887913, 0.25393304118303595]]}, "681": {"path": [15, 2, 2], "s": [2.4982749564026707, 1.0006904938917582], "s_vecs": [[-0.883099353663178, -0.46134929654405854, 0.08539530512844257], [-0.43168964251895203, 0.8702493686999153, 0.23729746905363083]]}, "682": {"path": [15, 2, 2], "s": [2.5008477486511467, 0.9996610154890047], "s_vecs": [[0.8846528627102522, 0.45962377000129967, -0.07832817212439139], [0.43082676015364374, -0.8700537285664445, -0.23957214392149742]]}, "683": {"path": [15, 2, 3], "s": [2.497274984833076, 1.0010911954764588], "s_vecs": [[0.8805728883466335, 0.4649373245955958, -0.09178601476672077], [-0.4310888819265336, 0.8662914093040714, 0.25239169963629315]]}, "684": {"path": [15, 2, 3], "s": [2.4973009490856244, 1.0010807872056287], "s_vecs": [[-0.8832797961190365, -0.4609840369004997, 0.08550157595525268], [0.43131934601236865, -0.8704449280013168, -0.23725355439327928]]}, "685": {"path": [15, 3, 0], "s": [2.4994838026006994, 1.000206521602085], "s_vecs": [[-0.886393820490027, -0.4570486960520511, 0.07356958905834411], [0.43446830656512436, -0.8761869753199008, -0.2086472498505474]]}, "686": {"path": [15, 3, 0], "s": [2.4992315443767055, 1.0003074767622162], "s_vecs": [[0.8831013837172219, 0.46134633360558497, -0.08539031880378684], [-0.43168786058380604, 0.8702506272957977, 0.2372960950286523]]}, "687": {"path": [15, 3, 1], "s": [2.498187330075217, 1.0007255940749369], "s_vecs": [[-0.884311124339, -0.4589302711634371, 0.08588854161148446], [-0.4352362119154668, 0.8768631580399912, 0.20415788475983046]]}, "688": {"path": [15, 3, 1], "s": [2.500848654046693, 0.9996606535764112], "s_vecs": [[0.8865726522686613, 0.4567120949095992, -0.07350506521728128], [0.4341554300501926, -0.876356350866194, -0.20858717327395923]]}, "689": {"path": [15, 3, 2], "s": [2.495812142962487, 1.001677953626967], "s_vecs": [[0.8812853264309616, 0.46305853221987237, -0.09440852268652002], [-0.4322846296169759, 0.87060668889596, 0.23489144779350124]]}, "690": {"path": [15, 3, 2], "s": [2.496016555018795, 1.001595920897718], "s_vecs": [[-0.8847478763982727, -0.45843759195136435, 0.08400100889025854], [0.4345560913637053, -0.8765643126084498, -0.20687196359094956]]}, "691": {"path": [15, 3, 3], "s": [2.49834471519162, 1.0006625526086568], "s_vecs": [[0.8832743330748645, 0.4609963041929385, -0.08549187126040483], [0.43133306543112226, -0.8704380202339381, -0.23725395591436185]]}, "692": {"path": [15, 3, 3], "s": [2.4951557721813025, 1.0019414530638582], "s_vecs": [[-0.8816858036052034, -0.46269636375761436, 0.09242412394244315], [-0.4323282120257829, 0.870672877413725, 0.23456567869723458]]}, "693": {"path": [16, 0, 0], "s": [2.50225625957905, 0.9990983099471076], "s_vecs": [[0.8850193483722746, 0.4594746837549596, -0.07499178618351843], [-0.43053214319631006, 0.8690486114283941, 0.24371414536126584]]}, "694": {"path": [16, 0, 0], "s": [2.5024547114795106, 0.9990190785598433], "s_vecs": [[-0.8883364734300936, -0.45508475004206306, 0.061287684349613014], [0.4337394781083859, -0.8754070312166227, -0.21338367985102324]]}, "695": {"path": [16, 0, 1], "s": [2.5042390174343585, 0.9983072632425067], "s_vecs": [[0.8871409652304275, 0.4569912414199522, -0.06434215628556988], [0.42937115414409777, -0.8684303621587272, -0.2479296635536532]]}, "696": {"path": [16, 0, 1], "s": [2.500974488195927, 0.9996103566027874], "s_vecs": [[-0.8844802918216004, -0.4600540020924901, 0.07774913850236598], [-0.43045198012568375, 0.8688810857506865, 0.24445194135164133]]}, "697": {"path": [16, 0, 2], "s": [2.504034618034317, 0.9983887530926051], "s_vecs": [[-0.8898736002733759, -0.45335846426772525, 0.05090263660470072], [0.43271210770116186, -0.874119491517403, -0.22062489976921362]]}, "698": {"path": [16, 0, 2], "s": [2.5038559773770914, 0.9984599843553577], "s_vecs": [[0.8870516848897629, 0.4571717679177808, -0.06429061325857453], [-0.42955557095123514, 0.8683353403338009, 0.24794303416740854]]}, "699": {"path": [16, 0, 3], "s": [2.5036137786153025, 0.9985565750411771], "s_vecs": [[-0.888451449857489, -0.45511269828455186, 0.059383946536752566], [-0.4337035969513175, 0.8748213146681898, 0.21584452134281557]]}, "700": {"path": [16, 0, 3], "s": [2.5045534055657406, 0.9981819491029345], "s_vecs": [[0.8904958539558818, 0.45265779583989396, -0.04602232015830909], [0.4331187177856301, -0.8743243641639226, -0.21900932065344708]]}, "701": {"path": [16, 1, 0], "s": [2.5029634158500484, 0.9988160370897612], "s_vecs": [[0.8933333739147454, 0.4488561167381229, -0.021992487737178962], [0.4320820073933385, -0.8713418349080128, -0.23252644070316042]]}, "702": {"path": [16, 1, 0], "s": [2.5039607206694616, 0.9984182177313046], "s_vecs": [[-0.89052923416011, -0.4527001846788364, 0.044946923120003215], [-0.4319910107778386, 0.8724707691554386, 0.22842618846458623]]}, "703": {"path": [16, 1, 1], "s": [2.503400707168149, 0.9986415649886131], "s_vecs": [[-0.894458801987178, -0.4471434055572329, 0.002495278409822374], [0.4382763176711574, -0.87780015294483, -0.19334104804371913]]}, "704": {"path": [16, 1, 1], "s": [2.502747231598086, 0.9989023136002706], "s_vecs": [[0.893284988585748, 0.4489536770750395, -0.02196645187919409], [-0.43218203020292195, 0.8712915715389951, 0.23252890171931065]]}, "705": {"path": [16, 1, 2], "s": [2.5059964070681757, 0.9976071765102041], "s_vecs": [[-0.8932585514775515, -0.44917884137287645, 0.01809775331765004], [-0.43822261474927643, 0.8790358066414735, 0.18776844933183257]]}, "706": {"path": [16, 1, 2], "s": [2.5033110178290285, 0.9986773446026294], "s_vecs": [[0.8948090549485349, 0.44644344700039107, 0.0022369203201580423], [0.4385941959563564, -0.8781189427301401, -0.19116028272603594]]}, "707": {"path": [16, 1, 3], "s": [2.5044868658930586, 0.9982084689865369], "s_vecs": [[0.8910992723501336, 0.4520053267124564, -0.040413753112379575], [-0.43240556191772667, 0.8727254443884314, 0.22666214668451085]]}, "708": {"path": [16, 1, 3], "s": [2.5050755542816185, 0.9979738917363412], "s_vecs": [[-0.8931159510210195, -0.44935125894252964, 0.020672303175591003], [0.4383676823811716, -0.879752003299439, -0.18403854958780763]]}, "709": {"path": [16, 2, 0], "s": [2.507177606144489, 0.9971371768290781], "s_vecs": [[-0.8942131998626041, -0.44762377854893276, -0.003963088323348143], [0.443716772989411, -0.8851689863459269, -0.13996889289834413]]}, "710": {"path": [16, 2, 0], "s": [2.506623529905057, 0.9973575888736244], "s_vecs": [[0.8935201250053014, 0.44873570560887943, -0.016064019491146123], [-0.4382093703663038, 0.8792474904432919, 0.186805776870902]]}, "711": {"path": [16, 2, 1], "s": [2.5099485917046973, 0.9960363364661817], "s_vecs": [[-0.8931684455244779, -0.44941395937111656, 0.016649956209080885], [-0.4434296584393172, 0.8862389244516392, 0.13398024780986287]]}, "712": {"path": [16, 2, 1], "s": [2.5076658711018576, 0.9969430253088349], "s_vecs": [[0.8944557930112003, 0.4471109385979016, 0.006375181158867288], [0.443583738600661, -0.8854205287334954, -0.13879464739808212]]}, "713": {"path": [16, 2, 2], "s": [2.507795746717782, 0.9968913948721767], "s_vecs": [[0.8916957527926583, 0.4511171393707468, -0.0370406670767254], [-0.4383201799836641, 0.8810164660781814, 0.17800395028819252]]}, "714": {"path": [16, 2, 2], "s": [2.508207226913231, 0.9967278513413218], "s_vecs": [[-0.8931329617742648, -0.4494215603645265, 0.018269473770311177], [0.44344880217322225, -0.8866071884556567, -0.13145665913102372]]}, "715": {"path": [16, 2, 3], "s": [2.5057326746305377, 0.9977121762873669], "s_vecs": [[0.893388721421817, 0.4489020671102436, -0.018534470060979066], [0.43834979490080966, -0.8799493489555243, -0.1831354705762019]]}, "716": {"path": [16, 2, 3], "s": [2.5068720783878793, 0.9972587040052336], "s_vecs": [[-0.8913322930118088, -0.4516891152226121, 0.03877739836199557], [-0.4385463920989414, 0.8807459057004533, 0.17878398017968367]]}, "717": {"path": [16, 3, 0], "s": [2.505704368062485, 0.9977234472928274], "s_vecs": [[-0.8893634551993536, -0.453615390785449, 0.05714649419196218], [-0.43902335883842886, 0.8822006022494627, 0.1702368578919074]]}, "718": {"path": [16, 3, 0], "s": [2.506024849412434, 0.9975958540818768], "s_vecs": [[0.8915582328487973, 0.4512181788890113, -0.03906497766048345], [0.43847907120214147, -0.8815383602213188, -0.17500349589655573]]}, "719": {"path": [16, 3, 1], "s": [2.5028023588587516, 0.9988803115640223], "s_vecs": [[0.8864728677161062, 0.4569366607400696, -0.07331263789345682], [-0.4343724970701182, 0.8761981981480492, 0.20879954825425748]]}, "720": {"path": [16, 3, 1], "s": [2.503152197776967, 0.9987407087033038], "s_vecs": [[-0.8893946136951395, -0.4534888387673005, 0.05766363016285825], [0.438925870021878, -0.8823880970120782, -0.16951497537663313]]}, "721": {"path": [16, 3, 2], "s": [2.503447190102228, 0.9986230226401989], "s_vecs": [[0.8886272508834032, 0.454730539791381, -0.059680358313638666], [0.43372838769900246, -0.8755280760290939, -0.21290907399361092]]}, "722": {"path": [16, 3, 2], "s": [2.5015581975766676, 0.9993771092041053], "s_vecs": [[-0.8862978571271377, -0.45726717899924896, 0.07336780943923954], [-0.43467999707772687, 0.87603023159706, 0.20886439013989172]]}, "723": {"path": [16, 3, 3], "s": [2.505041167072321, 0.9979875911268108], "s_vecs": [[-0.8911803144694018, -0.4518018355235449, 0.040899248401087884], [0.4387155046513074, -0.8812756423701031, -0.17573260409983943]]}, "724": {"path": [16, 3, 3], "s": [2.5045448741385994, 0.9981853492881966], "s_vecs": [[0.8887274869874264, 0.4547654977940734, -0.0578946965543692], [-0.4336929748311848, 0.8749573222513952, 0.21531392853400227]]}, "725": {"path": [17, 0, 0], "s": [2.509065607689323, 0.9963868590516178], "s_vecs": [[-0.8934095853711926, -0.4489276640824051, -0.016830483902392356], [-0.44316699214277055, 0.8868482546421432, -0.13077916620514812]]}, "726": {"path": [17, 0, 0], "s": [2.5097998184122536, 0.996095378467893], "s_vecs": [[0.8917199159443046, 0.4509593475593378, 0.038356985767118004], [0.44340492868094783, -0.8874697834832267, 0.1256560886932201]]}, "727": {"path": [17, 0, 1], "s": [2.5110987325821705, 0.9955801289538473], "s_vecs": [[0.8939145297180162, 0.44822393634279134, -0.0034808689132577106], [-0.44690626148120965, 0.8906348271154193, -0.08393091312487835]]}, "728": {"path": [17, 0, 1], "s": [2.5107771969548134, 0.9957076251258434], "s_vecs": [[-0.8934411475372412, -0.4489214007328506, -0.015247683476282303], [0.44315156344149964, -0.8864846737362261, 0.13327270932239535]]}, "729": {"path": [17, 0, 2], "s": [2.5127567365180705, 0.9949232106981662], "s_vecs": [[0.8931941696059149, 0.4492950416785151, 0.018388608025115227], [0.4467418709093307, -0.891293419632612, 0.07757409938913434]]}, "730": {"path": [17, 0, 2], "s": [2.5115627106142595, 0.9953962086770143], "s_vecs": [[-0.8940766516528996, -0.4478827287025792, 0.005291719859488082], [-0.44673547732156843, 0.8908055568321757, -0.08302332936703795]]}, "731": {"path": [17, 0, 3], "s": [2.51085592035762, 0.9956764064916657], "s_vecs": [[-0.8920411370507527, -0.4503905725589219, -0.03756250736102508], [0.44295267359566937, -0.8877545702691341, 0.1252387796200271]]}, "732": {"path": [17, 0, 3], "s": [2.511196054058919, 0.9955415452167409], "s_vecs": [[0.8931987877504965, 0.44924107407833785, 0.01945206729333912], [-0.44671332077856996, 0.8914568982376102, -0.07584067262070898]]}, "733": {"path": [17, 1, 0], "s": [2.513615562313814, 0.9945832757729742], "s_vecs": [[0.8937887927864007, 0.4484880349371524, -0.0002764193191441607], [-0.44833078137588744, 0.8934587394348279, -0.027036852598157173]]}, "734": {"path": [17, 1, 0], "s": [2.5134534314934918, 0.9946474315676909], "s_vecs": [[-0.8934111680963076, -0.44890314185866537, -0.01739120324215074], [0.44643821369895714, -0.8914906448868141, 0.07705421097238181]]}, "735": {"path": [17, 1, 1], "s": [2.513797952237641, 0.9945111132637532], "s_vecs": [[0.8933951804576826, 0.44873778317508445, 0.021896426331615645], [0.4483246844565949, -0.893615364663267, 0.021367202545756993]]}, "736": {"path": [17, 1, 1], "s": [2.513779481453736, 0.9945184207463715], "s_vecs": [[-0.8938450514825195, -0.4483718524961603, 0.0019250530834618584], [-0.44826415686023735, 0.8935180007403644, -0.02616921908126141]]}, "737": {"path": [17, 1, 2], "s": [2.512691283442641, 0.9949491274450344], "s_vecs": [[-0.8923788021898656, -0.4494644529757736, -0.040518871077185006], [0.44621825314434316, -0.8922110470027101, 0.06963273775415565]]}, "738": {"path": [17, 1, 2], "s": [2.51293246525789, 0.9948536359664713], "s_vecs": [[0.8933823655095376, 0.44870938851720654, 0.022974630641144772], [-0.4483385729711227, 0.8936485192989724, -0.019617541664830068]]}, "739": {"path": [17, 1, 3], "s": [2.5118938985196952, 0.9952649677891616], "s_vecs": [[-0.8934149542319899, -0.44885309538864915, -0.018455847709594613], [-0.44641096073136044, 0.8916515024412128, -0.07533161576145497]]}, "740": {"path": [17, 1, 3], "s": [2.511822249748882, 0.9952933573424383], "s_vecs": [[0.8920964369981809, 0.44996154043180203, 0.041213580618414805], [0.4466582122131879, -0.8919605878385328, 0.07001964870847162]]}, "741": {"path": [17, 2, 0], "s": [2.509363963569582, 0.9962683916300987], "s_vecs": [[0.890555664528639, 0.4502575201823868, 0.06464343659770533], [0.4466859534637531, -0.892491846382416, 0.06268941791948143]]}, "742": {"path": [17, 2, 0], "s": [2.5105821742107652, 0.9957849719800176], "s_vecs": [[-0.8923849053865845, -0.44938403280522815, -0.041269500819446775], [-0.4461884311643799, 0.8923210133981629, -0.06840389567228661]]}, "743": {"path": [17, 2, 1], "s": [2.5060360125433885, 0.9975914102937157], "s_vecs": [[-0.8882008513747206, -0.4521860841395302, -0.08140634451797506], [0.4425855468760349, -0.8896227776981998, 0.11264700216597223]]}, "744": {"path": [17, 2, 1], "s": [2.506634624799818, 0.9973531743580905], "s_vecs": [[0.8906443722139393, 0.4501412417195912, 0.06422978084021663], [-0.4465200120288416, 0.892525081287287, -0.0633944645129568]]}, "745": {"path": [17, 2, 2], "s": [2.506330784873443, 0.9974740824668267], "s_vecs": [[-0.8903888075763112, -0.4513068329989045, -0.059413077948657515], [-0.44261829929100216, 0.8888465025094219, -0.11849445602857919]]}, "746": {"path": [17, 2, 2], "s": [2.5044766875385407, 0.998212525770029], "s_vecs": [[0.8879715855501253, 0.4528964569047016, 0.07994537246623064], [0.44345359501827186, -0.8892536173225044, 0.11214683742402796]]}, "747": {"path": [17, 2, 3], "s": [2.509699860014197, 0.9961350517770116], "s_vecs": [[0.8921011354343785, 0.4498821700717672, 0.04197138558840287], [-0.44663051543283006, 0.8920704882265437, -0.06878536704460345]]}, "748": {"path": [17, 2, 3], "s": [2.5092565852954243, 0.99631102480724], "s_vecs": [[-0.8902892962371034, -0.4514823840925247, -0.05957034379431637], [0.44281146829636214, -0.8887880765190936, 0.11821065342307085]]}, "749": {"path": [17, 3, 0], "s": [2.5044678006370296, 0.9982160678464735], "s_vecs": [[-0.8874316582687359, -0.45467580471081975, -0.07572954847990004], [0.43865833079110683, -0.8835213191450341, 0.16422225014832292]]}, "750": {"path": [17, 3, 0], "s": [2.504947459449162, 0.998024924861997], "s_vecs": [[0.8900815160132788, 0.4519489602461814, 0.05913570988750402], [-0.4432849586243891, 0.8885185993764627, -0.11846157191031423]]}, "751": {"path": [17, 3, 1], "s": [2.5045170953109004, 0.9981964206515654], "s_vecs": [[-0.8896958719089776, -0.4529450035531922, -0.057289434142107284], [-0.438458273342254, 0.8826569633581525, -0.16932521245548282]]}, "752": {"path": [17, 3, 1], "s": [2.5029462122063793, 0.9988229023092803], "s_vecs": [[0.8872762774485694, 0.4551776456448562, 0.0745259577745565], [0.43934249300517114, -0.8832427336961906, 0.16389157151263523]]}, "753": {"path": [17, 3, 2], "s": [2.5074138827892707, 0.9970432153861156], "s_vecs": [[0.8917106002139306, 0.45089698301797293, 0.03929524362313289], [-0.44338670876145025, 0.8876826510787529, -0.12420844362395769]]}, "754": {"path": [17, 3, 2], "s": [2.5069693151718107, 0.9972200237435562], "s_vecs": [[-0.8896565896652777, -0.45308422026718087, -0.056796494698425376], [0.4385672235073927, -0.8824664026159424, 0.1700348161968423]]}, "755": {"path": [17, 3, 3], "s": [2.5079529004118988, 0.9968289275246796], "s_vecs": [[0.8899872754039417, 0.4521127387416699, 0.05930194842140723], [0.44346604639338016, -0.8884665854335255, 0.11817356838276757]]}, "756": {"path": [17, 3, 3], "s": [2.5085198404068967, 0.99660363842069], "s_vecs": [[-0.8920372525481751, -0.45032136480301727, -0.038473477465010744], [-0.4429273261824109, 0.8879680078889214, -0.12380711080822486]]}, "757": {"path": [18, 0, 0], "s": [2.5009074992585463, 0.999637132017551], "s_vecs": [[0.8882214595647949, 0.45263227034337206, 0.07865536607498516], [-0.4430065412698784, 0.8891990718132196, -0.11432504134531747]]}, "758": {"path": [18, 0, 0], "s": [2.500341674725272, 0.999863348785998], "s_vecs": [[-0.8849310025103462, -0.4560252378814003, -0.0945415422512558], [0.43853766935783384, -0.8842673567329453, 0.16048661741942594]]}, "759": {"path": [18, 0, 1], "s": [2.499306299624227, 1.000277557166914], "s_vecs": [[0.8855802314718327, 0.45333502803685344, 0.10116820637493043], [0.4432989807315866, -0.889925710918385, 0.10732307640364955]]}, "760": {"path": [18, 0, 1], "s": [2.5025872556377067, 0.9989661676603372], "s_vecs": [[-0.8884536378021504, -0.45190775421589935, -0.08018425753019157], [-0.44211965929418146, 0.889579422459576, -0.11479833623395519]]}, "761": {"path": [18, 0, 2], "s": [2.494630240860535, 1.0021525270765625], "s_vecs": [[-0.882088158445265, -0.4571774699065213, -0.1136188441259314], [0.4381167986981004, -0.8847791185905935, 0.1588067442037032]]}, "762": {"path": [18, 0, 2], "s": [2.495282494922005, 1.0018905695397602], "s_vecs": [[0.8860740895680298, 0.4529755557446964, 0.09841673482681089], [-0.44239430447900574, 0.8897666283686942, -0.11226141993553823]]}, "763": {"path": [18, 0, 3], "s": [2.4971616625847366, 1.0011366254166831], "s_vecs": [[-0.8854376349413141, -0.4555624991076027, -0.09199458699493177], [-0.4376530355196948, 0.8839100151896837, -0.1648117275795934]]}, "764": {"path": [18, 0, 3], "s": [2.4926481472945725, 1.002949414546697], "s_vecs": [[0.882551125562638, 0.45750608555788796, 0.10858955956084931], [0.43913764042047365, -0.8845038899359324, 0.1575150832591675]]}, "765": {"path": [18, 1, 0], "s": [2.4851248903989376, 1.0059856587725358], "s_vecs": [[0.8798614561577114, 0.4584314630276204, 0.12523742122220127], [0.43852950139265406, -0.8847618866589239, 0.15776019879567726]]}, "766": {"path": [18, 1, 0], "s": [2.49131568413143, 1.0034858351849545], "s_vecs": [[-0.8829071305046214, -0.45652473366966895, -0.10981878915710741], [-0.4366032848231334, 0.8842526454211587, -0.16575533399360848]]}, "767": {"path": [18, 1, 1], "s": [2.481760206082957, 1.0073495391989682], "s_vecs": [[-0.8766277220811077, -0.4640177289908303, -0.1273239335752735], [0.43444111523368345, -0.8770338862101781, 0.20511577178166007]]}, "768": {"path": [18, 1, 1], "s": [2.4821356161565307, 1.0071971828320692], "s_vecs": [[0.8812290922655435, 0.4577354323482168, 0.11795575830724422], [-0.43600355265563706, 0.8835097563102766, -0.17120576093174666]]}, "769": {"path": [18, 1, 2], "s": [2.4881326042435727, 1.0047695993920047], "s_vecs": [[-0.8799245572742614, -0.46208519867588105, -0.11049906185287914], [-0.43275450585957986, 0.875491868375875, -0.21502912841275756]]}, "770": {"path": [18, 1, 2], "s": [2.480565055698036, 1.0078348859496034], "s_vecs": [[0.8765587837148188, 0.4641568711377566, 0.12729138882110627], [0.43458019331188646, -0.8769602552877429, 0.20513597009461915]]}, "771": {"path": [18, 1, 3], "s": [2.4890518128540853, 1.0043985372620106], "s_vecs": [[0.8834130012546655, 0.4568143912089979, 0.10441303174688965], [-0.43762679341395394, 0.8839475306035205, -0.16468015310339776]]}, "772": {"path": [18, 1, 3], "s": [2.488534812408258, 1.0046072040200418], "s_vecs": [[-0.878766482542788, -0.4627727167529517, -0.11666568385120032], [0.4346698429851109, -0.8770123896993128, 0.20472272935167607]]}, "773": {"path": [18, 2, 0], "s": [2.4877606660497245, 1.004919819706656], "s_vecs": [[-0.8782570381144932, -0.46580613612372257, -0.10811668951575383], [0.4324735536443598, -0.8701990215663146, 0.23605145257601817]]}, "774": {"path": [18, 2, 0], "s": [2.488078914669921, 1.0047912810400794], "s_vecs": [[0.881516058874683, 0.4610455830861693, 0.10181556002291908], [-0.43313653963620186, 0.8754804785114695, -0.2143050857476454]]}, "775": {"path": [18, 2, 1], "s": [2.492398691385733, 1.0030497964232366], "s_vecs": [[-0.8801907538399356, -0.4641937126625412, -0.09893651489340068], [-0.43140966229692773, 0.8693828018222577, -0.24095486542614555]]}, "776": {"path": [18, 2, 1], "s": [2.4865941852992415, 1.0053912354416403], "s_vecs": [[0.8782154687148963, 0.465889769424076, 0.10809400194208875], [0.43255796156041076, -0.8701542485855391, 0.23606184265831257]]}, "777": {"path": [18, 2, 2], "s": [2.491785720107654, 1.0032965434491652], "s_vecs": [[0.8830949650372137, 0.4596996156656547, 0.0939124383815666], [-0.434143012563037, 0.8764969535499472, -0.20802147740161964]]}, "778": {"path": [18, 2, 2], "s": [2.4914975145552205, 1.0034126004120443], "s_vecs": [[-0.8793816680045758, -0.46487245905361707, -0.10286631514219516], [0.43257275822954616, -0.870350563233958, 0.23530980837188864]]}, "779": {"path": [18, 2, 3], "s": [2.4886045673465955, 1.0045790451415733], "s_vecs": [[0.8802484629009097, 0.4618905346494437, 0.10871880040653939], [0.4351028206874231, -0.8770896426062035, 0.20346816523174002]]}, "780": {"path": [18, 2, 3], "s": [2.493174842249247, 1.0027375367483642], "s_vecs": [[-0.8824496637801817, -0.45998898724778503, -0.0984516252024366], [-0.4336605302683696, 0.8765926172628847, -0.20862389088395883]]}, "781": {"path": [18, 3, 0], "s": [2.497473554417887, 1.001011600534324], "s_vecs": [[-0.8845789766144956, -0.4583706712130444, -0.08611830179093488], [-0.43411279073405495, 0.8766994559415211, -0.20722970074999214]]}, "782": {"path": [18, 3, 0], "s": [2.4937392235360565, 1.0025105979024795], "s_vecs": [[0.8822923780561609, 0.46043754014985505, 0.09776211559062759], [0.4353816034759893, -0.8772276499044076, 0.2022733536525918]]}, "783": {"path": [18, 3, 1], "s": [2.499837855540865, 1.0000648619904584], "s_vecs": [[0.8875201080693511, 0.45487710319161023, 0.07344983842444003], [-0.4389288485442284, 0.8831367884853646, -0.16556231074551375]]}, "784": {"path": [18, 3, 1], "s": [2.4994863563354563, 1.0002054996872625], "s_vecs": [[-0.8841630052221775, -0.45884533959375123, -0.08784494595355376], [0.43479028408730847, -0.8769810463631982, 0.2046012052334676]]}, "785": {"path": [18, 3, 2], "s": [2.49865834578833, 1.0005369498450762], "s_vecs": [[0.885038028980973, 0.4564464056410509, 0.09145690807609608], [0.43941151443419346, -0.8839903969726812, 0.1596198579210301]]}, "786": {"path": [18, 3, 2], "s": [2.501506975777553, 0.9993975728262428], "s_vecs": [[-0.8876750306436436, -0.4543665126046261, -0.07472691747500705], [-0.438230482619093, 0.8834282879849193, -0.16585687833632776]]}, "787": {"path": [18, 3, 3], "s": [2.4949404639657367, 1.002027918544486], "s_vecs": [[-0.8817012711694524, -0.46066520299257574, -0.10193350366773898], [0.43487933010781593, -0.8772872511461927, 0.203093690747238]]}, "788": {"path": [18, 3, 3], "s": [2.495275063237675, 1.0018935534730962], "s_vecs": [[0.8855612871741209, 0.4559758294986867, 0.08869751727922898], [-0.43853978377935326, 0.8836109788937871, -0.1640563806169134]]}, "789": {"path": [19, 0, 0], "s": [2.492015090887371, 1.0032041977361303], "s_vecs": [[0.880401302889385, 0.46390228716307325, 0.09842872464653357], [0.43246065093666053, -0.8705471480299307, 0.23478809264610084]]}, "790": {"path": [19, 0, 0], "s": [2.4952885612046343, 1.001888133848972], "s_vecs": [[-0.8817830184092521, -0.46248420862317896, -0.09255844218254973], [-0.43152336165850447, 0.8702808579415829, -0.23748435031261725]]}, "791": {"path": [19, 0, 1], "s": [2.49282171987592, 1.0028795802230244], "s_vecs": [[-0.8794127968493805, -0.4660219717702101, -0.09724533184146135], [0.431423556705561, -0.8665121131583061, 0.2510587032338263]]}, "792": {"path": [19, 0, 1], "s": [2.4929437321534493, 1.002830496234448], "s_vecs": [[0.8812995271612982, 0.4631069783495521, 0.09403759901879452], [-0.43123896832726005, 0.8695335884580471, -0.24071620373234537]]}, "793": {"path": [19, 0, 2], "s": [2.494823610629171, 1.0020748518447464], "s_vecs": [[-0.8801245061540095, -0.46525274788572324, -0.09444963870732483], [-0.430906453066614, 0.8663859036623679, -0.2523788712247762]]}, "794": {"path": [19, 0, 2], "s": [2.4916350654421833, 1.0033572069497003], "s_vecs": [[0.8793920468187124, 0.4660636455240357, 0.09723325723661423], [0.4314658509487417, -0.8664896991560336, 0.2510633798895505]]}, "795": {"path": [19, 0, 3], "s": [2.4945490394558365, 1.0021851486813644], "s_vecs": [[0.8822266277538255, 0.46207019873545213, 0.09037316373068338], [-0.431536051760836, 0.8703336350166564, -0.23726778076545219]]}, "796": {"path": [19, 0, 3], "s": [2.494461432217438, 1.0022203461280368], "s_vecs": [[-0.87975529361303, -0.4657558477083098, -0.09540499822003772], [0.4314848322682965, -0.8664620385671038, 0.25112621377414834]]}, "797": {"path": [19, 1, 0], "s": [2.494613994674743, 1.0021590535997769], "s_vecs": [[-0.8798332793257236, -0.465863428556452, -0.09415235804041715], [0.4310672423159544, -0.8656063007863323, 0.25476806048074396]]}, "798": {"path": [19, 1, 0], "s": [2.494602936784176, 1.0021634958959769], "s_vecs": [[0.8805093676687098, 0.4647451743713681, 0.09335510883811071], [-0.43062102843061034, 0.8665432005741187, -0.2523260022513065]]}, "799": {"path": [19, 1, 1], "s": [2.49426242189591, 1.0023003105261659], "s_vecs": [[-0.8799586105074643, -0.46565082345662684, -0.09403273051410753], [-0.43087012477708786, 0.8656896988580193, -0.2548181329216759]]}, "800": {"path": [19, 1, 1], "s": [2.493154052327473, 1.0027458983796582], "s_vecs": [[0.8798192816714228, 0.46589153542518214, 0.09414408541351853], [0.4310958111674482, -0.8655911732720803, 0.2547711175689721]]}, "801": {"path": [19, 1, 2], "s": [2.4948179578890346, 1.0020771223385574], "s_vecs": [[0.8805981534020945, 0.46470142391955327, 0.09273337496263626], [-0.4307825417640263, 0.8665890306782973, -0.25189254379471826]]}, "802": {"path": [19, 1, 2], "s": [2.4947761234679033, 1.0020939259771477], "s_vecs": [[-0.8797368468622417, -0.46609608794255186, -0.09390163511637825], [0.43132273404555244, -0.8654500452939913, 0.2548664713062469]]}, "803": {"path": [19, 1, 3], "s": [2.4942455135603487, 1.0023071050577657], "s_vecs": [[0.8800993189718049, 0.46530525729391403, 0.09442566536704614], [0.43124502234879025, -0.8666146838829458, 0.2510113949163527]]}, "804": {"path": [19, 1, 3], "s": [2.496097168306751, 1.0015635736231747], "s_vecs": [[-0.8806769134626443, -0.4646369482417171, -0.09230753177576695], [-0.4308040805189979, 0.8665866066688837, -0.2518640453702959]]}, "805": {"path": [19, 2, 0], "s": [2.4995534899228877, 1.0001786359359435], "s_vecs": [[-0.8816988395230715, -0.4635744954132758, -0.08778293448043188], [-0.43019566000562914, 0.8662933486764365, -0.25390456504617503]]}, "806": {"path": [19, 2, 0], "s": [2.496123721986755, 1.0015529190236463], "s_vecs": [[0.8804935094921994, 0.46501345042407294, 0.09216111255192536], [0.431083133375509, -0.8662790560193628, 0.2524439130210012]]}, "807": {"path": [19, 2, 1], "s": [2.49947428455798, 1.0002103304063847], "s_vecs": [[0.8840694295864084, 0.46021986913782376, 0.0813567189697736], [-0.4307514443063632, 0.8699212986416545, -0.24018769201938625]]}, "808": {"path": [19, 2, 1], "s": [2.499536450966692, 1.000185454000132], "s_vecs": [[-0.8815591752567953, -0.4638556221366088, -0.08770052641129472], [0.43048178826120903, -0.8661428522887933, 0.25393304118303495]]}, "809": {"path": [19, 2, 2], "s": [2.4982749564026756, 1.0006904938917567], "s_vecs": [[0.8830993536631749, 0.46134929654406404, 0.08539530512844168], [0.43168964251895764, -0.870249368699912, 0.23729746905363067]]}, "810": {"path": [19, 2, 2], "s": [2.500847748651152, 0.9996610154890084], "s_vecs": [[-0.8846528627102538, -0.4596237700012966, -0.07832817212439187], [-0.4308267601536408, 0.870053728566446, -0.23957214392149692]]}, "811": {"path": [19, 2, 3], "s": [2.4972749848330724, 1.001091195476461], "s_vecs": [[-0.8805728883466342, -0.46493732459559517, -0.09178601476672069], [0.43108888192653316, -0.8662914093040723, 0.25239169963629227]]}, "812": {"path": [19, 2, 3], "s": [2.4973009490856315, 1.001080787205625], "s_vecs": [[0.8832797961190351, 0.4609840369005021, 0.08550157595525214], [-0.4313193460123712, 0.8704449280013153, -0.2372535543932796]]}, "813": {"path": [19, 3, 0], "s": [2.499483802600693, 1.0002065216020886], "s_vecs": [[0.8863938204900288, 0.45704869605204756, 0.07356958905834456], [-0.43446830656512103, 0.8761869753199026, -0.2086472498505464]]}, "814": {"path": [19, 3, 0], "s": [2.4992315443767064, 1.000307476762217], "s_vecs": [[-0.8831013837172221, -0.4613463336055847, -0.08539031880378645], [0.431687860583806, -0.8702506272957982, 0.23729609502865145]]}, "815": {"path": [19, 3, 1], "s": [2.4981873300752087, 1.0007255940749407], "s_vecs": [[0.8843111243389976, 0.45893027116344187, 0.08588854161148521], [0.4352362119154712, -0.8768631580399889, 0.20415788475983132]]}, "816": {"path": [19, 3, 1], "s": [2.5008486540466826, 0.999660653576413], "s_vecs": [[-0.8865726522686571, -0.4567120949096069, -0.07350506521728233], [-0.43415543005019996, 0.87635635086619, -0.20858717327395984]]}, "817": {"path": [19, 3, 2], "s": [2.495812142962486, 1.0016779536269675], "s_vecs": [[-0.8812853264309581, -0.4630585322198789, -0.09440852268652028], [0.4322846296169824, -0.8706066888959567, 0.23489144779350168]]}, "818": {"path": [19, 3, 2], "s": [2.496016555018784, 1.001595920897722], "s_vecs": [[0.8847478763982699, 0.45843759195136957, 0.08400100889025923], [-0.4345560913637103, 0.876564312608447, -0.20687196359095028]]}, "819": {"path": [19, 3, 3], "s": [2.4983447151916245, 1.0006625526086554], "s_vecs": [[-0.8832743330748664, -0.4609963041929347, -0.08549187126040463], [-0.4313330654311186, 0.8704380202339399, -0.23725395591436146]]}, "820": {"path": [19, 3, 3], "s": [2.495155772181304, 1.0019414530638544], "s_vecs": [[0.8816858036052022, 0.4626963637576167, 0.0924241239424427], [0.4323282120257853, -0.8706728774137239, 0.23456567869723427]]}, "821": {"path": [20, 0, 0], "s": [2.5022562595790463, 0.9990983099471091], "s_vecs": [[-0.8850193483722737, -0.45947468375496103, -0.07499178618351836], [0.4305321431963116, -0.8690486114283935, 0.24371414536126487]]}, "822": {"path": [20, 0, 0], "s": [2.502454711479503, 0.9990190785598467], "s_vecs": [[0.888336473430093, 0.4550847500420635, 0.0612876843496134], [-0.4337394781083864, 0.8754070312166223, -0.21338367985102283]]}, "823": {"path": [20, 0, 1], "s": [2.504239017434352, 0.9983072632425083], "s_vecs": [[-0.8871409652304256, -0.45699124141995545, -0.06434215628556968], [-0.42937115414410104, 0.8684303621587255, -0.24792966355365242]]}, "824": {"path": [20, 0, 1], "s": [2.500974488195926, 0.9996103566027856], "s_vecs": [[0.8844802918215994, 0.4600540020924917, 0.07774913850236614], [0.4304519801256854, -0.8688810857506859, 0.24445194135164053]]}, "825": {"path": [20, 0, 2], "s": [2.5040346180342974, 0.9983887530926135], "s_vecs": [[0.8898736002733708, 0.4533584642677344, 0.0509026366047009], [-0.43271210770117075, 0.8741194915173978, -0.2206248997692149]]}, "826": {"path": [20, 0, 2], "s": [2.5038559773770723, 0.9984599843553651], "s_vecs": [[-0.8870516848897609, -0.4571717679177846, -0.06429061325857496], [0.42955557095123903, -0.8683353403337996, 0.24794303416740696]]}, "827": {"path": [20, 0, 3], "s": [2.503613778615302, 0.9985565750411776], "s_vecs": [[0.8884514498574887, 0.4551126982845526, 0.059383946536752], [0.43370359695131816, -0.8748213146681891, 0.21584452134281634]]}, "828": {"path": [20, 0, 3], "s": [2.50455340556574, 0.9981819491029313], "s_vecs": [[-0.8904958539558786, -0.4526577958398998, -0.04602232015830868], [-0.4331187177856358, 0.8743243641639192, -0.21900932065344775]]}, "829": {"path": [20, 1, 0], "s": [2.502963415850023, 0.9988160370897732], "s_vecs": [[-0.89333337391474, -0.4488561167381343, -0.021992487737180738], [-0.43208200739334923, 0.8713418349080074, -0.23252644070316106]]}, "830": {"path": [20, 1, 0], "s": [2.5039607206694368, 0.9984182177313148], "s_vecs": [[0.890529234160106, 0.4527001846788443, 0.04494692312000369], [0.43199101077784613, -0.8724707691554348, 0.22842618846458737]]}, "831": {"path": [20, 1, 1], "s": [2.5034007071681383, 0.9986415649886167], "s_vecs": [[0.8944588019871756, 0.4471434055572374, 0.0024952784098228598], [-0.4382763176711618, 0.8778001529448284, -0.1933410480437171]]}, "832": {"path": [20, 1, 1], "s": [2.502747231598075, 0.9989023136002751], "s_vecs": [[-0.8932849885857428, -0.4489536770750501, -0.021966451879194715], [0.4321820302029319, -0.8712915715389896, 0.23252890171931312]]}, "833": {"path": [20, 1, 2], "s": [2.505996407068162, 0.9976071765102104], "s_vecs": [[0.8932585514775484, 0.44917884137288316, 0.01809775331765108], [0.43822261474928303, -0.8790358066414707, 0.187768449331831]]}, "834": {"path": [20, 1, 2], "s": [2.503311017829012, 0.9986773446026367], "s_vecs": [[-0.8948090549485328, -0.4464434470003955, 0.00223692032015696], [-0.4385941959563606, 0.8781189427301385, -0.19116028272603416]]}, "835": {"path": [20, 1, 3], "s": [2.504486865893047, 0.9982084689865414], "s_vecs": [[-0.8910992723501311, -0.45200532671246063, -0.04041375311237981], [0.4324055619177306, -0.8727254443884289, 0.22666214668451118]]}, "836": {"path": [20, 1, 3], "s": [2.5050755542816088, 0.9979738917363454], "s_vecs": [[0.8931159510210163, 0.4493512589425361, 0.02067230317559085], [-0.43836768238117785, 0.8797520032994359, -0.18403854958780788]]}, "837": {"path": [20, 2, 0], "s": [2.5071776061444853, 0.9971371768290789], "s_vecs": [[0.8942131998626036, 0.4476237785489331, -0.0039630883233468875], [-0.44371677298941103, 0.8851689863459267, -0.13996889289834313]]}, "838": {"path": [20, 2, 0], "s": [2.5066235299050525, 0.9973575888736261], "s_vecs": [[-0.893520125005303, -0.44873570560887555, -0.016064019491147455], [0.4382093703662999, -0.8792474904432941, 0.18680577687089928]]}, "839": {"path": [20, 2, 1], "s": [2.5099485917046906, 0.996036336466184], "s_vecs": [[0.8931684455244759, 0.44941395937112016, 0.01664995620908212], [0.44342965843932064, -0.8862389244516374, 0.13398024780986217]]}, "840": {"path": [20, 2, 1], "s": [2.5076658711018496, 0.9969430253088376], "s_vecs": [[-0.8944557930111983, -0.44711093859790596, 0.006375181158866122], [-0.4435837386006653, 0.8854205287334935, -0.13879464739808134]]}, "841": {"path": [20, 2, 2], "s": [2.5077957467177727, 0.9968913948721798], "s_vecs": [[-0.8916957527926566, -0.4511171393707499, -0.037040667076725556], [0.43832017998366707, -0.8810164660781796, 0.17800395028819246]]}, "842": {"path": [20, 2, 2], "s": [2.5082072269132216, 0.9967278513413259], "s_vecs": [[0.8931329617742632, 0.4494215603645294, 0.018269473770311795], [-0.4434488021732251, 0.8866071884556551, -0.13145665913102417]]}, "843": {"path": [20, 2, 3], "s": [2.50573267463054, 0.997712176287366], "s_vecs": [[-0.8933887214218188, -0.4489020671102407, -0.01853447006097894], [-0.4383497949008069, 0.8799493489555262, -0.1831354705762012]]}, "844": {"path": [20, 2, 3], "s": [2.5068720783878766, 0.9972587040052336], "s_vecs": [[0.8913322930118103, 0.4516891152226091, 0.03877739836199576], [0.4385463920989386, -0.880745905700455, 0.17878398017968292]]}, "845": {"path": [20, 3, 0], "s": [2.505704368062479, 0.9977234472928314], "s_vecs": [[0.8893634551993519, 0.45361539078545227, 0.05714649419196278], [0.4390233588384319, -0.8822006022494611, 0.17023685789190807]]}, "846": {"path": [20, 3, 0], "s": [2.506024849412427, 0.9975958540818786], "s_vecs": [[-0.8915582328487954, -0.4512181788890152, -0.039064977660482926], [-0.43847907120214535, 0.8815383602213168, -0.17500349589655662]]}, "847": {"path": [20, 3, 1], "s": [2.502802358858748, 0.9988803115640236], "s_vecs": [[-0.8864728677161039, -0.45693666074007444, -0.07331263789345795], [0.4343724970701225, -0.876198198148047, 0.20879954825425884]]}, "848": {"path": [20, 3, 1], "s": [2.5031521977769624, 0.9987407087033057], "s_vecs": [[0.8893946136951372, 0.45348883876730517, 0.057663630162859005], [-0.43892587002188255, 0.882388097012076, -0.1695149753766333]]}, "849": {"path": [20, 3, 2], "s": [2.503447190102222, 0.9986230226402024], "s_vecs": [[-0.888627250883403, -0.45473053979138184, -0.059680358313639076], [-0.43372838769900324, 0.8755280760290938, -0.21290907399361056]]}, "850": {"path": [20, 3, 2], "s": [2.5015581975766734, 0.9993771092041004], "s_vecs": [[0.8862978571271398, 0.45726717899924507, 0.0733678094392396], [0.434679997077723, -0.8760302315970621, 0.20886439013989144]]}, "851": {"path": [20, 3, 3], "s": [2.505041167072321, 0.9979875911268105], "s_vecs": [[0.8911803144694033, 0.45180183552354203, 0.04089924840108744], [-0.4387155046513046, 0.8812756423701044, -0.1757326040998395]]}, "852": {"path": [20, 3, 3], "s": [2.504544874138601, 0.9981853492881958], "s_vecs": [[-0.888727486987427, -0.4547654977940718, -0.05789469655436924], [0.43369297483118313, -0.8749573222513958, 0.21531392853400294]]}}, "edgedata": {"0-81": {"q_pre": 40, "f": 267.1551804128545}, "25-81": {"q_pre": 40, "f": 262.2345499310709}, "25-105": {"q_pre": 40, "f": 257.42830901578054}, "9-105": {"q_pre": 40, "f": 252.74025161835996}, "9-106": {"q_pre": 40, "f": 248.2132278609552}, "44-106": {"q_pre": 40, "f": 243.88872486019665}, "44-100": {"q_pre": 40, "f": 239.8072272289551}, "7-100": {"q_pre": 40, "f": 236.02042045378647}, "7-101": {"q_pre": 40, "f": 232.56879124880254}, "45-101": {"q_pre": 40, "f": 229.49080809862863}, "45-140": {"q_pre": 40, "f": 226.82519017559872}, "19-140": {"q_pre": 40, "f": 224.59363354923508}, "19-139": {"q_pre": 40, "f": 222.8246581871715}, "42-139": {"q_pre": 40, "f": 221.53528883078536}, "42-98": {"q_pre": 40, "f": 220.74040947420247}, "6-98": {"q_pre": 40, "f": 220.45601919308365}, "6-97": {"q_pre": 40, "f": 205.9978619563406}, "41-97": {"q_pre": 40, "f": 209.86353031086364}, "41-142": {"q_pre": 40, "f": 213.7787409901746}, "20-142": {"q_pre": 40, "f": 217.69241150953712}, "20-143": {"q_pre": 40, "f": 221.59983522205613}, "48-143": {"q_pre": 40, "f": 225.44332600611884}, "48-104": {"q_pre": 40, "f": 229.22197062528244}, "8-104": {"q_pre": 40, "f": 232.88812848764644}, "8-102": {"q_pre": 40, "f": 236.42774019673624}, "46-102": {"q_pre": 40, "f": 239.8167469451623}, "46-112": {"q_pre": 40, "f": 243.01583812547779}, "11-112": {"q_pre": 40, "f": 246.0381731542266}, "11-111": {"q_pre": 40, "f": 248.81534555998167}, "28-111": {"q_pre": 40, "f": 251.40720836630413}, "28-84": {"q_pre": 40, "f": 253.72861520432627}, "1-84": {"q_pre": 40, "f": 255.8735674968425}, "1-83": {"q_pre": 40, "f": 267.1551804128556}, "27-83": {"q_pre": 40, "f": 262.234549931071}, "27-114": {"q_pre": 40, "f": 257.4283090157798}, "12-114": {"q_pre": 40, "f": 252.74025161835948}, "12-115": {"q_pre": 40, "f": 248.2132278609552}, "37-115": {"q_pre": 40, "f": 243.88872486019648}, "37-93": {"q_pre": 40, "f": 239.80722722895504}, "4-93": {"q_pre": 40, "f": 236.02042045378641}, "4-94": {"q_pre": 40, "f": 232.5687912488024}, "38-94": {"q_pre": 40, "f": 229.49080809862812}, "38-136": {"q_pre": 40, "f": 226.8251901755984}, "18-136": {"q_pre": 40, "f": 224.59363354923508}, "18-137": {"q_pre": 40, "f": 222.82465818717162}, "40-137": {"q_pre": 40, "f": 221.53528883078567}, "40-96": {"q_pre": 40, "f": 220.74040947420244}, "5-96": {"q_pre": 40, "f": 220.45601919308368}, "5-95": {"q_pre": 40, "f": 205.9978619563407}, "39-95": {"q_pre": 40, "f": 209.8635303108635}, "39-122": {"q_pre": 40, "f": 213.77874099017464}, "14-122": {"q_pre": 40, "f": 217.69241150953684}, "14-121": {"q_pre": 40, "f": 221.59983522205562}, "31-121": {"q_pre": 40, "f": 225.44332600611858}, "31-87": {"q_pre": 40, "f": 229.2219706252823}, "2-87": {"q_pre": 40, "f": 232.88812848764627}, "2-85": {"q_pre": 40, "f": 236.4277401967361}, "29-85": {"q_pre": 40, "f": 239.81674694516246}, "29-109": {"q_pre": 40, "f": 243.01583812547767}, "10-109": {"q_pre": 40, "f": 246.03817315422663}, "10-108": {"q_pre": 40, "f": 248.8153455599817}, "26-108": {"q_pre": 40, "f": 251.40720836630462}, "26-82": {"q_pre": 40, "f": 253.72861520432636}, "0-82": {"q_pre": 40, "f": 255.87356749684335}, "0-226": {"f": 0.0}, "1-242": {"f": 0.0}, "2-86": {"f": 0.0}, "2-230": {"f": 0.0}, "2-262": {"f": 0.0}, "3-88": {"f": 0.0}, "3-89": {"f": 0.0}, "3-90": {"f": 0.0}, "3-91": {"f": 0.0}, "3-234": {"f": 0.0}, "3-250": {"f": 0.0}, "3-258": {"f": 0.0}, "3-274": {"f": 0.0}, "4-92": {"f": 0.0}, "4-254": {"f": 0.0}, "4-270": {"f": 0.0}, "5-266": {"f": 0.0}, "6-282": {"f": 0.0}, "7-99": {"f": 0.0}, "7-238": {"f": 0.0}, "7-286": {"f": 0.0}, "8-103": {"f": 0.0}, "8-246": {"f": 0.0}, "8-278": {"f": 0.0}, "9-107": {"f": 0.0}, "9-225": {"f": 0.0}, "9-239": {"f": 0.0}, "10-110": {"f": 0.0}, "10-227": {"f": 0.0}, "10-229": {"f": 0.0}, "11-113": {"f": 0.0}, "11-243": {"f": 0.0}, "11-245": {"f": 0.0}, "12-116": {"f": 0.0}, "12-241": {"f": 0.0}, "12-255": {"f": 0.0}, "13-117": {"f": 0.0}, "13-119": {"f": 0.0}, "13-118": {"f": 0.0}, "13-120": {"f": 0.0}, "13-231": {"f": 0.0}, "13-233": {"f": 0.0}, "13-259": {"f": 0.0}, "13-261": {"f": 0.0}, "14-123": {"f": 0.0}, "14-263": {"f": 0.0}, "14-265": {"f": 0.0}, "15-124": {"f": 0.0}, "15-126": {"f": 0.0}, "15-125": {"f": 0.0}, "15-127": {"f": 0.0}, "15-235": {"f": 0.0}, "15-237": {"f": 0.0}, "15-273": {"f": 0.0}, "15-287": {"f": 0.0}, "16-129": {"f": 0.0}, "16-130": {"f": 0.0}, "16-128": {"f": 0.0}, "16-131": {"f": 0.0}, "16-247": {"f": 0.0}, "16-249": {"f": 0.0}, "16-275": {"f": 0.0}, "16-277": {"f": 0.0}, "17-132": {"f": 0.0}, "17-134": {"f": 0.0}, "17-133": {"f": 0.0}, "17-135": {"f": 0.0}, "17-251": {"f": 0.0}, "17-253": {"f": 0.0}, "17-257": {"f": 0.0}, "17-271": {"f": 0.0}, "18-138": {"f": 0.0}, "18-267": {"f": 0.0}, "18-269": {"f": 0.0}, "19-141": {"f": 0.0}, "19-283": {"f": 0.0}, "19-285": {"f": 0.0}, "20-144": {"f": 0.0}, "20-279": {"f": 0.0}, "20-281": {"f": 0.0}, "21-146": {"f": 0.0}, "21-145": {"f": 0.0}, "21-147": {"f": 0.0}, "21-148": {"f": 0.0}, "21-228": {"f": 0.0}, "21-232": {"f": 0.0}, "21-236": {"f": 0.0}, "21-240": {"f": 0.0}, "22-149": {"f": 0.0}, "22-150": {"f": 0.0}, "22-151": {"f": 0.0}, "22-152": {"f": 0.0}, "22-244": {"f": 0.0}, "22-248": {"f": 0.0}, "22-252": {"f": 0.0}, "22-256": {"f": 0.0}, "23-153": {"f": 0.0}, "23-155": {"f": 0.0}, "23-154": {"f": 0.0}, "23-156": {"f": 0.0}, "23-260": {"f": 0.0}, "23-264": {"f": 0.0}, "23-268": {"f": 0.0}, "23-272": {"f": 0.0}, "24-158": {"f": 0.0}, "24-157": {"f": 0.0}, "24-160": {"f": 0.0}, "24-159": {"f": 0.0}, "24-276": {"f": 0.0}, "24-280": {"f": 0.0}, "24-284": {"f": 0.0}, "24-288": {"f": 0.0}, "25-161": {"f": 0.0}, "25-225": {"f": 0.0}, "25-226": {"f": 0.0}, "26-162": {"f": 0.0}, "26-226": {"f": 0.0}, "26-227": {"f": 0.0}, "27-163": {"f": 0.0}, "27-241": {"f": 0.0}, "27-242": {"f": 0.0}, "28-164": {"f": 0.0}, "28-242": {"f": 0.0}, "28-243": {"f": 0.0}, "29-165": {"f": 0.0}, "29-229": {"f": 0.0}, "29-230": {"f": 0.0}, "30-86": {"f": 0.0}, "30-166": {"f": 0.0}, "30-117": {"f": 0.0}, "30-167": {"f": 0.0}, "30-230": {"f": 0.0}, "30-231": {"f": 0.0}, "30-261": {"f": 0.0}, "30-262": {"f": 0.0}, "31-168": {"f": 0.0}, "31-262": {"f": 0.0}, "31-263": {"f": 0.0}, "32-118": {"f": 0.0}, "32-169": {"f": 0.0}, "32-88": {"f": 0.0}, "32-170": {"f": 0.0}, "32-233": {"f": 0.0}, "32-234": {"f": 0.0}, "32-258": {"f": 0.0}, "32-259": {"f": 0.0}, "33-89": {"f": 0.0}, "33-171": {"f": 0.0}, "33-124": {"f": 0.0}, "33-172": {"f": 0.0}, "33-234": {"f": 0.0}, "33-235": {"f": 0.0}, "33-273": {"f": 0.0}, "33-274": {"f": 0.0}, "34-128": {"f": 0.0}, "34-173": {"f": 0.0}, "34-90": {"f": 0.0}, "34-174": {"f": 0.0}, "34-249": {"f": 0.0}, "34-250": {"f": 0.0}, "34-274": {"f": 0.0}, "34-275": {"f": 0.0}, "35-91": {"f": 0.0}, "35-175": {"f": 0.0}, "35-132": {"f": 0.0}, "35-176": {"f": 0.0}, "35-250": {"f": 0.0}, "35-251": {"f": 0.0}, "35-257": {"f": 0.0}, "35-258": {"f": 0.0}, "36-133": {"f": 0.0}, "36-177": {"f": 0.0}, "36-92": {"f": 0.0}, "36-178": {"f": 0.0}, "36-253": {"f": 0.0}, "36-254": {"f": 0.0}, "36-270": {"f": 0.0}, "36-271": {"f": 0.0}, "37-179": {"f": 0.0}, "37-254": {"f": 0.0}, "37-255": {"f": 0.0}, "38-180": {"f": 0.0}, "38-269": {"f": 0.0}, "38-270": {"f": 0.0}, "39-181": {"f": 0.0}, "39-265": {"f": 0.0}, "39-266": {"f": 0.0}, "40-182": {"f": 0.0}, "40-266": {"f": 0.0}, "40-267": {"f": 0.0}, "41-183": {"f": 0.0}, "41-281": {"f": 0.0}, "41-282": {"f": 0.0}, "42-184": {"f": 0.0}, "42-282": {"f": 0.0}, "42-283": {"f": 0.0}, "43-125": {"f": 0.0}, "43-185": {"f": 0.0}, "43-99": {"f": 0.0}, "43-186": {"f": 0.0}, "43-237": {"f": 0.0}, "43-238": {"f": 0.0}, "43-286": {"f": 0.0}, "43-287": {"f": 0.0}, "44-187": {"f": 0.0}, "44-238": {"f": 0.0}, "44-239": {"f": 0.0}, "45-188": {"f": 0.0}, "45-285": {"f": 0.0}, "45-286": {"f": 0.0}, "46-189": {"f": 0.0}, "46-245": {"f": 0.0}, "46-246": {"f": 0.0}, "47-103": {"f": 0.0}, "47-190": {"f": 0.0}, "47-129": {"f": 0.0}, "47-191": {"f": 0.0}, "47-246": {"f": 0.0}, "47-247": {"f": 0.0}, "47-277": {"f": 0.0}, "47-278": {"f": 0.0}, "48-192": {"f": 0.0}, "48-278": {"f": 0.0}, "48-279": {"f": 0.0}, "49-193": {"f": 0.0}, "49-107": {"f": 0.0}, "49-145": {"f": 0.0}, "49-194": {"f": 0.0}, "49-225": {"f": 0.0}, "49-228": {"f": 0.0}, "49-239": {"f": 0.0}, "49-240": {"f": 0.0}, "50-110": {"f": 0.0}, "50-195": {"f": 0.0}, "50-146": {"f": 0.0}, "50-196": {"f": 0.0}, "50-227": {"f": 0.0}, "50-228": {"f": 0.0}, "50-229": {"f": 0.0}, "50-232": {"f": 0.0}, "51-113": {"f": 0.0}, "51-197": {"f": 0.0}, "51-149": {"f": 0.0}, "51-198": {"f": 0.0}, "51-243": {"f": 0.0}, "51-244": {"f": 0.0}, "51-245": {"f": 0.0}, "51-248": {"f": 0.0}, "52-199": {"f": 0.0}, "52-116": {"f": 0.0}, "52-150": {"f": 0.0}, "52-200": {"f": 0.0}, "52-241": {"f": 0.0}, "52-244": {"f": 0.0}, "52-255": {"f": 0.0}, "52-256": {"f": 0.0}, "53-119": {"f": 0.0}, "53-201": {"f": 0.0}, "53-147": {"f": 0.0}, "53-202": {"f": 0.0}, "53-231": {"f": 0.0}, "53-232": {"f": 0.0}, "53-233": {"f": 0.0}, "53-236": {"f": 0.0}, "54-120": {"f": 0.0}, "54-203": {"f": 0.0}, "54-153": {"f": 0.0}, "54-204": {"f": 0.0}, "54-259": {"f": 0.0}, "54-260": {"f": 0.0}, "54-261": {"f": 0.0}, "54-264": {"f": 0.0}, "55-123": {"f": 0.0}, "55-205": {"f": 0.0}, "55-154": {"f": 0.0}, "55-206": {"f": 0.0}, "55-263": {"f": 0.0}, "55-264": {"f": 0.0}, "55-265": {"f": 0.0}, "55-268": {"f": 0.0}, "56-126": {"f": 0.0}, "56-207": {"f": 0.0}, "56-148": {"f": 0.0}, "56-208": {"f": 0.0}, "56-235": {"f": 0.0}, "56-236": {"f": 0.0}, "56-237": {"f": 0.0}, "56-240": {"f": 0.0}, "57-209": {"f": 0.0}, "57-127": {"f": 0.0}, "57-157": {"f": 0.0}, "57-210": {"f": 0.0}, "57-273": {"f": 0.0}, "57-276": {"f": 0.0}, "57-287": {"f": 0.0}, "57-288": {"f": 0.0}, "58-130": {"f": 0.0}, "58-211": {"f": 0.0}, "58-151": {"f": 0.0}, "58-212": {"f": 0.0}, "58-247": {"f": 0.0}, "58-248": {"f": 0.0}, "58-249": {"f": 0.0}, "58-252": {"f": 0.0}, "59-131": {"f": 0.0}, "59-213": {"f": 0.0}, "59-158": {"f": 0.0}, "59-214": {"f": 0.0}, "59-275": {"f": 0.0}, "59-276": {"f": 0.0}, "59-277": {"f": 0.0}, "59-280": {"f": 0.0}, "60-134": {"f": 0.0}, "60-215": {"f": 0.0}, "60-152": {"f": 0.0}, "60-216": {"f": 0.0}, "60-251": {"f": 0.0}, "60-252": {"f": 0.0}, "60-253": {"f": 0.0}, "60-256": {"f": 0.0}, "61-217": {"f": 0.0}, "61-135": {"f": 0.0}, "61-155": {"f": 0.0}, "61-218": {"f": 0.0}, "61-257": {"f": 0.0}, "61-260": {"f": 0.0}, "61-271": {"f": 0.0}, "61-272": {"f": 0.0}, "62-138": {"f": 0.0}, "62-219": {"f": 0.0}, "62-156": {"f": 0.0}, "62-220": {"f": 0.0}, "62-267": {"f": 0.0}, "62-268": {"f": 0.0}, "62-269": {"f": 0.0}, "62-272": {"f": 0.0}, "63-141": {"f": 0.0}, "63-221": {"f": 0.0}, "63-159": {"f": 0.0}, "63-222": {"f": 0.0}, "63-283": {"f": 0.0}, "63-284": {"f": 0.0}, "63-285": {"f": 0.0}, "63-288": {"f": 0.0}, "64-144": {"f": 0.0}, "64-223": {"f": 0.0}, "64-160": {"f": 0.0}, "64-224": {"f": 0.0}, "64-279": {"f": 0.0}, "64-280": {"f": 0.0}, "64-281": {"f": 0.0}, "64-284": {"f": 0.0}, "65-161": {"f": 0.0}, "65-193": {"f": 0.0}, "65-162": {"f": 0.0}, "65-195": {"f": 0.0}, "65-225": {"f": 0.0}, "65-226": {"f": 0.0}, "65-227": {"f": 0.0}, "65-228": {"f": 0.0}, "66-165": {"f": 0.0}, "66-196": {"f": 0.0}, "66-166": {"f": 0.0}, "66-201": {"f": 0.0}, "66-229": {"f": 0.0}, "66-230": {"f": 0.0}, "66-231": {"f": 0.0}, "66-232": {"f": 0.0}, "67-169": {"f": 0.0}, "67-202": {"f": 0.0}, "67-171": {"f": 0.0}, "67-207": {"f": 0.0}, "67-233": {"f": 0.0}, "67-234": {"f": 0.0}, "67-235": {"f": 0.0}, "67-236": {"f": 0.0}, "68-185": {"f": 0.0}, "68-208": {"f": 0.0}, "68-187": {"f": 0.0}, "68-194": {"f": 0.0}, "68-237": {"f": 0.0}, "68-238": {"f": 0.0}, "68-239": {"f": 0.0}, "68-240": {"f": 0.0}, "69-163": {"f": 0.0}, "69-199": {"f": 0.0}, "69-164": {"f": 0.0}, "69-197": {"f": 0.0}, "69-241": {"f": 0.0}, "69-242": {"f": 0.0}, "69-243": {"f": 0.0}, "69-244": {"f": 0.0}, "70-189": {"f": 0.0}, "70-198": {"f": 0.0}, "70-190": {"f": 0.0}, "70-211": {"f": 0.0}, "70-245": {"f": 0.0}, "70-246": {"f": 0.0}, "70-247": {"f": 0.0}, "70-248": {"f": 0.0}, "71-173": {"f": 0.0}, "71-212": {"f": 0.0}, "71-175": {"f": 0.0}, "71-215": {"f": 0.0}, "71-249": {"f": 0.0}, "71-250": {"f": 0.0}, "71-251": {"f": 0.0}, "71-252": {"f": 0.0}, "72-177": {"f": 0.0}, "72-216": {"f": 0.0}, "72-179": {"f": 0.0}, "72-200": {"f": 0.0}, "72-253": {"f": 0.0}, "72-254": {"f": 0.0}, "72-255": {"f": 0.0}, "72-256": {"f": 0.0}, "73-176": {"f": 0.0}, "73-217": {"f": 0.0}, "73-170": {"f": 0.0}, "73-203": {"f": 0.0}, "73-257": {"f": 0.0}, "73-258": {"f": 0.0}, "73-259": {"f": 0.0}, "73-260": {"f": 0.0}, "74-167": {"f": 0.0}, "74-204": {"f": 0.0}, "74-168": {"f": 0.0}, "74-205": {"f": 0.0}, "74-261": {"f": 0.0}, "74-262": {"f": 0.0}, "74-263": {"f": 0.0}, "74-264": {"f": 0.0}, "75-181": {"f": 0.0}, "75-206": {"f": 0.0}, "75-182": {"f": 0.0}, "75-219": {"f": 0.0}, "75-265": {"f": 0.0}, "75-266": {"f": 0.0}, "75-267": {"f": 0.0}, "75-268": {"f": 0.0}, "76-180": {"f": 0.0}, "76-220": {"f": 0.0}, "76-178": {"f": 0.0}, "76-218": {"f": 0.0}, "76-269": {"f": 0.0}, "76-270": {"f": 0.0}, "76-271": {"f": 0.0}, "76-272": {"f": 0.0}}, "max_vertex": 288, "max_face": 852}} \ No newline at end of file diff --git a/src/nfd_numpy/data/out_hypar_mesh_09.json b/src/nfd_numpy/data/out_hypar_mesh_09.json deleted file mode 100644 index f14c6d5d..00000000 --- a/src/nfd_numpy/data/out_hypar_mesh_09.json +++ /dev/null @@ -1 +0,0 @@ -{"compas": "1.7.1", "datatype": "compas.datastructures/Mesh", "data": {"attributes": {"name": "Mesh"}, "dva": {"x": 0.0, "y": 0.0, "z": 0.0, "rx": 0.0, "ry": 0.0, "rz": 0.0, "is_anchor": false}, "dea": {"q_pre": 0.0}, "dfa": {"s_pre": [-1.0, -1.0, 0.0], "px": 0.0, "py": 0.0, "pz": -0.05}, "vertex": {"0": {"z": 0.0, "y": -46.98355913741212, "x": -44.487094537112114, "is_anchor": true, "r": [-131.0090747972429, -131.00907479724282, -65.89713605047118]}, "1": {"z": 0.0, "y": 43.016440862587885, "x": 45.512905462887865, "is_anchor": true, "r": [131.00907479724248, 131.00907479724242, -65.89713605047116]}, "2": {"z": 7.864150558017319, "y": -43.5698657578111, "x": 0.5092423311436793, "r": [0.0029864089083018533, -0.14537928573712833, -0.14326424569768315]}, "3": {"z": 32.10102482132103, "y": -1.983559137412121, "x": 0.5129054628878952, "r": [-1.7763568394002505e-15, -3.469446951953614e-15, -0.6662060577324249]}, "4": {"z": 7.864150558017319, "y": -1.9798960056679367, "x": 42.09921208328679, "r": [0.1453792857370475, -0.002986408908332537, -0.14326424569773133]}, "5": {"z": 0.0, "y": -46.98355913741212, "x": 45.512905462887865, "is_anchor": true, "r": [131.01435613966044, -131.01435613966024, -65.83967890046895]}, "6": {"z": 0.0, "y": 43.016440862587885, "x": -44.487094537112114, "is_anchor": true, "r": [-131.01435613966044, 131.01435613966024, -65.83967890046894]}, "7": {"z": 7.864150558017314, "y": -1.9872222691563095, "x": -41.07340115751101, "r": [-0.14537928573692405, 0.002986408908314468, -0.1432642456977129]}, "8": {"z": 7.864150558017314, "y": 39.60274748298681, "x": 0.5165685946320921, "r": [-0.0029864089083331755, 0.1453792857369054, -0.143264245697738]}, "9": {"z": 5.731959828793848, "y": -25.103969739878337, "x": -41.68291414138212, "r": [-0.09672918919177009, -0.7257240610344999, -0.2959684664234534]}, "10": {"z": 5.73195982879385, "y": -44.1793787416822, "x": -22.607505139578336, "r": [-0.7257240610346471, -0.09672918919204188, -0.29596846642336994]}, "11": {"z": 5.731959828793846, "y": 40.21226046685793, "x": 23.63331606535411, "r": [0.7257240610347797, 0.0967291891923967, -0.2959684664233575]}, "12": {"z": 5.731959828793851, "y": 21.136851465054086, "x": 42.70872506715791, "r": [0.09672918919222617, 0.7257240610346691, -0.29596846642340435]}, "13": {"z": 26.626738959396906, "y": -25.951344493296716, "x": 1.8081092521022364, "r": [0.01757984151920669, 0.883034835572512, -0.18825933960375263]}, "14": {"z": 5.728718401285502, "y": -44.1761330168039, "x": 23.627035625376216, "r": [0.7119769351865178, -0.11446007882449694, -0.32072464876954165]}, "15": {"z": 26.626738959396896, "y": -0.6883553481977704, "x": -23.454879892996697, "r": [0.8830348355725395, 0.017579841519209605, -0.18825933960376062]}, "16": {"z": 26.6267389593969, "y": 21.984226218472475, "x": -0.7822983263264673, "r": [-0.017579841519210465, -0.8830348355725413, -0.18825933960376418]}, "17": {"z": 26.6267389593969, "y": -3.2787629266264875, "x": 24.480690818772487, "r": [-0.8830348355725137, -0.017579841519221567, -0.1882593396037251]}, "18": {"z": 5.728718401285506, "y": -25.097689299900487, "x": 42.70547934227963, "r": [0.11446007882477938, -0.7119769351865037, -0.32072464876950324]}, "19": {"z": 5.728718401285501, "y": 21.13057102507624, "x": -41.67966841650387, "r": [-0.11446007882470788, 0.7119769351864637, -0.32072464876947304]}, "20": {"z": 5.728718401285501, "y": 40.209014741979644, "x": -22.601224699600465, "r": [-0.7119769351864705, 0.11446007882457421, -0.32072464876947726]}, "21": {"z": 21.290797523187905, "y": -25.98554867641447, "x": -23.489084076114445, "r": [0.6469178004476426, 0.6469178004476399, -0.020653259118110334]}, "22": {"z": 21.29079752318789, "y": 22.018430401590212, "x": 24.514895001890224, "r": [-0.646917800447659, -0.6469178004476439, -0.020653259118149414]}, "23": {"z": 20.646759484314476, "y": -26.747975100827592, "x": 25.27732142630334, "r": [-0.5703260727472466, 0.5703260727472608, -0.034388801551771486]}, "24": {"z": 20.646759484314465, "y": 22.78085682600333, "x": -24.25151050052758, "r": [0.5703260727472701, -0.5703260727472821, -0.03438880155179991]}, "25": {"x": -42.670980794469365, "y": -36.25099830716949, "z": 3.2011036669536663, "r": [-0.0062915219698038705, -0.7249505316498134, -0.3532529889002407]}, "26": {"x": -33.75453370686949, "y": -45.16744539476941, "z": 3.2011036669536677, "r": [-0.7249505316497384, -0.006291521969686409, -0.3532529889002518]}, "27": {"x": 43.69679172024514, "y": 32.283880032345245, "z": 3.201103666953668, "r": [0.006291521969685965, 0.7249505316497082, -0.35325298890025514]}, "28": {"x": 34.780344632645246, "y": 41.20032711994515, "z": 3.201103666953664, "r": [0.7249505316498449, 0.006291521969818525, -0.35325298890019674]}, "29": {"x": -11.134685095900675, "y": -43.70949006092445, "z": 7.325278717804048, "r": [-0.40759403862938715, -0.12273976623966965, -0.17272830352085533]}, "30": {"x": 1.5989726448326975, "y": -37.006841727126336, "z": 18.74224611389498, "r": [0.005304160820669174, 0.8386974584169407, 0.7123968866750823]}, "31": {"x": 12.153101154926796, "y": -43.70575860241518, "z": 7.32150463337705, "r": [0.4042979545369638, -0.14033140896622331, -0.20163329077207304]}, "32": {"x": 1.3632934218500883, "y": -13.506099892397229, "z": 30.896964816626216, "r": [0.010030345816142122, 0.4682586467476111, -0.5847650486031348]}, "33": {"x": -11.009635292097219, "y": -1.1331711784499277, "z": 30.89696481662622, "r": [0.46825864674760576, 0.010030345816136405, -0.5847650486031135]}, "34": {"x": -0.33748249607430514, "y": 9.53898161757299, "z": 30.896964816626213, "r": [-0.010030345816140485, -0.4682586467476202, -0.5847650486031544]}, "35": {"x": 12.035446217873004, "y": -2.8339470963743207, "z": 30.896964816626227, "r": [-0.46825864674760753, -0.010030345816150477, -0.5847650486031224]}, "36": {"x": 35.53618805260209, "y": -3.069626319356957, "z": 18.742246113894954, "r": [-0.8386974584168829, -0.0053041608206634006, 0.7123968866751058]}, "37": {"x": 42.238836386400145, "y": 9.664031421376421, "z": 7.325278717804049, "r": [0.1227397662396097, 0.40759403862935667, -0.17272830352088908]}, "38": {"x": 42.23510492789088, "y": -13.62375482945106, "z": 7.321504633377051, "r": [0.14033140896605723, -0.4042979545369615, -0.201633290772115]}, "39": {"x": 34.777798188585535, "y": -45.16686401469388, "z": 3.2010448964628737, "r": [0.7246436272929593, -0.008109388049025057, -0.3623913869018234]}, "40": {"x": 43.696210340169614, "y": -36.24845186310981, "z": 3.2010448964628755, "r": [0.008109388048930244, -0.7246436272932537, -0.36239138690179695]}, "41": {"x": -33.751987262809784, "y": 41.199745739869634, "z": 3.201044896462873, "r": [-0.7246436272932149, 0.008109388048911814, -0.36239138690183803]}, "42": {"x": -42.67039941439387, "y": 32.281333588285555, "z": 3.201044896462873, "r": [-0.0081093880487626, 0.7246436272932095, -0.3623913869018782]}, "43": {"x": -34.5103771268263, "y": -0.8974919554673065, "z": 18.742246113894968, "r": [0.8386974584169193, 0.005304160820660875, 0.7123968866751098]}, "44": {"x": -41.21302546062436, "y": -13.631149696200671, "z": 7.325278717804043, "r": [-0.12273976623974203, -0.4075940386294037, -0.17272830352085555]}, "45": {"x": -41.209294002115115, "y": 9.656636554626814, "z": 7.321504633377046, "r": [-0.14033140896628282, 0.4042979545369023, -0.20163329077211123]}, "46": {"x": 12.16049602167645, "y": 39.74237178610017, "z": 7.325278717804044, "r": [0.4075940386293617, 0.12273976623964433, -0.17272830352087287]}, "47": {"x": -0.5731617190569231, "y": 33.03972345230208, "z": 18.742246113894947, "r": [-0.005304160820665468, -0.8386974584169105, 0.7123968866750934]}, "48": {"x": -11.127290229151033, "y": 39.73864032759089, "z": 7.321504633377046, "r": [-0.40429795453688316, 0.1403314089660448, -0.20163329077215697]}, "49": {"x": -34.37202465896556, "y": -25.890729086194646, "z": 14.26921081454596, "r": [0.8082404090381328, 0.3113225791600751, 0.3872418255270915]}, "50": {"x": -23.394264485894624, "y": -36.86848925926561, "z": 14.269210814545971, "r": [0.3113225791600336, 0.8082404090381115, 0.3872418255271084]}, "51": {"x": 24.420075411670396, "y": 32.901370984441336, "z": 14.269210814545948, "r": [-0.31132257916004713, -0.8082404090381257, 0.38724182552711195]}, "52": {"x": 35.39783558474134, "y": 21.923610811370395, "z": 14.269210814545954, "r": [-0.8082404090381505, -0.31132257916005246, 0.38724182552709596]}, "53": {"x": -10.764863084567741, "y": -25.94101893701636, "z": 25.51643399493031, "r": [0.3361958402630494, 0.8481859909380169, -0.1653570734166765]}, "54": {"x": 13.734927170464799, "y": -26.4663567481771, "z": 24.878443554447017, "r": [-0.27830919415437005, 0.765471906649895, -0.16118542403650338]}, "55": {"x": 24.94995989215147, "y": -36.91417879175112, "z": 14.102515290588542, "r": [-0.25367635468545746, 0.8045342391568058, 0.3693573470519991]}, "56": {"x": -23.444554336716326, "y": -13.261327684867762, "z": 25.516433994930296, "r": [0.8481859909380187, 0.3361958402630596, -0.16535707341666495]}, "57": {"x": -23.969892147877093, "y": 11.2384625701648, "z": 24.878443554447003, "r": [0.7654719066498572, -0.27830919415435496, -0.16118542403644653]}, "58": {"x": 11.790674010343515, "y": 21.9739006621921, "z": 25.516433994930303, "r": [-0.33619584026305116, -0.8481859909380267, -0.16535707341667205]}, "59": {"x": -12.709116244689033, "y": 22.499238473352868, "z": 24.878443554446996, "r": [0.2783091941543723, -0.7654719066498674, -0.1611854240364572]}, "60": {"x": 24.470365262492113, "y": 9.294209410043502, "z": 25.516433994930292, "r": [-0.8481859909380058, -0.33619584026304294, -0.16535707341666672]}, "61": {"x": 24.99570307365286, "y": -15.205580844989054, "z": 24.878443554447006, "r": [-0.7654719066498794, 0.27830919415437183, -0.16118542403646252]}, "62": {"x": 35.443525117226876, "y": -26.420613566675726, "z": 14.102515290588546, "r": [-0.8045342391568342, 0.2536763546854621, 0.3693573470519729]}, "63": {"x": -34.41771419145111, "y": 22.45349529185145, "z": 14.102515290588528, "r": [0.8045342391567898, -0.2536763546854284, 0.36935734705201817]}, "64": {"x": -23.92414896637569, "y": 32.947060516926854, "z": 14.102515290588535, "r": [0.2536763546854517, -0.8045342391568324, 0.3693573470519569]}, "65": {"x": -34.21174921164989, "y": -36.70821381194992, "z": 9.090332745013392, "r": [0.6921975344487064, 0.6921975344487268, 0.24537562007052394]}, "66": {"x": -10.806359615268773, "y": -36.92409541692626, "z": 17.777187672835307, "r": [0.0833404327744226, 0.8363384162317722, 0.6069613689113655]}, "67": {"x": -10.791119031053045, "y": -13.287583631353057, "z": 29.80260011386983, "r": [0.45375749357444883, 0.4537574935744362, -0.5241911080929773]}, "68": {"x": -34.42763081662621, "y": -13.302824215568782, "z": 17.777187672835293, "r": [0.8363384162317464, 0.0833404327744226, 0.6069613689113584]}, "69": {"x": 35.23756013742565, "y": 32.74109553712565, "z": 9.090332745013376, "r": [-0.692197534448705, -0.6921975344486921, 0.2453756200705266]}, "70": {"x": 11.832170541044531, "y": 32.956977142101984, "z": 17.777187672835282, "r": [-0.08334043277442427, -0.83633841623171, 0.6069613689113762]}, "71": {"x": 11.816929956828826, "y": 9.320465356528803, "z": 29.802600113869836, "r": [-0.4537574935744473, -0.4537574935744424, -0.5241911080930102]}, "72": {"x": 35.453441742402, "y": 9.335705940744523, "z": 17.777187672835293, "r": [-0.8363384162317722, -0.08334043277443581, 0.6069613689113416]}, "73": {"x": 13.05916201694239, "y": -14.529815691466624, "z": 29.278010553340707, "r": [-0.40445715977769736, 0.404457159777702, -0.4886355640999138]}, "74": {"x": 13.505000603337777, "y": -37.06654371805769, "z": 17.40068083311495, "r": [-0.05334931775555718, 0.8085436074773371, 0.5941389338503091]}, "75": {"x": 35.212540059419645, "y": -36.68319373394389, "z": 9.154157463900399, "r": [-0.6849579147752913, 0.6849579147753158, 0.21863608940751922]}, "76": {"x": 35.595890043533444, "y": -14.975654277862038, "z": 17.400680833114944, "r": [-0.8085436074773362, 0.05334931775556795, 0.5941389338503233]}, "77": {"x": -12.033351091166622, "y": 10.562697416642385, "z": 29.278010553340696, "r": [0.40445715977767094, -0.4044571597776785, -0.4886355640998339]}, "78": {"x": -12.479189677562, "y": 33.099425443233415, "z": 17.400680833114937, "r": [0.05334931775556673, -0.8085436074773282, 0.5941389338503331]}, "79": {"x": -34.18672913364389, "y": 32.71607545911962, "z": 9.15415746390039, "r": [0.6849579147753184, -0.6849579147753189, 0.21863608940750723]}, "80": {"x": -34.57007911775765, "y": 11.00853600303777, "z": 17.400680833114944, "r": [0.8085436074773087, -0.05334931775555618, 0.594138933850338]}}, "face": {"21": [49, 9, 25, 65], "22": [25, 0, 26, 65], "23": [26, 10, 50, 65], "24": [50, 21, 49, 65], "25": [50, 10, 29, 66], "26": [29, 2, 30, 66], "27": [30, 13, 53, 66], "28": [53, 21, 50, 66], "29": [53, 13, 32, 67], "30": [32, 3, 33, 67], "31": [33, 15, 56, 67], "32": [56, 21, 53, 67], "33": [56, 15, 43, 68], "34": [43, 7, 44, 68], "35": [44, 9, 49, 68], "36": [49, 21, 56, 68], "37": [52, 12, 27, 69], "38": [27, 1, 28, 69], "39": [28, 11, 51, 69], "40": [51, 22, 52, 69], "41": [51, 11, 46, 70], "42": [46, 8, 47, 70], "43": [47, 16, 58, 70], "44": [58, 22, 51, 70], "45": [58, 16, 34, 71], "46": [34, 3, 35, 71], "47": [35, 17, 60, 71], "48": [60, 22, 58, 71], "49": [60, 17, 36, 72], "50": [36, 4, 37, 72], "51": [37, 12, 52, 72], "52": [52, 22, 60, 72], "53": [61, 17, 35, 73], "54": [35, 3, 32, 73], "55": [32, 13, 54, 73], "56": [54, 23, 61, 73], "57": [54, 13, 30, 74], "58": [30, 2, 31, 74], "59": [31, 14, 55, 74], "60": [55, 23, 54, 74], "61": [55, 14, 39, 75], "62": [39, 5, 40, 75], "63": [40, 18, 62, 75], "64": [62, 23, 55, 75], "65": [62, 18, 38, 76], "66": [38, 4, 36, 76], "67": [36, 17, 61, 76], "68": [61, 23, 62, 76], "69": [57, 15, 33, 77], "70": [33, 3, 34, 77], "71": [34, 16, 59, 77], "72": [59, 24, 57, 77], "73": [59, 16, 47, 78], "74": [47, 8, 48, 78], "75": [48, 20, 64, 78], "76": [64, 24, 59, 78], "77": [64, 20, 41, 79], "78": [41, 6, 42, 79], "79": [42, 19, 63, 79], "80": [63, 24, 64, 79], "81": [63, 19, 45, 80], "82": [45, 7, 43, 80], "83": [43, 15, 57, 80], "84": [57, 24, 63, 80]}, "facedata": {"21": {"path": [5, 0], "s": [-0.9632560512900112, -1.0429539110338282, -0.0675831280472886]}, "22": {"path": [5, 1], "s": [-0.9631776555957787, -1.0416778448891966, 0.045007081241430526]}, "23": {"path": [5, 2], "s": [-1.052834102963234, -0.9533758593606053, -0.060715780138018975]}, "24": {"path": [5, 3], "s": [-0.9788878151105594, -1.0245767344417172, 0.05340167031939846]}, "25": {"path": [6, 0], "s": [-0.9363465030745988, -1.069298053552843, 0.03105647853869443]}, "26": {"path": [6, 1], "s": [-1.0644272285100371, -0.9400537870683823, -0.015328767886079956]}, "27": {"path": [6, 2], "s": [-0.9760467682983872, -1.0249741329105668, 0.011114017710970007]}, "28": {"path": [6, 3], "s": [-1.012889146015538, -0.9892306351332042, -0.04172428087172173]}, "29": {"path": [7, 0], "s": [-1.0067121604990517, -0.9935142966689201, -0.006809072349929188]}, "30": {"path": [7, 1], "s": [-0.9999177461988961, -1.0001146271522188, -0.0012860525237363308]}, "31": {"path": [7, 2], "s": [-0.9939413811185156, -1.006285076049456, -0.007198448829789127]}, "32": {"path": [7, 3], "s": [-0.9975005351713867, -1.003371100025693, 0.025686859878336285]}, "33": {"path": [8, 0], "s": [-1.0229365395488277, -0.9780843616601261, 0.014800799803255889]}, "34": {"path": [8, 1], "s": [-0.9384136881340432, -1.066067327444376, -0.0053192931631777995]}, "35": {"path": [8, 2], "s": [-1.049949324058996, -0.9556952325684461, 0.056239804130616404]}, "36": {"path": [8, 3], "s": [-0.979503476135447, -1.0226163050132953, -0.037631962941001566]}, "37": {"path": [9, 0], "s": [-0.9632560512900122, -1.0429539110338264, -0.06758312804728737]}, "38": {"path": [9, 1], "s": [-0.9631776555957794, -1.0416778448891957, 0.04500708124142787]}, "39": {"path": [9, 2], "s": [-1.0528341029632329, -0.9533758593606064, -0.06071578013801756]}, "40": {"path": [9, 3], "s": [-0.9788878151105592, -1.0245767344417176, 0.05340167031939866]}, "41": {"path": [10, 0], "s": [-0.9363465030745995, -1.0692980535528422, 0.031056478538695264]}, "42": {"path": [10, 1], "s": [-1.0644272285100362, -0.9400537870683829, -0.015328767886080723]}, "43": {"path": [10, 2], "s": [-0.9760467682983879, -1.0249741329105664, 0.011114017710973078]}, "44": {"path": [10, 3], "s": [-1.012889146015538, -0.9892306351332043, -0.0417242808717233]}, "45": {"path": [11, 0], "s": [-1.0067121604990512, -0.9935142966689204, -0.006809072349930126]}, "46": {"path": [11, 1], "s": [-0.9999177461988964, -1.0001146271522192, -0.0012860525237353066]}, "47": {"path": [11, 2], "s": [-0.9939413811185156, -1.006285076049456, -0.0071984488297901425]}, "48": {"path": [11, 3], "s": [-0.9975005351713866, -1.0033711000256937, 0.025686859878337104]}, "49": {"path": [12, 0], "s": [-1.022936539548827, -0.978084361660127, 0.014800799803256841]}, "50": {"path": [12, 1], "s": [-0.9384136881340441, -1.0660673274443748, -0.005319293163177083]}, "51": {"path": [12, 2], "s": [-1.0499493240589943, -0.9556952325684472, 0.0562398041306158]}, "52": {"path": [12, 3], "s": [-0.9795034761354483, -1.0226163050132946, -0.03763196294100211]}, "53": {"path": [13, 0], "s": [-1.0052330172351527, -0.9951658354507026, -0.015240274252995789]}, "54": {"path": [13, 1], "s": [-0.998147736270533, -1.0019915236687398, 0.009857200071137223]}, "55": {"path": [13, 2], "s": [-0.9926740730864037, -1.0077247795994517, -0.014176466576402232]}, "56": {"path": [13, 3], "s": [-0.9946069465269496, -1.006560412436877, 0.030605039497784932]}, "57": {"path": [14, 0], "s": [-1.0190504871057526, -0.9820211464605103, 0.020845732154268496]}, "58": {"path": [14, 1], "s": [-0.94254301502275, -1.0619456691694564, -0.0235425751145111]}, "59": {"path": [14, 2], "s": [-1.0510770861800613, -0.9546388079432303, 0.05598696938890753]}, "60": {"path": [14, 3], "s": [-0.9815454049297452, -1.0207410326909931, -0.04086871369387929]}, "61": {"path": [15, 0], "s": [-0.9689367791414079, -1.0374959679872668, -0.07197382811614453]}, "62": {"path": [15, 1], "s": [-0.9628623341896669, -1.0420548016373317, 0.045218549110443006]}, "63": {"path": [15, 2], "s": [-1.0544719763402062, -0.951960770788468, -0.06109342722139699]}, "64": {"path": [15, 3], "s": [-0.9798238066398521, -1.024103516857917, 0.05778524122045716]}, "65": {"path": [16, 0], "s": [-0.939988510362899, -1.0657273837603936, 0.03881558591634241]}, "66": {"path": [16, 1], "s": [-1.065335090131245, -0.9391535940609612, -0.011749988939951585]}, "67": {"path": [16, 2], "s": [-0.9772331407672034, -1.0238384927990594, 0.01530760793860743]}, "68": {"path": [16, 3], "s": [-1.0104709283528364, -0.9918155092679016, -0.044354520542730994]}, "69": {"path": [17, 0], "s": [-1.0052330172351513, -0.9951658354507036, -0.015240274252995949]}, "70": {"path": [17, 1], "s": [-0.998147736270533, -1.0019915236687393, 0.009857200071138127]}, "71": {"path": [17, 2], "s": [-0.9926740730864042, -1.0077247795994513, -0.014176466576401411]}, "72": {"path": [17, 3], "s": [-0.994606946526951, -1.006560412436876, 0.03060503949778437]}, "73": {"path": [18, 0], "s": [-1.0190504871057529, -0.9820211464605099, 0.020845732154267445]}, "74": {"path": [18, 1], "s": [-0.9425430150227496, -1.061945669169457, -0.02354257511450832]}, "75": {"path": [18, 2], "s": [-1.051077086180062, -0.9546388079432303, 0.05598696938890531]}, "76": {"path": [18, 3], "s": [-0.9815454049297456, -1.020741032690993, -0.04086871369387855]}, "77": {"path": [19, 0], "s": [-0.9689367791414067, -1.0374959679872675, -0.07197382811614164]}, "78": {"path": [19, 1], "s": [-0.9628623341896672, -1.0420548016373317, 0.04521854911044347]}, "79": {"path": [19, 2], "s": [-1.0544719763402055, -0.9519607707884694, -0.06109342722139664]}, "80": {"path": [19, 3], "s": [-0.9798238066398507, -1.0241035168579178, 0.05778524122045632]}, "81": {"path": [20, 0], "s": [-0.9399885103628992, -1.065727383760393, 0.03881558591634063]}, "82": {"path": [20, 1], "s": [-1.0653350901312453, -0.9391535940609619, -0.01174998893995205]}, "83": {"path": [20, 2], "s": [-0.9772331407672031, -1.0238384927990596, 0.015307607938608215]}, "84": {"path": [20, 3], "s": [-1.0104709283528377, -0.9918155092679011, -0.04435452054273072]}}, "edgedata": {"0-25": {"q_pre": -10, "f": -113.46065211678386}, "9-25": {"q_pre": -10, "f": -114.73349750742912}, "9-44": {"q_pre": -10, "f": -115.92457039342133}, "7-44": {"q_pre": -10, "f": -116.57226245229637}, "7-45": {"q_pre": -10, "f": -116.57288697331614}, "19-45": {"q_pre": -10, "f": -115.93506471426988}, "19-42": {"q_pre": -10, "f": -114.76505870613792}, "6-42": {"q_pre": -10, "f": -113.48550470824811}, "6-41": {"q_pre": -10, "f": -113.48550470824811}, "20-41": {"q_pre": -10, "f": -114.76505870613795}, "20-48": {"q_pre": -10, "f": -115.93506471426994}, "8-48": {"q_pre": -10, "f": -116.57288697331616}, "8-46": {"q_pre": -10, "f": -116.57226245229631}, "11-46": {"q_pre": -10, "f": -115.92457039342125}, "11-28": {"q_pre": -10, "f": -114.73349750742898}, "1-28": {"q_pre": -10, "f": -113.4606521167837}, "1-27": {"q_pre": -10, "f": -113.46065211678392}, "12-27": {"q_pre": -10, "f": -114.73349750742919}, "12-37": {"q_pre": -10, "f": -115.9245703934213}, "4-37": {"q_pre": -10, "f": -116.57226245229634}, "4-38": {"q_pre": -10, "f": -116.57288697331614}, "18-38": {"q_pre": -10, "f": -115.9350647142699}, "18-40": {"q_pre": -10, "f": -114.76505870613795}, "5-40": {"q_pre": -10, "f": -113.48550470824799}, "5-39": {"q_pre": -10, "f": -113.48550470824811}, "14-39": {"q_pre": -10, "f": -114.76505870613792}, "14-31": {"q_pre": -10, "f": -115.93506471426983}, "2-31": {"q_pre": -10, "f": -116.57288697331607}, "2-29": {"q_pre": -10, "f": -116.5722624522963}, "10-29": {"q_pre": -10, "f": -115.92457039342128}, "10-26": {"q_pre": -10, "f": -114.7334975074291}, "0-26": {"q_pre": -10, "f": -113.46065211678373}, "2-30": {"f": 0.0}, "3-32": {"f": 0.0}, "3-33": {"f": 0.0}, "3-34": {"f": 0.0}, "3-35": {"f": 0.0}, "4-36": {"f": 0.0}, "7-43": {"f": 0.0}, "8-47": {"f": 0.0}, "9-49": {"f": 0.0}, "10-50": {"f": 0.0}, "11-51": {"f": 0.0}, "12-52": {"f": 0.0}, "13-30": {"f": 0.0}, "13-53": {"f": 0.0}, "13-32": {"f": 0.0}, "13-54": {"f": 0.0}, "14-55": {"f": 0.0}, "15-33": {"f": 0.0}, "15-56": {"f": 0.0}, "15-43": {"f": 0.0}, "15-57": {"f": 0.0}, "16-47": {"f": 0.0}, "16-58": {"f": 0.0}, "16-34": {"f": 0.0}, "16-59": {"f": 0.0}, "17-35": {"f": 0.0}, "17-60": {"f": 0.0}, "17-36": {"f": 0.0}, "17-61": {"f": 0.0}, "18-62": {"f": 0.0}, "19-63": {"f": 0.0}, "20-64": {"f": 0.0}}, "max_vertex": 80, "max_face": 84}} \ No newline at end of file From d02d4d1cc18b3978d40abc953dd5b354c5af7e6a Mon Sep 17 00:00:00 2001 From: Sam Date: Tue, 14 Sep 2021 09:40:03 +0200 Subject: [PATCH 06/19] Remove rhino output utilities from scripts --- src/nfd_numpy/scripts/_helpers.py | 85 ------------------------------ src/nfd_numpy/scripts/_set_mesh.py | 30 ----------- 2 files changed, 115 deletions(-) delete mode 100644 src/nfd_numpy/scripts/_helpers.py delete mode 100644 src/nfd_numpy/scripts/_set_mesh.py diff --git a/src/nfd_numpy/scripts/_helpers.py b/src/nfd_numpy/scripts/_helpers.py deleted file mode 100644 index 09b09eb6..00000000 --- a/src/nfd_numpy/scripts/_helpers.py +++ /dev/null @@ -1,85 +0,0 @@ -from compas.geometry import Point, Line, Vector -from compas.geometry import Frame -import compas_rhino - - -__all__ = [ - 'mesh_update', - 'mesh_update_xyz', - 'mesh_update_stresses', - 'mesh_update_forces' -] - - -def mesh_update(mesh, xyz, residuals, stresses, forces, - res_name='r', stress_name='s', force_name='f'): - """Update mesh with new coordinates, stresses, forces.""" - mesh_update_xyz(mesh, xyz) - mesh_update_residuals(mesh, residuals, res_name) - mesh_update_stresses(mesh, stresses, stress_name) - mesh_update_forces(mesh, forces, force_name) - - -def mesh_update_xyz(mesh, xyz): - """Update mesh with new vertex coordinates.""" - for vertex, coo in zip(mesh.vertices(), xyz): - mesh.vertex_attributes(vertex, 'xyz', coo) - - -def mesh_update_residuals(mesh, residuals, name='r'): - """Update mesh with new vertex coordinates.""" - for vertex, res in zip(mesh.vertices(), residuals): - mesh.vertex_attribute(vertex, name, res) - - -def mesh_update_stresses(mesh, stress_data, name='s'): - """Update mesh with face stresses.""" - stresses = stress_data.amplitudes - vecs = stress_data.vectors - if stresses is None: - return - for face, stress in zip(mesh.faces(), stresses): - mesh.face_attribute(face, name, stress) - if vecs is None: - return - for face, vec in zip(mesh.faces(), vecs): - mesh.face_attribute(face, name + '_vecs', vec) - - -def mesh_update_forces(mesh, forces, name='f'): - """Update mesh with new edge forces.""" - if forces is None: - return - for edge, force in zip(mesh.edges(), forces): - mesh.edge_attribute(edge, name, force) - - -def draw_stresses(mesh, layer, scale=1.0, stress_name='s'): - """Draw principal stresses as lines inside Rhino3D.""" - lines = [] - colors = (((255, 0, 0), (100, 0, 0)), - ((0, 100, 255), (0, 0, 100))) - for face in mesh.faces(): - center = Point(*mesh.face_center(face)) - stress, vecs = mesh.face_attributes(face, - [stress_name, stress_name + '_vecs']) - if not vecs: - return - - for i, (s, v) in enumerate(zip(stress, vecs)): - vec = Vector(*v) * (scale * s / 2) - p1 = (center - vec) - p2 = (center + vec) - lines.append({ - 'start': [p1.x, p1.y, p1.z], - 'end': [p2.x, p2.y, p2.z], - 'color': colors[s >= 0][i], - 'name': "s {}".format(round(s, 5))}) - compas_rhino.draw_lines(lines, layer=layer + '::stress') - - -# ============================================================================== -# Main -# ============================================================================== -if __name__ == '__main__': - pass diff --git a/src/nfd_numpy/scripts/_set_mesh.py b/src/nfd_numpy/scripts/_set_mesh.py deleted file mode 100644 index 9740777e..00000000 --- a/src/nfd_numpy/scripts/_set_mesh.py +++ /dev/null @@ -1,30 +0,0 @@ -import os - -from compas.datastructures import Mesh - -import compas_rhino -from compas_rhino.artists import MeshArtist - -from _helpers import draw_stresses - - -HERE = os.path.dirname(__file__) -FILE_I = os.path.join(HERE, '..', 'data', 'out_hypar_mesh_99.json') - -layer = 'FoFi' -compas_rhino.clear_layer(layer) -mesh = Mesh.from_json(FILE_I) - -# visualisation -# colored = (3, 78, 33) -artist = MeshArtist(mesh, layer + '::Mesh_Out') -artist.draw_mesh() -anchors = list(mesh.vertices_where({'is_anchor': True})) -artist.draw_vertices(anchors, color=(0, 0, 0)) -# artist.draw_vertexlabels(color={c: (255, i * 100, 0) -# for i, c in enumerate(colored)}) -artist.draw_vertexlabels() -# artist.draw_facenormals() -# artist.draw_facelabels() -draw_stresses(mesh, layer, 2) -artist.redraw() From b0b7b40635fdb61285174152985ee874d7836b97 Mon Sep 17 00:00:00 2001 From: Sam Date: Tue, 14 Sep 2021 09:45:28 +0200 Subject: [PATCH 07/19] Remove entry point checks --- src/nfd_numpy/nfd/math_utilities.py | 7 ------- src/nfd_numpy/nfd/matrices.py | 7 ------- 2 files changed, 14 deletions(-) diff --git a/src/nfd_numpy/nfd/math_utilities.py b/src/nfd_numpy/nfd/math_utilities.py index 06bbaa83..49be9220 100644 --- a/src/nfd_numpy/nfd/math_utilities.py +++ b/src/nfd_numpy/nfd/math_utilities.py @@ -75,10 +75,3 @@ def stress_vec_to_tensor(vec): def stress_tensor_to_vec(tens): """Convert planar stresses from tensor to pseudo-vector form.""" return asarray([tens[0, 0], tens[1, 1], tens[0, 1]]) - - -# ============================================================================== -# main -# ============================================================================== -if __name__ == '__main__': - pass diff --git a/src/nfd_numpy/nfd/matrices.py b/src/nfd_numpy/nfd/matrices.py index ee797e65..4c8c2643 100644 --- a/src/nfd_numpy/nfd/matrices.py +++ b/src/nfd_numpy/nfd/matrices.py @@ -122,10 +122,3 @@ def _add_face_loads(self, local=False): def _add_edge_loads(self): raise NotImplementedError - - -# ============================================================================== -# main -# ============================================================================== -if __name__ == '__main__': - pass From e4bdb2a5c955d7b6388576f5074a3364b4528a2e Mon Sep 17 00:00:00 2001 From: Sam Date: Tue, 14 Sep 2021 10:19:26 +0200 Subject: [PATCH 08/19] Clean formatting and documentation --- src/nfd_numpy/nfd/geometry.py | 11 +++++++---- src/nfd_numpy/nfd/math_utilities.py | 17 ++++++++++------- src/nfd_numpy/nfd/matrices.py | 8 +++++--- 3 files changed, 22 insertions(+), 14 deletions(-) diff --git a/src/nfd_numpy/nfd/geometry.py b/src/nfd_numpy/nfd/geometry.py index ab8010d6..5d4209d7 100644 --- a/src/nfd_numpy/nfd/geometry.py +++ b/src/nfd_numpy/nfd/geometry.py @@ -48,10 +48,10 @@ def wrapper(self, *args, **kwargs): return wrapper -def check_singularity(fn): +def check_singularity(func): def wrapper(*args, **kwargs): try: - return fn(*args, **kwargs) + return func(*args, **kwargs) except ZeroDivisionError: raise Exception('Singularity in transformation matrix.') return wrapper @@ -62,6 +62,7 @@ def wrapper(*args, **kwargs): # ================================================= class NaturalFace: """Represents geometry and natural stress data of a single face.""" + face_count = 0 def __new__(cls, xyz, vertices_ids, stress_goal=None, @@ -276,7 +277,7 @@ def frame(self): @cache_iter def edge_lengths(self): vts_xyz = self.xyz[1:] + self.xyz[:2] - return [euclidian_distance(u, v) + return [euclidean_distance(u, v) for u, v in pairwise(vts_xyz)] @property @@ -338,6 +339,7 @@ def stress(self): class NaturalEdge: """Represents geometry and force data of a single edge.""" + edge_count = 0 def __new__(cls, xyz, vertices_ids, force_goal, fd_goal): @@ -362,7 +364,7 @@ def update_xyz(self, xyz): @property @cache_iter def length(self): - return euclidian_distance(*self.xyz) + return euclidean_distance(*self.xyz) @property def xyz(self): @@ -396,6 +398,7 @@ def get_forces(edges, xyz): class Goals: """Represents collection of geometric and stress resultant goals.""" + def __init__(self, mesh, stress, densities, forces, stress_ref=None): self.f_count = mesh.number_of_faces() self.stress = self._process_goal(stress, (1.0, 1.0, .0)) diff --git a/src/nfd_numpy/nfd/math_utilities.py b/src/nfd_numpy/nfd/math_utilities.py index 49be9220..82aee7dd 100644 --- a/src/nfd_numpy/nfd/math_utilities.py +++ b/src/nfd_numpy/nfd/math_utilities.py @@ -2,11 +2,9 @@ from numpy import asarray -from compas.geometry import distance_point_point - __all__ = [ - 'euclidian_distance', + 'euclidean_distance', 'arc_sin', 'arc_cos', 'planar_rotation', @@ -23,26 +21,31 @@ def s2(x): return s(x) * s(x) # noqa E704 def c2(x): return c(x) * c(x) # noqa E704 -def euclidian_distance(u, v): +def euclidean_distance(u, v): + """Calculate distance between two 3D points using the hypotenuse.""" return hypot(u[0] - v[0], u[1] - v[1], u[2] - v[2]) - # return distance_point_point(u, v) def arc_sin(a): + """Calculate inverse sine. Input values are bounded + between -.9999 and .9999 for numerical stability.""" return asin(max(min(a, .9999), -.9999)) def arc_cos(a): + """Calculate inverse cosine. Input values are bounded + between -.9999 and .9999 for numerical stability.""" return acos(max(min(a, .9999), -.9999)) def planar_rotation(angle): + """Return a planar rotation matrix from an angle in radians.""" return asarray([[c(angle), -s(angle)], [s(angle), c(angle)]]) def is_isotropic(vec): - """Check whether input stress pseudo-vector is isotropic.""" + """Check whether an input stress pseudo-vector is isotropic.""" return (vec[0] == vec[1]) and (vec[2] == 0) @@ -55,7 +58,7 @@ def transform_stress(stress, rotation, invert=False): def transform_stress_angle(stress, angle, invert=False): - """Transform planar stress vector by angle.""" + """Transform a planar stress vector by angle in radians.""" a = -angle if invert else angle s2a = s2(a) c2a = c2(a) diff --git a/src/nfd_numpy/nfd/matrices.py b/src/nfd_numpy/nfd/matrices.py index 4c8c2643..fb54b208 100644 --- a/src/nfd_numpy/nfd/matrices.py +++ b/src/nfd_numpy/nfd/matrices.py @@ -12,8 +12,9 @@ class StiffnessMatrixAssembler: """Represents assembly of a global force density stiffness matrix. - A new instance of StiffnessMatrixBuilder should be generated at each + A new instance of StiffnessMatrixAssembler should be generated at each solver iteration, so that the stiffness matrix is rebuilt completely.""" + def __init__(self, faces, edges, free, fixed): self.data = [] self.rows = [] @@ -79,9 +80,10 @@ def fixed(self): class LoadMatrixAssembler: """Represents assembly of a global load matrix. - A LoadMatrix is to be instantiated once per session and to persist over - iterations. When the internal matrix is called at each solver iteration, + A LoadMatrixAssembler is to be instantiated once per session and to persist + over iterations. When the internal matrix is called at each solver iteration, the matrix is updated corresponding to the geometry of the latest state.""" + def __init__(self, vertices, faces, vertex_loads=None, global_face_loads=None, local_face_loads=None): self.faces = faces From 8844116efca396528a22097c97313e402fce8029 Mon Sep 17 00:00:00 2001 From: Sam Date: Tue, 14 Sep 2021 11:06:54 +0200 Subject: [PATCH 09/19] Add type hints as example --- src/nfd_numpy/nfd/math_utilities.py | 55 +++++++++++++++++------------ 1 file changed, 33 insertions(+), 22 deletions(-) diff --git a/src/nfd_numpy/nfd/math_utilities.py b/src/nfd_numpy/nfd/math_utilities.py index 82aee7dd..a88590c5 100644 --- a/src/nfd_numpy/nfd/math_utilities.py +++ b/src/nfd_numpy/nfd/math_utilities.py @@ -1,12 +1,13 @@ +from typing import Sequence from math import sin, cos, asin, acos, hypot -from numpy import asarray +from numpy import asarray, ndarray __all__ = [ - 'euclidean_distance', 'arc_sin', 'arc_cos', + 'euclidean_distance', 'planar_rotation', 'is_isotropic', 'transform_stress', @@ -17,48 +18,58 @@ s, c = sin, cos -def s2(x): return s(x) * s(x) # noqa E704 -def c2(x): return c(x) * c(x) # noqa E704 +def s2(angle: float) -> float: + """Calculate sine squared of angle in radians.""" + return s(angle) ** 2 -def euclidean_distance(u, v): - """Calculate distance between two 3D points using the hypotenuse.""" - return hypot(u[0] - v[0], u[1] - v[1], u[2] - v[2]) + +def c2(angle: float) -> float: + """Calculate cosine squared of angle in radians.""" + return c(angle) ** 2 -def arc_sin(a): +def arc_sin(num: float) -> float: """Calculate inverse sine. Input values are bounded between -.9999 and .9999 for numerical stability.""" - return asin(max(min(a, .9999), -.9999)) + return asin(max(min(num, .9999), -.9999)) -def arc_cos(a): +def arc_cos(num: float) -> float: """Calculate inverse cosine. Input values are bounded between -.9999 and .9999 for numerical stability.""" - return acos(max(min(a, .9999), -.9999)) + return acos(max(min(num, .9999), -.9999)) + + +def euclidean_distance(pt_a: Sequence[float] , pt_b: Sequence[float]) -> float: + """Calculate distance between two 3D points using the hypotenuse.""" + return hypot(pt_a[0] - pt_b[0], pt_a[1] - pt_b[1], pt_a[2] - pt_b[2]) -def planar_rotation(angle): - """Return a planar rotation matrix from an angle in radians.""" +def planar_rotation(angle: float) -> ndarray: + """Get the planar rotation matrix from an angle in radians.""" return asarray([[c(angle), -s(angle)], [s(angle), c(angle)]]) -def is_isotropic(vec): - """Check whether an input stress pseudo-vector is isotropic.""" +def is_isotropic(vec: Sequence[float]) -> bool: + """Check whether a planar stress pseudo-vector is isotropic.""" return (vec[0] == vec[1]) and (vec[2] == 0) -def transform_stress(stress, rotation, invert=False): - """Transform planar stress vector by 2x2 rotation matrix.""" - s, R = stress_vec_to_tensor(stress), rotation +def transform_stress(stress: ndarray, rotation: ndarray, + invert: bool = False) -> ndarray: + """Transform a planar stress pseudo-vector by a 2x2 rotation matrix.""" + s = stress_vec_to_tensor(stress) + R = rotation r = (R.dot(s).dot(R.T) if invert else R.T.dot(s).dot(R)) return stress_tensor_to_vec(r) -def transform_stress_angle(stress, angle, invert=False): - """Transform a planar stress vector by angle in radians.""" +def transform_stress_angle(stress: Sequence[float], angle: float, + invert: bool = False) -> ndarray: + """Transform a planar stress pseudo-vector by an angle in radians.""" a = -angle if invert else angle s2a = s2(a) c2a = c2(a) @@ -69,12 +80,12 @@ def transform_stress_angle(stress, angle, invert=False): return asarray(T).dot(stress) -def stress_vec_to_tensor(vec): +def stress_vec_to_tensor(vec: Sequence[float]) -> ndarray: """Convert planar stresses from pseudo-vector to tensor form.""" return asarray([[vec[0], vec[2]], [vec[2], vec[1]]]) -def stress_tensor_to_vec(tens): +def stress_tensor_to_vec(tens: ndarray) -> ndarray: """Convert planar stresses from tensor to pseudo-vector form.""" return asarray([tens[0, 0], tens[1, 1], tens[0, 1]]) From a911a81764c344dee627b816e9413113850c33b1 Mon Sep 17 00:00:00 2001 From: Sam Date: Tue, 14 Sep 2021 11:19:50 +0200 Subject: [PATCH 10/19] Include updated helper functions for scripts --- src/nfd_numpy/scripts/_helpers.py | 47 +++++++++++++++++++++++++++++++ 1 file changed, 47 insertions(+) create mode 100644 src/nfd_numpy/scripts/_helpers.py diff --git a/src/nfd_numpy/scripts/_helpers.py b/src/nfd_numpy/scripts/_helpers.py new file mode 100644 index 00000000..145751e2 --- /dev/null +++ b/src/nfd_numpy/scripts/_helpers.py @@ -0,0 +1,47 @@ + +__all__ = [ + 'mesh_update', + 'mesh_update_xyz' +] + + +def mesh_update(mesh, xyz, residuals, stresses, forces, + res_name='r', stress_name='s', force_name='f'): + """Update mesh with new coordinates, stresses, forces.""" + mesh_update_xyz(mesh, xyz) + mesh_update_residuals(mesh, residuals, res_name) + mesh_update_stresses(mesh, stresses, stress_name) + mesh_update_forces(mesh, forces, force_name) + + +def mesh_update_xyz(mesh, xyz): + """Update mesh with new vertex coordinates.""" + for vertex, coo in zip(mesh.vertices(), xyz): + mesh.vertex_attributes(vertex, 'xyz', coo) + + +def mesh_update_residuals(mesh, residuals, name='r'): + """Update mesh with new vertex coordinates.""" + for vertex, res in zip(mesh.vertices(), residuals): + mesh.vertex_attribute(vertex, name, res) + + +def mesh_update_stresses(mesh, stress_data, name='s'): + """Update mesh with face stresses.""" + stresses, vecs = stress_data + if stresses is None: + return + for face, stress in zip(mesh.faces(), stresses): + mesh.face_attribute(face, name, stress) + if vecs is None: + return + for face, vec in zip(mesh.faces(), vecs): + mesh.face_attribute(face, name + '_vecs', vec) + + +def mesh_update_forces(mesh, forces, name='f'): + """Update mesh with new edge forces.""" + if forces is None: + return + for edge, force in zip(mesh.edges(), forces): + mesh.edge_attribute(edge, name, force) From 5fbeeefb17c9ed5a678bd3ce7d5437ebd165ea0b Mon Sep 17 00:00:00 2001 From: Sam Date: Tue, 14 Sep 2021 12:01:51 +0200 Subject: [PATCH 11/19] Update implementation of matrices --- src/nfd_numpy/nfd/matrices.py | 82 ++++++++++++++++++++++++-------- src/nfd_numpy/nfd/nfd_solvers.py | 20 ++++---- 2 files changed, 74 insertions(+), 28 deletions(-) diff --git a/src/nfd_numpy/nfd/matrices.py b/src/nfd_numpy/nfd/matrices.py index fb54b208..19faf4a6 100644 --- a/src/nfd_numpy/nfd/matrices.py +++ b/src/nfd_numpy/nfd/matrices.py @@ -1,4 +1,4 @@ -from numpy import asarray, copy, zeros +from numpy import asarray, copy, zeros, ix_ from scipy.sparse import coo_matrix from compas.geometry import Rotation @@ -13,9 +13,33 @@ class StiffnessMatrixAssembler: """Represents assembly of a global force density stiffness matrix. A new instance of StiffnessMatrixAssembler should be generated at each - solver iteration, so that the stiffness matrix is rebuilt completely.""" + solver iteration, so that the stiffness matrix is rebuilt completely. + + Parameters + ---------- + free : sequence of int + The indices of free mesh vertices. + fixed : sequence of int + The indices of fixed mesh vertices. + edges : iterable of :class:`NaturalEdge` + The processed edges of the mesh. + faces : iterable of :class:`NaturalFace` + The processed faces of the mesh. + + Attributes + ---------- + matrix : ndarray + The full stiffness matrix as a 2D array. + free_matrix : ndarray + The stiffness matrix of free vertices as a 2D array. + fixed_matrix : ndarray + The stiffness matrix of fixed vertices as a 2D array. + """ + + def __init__(self, free, fixed, edges, faces): + self.free = free + self.fixed = fixed - def __init__(self, faces, edges, free, fixed): self.data = [] self.rows = [] self.cols = [] @@ -23,12 +47,9 @@ def __init__(self, faces, edges, free, fixed): self._add_faces(faces) self._add_edges(edges) - vertex_count = len(free + fixed) - self._full = coo_matrix((self.data, (self.rows, self.cols)), - (vertex_count, vertex_count)).tocsr() - partial = self._full[free, :] - self._free = partial[:, free] - self._fixed = partial[:, fixed] + v_count = len(free + fixed) + self._mat = coo_matrix((self.data, (self.rows, self.cols)), + (v_count, v_count)).tocsr() def _add_faces(self, faces): for face in faces: @@ -66,23 +87,47 @@ def _add_edges(self, edges): self.cols += [v0, v1, v1, v0] @property - def full(self): - return self._full + def matrix(self): + return self._mat @property - def free(self): - return self._free + def free_matrix(self): + return self._mat[ix_(self.free, self.free)] @property - def fixed(self): - return self._fixed + def fixed_matrix(self): + return self._mat[ix_(self.free, self.fixed)] class LoadMatrixAssembler: """Represents assembly of a global load matrix. + + Parameters + ---------- + vertices : sequence of int + The indices of mesh vertices. + faces : iterable of :class:`NaturalFace` + The processed faces of the mesh. + vertex_loads : sequence of tuple + The loads on the mesh vertices in global XYZ directions. + global_face_loads : sequence of tuple of float + The loads on the mesh faces in global XYZ directions. + local_face_loads : sequence of tuple of float + The loads on the mesh faces in local face XYZ directions. + Local loads get converted to global loads by rotation + from the local face frames. + + Attributes + ---------- + matrix : ndarray + The full load matrix as a 2D array. + + Notes + ----- A LoadMatrixAssembler is to be instantiated once per session and to persist - over iterations. When the internal matrix is called at each solver iteration, - the matrix is updated corresponding to the geometry of the latest state.""" + over iterations. By calling instance method update(), the intenral matrix + is updated corresponding to the geometry of the latest state. + """ def __init__(self, vertices, faces, vertex_loads=None, global_face_loads=None, local_face_loads=None): @@ -90,8 +135,7 @@ def __init__(self, vertices, faces, vertex_loads=None, self._vertices_mat = self._load_mat(vertex_loads, zeros((len(vertices), 3))) self._gfl = self._load_mat(global_face_loads) self._lfl = self._load_mat(local_face_loads) - self._has_face_loads = ((self._gfl is not None) or - (self._lfl is not None)) + self._has_face_loads = ((self._gfl is not None) or (self._lfl is not None)) self._mat = self._vertices_mat self.update() diff --git a/src/nfd_numpy/nfd/nfd_solvers.py b/src/nfd_numpy/nfd/nfd_solvers.py index 84de5bfb..8cad7861 100644 --- a/src/nfd_numpy/nfd/nfd_solvers.py +++ b/src/nfd_numpy/nfd/nfd_solvers.py @@ -17,6 +17,7 @@ # ================================================= # outer wrappers # ================================================= + def nfd_ur_numpy(mesh, stress_goals=None, fd_goals=None, force_goals=None, vertex_loads=None, global_face_loads=None, local_face_loads=None, s_calc=1, s_ref=None, s_tol=1e-2, xyz_tol=1e-2, kmax=10): @@ -45,21 +46,21 @@ def nfd_ur_numpy(mesh, stress_goals=None, fd_goals=None, force_goals=None, local_face_loads : sequence of tuple Local face frame XYZ components of loads per face area. (default is None, no loads on faces). - s_calc: int {0, 1, 2, 3} (default is 1) + s_calc : int {0, 1, 2, 3} (default is 1) Stress calculation at final iteration. 0: Do not calculate stresses. 1: Calculate second Piola-Kirchhoff stresses per face. 2: Calculate principal stress values and vectors per face. 3: Calculate principal stress values and vectors in global frame. - s_ref: sequence of float + s_ref : sequence of float Normal of reference plane for non-isotropic stress field orientation. - s_tol: float (default is 1e-2) + s_tol : float (default is 1e-2) Tolerance for averaged sum of squared errors of stress vectors to goal stress vector. - xyz_tol: float (default is 1e-2) + xyz_tol : float (default is 1e-2) Tolerance for difference in coordinate displacements between two consecutive iterations. - kmax: int (default is 10) + kmax : int (default is 10) Maximum number of iterations. Returns @@ -141,8 +142,8 @@ def _nfd_solve(xyz, fixed, faces, edges, loads, s_calc): _xyz = array(xyz, copy=True) # assemble new stiffness matrices - stiff = StiffnessMatrixAssembler(faces, edges, free, fixed) - D, Di, Df = stiff.full, stiff.free, stiff.fixed + sma = StiffnessMatrixAssembler(free, fixed, edges, faces) + D, Di, Df = sma.matrix, sma.free_matrix, sma.fixed_matrix # get updated load matrix loads.update() @@ -161,8 +162,9 @@ def _nfd_solve(xyz, fixed, faces, edges, loads, s_calc): return _xyz, r, s, f -# ============================================================================== +# ================================================= # main -# ============================================================================== +# ================================================= + if __name__ == '__main__': pass From e88f09d55d3982cbf977e8fcc819a3e9bbb066d6 Mon Sep 17 00:00:00 2001 From: Sam Date: Tue, 14 Sep 2021 12:15:37 +0200 Subject: [PATCH 12/19] Clean layout and docstrings --- src/nfd_numpy/nfd/__init__.py | 2 +- src/nfd_numpy/nfd/geometry.py | 8 +++-- src/nfd_numpy/nfd/math_utilities.py | 3 +- src/nfd_numpy/nfd/nfd_solvers.py | 48 ++++++++++++++--------------- 4 files changed, 32 insertions(+), 29 deletions(-) diff --git a/src/nfd_numpy/nfd/__init__.py b/src/nfd_numpy/nfd/__init__.py index cb41f494..66d9b7f5 100644 --- a/src/nfd_numpy/nfd/__init__.py +++ b/src/nfd_numpy/nfd/__init__.py @@ -6,4 +6,4 @@ __all__ = [ 'nfd_ur_numpy', 'nfd_numpy' - ] +] diff --git a/src/nfd_numpy/nfd/geometry.py b/src/nfd_numpy/nfd/geometry.py index 5d4209d7..250e523c 100644 --- a/src/nfd_numpy/nfd/geometry.py +++ b/src/nfd_numpy/nfd/geometry.py @@ -26,6 +26,7 @@ # ================================================= # aliases # ================================================= + s, c = sin, cos def s2(x): return s(x) * s(x) # noqa E704 def c2(x): return c(x) * c(x) # noqa E704 @@ -34,6 +35,7 @@ def c2(x): return c(x) * c(x) # noqa E704 # ================================================= # decorators # ================================================= + def cache_iter(func): """Cache function result of the current iteration.""" cached_func = '_c_' + func.__name__ @@ -60,6 +62,7 @@ def wrapper(*args, **kwargs): # ================================================= # natural geometry datastructures # ================================================= + class NaturalFace: """Represents geometry and natural stress data of a single face.""" @@ -413,6 +416,7 @@ def _process_goal(self, goal, default=.0): # ================================================= # mesh data processing # ================================================= + def mesh_preprocess(mesh, goals): """Pre-process mesh to collections of natural elements.""" # vertex indices mapping @@ -434,8 +438,8 @@ def mesh_preprocess(mesh, goals): return faces, edges, xyz, fixed -# ============================================================================== +# ================================================= # main -# ============================================================================== +# ================================================= if __name__ == '__main__': pass diff --git a/src/nfd_numpy/nfd/math_utilities.py b/src/nfd_numpy/nfd/math_utilities.py index a88590c5..ca53a486 100644 --- a/src/nfd_numpy/nfd/math_utilities.py +++ b/src/nfd_numpy/nfd/math_utilities.py @@ -19,6 +19,7 @@ s, c = sin, cos + def s2(angle: float) -> float: """Calculate sine squared of angle in radians.""" return s(angle) ** 2 @@ -41,7 +42,7 @@ def arc_cos(num: float) -> float: return acos(max(min(num, .9999), -.9999)) -def euclidean_distance(pt_a: Sequence[float] , pt_b: Sequence[float]) -> float: +def euclidean_distance(pt_a: Sequence[float], pt_b: Sequence[float]) -> float: """Calculate distance between two 3D points using the hypotenuse.""" return hypot(pt_a[0] - pt_b[0], pt_a[1] - pt_b[1], pt_a[2] - pt_b[2]) diff --git a/src/nfd_numpy/nfd/nfd_solvers.py b/src/nfd_numpy/nfd/nfd_solvers.py index 8cad7861..1ff1f7ad 100644 --- a/src/nfd_numpy/nfd/nfd_solvers.py +++ b/src/nfd_numpy/nfd/nfd_solvers.py @@ -15,7 +15,7 @@ # ================================================= -# outer wrappers +# solver iterators # ================================================= def nfd_ur_numpy(mesh, stress_goals=None, fd_goals=None, force_goals=None, @@ -27,7 +27,7 @@ def nfd_ur_numpy(mesh, stress_goals=None, fd_goals=None, force_goals=None, Parameters ---------- - mesh : Mesh + mesh : :class:`Mesh` Instance of Mesh datastructure. stress_goals : sequence of tuple Goal second Piola-Kirchhoff (σx, σy, τxy) stress field per face, @@ -38,42 +38,37 @@ def nfd_ur_numpy(mesh, stress_goals=None, fd_goals=None, force_goals=None, force_goals : sequence of float Goal force per edge (default is None). vertex_loads : sequence of tuple - Global XYZ components of loads per vertex. - (default is None, no loads on vertices). + Global XYZ components of loads per vertex (default is None). global_face_loads : sequence of tuple - Global XYZ components of loads per face area. - (default is None, no loads on faces). + Global XYZ components of loads per face area (default is None). local_face_loads : sequence of tuple - Local face frame XYZ components of loads per face area. - (default is None, no loads on faces). - s_calc : int {0, 1, 2, 3} (default is 1) - Stress calculation at final iteration. + Local face frame XYZ components of loads per face area (default is None). + s_calc : {0, 1, 2, 3} + Flag for stress calculation at final solver iteration (default is 1). 0: Do not calculate stresses. 1: Calculate second Piola-Kirchhoff stresses per face. 2: Calculate principal stress values and vectors per face. 3: Calculate principal stress values and vectors in global frame. s_ref : sequence of float Normal of reference plane for non-isotropic stress field orientation. - s_tol : float (default is 1e-2) + s_tol : float Tolerance for averaged sum of squared errors - of stress vectors to goal stress vector. - xyz_tol : float (default is 1e-2) + from stress vectors to goal stress vector (default is 1e-2). + xyz_tol : float Tolerance for difference in coordinate displacements - between two consecutive iterations. - kmax : int (default is 10) - Maximum number of iterations. + between two consecutive iterations (default is 1e-2). + kmax : int + Maximum number of iterations (default is 10). Returns ---------- - array + ndarray XYZ coordinates of the equilibrium geometry. - array + ndarray Residual and reaction forces per vertex. tuple - (None, None) if s_calc set to 0. - (list of pk2 stresses, None) if s_calc set to 1. - (lists of principal stresses, local eigenvectors) if s_calc set to 2. - (lists of principal stresses, global eigenvectors) if s_calc set to 3. + Tuple as (stresses, eigenvectors). + Exact content of tuple depends on the value given to s_calc parameter. list Forces per edge. @@ -133,6 +128,7 @@ def _output_message(converged, k, s_res, xyz_Δ): # ================================================= # solver # ================================================= + def _nfd_solve(xyz, fixed, faces, edges, loads, s_calc): """Solve system for coordinates and dependent variables using the one-shot natural force density method.""" @@ -141,7 +137,7 @@ def _nfd_solve(xyz, fixed, faces, edges, loads, s_calc): free = list(set(range(v)) - set(fixed)) _xyz = array(xyz, copy=True) - # assemble new stiffness matrices + # assemble new stiffness matrix sma = StiffnessMatrixAssembler(free, fixed, edges, faces) D, Di, Df = sma.matrix, sma.free_matrix, sma.fixed_matrix @@ -151,8 +147,10 @@ def _nfd_solve(xyz, fixed, faces, edges, loads, s_calc): # solve for coordinates and update elements _xyz[free] = spsolve(Di, p[free] - Df.dot(xyz[fixed])) - for face in faces: face.update_xyz(_xyz) # noqa E701 - for edge in edges: edge.update_xyz(_xyz) # noqa E701 + for face in faces: + face.update_xyz(_xyz) + for edge in edges: + edge.update_xyz(_xyz) # solve for dependent variables s = NaturalFace.get_stresses(faces, _xyz, s_calc) From fbd341f8a865500f77200c138dcdcded6229304d Mon Sep 17 00:00:00 2001 From: Sam Date: Tue, 14 Sep 2021 13:09:56 +0200 Subject: [PATCH 13/19] Clean up imports and aliases --- src/nfd_numpy/nfd/geometry.py | 10 ++++++++-- src/nfd_numpy/scripts/01_hypar.py | 9 ++++++--- src/nfd_numpy/scripts/02_hypar_opening.py | 12 ++++++------ src/nfd_numpy/scripts/03_hypar_quads.py | 9 ++++++--- src/nfd_numpy/scripts/04_hypar_quads_tris.py | 9 ++++++--- src/nfd_numpy/scripts/05_hypar_support.py | 9 ++++++--- .../scripts/06_hypar_anisotropic_stress_A.py | 9 ++++++--- .../scripts/07_hypar_anisotropic_stress_B.py | 9 ++++++--- src/nfd_numpy/scripts/08_hypar_shell.py | 9 ++++++--- src/nfd_numpy/scripts/09_inflated_shell.py | 9 ++++++--- 10 files changed, 62 insertions(+), 32 deletions(-) diff --git a/src/nfd_numpy/nfd/geometry.py b/src/nfd_numpy/nfd/geometry.py index 250e523c..9e9370a1 100644 --- a/src/nfd_numpy/nfd/geometry.py +++ b/src/nfd_numpy/nfd/geometry.py @@ -28,8 +28,14 @@ # ================================================= s, c = sin, cos -def s2(x): return s(x) * s(x) # noqa E704 -def c2(x): return c(x) * c(x) # noqa E704 + + +def s2(x): + return s(x) * s(x) + + +def c2(x): + return c(x) * c(x) # ================================================= diff --git a/src/nfd_numpy/scripts/01_hypar.py b/src/nfd_numpy/scripts/01_hypar.py index 447793ac..b32a0f52 100644 --- a/src/nfd_numpy/scripts/01_hypar.py +++ b/src/nfd_numpy/scripts/01_hypar.py @@ -1,17 +1,16 @@ from os import path -import sys -sys.path.append(path.dirname(path.dirname(__file__))) from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from nfd import nfd_ur_numpy +from compas_fd.nfd_numpy import nfd_ur_numpy from _helpers import mesh_update # ================================================= # IO # ================================================= + HERE = path.dirname(__file__) FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') mesh = Mesh.from_json(FILE_I) @@ -20,6 +19,7 @@ # ================================================= # input mesh # ================================================= + mesh.vertices_attribute('is_anchor', True, mesh.vertices_where({'vertex_degree': 2})) @@ -43,6 +43,7 @@ # ================================================= # get mesh data # ================================================= + P = mesh.vertices_attributes(['px', 'py', 'pz']) S = mesh.faces_attribute('s_pre') Q = mesh.edges_attribute('q_pre') @@ -51,6 +52,7 @@ # ================================================= # run solver # ================================================= + xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, s_calc=1) mesh_update(mesh, xyz, r, s, f) @@ -58,6 +60,7 @@ # ================================================= # visualisation # ================================================= + viewer = app.App() viewer.add(mesh) viewer.show() diff --git a/src/nfd_numpy/scripts/02_hypar_opening.py b/src/nfd_numpy/scripts/02_hypar_opening.py index c5654b97..98295af5 100644 --- a/src/nfd_numpy/scripts/02_hypar_opening.py +++ b/src/nfd_numpy/scripts/02_hypar_opening.py @@ -1,17 +1,16 @@ from os import path -import sys -sys.path.append(path.dirname(path.dirname(__file__))) from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from nfd import nfd_ur_numpy +from compas_fd.nfd_numpy import nfd_ur_numpy from _helpers import mesh_update # ================================================= # IO # ================================================= + HERE = path.dirname(__file__) FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') mesh = Mesh.from_json(FILE_I) @@ -20,13 +19,11 @@ # ================================================= # input mesh # ================================================= + mesh.vertices_attribute('is_anchor', True, mesh.vertices_where({'vertex_degree': 2})) central_vertex = 3 -# nbrs = mesh.vertex_neighborhood(central_vertex, ring=2) -# for nbr in nbrs: -# mesh.delete_vertex(nbr) mesh.delete_vertex(3) mesh = mesh_subdivide(mesh, scheme='quad', k=3) @@ -50,6 +47,7 @@ # ================================================= # get mesh data # ================================================= + P = mesh.vertices_attributes(['px', 'py', 'pz']) S = mesh.faces_attribute('s_pre') Q = mesh.edges_attribute('q_pre') @@ -58,6 +56,7 @@ # ================================================= # run solver # ================================================= + xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, s_calc=1, s_tol=.05, xyz_tol=.01) mesh_update(mesh, xyz, r, s, f) @@ -66,6 +65,7 @@ # ================================================= # visualisation # ================================================= + viewer = app.App() viewer.add(mesh) viewer.show() diff --git a/src/nfd_numpy/scripts/03_hypar_quads.py b/src/nfd_numpy/scripts/03_hypar_quads.py index d3f15efd..c397abd7 100644 --- a/src/nfd_numpy/scripts/03_hypar_quads.py +++ b/src/nfd_numpy/scripts/03_hypar_quads.py @@ -1,17 +1,16 @@ from os import path -import sys -sys.path.append(path.dirname(path.dirname(__file__))) from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from nfd import nfd_ur_numpy +from compas_fd.nfd_numpy import nfd_ur_numpy from _helpers import mesh_update # ================================================= # IO # ================================================= + HERE = path.dirname(__file__) FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') mesh = Mesh.from_json(FILE_I) @@ -20,6 +19,7 @@ # ================================================= # input mesh # ================================================= + mesh.vertices_attribute('is_anchor', True, mesh.vertices_where({'vertex_degree': 2})) @@ -42,6 +42,7 @@ # ================================================= # get mesh data # ================================================= + P = mesh.vertices_attributes(['px', 'py', 'pz']) S = mesh.faces_attribute('s_pre') Q = mesh.edges_attribute('q_pre') @@ -50,6 +51,7 @@ # ================================================= # run solver # ================================================= + xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, s_calc=1, s_tol=.05, xyz_tol=.01) mesh_update(mesh, xyz, r, s, f) @@ -58,6 +60,7 @@ # ================================================= # visualisation # ================================================= + viewer = app.App() viewer.add(mesh) viewer.show() diff --git a/src/nfd_numpy/scripts/04_hypar_quads_tris.py b/src/nfd_numpy/scripts/04_hypar_quads_tris.py index 6a18d46d..ac7aac73 100644 --- a/src/nfd_numpy/scripts/04_hypar_quads_tris.py +++ b/src/nfd_numpy/scripts/04_hypar_quads_tris.py @@ -1,17 +1,16 @@ from os import path -import sys -sys.path.append(path.dirname(path.dirname(__file__))) from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from nfd import nfd_ur_numpy +from compas_fd.nfd_numpy import nfd_ur_numpy from _helpers import mesh_update # ================================================= # IO # ================================================= + HERE = path.dirname(__file__) FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') mesh = Mesh.from_json(FILE_I) @@ -20,6 +19,7 @@ # ================================================= # input mesh # ================================================= + mesh.vertices_attribute('is_anchor', True, mesh.vertices_where({'vertex_degree': 2})) @@ -46,6 +46,7 @@ # ================================================= # get mesh data # ================================================= + P = mesh.vertices_attributes(['px', 'py', 'pz']) S = mesh.faces_attribute('s_pre') Q = mesh.edges_attribute('q_pre') @@ -54,6 +55,7 @@ # ================================================= # run solver # ================================================= + xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, s_calc=1, s_tol=.05, xyz_tol=.01) mesh_update(mesh, xyz, r, s, f) @@ -62,6 +64,7 @@ # ================================================= # visualisation # ================================================= + viewer = app.App() viewer.add(mesh) viewer.show() diff --git a/src/nfd_numpy/scripts/05_hypar_support.py b/src/nfd_numpy/scripts/05_hypar_support.py index 550d64d5..2f23a8c9 100644 --- a/src/nfd_numpy/scripts/05_hypar_support.py +++ b/src/nfd_numpy/scripts/05_hypar_support.py @@ -1,17 +1,16 @@ from os import path -import sys -sys.path.append(path.dirname(path.dirname(__file__))) from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from nfd import nfd_ur_numpy +from compas_fd.nfd_numpy import nfd_ur_numpy from _helpers import mesh_update # ================================================= # IO # ================================================= + HERE = path.dirname(__file__) FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') mesh = Mesh.from_json(FILE_I) @@ -20,6 +19,7 @@ # ================================================= # input mesh # ================================================= + mesh.vertices_attribute('is_anchor', True, mesh.vertices_where({'vertex_degree': 2})) @@ -70,6 +70,7 @@ # ================================================= # get mesh data # ================================================= + P = mesh.vertices_attributes(['px', 'py', 'pz']) S = mesh.faces_attribute('s_pre') Q = mesh.edges_attribute('q_pre') @@ -78,6 +79,7 @@ # ================================================= # run solver # ================================================= + xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, s_calc=1, s_tol=.001, xyz_tol=.001) mesh_update(mesh, xyz, r, s, f) @@ -86,6 +88,7 @@ # ================================================= # visualisation # ================================================= + viewer = app.App() viewer.add(mesh) viewer.show() diff --git a/src/nfd_numpy/scripts/06_hypar_anisotropic_stress_A.py b/src/nfd_numpy/scripts/06_hypar_anisotropic_stress_A.py index ad677793..a3918c1b 100644 --- a/src/nfd_numpy/scripts/06_hypar_anisotropic_stress_A.py +++ b/src/nfd_numpy/scripts/06_hypar_anisotropic_stress_A.py @@ -1,17 +1,16 @@ from os import path -import sys -sys.path.append(path.dirname(path.dirname(__file__))) from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from nfd import nfd_ur_numpy +from compas_fd.nfd_numpy import nfd_ur_numpy from _helpers import mesh_update # ================================================= # IO # ================================================= + HERE = path.dirname(__file__) FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') mesh = Mesh.from_json(FILE_I) @@ -20,6 +19,7 @@ # ================================================= # input mesh # ================================================= + mesh.vertices_attribute('is_anchor', True, mesh.vertices_where({'vertex_degree': 2})) @@ -43,6 +43,7 @@ # ================================================= # get mesh data # ================================================= + P = mesh.vertices_attributes(['px', 'py', 'pz']) S = mesh.faces_attribute('s_pre') Q = mesh.edges_attribute('q_pre') @@ -51,6 +52,7 @@ # ================================================= # run solver # ================================================= + xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, s_calc=3, s_ref=(1, 1, 0)) mesh_update(mesh, xyz, r, s, f) @@ -59,6 +61,7 @@ # ================================================= # visualisation # ================================================= + viewer = app.App() viewer.add(mesh) viewer.show() diff --git a/src/nfd_numpy/scripts/07_hypar_anisotropic_stress_B.py b/src/nfd_numpy/scripts/07_hypar_anisotropic_stress_B.py index 20240a5a..d6787a63 100644 --- a/src/nfd_numpy/scripts/07_hypar_anisotropic_stress_B.py +++ b/src/nfd_numpy/scripts/07_hypar_anisotropic_stress_B.py @@ -1,17 +1,16 @@ from os import path -import sys -sys.path.append(path.dirname(path.dirname(__file__))) from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from nfd import nfd_ur_numpy +from compas_fd.nfd_numpy import nfd_ur_numpy from _helpers import mesh_update # ================================================= # IO # ================================================= + HERE = path.dirname(__file__) FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') mesh = Mesh.from_json(FILE_I) @@ -20,6 +19,7 @@ # ================================================= # input mesh # ================================================= + mesh.vertices_attribute('is_anchor', True, mesh.vertices_where({'vertex_degree': 2})) @@ -43,6 +43,7 @@ # ================================================= # get mesh data # ================================================= + P = mesh.vertices_attributes(['px', 'py', 'pz']) S = mesh.faces_attribute('s_pre') Q = mesh.edges_attribute('q_pre') @@ -51,6 +52,7 @@ # ================================================= # run solver # ================================================= + xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, s_calc=3, s_ref=(1, 0.5, 0)) mesh_update(mesh, xyz, r, s, f) @@ -59,6 +61,7 @@ # ================================================= # visualisation # ================================================= + viewer = app.App() viewer.add(mesh) viewer.show() diff --git a/src/nfd_numpy/scripts/08_hypar_shell.py b/src/nfd_numpy/scripts/08_hypar_shell.py index c50fb028..75b52a15 100644 --- a/src/nfd_numpy/scripts/08_hypar_shell.py +++ b/src/nfd_numpy/scripts/08_hypar_shell.py @@ -1,17 +1,16 @@ from os import path -import sys -sys.path.append(path.dirname(path.dirname(__file__))) from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from nfd import nfd_ur_numpy +from compas_fd.nfd_numpy import nfd_ur_numpy from _helpers import mesh_update # ================================================= # IO # ================================================= + HERE = path.dirname(__file__) FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') mesh = Mesh.from_json(FILE_I) @@ -20,6 +19,7 @@ # ================================================= # input mesh # ================================================= + mesh.vertices_attribute('is_anchor', True, mesh.vertices_where({'vertex_degree': 2})) mesh.vertices_attribute('z', 0, mesh.vertices_where({'vertex_degree': 2})) @@ -44,6 +44,7 @@ # ================================================= # get mesh data # ================================================= + P = mesh.faces_attributes(['px', 'py', 'pz']) S = mesh.faces_attribute('s_pre') Q = mesh.edges_attribute('q_pre') @@ -52,6 +53,7 @@ # ================================================= # run solver # ================================================= + xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, global_face_loads=P, kmax=5, s_calc=1) mesh_update(mesh, xyz, r, s, f) @@ -59,6 +61,7 @@ # ================================================= # visualisation # ================================================= + viewer = app.App() viewer.add(mesh) viewer.show() diff --git a/src/nfd_numpy/scripts/09_inflated_shell.py b/src/nfd_numpy/scripts/09_inflated_shell.py index 9a506b83..3047ed2d 100644 --- a/src/nfd_numpy/scripts/09_inflated_shell.py +++ b/src/nfd_numpy/scripts/09_inflated_shell.py @@ -1,17 +1,16 @@ from os import path -import sys -sys.path.append(path.dirname(path.dirname(__file__))) from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from nfd import nfd_ur_numpy +from compas_fd.nfd_numpy import nfd_ur_numpy from _helpers import mesh_update # ================================================= # IO # ================================================= + HERE = path.dirname(__file__) FILE_I = path.join(HERE, '..', 'data', 'in_hypar_mesh.json') mesh = Mesh.from_json(FILE_I) @@ -20,6 +19,7 @@ # ================================================= # input mesh # ================================================= + mesh.vertices_attribute('is_anchor', True, mesh.vertices_where({'vertex_degree': 2})) mesh.vertices_attribute('z', 0, mesh.vertices_where({'vertex_degree': 2})) @@ -44,6 +44,7 @@ # ================================================= # get mesh data # ================================================= + P1 = mesh.faces_attributes(['px', 'py', 'pz']) P2 = [-0.2 * p for load_vec in P1 for p in load_vec] S = mesh.faces_attribute('s_pre') @@ -53,6 +54,7 @@ # ================================================= # run solver # ================================================= + xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, local_face_loads=P1, global_face_loads=P2, kmax=5, s_calc=1) mesh_update(mesh, xyz, r, s, f) @@ -61,6 +63,7 @@ # ================================================= # visualisation # ================================================= + viewer = app.App() viewer.add(mesh) viewer.show() From c09aa71f9c35bb3860d16a228681cebce6432b19 Mon Sep 17 00:00:00 2001 From: Sam Date: Tue, 14 Sep 2021 13:31:00 +0200 Subject: [PATCH 14/19] Update naming --- src/nfd_numpy/__init__.py | 9 +++++++++ src/nfd_numpy/nfd/__init__.py | 2 +- src/nfd_numpy/nfd/{nfd_solvers.py => solvers.py} | 0 3 files changed, 10 insertions(+), 1 deletion(-) create mode 100644 src/nfd_numpy/__init__.py rename src/nfd_numpy/nfd/{nfd_solvers.py => solvers.py} (100%) diff --git a/src/nfd_numpy/__init__.py b/src/nfd_numpy/__init__.py new file mode 100644 index 00000000..3482b23a --- /dev/null +++ b/src/nfd_numpy/__init__.py @@ -0,0 +1,9 @@ +from __future__ import absolute_import + +from .nfd import nfd_ur_numpy, nfd_numpy + + +__all__ = [ + 'nfd_ur_numpy', + 'nfd_numpy' +] diff --git a/src/nfd_numpy/nfd/__init__.py b/src/nfd_numpy/nfd/__init__.py index 66d9b7f5..080dd2df 100644 --- a/src/nfd_numpy/nfd/__init__.py +++ b/src/nfd_numpy/nfd/__init__.py @@ -1,6 +1,6 @@ from __future__ import absolute_import -from .nfd_solvers import nfd_ur_numpy, nfd_numpy +from .solvers import nfd_ur_numpy, nfd_numpy __all__ = [ diff --git a/src/nfd_numpy/nfd/nfd_solvers.py b/src/nfd_numpy/nfd/solvers.py similarity index 100% rename from src/nfd_numpy/nfd/nfd_solvers.py rename to src/nfd_numpy/nfd/solvers.py From 6b43009dd1101e08a3d7ff104a1ddafd151680d7 Mon Sep 17 00:00:00 2001 From: Sam Date: Wed, 22 Sep 2021 14:24:09 +0200 Subject: [PATCH 15/19] clean folder structure for nfd --- .../data => data}/in_hypar_mesh.json | 0 .../01_hypar.py => scripts/91_nfd_hypar.py | 4 +-- .../92_nfd_hypar_opening.py | 4 +-- .../93_nfd_hypar_quads.py | 4 +-- .../94_nfd_hypar_quads_tris.py | 4 +-- .../95_nfd_hypar_support.py | 4 +-- .../96_nfd_hypar_anisotropic_stress_A.py | 4 +-- .../97_nfd_hypar_anisotropic_stress_B.py | 4 +-- .../98_nfd_hypar_shell.py | 4 +-- .../99_nfd_inflated_shell.py | 4 +-- .../_helpers.py => scripts/_nfd_helpers.py | 0 src/compas_fd/__init__.py | 1 + src/compas_fd/nfd/__init__.py | 35 +++++++++++++++++++ src/{nfd_numpy => compas_fd}/nfd/geometry.py | 16 ++++----- .../nfd/math_utilities.py | 22 ++++++------ src/{nfd_numpy => compas_fd}/nfd/matrices.py | 0 src/{nfd_numpy => compas_fd}/nfd/solvers.py | 10 +----- src/nfd_numpy/__init__.py | 9 ----- src/nfd_numpy/nfd/__init__.py | 9 ----- src/nfd_numpy/scripts/__init__.py | 6 ---- 20 files changed, 74 insertions(+), 70 deletions(-) rename {src/nfd_numpy/data => data}/in_hypar_mesh.json (100%) rename src/nfd_numpy/scripts/01_hypar.py => scripts/91_nfd_hypar.py (95%) rename src/nfd_numpy/scripts/02_hypar_opening.py => scripts/92_nfd_hypar_opening.py (95%) rename src/nfd_numpy/scripts/03_hypar_quads.py => scripts/93_nfd_hypar_quads.py (95%) rename src/nfd_numpy/scripts/04_hypar_quads_tris.py => scripts/94_nfd_hypar_quads_tris.py (95%) rename src/nfd_numpy/scripts/05_hypar_support.py => scripts/95_nfd_hypar_support.py (96%) rename src/nfd_numpy/scripts/06_hypar_anisotropic_stress_A.py => scripts/96_nfd_hypar_anisotropic_stress_A.py (95%) rename src/nfd_numpy/scripts/07_hypar_anisotropic_stress_B.py => scripts/97_nfd_hypar_anisotropic_stress_B.py (95%) rename src/nfd_numpy/scripts/08_hypar_shell.py => scripts/98_nfd_hypar_shell.py (95%) rename src/nfd_numpy/scripts/09_inflated_shell.py => scripts/99_nfd_inflated_shell.py (95%) rename src/nfd_numpy/scripts/_helpers.py => scripts/_nfd_helpers.py (100%) create mode 100644 src/compas_fd/nfd/__init__.py rename src/{nfd_numpy => compas_fd}/nfd/geometry.py (98%) rename src/{nfd_numpy => compas_fd}/nfd/math_utilities.py (78%) rename src/{nfd_numpy => compas_fd}/nfd/matrices.py (100%) rename src/{nfd_numpy => compas_fd}/nfd/solvers.py (97%) delete mode 100644 src/nfd_numpy/__init__.py delete mode 100644 src/nfd_numpy/nfd/__init__.py delete mode 100644 src/nfd_numpy/scripts/__init__.py diff --git a/src/nfd_numpy/data/in_hypar_mesh.json b/data/in_hypar_mesh.json similarity index 100% rename from src/nfd_numpy/data/in_hypar_mesh.json rename to data/in_hypar_mesh.json diff --git a/src/nfd_numpy/scripts/01_hypar.py b/scripts/91_nfd_hypar.py similarity index 95% rename from src/nfd_numpy/scripts/01_hypar.py rename to scripts/91_nfd_hypar.py index b32a0f52..6be1c3ea 100644 --- a/src/nfd_numpy/scripts/01_hypar.py +++ b/scripts/91_nfd_hypar.py @@ -3,8 +3,8 @@ from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from compas_fd.nfd_numpy import nfd_ur_numpy -from _helpers import mesh_update +from compas_fd.nfd import nfd_ur_numpy +from _nfd_helpers import mesh_update # ================================================= diff --git a/src/nfd_numpy/scripts/02_hypar_opening.py b/scripts/92_nfd_hypar_opening.py similarity index 95% rename from src/nfd_numpy/scripts/02_hypar_opening.py rename to scripts/92_nfd_hypar_opening.py index 98295af5..ec76ae48 100644 --- a/src/nfd_numpy/scripts/02_hypar_opening.py +++ b/scripts/92_nfd_hypar_opening.py @@ -3,8 +3,8 @@ from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from compas_fd.nfd_numpy import nfd_ur_numpy -from _helpers import mesh_update +from compas_fd.nfd import nfd_ur_numpy +from _nfd_helpers import mesh_update # ================================================= diff --git a/src/nfd_numpy/scripts/03_hypar_quads.py b/scripts/93_nfd_hypar_quads.py similarity index 95% rename from src/nfd_numpy/scripts/03_hypar_quads.py rename to scripts/93_nfd_hypar_quads.py index c397abd7..b6b291f3 100644 --- a/src/nfd_numpy/scripts/03_hypar_quads.py +++ b/scripts/93_nfd_hypar_quads.py @@ -3,8 +3,8 @@ from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from compas_fd.nfd_numpy import nfd_ur_numpy -from _helpers import mesh_update +from compas_fd.nfd import nfd_ur_numpy +from _nfd_helpers import mesh_update # ================================================= diff --git a/src/nfd_numpy/scripts/04_hypar_quads_tris.py b/scripts/94_nfd_hypar_quads_tris.py similarity index 95% rename from src/nfd_numpy/scripts/04_hypar_quads_tris.py rename to scripts/94_nfd_hypar_quads_tris.py index ac7aac73..cdae8990 100644 --- a/src/nfd_numpy/scripts/04_hypar_quads_tris.py +++ b/scripts/94_nfd_hypar_quads_tris.py @@ -3,8 +3,8 @@ from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from compas_fd.nfd_numpy import nfd_ur_numpy -from _helpers import mesh_update +from compas_fd.nfd import nfd_ur_numpy +from _nfd_helpers import mesh_update # ================================================= diff --git a/src/nfd_numpy/scripts/05_hypar_support.py b/scripts/95_nfd_hypar_support.py similarity index 96% rename from src/nfd_numpy/scripts/05_hypar_support.py rename to scripts/95_nfd_hypar_support.py index 2f23a8c9..181f31f4 100644 --- a/src/nfd_numpy/scripts/05_hypar_support.py +++ b/scripts/95_nfd_hypar_support.py @@ -3,8 +3,8 @@ from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from compas_fd.nfd_numpy import nfd_ur_numpy -from _helpers import mesh_update +from compas_fd.nfd import nfd_ur_numpy +from _nfd_helpers import mesh_update # ================================================= diff --git a/src/nfd_numpy/scripts/06_hypar_anisotropic_stress_A.py b/scripts/96_nfd_hypar_anisotropic_stress_A.py similarity index 95% rename from src/nfd_numpy/scripts/06_hypar_anisotropic_stress_A.py rename to scripts/96_nfd_hypar_anisotropic_stress_A.py index a3918c1b..e7ada853 100644 --- a/src/nfd_numpy/scripts/06_hypar_anisotropic_stress_A.py +++ b/scripts/96_nfd_hypar_anisotropic_stress_A.py @@ -3,8 +3,8 @@ from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from compas_fd.nfd_numpy import nfd_ur_numpy -from _helpers import mesh_update +from compas_fd.nfd import nfd_ur_numpy +from _nfd_helpers import mesh_update # ================================================= diff --git a/src/nfd_numpy/scripts/07_hypar_anisotropic_stress_B.py b/scripts/97_nfd_hypar_anisotropic_stress_B.py similarity index 95% rename from src/nfd_numpy/scripts/07_hypar_anisotropic_stress_B.py rename to scripts/97_nfd_hypar_anisotropic_stress_B.py index d6787a63..46dd1c76 100644 --- a/src/nfd_numpy/scripts/07_hypar_anisotropic_stress_B.py +++ b/scripts/97_nfd_hypar_anisotropic_stress_B.py @@ -3,8 +3,8 @@ from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from compas_fd.nfd_numpy import nfd_ur_numpy -from _helpers import mesh_update +from compas_fd.nfd import nfd_ur_numpy +from _nfd_helpers import mesh_update # ================================================= diff --git a/src/nfd_numpy/scripts/08_hypar_shell.py b/scripts/98_nfd_hypar_shell.py similarity index 95% rename from src/nfd_numpy/scripts/08_hypar_shell.py rename to scripts/98_nfd_hypar_shell.py index 75b52a15..c8d3eab0 100644 --- a/src/nfd_numpy/scripts/08_hypar_shell.py +++ b/scripts/98_nfd_hypar_shell.py @@ -3,8 +3,8 @@ from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from compas_fd.nfd_numpy import nfd_ur_numpy -from _helpers import mesh_update +from compas_fd.nfd import nfd_ur_numpy +from _nfd_helpers import mesh_update # ================================================= diff --git a/src/nfd_numpy/scripts/09_inflated_shell.py b/scripts/99_nfd_inflated_shell.py similarity index 95% rename from src/nfd_numpy/scripts/09_inflated_shell.py rename to scripts/99_nfd_inflated_shell.py index 3047ed2d..34920e99 100644 --- a/src/nfd_numpy/scripts/09_inflated_shell.py +++ b/scripts/99_nfd_inflated_shell.py @@ -3,8 +3,8 @@ from compas.datastructures import Mesh, mesh_subdivide from compas_view2 import app -from compas_fd.nfd_numpy import nfd_ur_numpy -from _helpers import mesh_update +from compas_fd.nfd import nfd_ur_numpy +from _nfd_helpers import mesh_update # ================================================= diff --git a/src/nfd_numpy/scripts/_helpers.py b/scripts/_nfd_helpers.py similarity index 100% rename from src/nfd_numpy/scripts/_helpers.py rename to scripts/_nfd_helpers.py diff --git a/src/compas_fd/__init__.py b/src/compas_fd/__init__.py index 66a2aa6b..7171402b 100644 --- a/src/compas_fd/__init__.py +++ b/src/compas_fd/__init__.py @@ -11,6 +11,7 @@ compas_fd.datastructures compas_fd.fd + compas_fd.nfd compas_fd.loads """ diff --git a/src/compas_fd/nfd/__init__.py b/src/compas_fd/nfd/__init__.py new file mode 100644 index 00000000..0932ef4e --- /dev/null +++ b/src/compas_fd/nfd/__init__.py @@ -0,0 +1,35 @@ +""" +****************** +compas_fd.nfd +****************** + +.. currentmodule:: compas_fd.nfd + + +Functions +========= + +.. autosummary:: + :toctree: generated/ + :nosignatures: + + nfd_ur_numpy + nfd_numpy + +""" +from __future__ import print_function +from __future__ import absolute_import +from __future__ import division + +import compas + +if not compas.IPY: + from .solvers import nfd_ur_numpy, nfd_numpy + +__all__ = [] + +if not compas.IPY: + __all__ += [ + 'nfd_ur_numpy', + 'nfd_numpy' + ] diff --git a/src/nfd_numpy/nfd/geometry.py b/src/compas_fd/nfd/geometry.py similarity index 98% rename from src/nfd_numpy/nfd/geometry.py rename to src/compas_fd/nfd/geometry.py index 9e9370a1..c6179486 100644 --- a/src/nfd_numpy/nfd/geometry.py +++ b/src/compas_fd/nfd/geometry.py @@ -10,7 +10,8 @@ from compas.geometry import Vector, angle_vectors_signed from compas.utilities import pairwise -from .math_utilities import * +from compas_fd.nfd.math_utilities import euclidean_distance, arc_cos, is_isotropic, \ + transform_stress_angle, stress_vec_to_tensor, planar_rotation, transform_stress __all__ = [ @@ -405,6 +406,10 @@ def get_forces(edges, xyz): return forces +# ================================================= +# stress goals +# ================================================= + class Goals: """Represents collection of geometric and stress resultant goals.""" @@ -429,7 +434,7 @@ def mesh_preprocess(mesh, goals): v_index = mesh.key_index() xyz = [mesh.vertex_coordinates(v) for v in mesh.vertices()] fixed = [mesh.key_index()[v] for v - in mesh.vertices_where({'is_anchor': True})] + in mesh.vertices_where({'is_anchor': True})] edges_vts = ([v_index[u], v_index[v]] for u, v in mesh.edges()) faces_vts = ([v_index[w] for w in mesh.face_vertices(f)] for f in mesh.faces()) @@ -442,10 +447,3 @@ def mesh_preprocess(mesh, goals): in zip(edges_vts, goals.forces, goals.densities)] if e] return faces, edges, xyz, fixed - - -# ================================================= -# main -# ================================================= -if __name__ == '__main__': - pass diff --git a/src/nfd_numpy/nfd/math_utilities.py b/src/compas_fd/nfd/math_utilities.py similarity index 78% rename from src/nfd_numpy/nfd/math_utilities.py rename to src/compas_fd/nfd/math_utilities.py index ca53a486..4a0a0970 100644 --- a/src/nfd_numpy/nfd/math_utilities.py +++ b/src/compas_fd/nfd/math_utilities.py @@ -1,7 +1,8 @@ -from typing import Sequence from math import sin, cos, asin, acos, hypot +from numpy import asarray -from numpy import asarray, ndarray +from typing import Sequence +from nptyping import NDArray __all__ = [ @@ -47,20 +48,21 @@ def euclidean_distance(pt_a: Sequence[float], pt_b: Sequence[float]) -> float: return hypot(pt_a[0] - pt_b[0], pt_a[1] - pt_b[1], pt_a[2] - pt_b[2]) -def planar_rotation(angle: float) -> ndarray: +def planar_rotation(angle: float) -> NDArray[(2, 2), float]: """Get the planar rotation matrix from an angle in radians.""" return asarray([[c(angle), -s(angle)], [s(angle), c(angle)]]) -def is_isotropic(vec: Sequence[float]) -> bool: +def is_isotropic(vec: NDArray[(3,), float]) -> bool: """Check whether a planar stress pseudo-vector is isotropic.""" return (vec[0] == vec[1]) and (vec[2] == 0) -def transform_stress(stress: ndarray, rotation: ndarray, - invert: bool = False) -> ndarray: - """Transform a planar stress pseudo-vector by a 2x2 rotation matrix.""" +def transform_stress(stress: NDArray[(3,), float], rotation: NDArray[(2, 2), float], + invert: bool = False) -> NDArray[(3,), float]: + """Transform a planar stress pseudo-vector by a 2x2 rotation matrix. + Internally, the stress pseudo-vector is converted to a 2 x 2 tensor for computation.""" s = stress_vec_to_tensor(stress) R = rotation r = (R.dot(s).dot(R.T) if invert @@ -69,7 +71,7 @@ def transform_stress(stress: ndarray, rotation: ndarray, def transform_stress_angle(stress: Sequence[float], angle: float, - invert: bool = False) -> ndarray: + invert: bool = False) -> NDArray[(3, 3), float]: """Transform a planar stress pseudo-vector by an angle in radians.""" a = -angle if invert else angle s2a = s2(a) @@ -81,12 +83,12 @@ def transform_stress_angle(stress: Sequence[float], angle: float, return asarray(T).dot(stress) -def stress_vec_to_tensor(vec: Sequence[float]) -> ndarray: +def stress_vec_to_tensor(vec: Sequence[float]) -> NDArray[(2, 2), float]: """Convert planar stresses from pseudo-vector to tensor form.""" return asarray([[vec[0], vec[2]], [vec[2], vec[1]]]) -def stress_tensor_to_vec(tens: ndarray) -> ndarray: +def stress_tensor_to_vec(tens: NDArray[(2, 2), float]) -> NDArray[(3,), float]: """Convert planar stresses from tensor to pseudo-vector form.""" return asarray([tens[0, 0], tens[1, 1], tens[0, 1]]) diff --git a/src/nfd_numpy/nfd/matrices.py b/src/compas_fd/nfd/matrices.py similarity index 100% rename from src/nfd_numpy/nfd/matrices.py rename to src/compas_fd/nfd/matrices.py diff --git a/src/nfd_numpy/nfd/solvers.py b/src/compas_fd/nfd/solvers.py similarity index 97% rename from src/nfd_numpy/nfd/solvers.py rename to src/compas_fd/nfd/solvers.py index 1ff1f7ad..115f23e2 100644 --- a/src/nfd_numpy/nfd/solvers.py +++ b/src/compas_fd/nfd/solvers.py @@ -157,12 +157,4 @@ def _nfd_solve(xyz, fixed, faces, edges, loads, s_calc): f = NaturalEdge.get_forces(edges, _xyz) r = p - D.dot(xyz) - return _xyz, r, s, f - - -# ================================================= -# main -# ================================================= - -if __name__ == '__main__': - pass + return _xyz, r, s, f \ No newline at end of file diff --git a/src/nfd_numpy/__init__.py b/src/nfd_numpy/__init__.py deleted file mode 100644 index 3482b23a..00000000 --- a/src/nfd_numpy/__init__.py +++ /dev/null @@ -1,9 +0,0 @@ -from __future__ import absolute_import - -from .nfd import nfd_ur_numpy, nfd_numpy - - -__all__ = [ - 'nfd_ur_numpy', - 'nfd_numpy' -] diff --git a/src/nfd_numpy/nfd/__init__.py b/src/nfd_numpy/nfd/__init__.py deleted file mode 100644 index 080dd2df..00000000 --- a/src/nfd_numpy/nfd/__init__.py +++ /dev/null @@ -1,9 +0,0 @@ -from __future__ import absolute_import - -from .solvers import nfd_ur_numpy, nfd_numpy - - -__all__ = [ - 'nfd_ur_numpy', - 'nfd_numpy' -] diff --git a/src/nfd_numpy/scripts/__init__.py b/src/nfd_numpy/scripts/__init__.py deleted file mode 100644 index 46459899..00000000 --- a/src/nfd_numpy/scripts/__init__.py +++ /dev/null @@ -1,6 +0,0 @@ -import sys -from pathlib import Path -top = str(Path(__file__).parents[1]) -sys.path.append(top) - -from .nfd import nfd_ur_numpy, nfd_numpy # noqa From ae4dd8244a2eaa0d1ee8c5cf8dbacbabba1f78e6 Mon Sep 17 00:00:00 2001 From: Sam Date: Wed, 22 Sep 2021 15:17:34 +0200 Subject: [PATCH 16/19] newline --- src/compas_fd/nfd/solvers.py | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/src/compas_fd/nfd/solvers.py b/src/compas_fd/nfd/solvers.py index 115f23e2..394f0c03 100644 --- a/src/compas_fd/nfd/solvers.py +++ b/src/compas_fd/nfd/solvers.py @@ -157,4 +157,5 @@ def _nfd_solve(xyz, fixed, faces, edges, loads, s_calc): f = NaturalEdge.get_forces(edges, _xyz) r = p - D.dot(xyz) - return _xyz, r, s, f \ No newline at end of file + return _xyz, r, s, f + \ No newline at end of file From cfe11e577a0cbbd0827fe8eab0688d6f5e3ec376 Mon Sep 17 00:00:00 2001 From: Sam Date: Wed, 22 Sep 2021 15:22:02 +0200 Subject: [PATCH 17/19] cleanup --- src/compas_fd/nfd/matrices.py | 3 ++- src/compas_fd/nfd/solvers.py | 1 - 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/src/compas_fd/nfd/matrices.py b/src/compas_fd/nfd/matrices.py index 19faf4a6..c88d7ffb 100644 --- a/src/compas_fd/nfd/matrices.py +++ b/src/compas_fd/nfd/matrices.py @@ -148,7 +148,8 @@ def _load_mat(self, loads, default=None): return asarray(loads).reshape(-1, 3) if loads is not None else default def update(self): - """Assemble all loads corresponding to current geometry.""" + """Assemble all loads corresponding to current geometry into updated load matrix. + To be called at each iteration where geometry has been updated.""" if not self._has_face_loads: return self._mat self._mat = copy(self._vertices_mat) diff --git a/src/compas_fd/nfd/solvers.py b/src/compas_fd/nfd/solvers.py index 394f0c03..4c6de361 100644 --- a/src/compas_fd/nfd/solvers.py +++ b/src/compas_fd/nfd/solvers.py @@ -158,4 +158,3 @@ def _nfd_solve(xyz, fixed, faces, edges, loads, s_calc): r = p - D.dot(xyz) return _xyz, r, s, f - \ No newline at end of file From 4eb379fc516a77cd4cd5245409bb3f6bde9be240 Mon Sep 17 00:00:00 2001 From: Sam Date: Thu, 23 Sep 2021 15:13:03 +0200 Subject: [PATCH 18/19] verbose documentation verbose docs --- scripts/91_nfd_hypar.py | 8 +- scripts/92_nfd_hypar_opening.py | 9 +- scripts/93_nfd_hypar_quads.py | 9 +- scripts/94_nfd_hypar_quads_tris.py | 11 +- scripts/95_nfd_hypar_support.py | 9 +- scripts/96_nfd_hypar_anisotropic_stress_A.py | 11 +- scripts/97_nfd_hypar_anisotropic_stress_B.py | 11 +- scripts/98_nfd_hypar_shell.py | 7 +- scripts/99_nfd_inflated_shell.py | 9 +- src/compas_fd/fd/result.py | 5 +- src/compas_fd/nfd/geometry.py | 522 ++++++++++++------- src/compas_fd/nfd/goals.py | 40 ++ src/compas_fd/nfd/math_utilities.py | 23 +- src/compas_fd/nfd/matrices.py | 84 +-- src/compas_fd/nfd/solvers.py | 96 ++-- 15 files changed, 546 insertions(+), 308 deletions(-) create mode 100644 src/compas_fd/nfd/goals.py diff --git a/scripts/91_nfd_hypar.py b/scripts/91_nfd_hypar.py index 6be1c3ea..7b829f95 100644 --- a/scripts/91_nfd_hypar.py +++ b/scripts/91_nfd_hypar.py @@ -44,21 +44,23 @@ # get mesh data # ================================================= +fixed = [mesh.key_index()[v] for v in mesh.vertices_where({'is_anchor': True})] P = mesh.vertices_attributes(['px', 'py', 'pz']) S = mesh.faces_attribute('s_pre') Q = mesh.edges_attribute('q_pre') # ================================================= -# run solver +# solver # ================================================= -xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, s_calc=1) +xyz, r, f, _, s = nfd_ur_numpy(mesh, fixed, S, force_density_goals=Q, + vertex_loads=P, kmax=10, stress_flag=1) mesh_update(mesh, xyz, r, s, f) # ================================================= -# visualisation +# viz # ================================================= viewer = app.App() diff --git a/scripts/92_nfd_hypar_opening.py b/scripts/92_nfd_hypar_opening.py index ec76ae48..2d9e103e 100644 --- a/scripts/92_nfd_hypar_opening.py +++ b/scripts/92_nfd_hypar_opening.py @@ -48,22 +48,23 @@ # get mesh data # ================================================= +fixed = [mesh.key_index()[v] for v in mesh.vertices_where({'is_anchor': True})] P = mesh.vertices_attributes(['px', 'py', 'pz']) S = mesh.faces_attribute('s_pre') Q = mesh.edges_attribute('q_pre') # ================================================= -# run solver +# solver # ================================================= -xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, - s_calc=1, s_tol=.05, xyz_tol=.01) +xyz, r, f, _, s = nfd_ur_numpy(mesh, fixed, S, force_density_goals=Q, vertex_loads=P, + kmax=10, stress_flag=1, stress_tol=.05, xyz_tol=.01) mesh_update(mesh, xyz, r, s, f) # ================================================= -# visualisation +# viz # ================================================= viewer = app.App() diff --git a/scripts/93_nfd_hypar_quads.py b/scripts/93_nfd_hypar_quads.py index b6b291f3..dae62323 100644 --- a/scripts/93_nfd_hypar_quads.py +++ b/scripts/93_nfd_hypar_quads.py @@ -43,22 +43,23 @@ # get mesh data # ================================================= +fixed = [mesh.key_index()[v] for v in mesh.vertices_where({'is_anchor': True})] P = mesh.vertices_attributes(['px', 'py', 'pz']) S = mesh.faces_attribute('s_pre') Q = mesh.edges_attribute('q_pre') # ================================================= -# run solver +# solver # ================================================= -xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, - s_calc=1, s_tol=.05, xyz_tol=.01) +xyz, r, f, _, s = nfd_ur_numpy(mesh, fixed, S, force_density_goals=Q, vertex_loads=P, + kmax=10, stress_flag=1, stress_tol=.05, xyz_tol=.01) mesh_update(mesh, xyz, r, s, f) # ================================================= -# visualisation +# viz # ================================================= viewer = app.App() diff --git a/scripts/94_nfd_hypar_quads_tris.py b/scripts/94_nfd_hypar_quads_tris.py index cdae8990..094e80e2 100644 --- a/scripts/94_nfd_hypar_quads_tris.py +++ b/scripts/94_nfd_hypar_quads_tris.py @@ -30,7 +30,7 @@ mesh.split_face(face, v[0], v[2]) bounds = mesh.edges_on_boundaries()[0] -mesh.edges_attribute('q_pre', 20, bounds) +mesh.edges_attribute('q_pre', 15, bounds) dva = {'rx': .0, 'ry': .0, 'rz': .0, 'px': .0, 'py': .0, 'pz': .0, @@ -47,22 +47,23 @@ # get mesh data # ================================================= +fixed = [mesh.key_index()[v] for v in mesh.vertices_where({'is_anchor': True})] P = mesh.vertices_attributes(['px', 'py', 'pz']) S = mesh.faces_attribute('s_pre') Q = mesh.edges_attribute('q_pre') # ================================================= -# run solver +# solver # ================================================= -xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, - s_calc=1, s_tol=.05, xyz_tol=.01) +xyz, r, f, _, s = nfd_ur_numpy(mesh, fixed, S, force_density_goals=Q, vertex_loads=P, + kmax=10, stress_flag=1, stress_tol=.05, xyz_tol=.01) mesh_update(mesh, xyz, r, s, f) # ================================================= -# visualisation +# viz # ================================================= viewer = app.App() diff --git a/scripts/95_nfd_hypar_support.py b/scripts/95_nfd_hypar_support.py index 181f31f4..d5b61920 100644 --- a/scripts/95_nfd_hypar_support.py +++ b/scripts/95_nfd_hypar_support.py @@ -71,22 +71,23 @@ # get mesh data # ================================================= +fixed = [mesh.key_index()[v] for v in mesh.vertices_where({'is_anchor': True})] P = mesh.vertices_attributes(['px', 'py', 'pz']) S = mesh.faces_attribute('s_pre') Q = mesh.edges_attribute('q_pre') # ================================================= -# run solver +# solver # ================================================= -xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, - s_calc=1, s_tol=.001, xyz_tol=.001) +xyz, r, f, _, s = nfd_ur_numpy(mesh, fixed, S, force_density_goals=Q, vertex_loads=P, + kmax=10, stress_flag=1, stress_tol=.01, xyz_tol=.01) mesh_update(mesh, xyz, r, s, f) # ================================================= -# visualisation +# viz # ================================================= viewer = app.App() diff --git a/scripts/96_nfd_hypar_anisotropic_stress_A.py b/scripts/96_nfd_hypar_anisotropic_stress_A.py index e7ada853..b898ec98 100644 --- a/scripts/96_nfd_hypar_anisotropic_stress_A.py +++ b/scripts/96_nfd_hypar_anisotropic_stress_A.py @@ -27,7 +27,7 @@ mesh.quads_to_triangles() bounds = mesh.edges_on_boundaries()[0] -mesh.edges_attribute('q_pre', 40, bounds) +mesh.edges_attribute('q_pre', 30, bounds) dva = {'rx': .0, 'ry': .0, 'rz': .0, 'px': .0, 'py': .0, 'pz': .0, @@ -44,22 +44,23 @@ # get mesh data # ================================================= +fixed = [mesh.key_index()[v] for v in mesh.vertices_where({'is_anchor': True})] P = mesh.vertices_attributes(['px', 'py', 'pz']) S = mesh.faces_attribute('s_pre') Q = mesh.edges_attribute('q_pre') # ================================================= -# run solver +# solver # ================================================= -xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, - s_calc=3, s_ref=(1, 1, 0)) +xyz, r, f, _, s = nfd_ur_numpy(mesh, fixed, S, force_density_goals=Q, vertex_loads=P, + kmax=10, stress_flag=3, stress_ref=(1, 1, 0)) mesh_update(mesh, xyz, r, s, f) # ================================================= -# visualisation +# viz # ================================================= viewer = app.App() diff --git a/scripts/97_nfd_hypar_anisotropic_stress_B.py b/scripts/97_nfd_hypar_anisotropic_stress_B.py index 46dd1c76..d9658608 100644 --- a/scripts/97_nfd_hypar_anisotropic_stress_B.py +++ b/scripts/97_nfd_hypar_anisotropic_stress_B.py @@ -27,7 +27,7 @@ mesh.quads_to_triangles() bounds = mesh.edges_on_boundaries()[0] -mesh.edges_attribute('q_pre', 40, bounds) +mesh.edges_attribute('q_pre', 30, bounds) dva = {'rx': .0, 'ry': .0, 'rz': .0, 'px': .0, 'py': .0, 'pz': .0, @@ -44,22 +44,23 @@ # get mesh data # ================================================= +fixed = [mesh.key_index()[v] for v in mesh.vertices_where({'is_anchor': True})] P = mesh.vertices_attributes(['px', 'py', 'pz']) S = mesh.faces_attribute('s_pre') Q = mesh.edges_attribute('q_pre') # ================================================= -# run solver +# solver # ================================================= -xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, vertex_loads=P, kmax=10, - s_calc=3, s_ref=(1, 0.5, 0)) +xyz, r, f, _, s = nfd_ur_numpy(mesh, fixed, S, force_density_goals=Q, vertex_loads=P, + kmax=10, stress_flag=3, stress_ref=(1, 0.5, 0)) mesh_update(mesh, xyz, r, s, f) # ================================================= -# visualisation +# viz # ================================================= viewer = app.App() diff --git a/scripts/98_nfd_hypar_shell.py b/scripts/98_nfd_hypar_shell.py index c8d3eab0..2ff11e61 100644 --- a/scripts/98_nfd_hypar_shell.py +++ b/scripts/98_nfd_hypar_shell.py @@ -45,21 +45,22 @@ # get mesh data # ================================================= +fixed = [mesh.key_index()[v] for v in mesh.vertices_where({'is_anchor': True})] P = mesh.faces_attributes(['px', 'py', 'pz']) S = mesh.faces_attribute('s_pre') Q = mesh.edges_attribute('q_pre') # ================================================= -# run solver +# solver # ================================================= -xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, global_face_loads=P, kmax=5, s_calc=1) +xyz, r, f, _, s = nfd_ur_numpy(mesh, fixed, S, force_density_goals=Q, global_face_loads=P, kmax=5, stress_flag=1) mesh_update(mesh, xyz, r, s, f) # ================================================= -# visualisation +# viz # ================================================= viewer = app.App() diff --git a/scripts/99_nfd_inflated_shell.py b/scripts/99_nfd_inflated_shell.py index 34920e99..2e45fe1a 100644 --- a/scripts/99_nfd_inflated_shell.py +++ b/scripts/99_nfd_inflated_shell.py @@ -45,6 +45,7 @@ # get mesh data # ================================================= +fixed = [mesh.key_index()[v] for v in mesh.vertices_where({'is_anchor': True})] P1 = mesh.faces_attributes(['px', 'py', 'pz']) P2 = [-0.2 * p for load_vec in P1 for p in load_vec] S = mesh.faces_attribute('s_pre') @@ -52,16 +53,16 @@ # ================================================= -# run solver +# solver # ================================================= -xyz, r, s, f = nfd_ur_numpy(mesh, S, Q, local_face_loads=P1, - global_face_loads=P2, kmax=5, s_calc=1) +xyz, r, f, _, s = nfd_ur_numpy(mesh, fixed, S, force_density_goals=Q, local_face_loads=P1, + global_face_loads=P2, kmax=5, stress_flag=1) mesh_update(mesh, xyz, r, s, f) # ================================================= -# visualisation +# viz # ================================================= viewer = app.App() diff --git a/src/compas_fd/fd/result.py b/src/compas_fd/fd/result.py index a2058918..94e08055 100644 --- a/src/compas_fd/fd/result.py +++ b/src/compas_fd/fd/result.py @@ -1,6 +1,8 @@ from typing import Any from typing import List +from typing import Tuple from typing import NamedTuple +from typing import Union from nptyping import NDArray import numpy as np @@ -10,4 +12,5 @@ class Result(NamedTuple): vertices: NDArray[(Any, 3), np.float64] residuals: NDArray[(Any, 3), np.float64] forces: List[float] - lenghts: List[float] + lengths: List[float] + stresses: Union[Tuple, None] = None diff --git a/src/compas_fd/nfd/geometry.py b/src/compas_fd/nfd/geometry.py index c6179486..9a8b581c 100644 --- a/src/compas_fd/nfd/geometry.py +++ b/src/compas_fd/nfd/geometry.py @@ -1,17 +1,30 @@ +from __future__ import annotations + +from typing import Any, Callable, Generator, List, Sequence, Tuple, NamedTuple +from typing_extensions import Annotated +from nptyping import NDArray + from collections import namedtuple from operator import itemgetter from math import sin, cos, atan2, pi from functools import wraps -from numpy import append, argsort, asarray, cross +from numpy import append, argsort, asarray, cross, float64 from numpy.linalg import eig, inv +from compas.datastructures import Mesh from compas.geometry import Frame, centroid_points, Rotation from compas.geometry import Vector, angle_vectors_signed from compas.utilities import pairwise -from compas_fd.nfd.math_utilities import euclidean_distance, arc_cos, is_isotropic, \ - transform_stress_angle, stress_vec_to_tensor, planar_rotation, transform_stress +from .math_utilities import euclidean_distance, arc_cos, is_isotropic, \ + transform_stress_angle, stress_vec_to_tensor, planar_rotation, transform_stress +from .goals import Goals + + +Vec = Annotated[Sequence[float], 3] +NpVec = NDArray[(3,), float64] +VertexArray = NDArray[(Any, 3), float64] __all__ = [ @@ -43,8 +56,10 @@ def c2(x): # decorators # ================================================= -def cache_iter(func): - """Cache function result of the current iteration.""" +def cache_iter(func: Callable) -> Callable: + """Cache a method return value of the current iteration in the cache dictionary + of its class instance. After being cached, subsequent calls to the method will + return the stored result, until the cache dictionary is explicitely cleared.""" cached_func = '_c_' + func.__name__ @wraps(func) @@ -57,7 +72,8 @@ def wrapper(self, *args, **kwargs): return wrapper -def check_singularity(func): +def check_singularity(func: Callable) -> Callable: + """Verify if a numerical error occurred in the method call due to zero division.""" def wrapper(*args, **kwargs): try: return func(*args, **kwargs) @@ -67,16 +83,132 @@ def wrapper(*args, **kwargs): # ================================================= -# natural geometry datastructures +# natural geometry # ================================================= +class NaturalEdge: + """Represents geometry and force data of a single edge. + + Parameters + ---------- + mesh_xyz : ndarray of float + XYZ vertex coordinates of the whole mesh as a (n, 3) array. + vertices_ids : sequence of int + Sequence of contiguous vertex indices. + force_goal : float + Goal force for the edge. + force_density_goal : float + Goal force density for the edge, overwrites force goals. + + Attributes + ---------- + edge_count : int + The number of instantiated NaturalEdges. + xyz : ndarray of float + XYZ vertex coordinates of the edge as a (2, 3) array. + length: float + Length of edge. + force_density: float + Force density in edge for current geometry. + force : float + Force in edge for current geometry. + """ + + edge_count = 0 + + def __new__(cls, mesh_xyz, vertices_ids, force_goal, force_density_goal): + cls.edge_count += 1 + if not (force_goal or force_density_goal): + return + return super().__new__(cls) + + def __init__(self, mesh_xyz: VertexArray, vertices_ids: Sequence[int], + force_goal: float = None, force_density_goal: float = None) -> None: + self.cache = {} + self.edge_id = __class__.edge_count - 1 + self.vertices_ids = tuple(vertices_ids) + self.xyz = mesh_xyz + self.force_goal = force_goal + self.force_density_goal = force_density_goal + + def update_xyz(self, mesh_xyz: VertexArray) -> None: + """Update XYZ edge coordinates and clear geometry cache.""" + self.cache.clear() + self.xyz = mesh_xyz + + @property + @cache_iter + def length(self) -> float: + """Edge length from euclidean distance of vertces.""" + return euclidean_distance(*self.xyz) + + @property + def xyz(self) -> NDArray[(2, 3), float64]: + """XYZ vertex coordinates of the edge.""" + return self._xyz + + @xyz.setter + def xyz(self, mesh_xyz: VertexArray) -> None: + u, v = self.vertices_ids + self._xyz = (mesh_xyz[u], mesh_xyz[v]) + + @property + def force_density(self) -> float: + """Force density in edge for current geometry.""" + self._force_density = self.force_density_goal or (self.force_goal / self.length) + return self._force_density + + @property + @cache_iter + def force(self) -> float: + """Force in edge for current geometry.""" + return self._force_density * self.length + + @classmethod + def get_forces(cls, edges: Sequence[NaturalEdge]) -> List[float]: + """Get forces for sequence of edges.""" + forces = [.0] * cls.edge_count + for edge in edges: + forces[edge.edge_id] = edge.force + return forces + + @classmethod + def get_lengths(cls, edges: Sequence[NaturalEdge]) -> List[float]: + """Get lengths for sequence of edges.""" + return [edge.length for edge in edges] + + class NaturalFace: - """Represents geometry and natural stress data of a single face.""" + """Represents geometry and natural stress data of a single face. + + Parameters + ---------- + mesh_xyz : ndarray of float + XYZ vertex coordinates of the whole mesh as a (n, 3) array. + vertices_ids : sequence of int + Sequence of contiguous vertex indices. + stress_goal : sequence of float + Goal 2nd Piola-Kirchhoff (σx, σy, τxy) stress field for the face, + input over global directions and normalized over thickness. + (default is None, setting a uniform stress field (1, 1, 0)). + stress_ref : sequence of float + Normal of reference plane for non-isotropic stress field orientation. + is_subface : boolean + Whether the face is a tri subface of a quad face. + + Attributes + ---------- + face_count : int + The number of instantiated NaturalFaces. + xyz : ndarray of float + XYZ vertex coordinates of the face as a (n, 3) array. + """ face_count = 0 - def __new__(cls, xyz, vertices_ids, stress_goal=None, - stress_ref=None, is_subface=False): + def __new__(cls, mesh_xyz: VertexArray, vertices_ids: Sequence[int], + stress_goal: Vec = None, stress_ref: Vec = None, + is_subface: bool = False) -> None: v = len(vertices_ids) if v == 3: return super().__new__(TriFace) @@ -86,19 +218,21 @@ def __new__(cls, xyz, vertices_ids, stress_goal=None, raise ValueError('Only tri and quad faces can be processed, ' f'A face with {v} vertices was input.') - def __init__(self, xyz, vertices_ids, stress_goal=None, - stress_ref=None, is_subface=False): + def __init__(self, mesh_xyz: VertexArray, vertices_ids: Sequence[int], + stress_goal: Vec = None, stress_ref: Vec = None, + is_subface: bool = False) -> None: self.cache = {} self._set_ids(vertices_ids, is_subface) - self.xyz = xyz + self.xyz = mesh_xyz self.stress_ref = stress_ref self.stress_goal = stress_goal - def update_xyz(self, xyz): + def update_xyz(self, mesh_xyz: VertexArray) -> None: + """Update XYZ face coordinates and clear geometry cache.""" self.cache.clear() - self.xyz = xyz + self.xyz = mesh_xyz - def _set_ids(self, vertices_ids, is_subface): + def _set_ids(self, vertices_ids: Sequence[int], is_subface: bool) -> None: self.vertices_ids = vertices_ids if is_subface: self.face_id = -1 @@ -106,33 +240,35 @@ def _set_ids(self, vertices_ids, is_subface): self.face_id = __class__.face_count __class__.face_count += 1 - def __len__(self): + def __len__(self) -> int: return len(self.vertices_ids) @property - def xyz(self): + def xyz(self) -> VertexArray: + """XYZ vertex coordinates of the face.""" return self._xyz @xyz.setter - def xyz(self, xyz): - self._xyz = [xyz[v] for v in self.vertices_ids] + def xyz(self, mesh_xyz: VertexArray) -> None: + self._xyz = [mesh_xyz[v] for v in self.vertices_ids] @property @cache_iter - def stress_goal(self): + def stress_goal(self) -> NpVec: + """Goal 2nd Piola-Kirchhoff (σx, σy, τxy) stress field for the face.""" if self.stress_ref is None or is_isotropic(self._stress_goal): return self._stress_goal return self._calc_stress_goal() @stress_goal.setter - def stress_goal(self, goal): - self._stress_goal = (1, 1, 0) if goal is None else goal + def stress_goal(self, goal: Sequence[float]): + self._stress_goal = asarray([1, 1, 0]) if goal is None else asarray(goal) if (not is_isotropic(self._stress_goal)) and (not self.stress_ref): - raise ValueError("Non-isotropic stress state requires reference.") + raise ValueError("Non-isotropic stress state requires reference normal.") - def _calc_stress_goal(self): - """Calculate stress goal by intersection with plane - defined by having reference vector as its normal.""" + def _calc_stress_goal(self) -> Vec: + """Calculate stress goal by intersection of the face with + the plane defined by stress reference vector as its normal.""" f = self.frame g = self._stress_goal x, z, ref = f.xaxis, f.zaxis, asarray(self.stress_ref) @@ -140,47 +276,48 @@ def _calc_stress_goal(self): θ = atan2(cross(x, x_r).dot(z), x.dot(x_r)) return transform_stress_angle(g, θ) - def transform_to_global(self, vec): - """Transform vector from local face frame to global frame.""" + def transform_stress_to_global(self, vec: NpVec) -> NpVec: + """Transform stress pseudo-vector from local face frame to global frame.""" R = asarray(Rotation.from_frame(self.frame))[:3, :3] return R.dot(append(vec, .0)) @cache_iter - def principal_stress(self, to_global=False): + def principal_stress(self, to_global: bool = False) -> Tuple[NDArray[(2,), float64], NDArray[(2, 2), float64]]: """Principal stress values and vectors from local stresses.""" s = stress_vec_to_tensor(self.stress) - eigvals, eigvecs = eig(s) - ids = argsort(-eigvals) - eigvals, eigvecs = eigvals[ids], eigvecs[ids, :] + eigenvals, eigenvecs = eig(s) + # sort eigenvalues and corresponding vectors + ids = argsort(-eigenvals) + eigenvals, eigenvecs = eigenvals[ids], eigenvecs[ids, :] if to_global: - eigvecs = [self.transform_to_global(v) for v in eigvecs] - return eigvals, eigvecs + eigenvecs = [self.transform_stress_to_global(v) for v in eigenvecs] + return eigenvals, eigenvecs face_stresses = namedtuple('stresses', ['amplitudes', 'vectors']) - @staticmethod - def get_stresses(faces, xyz, s_calc): - """Strategy for calculating stresses of multiple faces.""" - s = __class__.face_stresses - if s_calc == -1: # only tri (sub)face stresses - return s(asarray(__class__._get_tris_attr(faces, 'stress')), None) - if s_calc == 0: # no stresses + @classmethod + def get_stresses(cls, faces: Sequence[NaturalFace], stress_flag: int) -> NamedTuple: + """Strategy for calculating stresses for a sequence of faces.""" + s = cls.face_stresses + if stress_flag == -1: # only tri (sub)face stresses + return s(asarray(cls._get_tris_attr(faces, 'stress')), None) + if stress_flag == 0: # no stresses return s(None, None) - if s_calc == 1: # stresses in local frames + if stress_flag == 1: # stresses in local frames return s(asarray([f.stress for f in faces]), None) - if (s_calc in (2, 3)): # principal stresses in local or global frame - eigs = (f.principal_stress(to_global=(s_calc == 3)) for f in faces) + if (stress_flag in (2, 3)): # principal stresses in local or global frame + eigs = (f.principal_stress(to_global=(stress_flag == 3)) for f in faces) return s(*map(list, zip(*eigs))) - raise ValueError("s_calc must be set to {0, 1, 2, 3}.") + raise ValueError("stress_flag parameter must be set to {0, 1, 2, 3}.") - @staticmethod - def get_stress_goals(faces): + @classmethod + def get_stress_goals(cls, faces: Sequence[NaturalFace]) -> NpVec: """Get stress goals for multiple tri (sub)faces. For quad faces, transformation into tri subface frames is hence not required.""" - return asarray(__class__._get_tris_attr(faces, 'stress_goal')) + return asarray(cls._get_tris_attr(faces, 'stress_goal')) @staticmethod - def _get_tris_attr(faces, attr): + def _get_tris_attr(faces: Sequence[NaturalFace], attr: Any) -> List: """Get attribute for multiple tri (sub)faces.""" attrs = [] for f in faces: @@ -194,37 +331,66 @@ def _get_tris_attr(faces, attr): class QuadFace(NaturalFace): """Represents geometry and natural stress data of a single quad face. - A quad face is composed of 4 pairwise overlapping tri faces.""" - - # vertex id sequence of each tri subface of the quad face + A quad face is composed of 4 pairwise overlapping tri faces. + + Parameters + ---------- + mesh_xyz : ndarray of float + XYZ vertex coordinates of the whole mesh as a (n, 3) array. + vertices_ids : sequence of int + Sequence of contiguous vertex indices. + stress_goal : sequence of float + Goal 2nd Piola-Kirchhoff (σx, σy, τxy) stress field on the face, + input over global directions and normalized over thickness. + (default is None, setting a uniform stress field (1, 1, 0)). + stress_ref : sequence of float + Normal of reference plane for non-isotropic stress field orientation. + + Attributes + ---------- + frame : :class:`Frame` + Local coordinate frame. + rotations : generator of (2, 2) ndarrays of float + Planarized rotation matrices from quad to tri subfaces. + force_densities : list of float + 6 natural force densities of the edges. + stress : ndarray of float + Pseudo-vector of 2nd Piola-Kirchhoff stresses. + """ + + # vertex sequence of each the 4 tri subfaces of the quad face __TRI_VERTICES = ((1, 3, 0), (3, 1, 2), (2, 0, 1), (0, 2, 3)) - def __init__(self, xyz, vertices_ids, stress_goal, stress_ref=None): - super().__init__(xyz, vertices_ids, stress_goal, stress_ref) - self._set_tri_faces(xyz) + def __init__(self, mesh_xyz: VertexArray, vertices_ids: Sequence[int], + stress_goal: Vec = None, stress_ref: Vec = None) -> None: + super().__init__(mesh_xyz, vertices_ids, stress_goal, stress_ref) + self._set_tri_faces(mesh_xyz) - def update_xyz(self, xyz): - """Update coordinates and geometric properties.""" - super().update_xyz(xyz) + def update_xyz(self, mesh_xyz: VertexArray) -> None: + """Update XYZ face coordinates and clear geometry cache, + both of quad face itself as of its composing tri subfaces.""" + super().update_xyz(mesh_xyz) for t in self.tri_faces: - t.update_xyz(xyz) + t.update_xyz(mesh_xyz) - def _set_tri_faces(self, xyz): + def _set_tri_faces(self, mesh_xyz: VertexArray) -> None: + """Construct the 4 tri subfaces of the quad face.""" tri_vertices_ids = (itemgetter(*self.__TRI_VERTICES[i]) (self.vertices_ids) for i in range(4)) - self.tri_faces = [TriFace(xyz, v_ids, self._stress_goal, + self.tri_faces = [TriFace(mesh_xyz, v_ids, self._stress_goal, self.stress_ref, True) for v_ids in tri_vertices_ids] @property @cache_iter - def area(self): + def area(self) -> float: + """Face area, as half sum of composing tri subface areas.""" return sum(t.area for t in self.tri_faces) / 2 @property @cache_iter - def frame(self): - """Quad face frame, with origin at centroid and x-axis - along midpoint of quad edge (1, 2).""" + def frame(self) -> Frame: + """Face frame, with origin at centroid and + x-axis along midpoint of quad edge (1, 2).""" v0, v1, v2, v3 = self.xyz c0 = centroid_points(self.xyz) c1 = centroid_points((v1, v2)) @@ -233,10 +399,9 @@ def frame(self): @property @cache_iter - def rotations(self): - """Planarized rotation matrices from quad face frame to each - of the 4 tri subface frames. Quad system x-axis connects quad - face centroid to midpoint of quad edge (1, 2).""" + def rotations(self) -> Generator[NDArray[(2, 2), float64], None, None]: + """Planar rotation matrices from quad face frame to + each of the 4 tri subface frames.""" # angle of quad edge (0, 1) to quad x-axis vec_mid = self.frame.xaxis vec_edge = Vector.from_start_end(self.xyz[0], self.xyz[1]) @@ -251,48 +416,83 @@ def rotations(self): return (planar_rotation(θ) for θ in (θa, θb, θc, θd)) @property - def force_densities(self): - """6 natural force densities of a quad face for actual - geometry and goal (2nd Piola-Kirchhoff) stresses.""" + def force_densities(self) -> NDArray[(6,), float64]: + """6 natural force densities of the quad face for current + geometry and goal 2nd Piola-Kirchhoff stresses.""" na, nb, nc, nd = (t.force_densities for t in self.tri_faces) sum_force_densities = (na[1] + nc[0], nb[0] + nc[1], nb[1] + nd[0], na[0] + nd[1], na[2] + nb[2], nc[2] + nd[2]) - return [n / 2 for n in sum_force_densities] + return asarray([n / 2 for n in sum_force_densities]) @property @cache_iter - def stress(self): - """(2nd Piola-Kirchhoff) stresses at actual geometry.""" + def stress(self) -> NpVec: + """Pseudo-vector of 2nd Piola-Kirchhoff stresses at current geometry.""" tot_a = self.area * 2 tris_a = (t.area for t in self.tri_faces) tris_s = (t.stress for t in self.tri_faces) quad_s = self._transform_stress_tris_to_quad(tris_s) return sum(a * s for a, s in zip(tris_a, quad_s)) / tot_a - def _transform_stress_tris_to_quad(self, tris_stress): + def _transform_stress_tris_to_quad(self, tris_stress: NpVec + ) -> Generator[NpVec, None, None]: """Transform stresses from tri subfaces frames to quad frame.""" - return (transform_stress(s, R) for s, R - in zip(tris_stress, self.rotations)) + return (transform_stress(s, R) for s, R in zip(tris_stress, self.rotations)) class TriFace(NaturalFace): - """Represents geometry and natural stress data of a single tri face.""" + """Represents geometry and natural stress data of a single tri face. + + Parameters + ---------- + mesh_xyz : ndarray of float + XYZ vertex coordinates of the whole mesh as a (n, 3) array. + vertices_ids : sequence of int + Sequence of contiguous vertex indices. + stress_goal : sequence of float + Goal 2nd Piola-Kirchhoff (σx, σy, τxy) stress field for the face, + input over reference directions and normalized over thickness. + (default is None, setting a uniform stress field (1, 1, 0)). + stress_ref : sequence of float + Normal of reference plane for non-isotropic stress field orientation. + + Attributes + ---------- + frame : :class:`Frame` + Local coordinate frame. + edge_lengths : tuple of float + Ordered edge lengths. + angles : tuple of float + Angles in radians. + area: float + Face area. + transformation : ndarray of float + (3, 3) transformation matrix for tri face edges into stresses. + transformation_inv : ndarray of float + (3, 3) inverted transformation matrix for tri face stresses into edges. + force_densities : list of float + 3 natural force densities of the edges. + stress : ndarray of float + Pseudo-vector of 2nd Piola-Kirchhoff stresses. + """ + @property @cache_iter - def frame(self): - """Tri face frame, with origin at vertex 1 and x-axis edge (0, 1).""" + def frame(self) -> Frame: + """Tri face frame, with origin at vertex 0 and x-axis along edge (0, 1).""" return Frame.from_points(*self.xyz) @property @cache_iter - def edge_lengths(self): - vts_xyz = self.xyz[1:] + self.xyz[:2] - return [euclidean_distance(u, v) - for u, v in pairwise(vts_xyz)] + def edge_lengths(self) -> Tuple[float, float, float]: + """Ordered edge lengths from euclidean distance between vertices.""" + ordered_xyz = self.xyz[1:] + self.xyz[:2] + return tuple(euclidean_distance(u, v) for u, v in pairwise(ordered_xyz)) @property @cache_iter - def angles(self): + def angles(self) -> Tuple[float, float, float]: + """Angles in radians, calculated by law of cosines from edge lengths.""" l0, l1, l2 = self.edge_lengths α = arc_cos((l0 ** 2 + l1 ** 2 - l2 ** 2) / (2 * l0 * l1)) β = arc_cos((l1 ** 2 + l2 ** 2 - l0 ** 2) / (2 * l1 * l2)) @@ -301,33 +501,34 @@ def angles(self): @property @cache_iter - def area(self): + def area(self) -> float: + """Face area.""" l0, l1, l2 = self.edge_lengths return l1 * l2 * sin(self.angles[1]) / 2 @property @cache_iter - def transformation(self): - """3x3 transformation matrix for tri face stresses from local - axis system into edge directions. The column vectors are unit + def transformation(self) -> NDArray[(3, 3), float64]: + """3x3 transformation matrix for tri face edge directions + into stresses in local frame. Its column vectors are unit edge stresses described in the local face frame.""" α, β, γ = self.angles - - T = [[c2(γ), c2(β), 1], - [s2(γ), s2(β), 0], - [s(γ) * c(γ), -s(β) * c(β), 0]] + T = [[c2(γ), c2(β), 1], # noqa + [s2(γ), s2(β), 0], # noqa + [s(γ) * c(γ), -s(β) * c(β), 0]] # noqa return asarray(T) @property @check_singularity - def transformation_inv(self): - """3x3 inverse transformation matrix for tri face stresses.""" + def transformation_inv(self) -> NpVec: + """3x3 transformation matrix for tri face stresses + in local frame into edge directions.""" return inv(self.transformation) @property - def force_densities(self): - """3 natural force densities of a tri face for current - geometry and goal 2nd Piola-Kirchhoff stresses.""" + def force_densities(self) -> NpVec: + """3 natural force densities of the tri face for current + geometry and goal (2nd Piola-Kirchhoff) stresses.""" a = self.area g = self.stress_goal Li2 = asarray([1 / (ln ** 2) for ln in self.edge_lengths]) @@ -337,113 +538,52 @@ def force_densities(self): @property @cache_iter - def stress(self): - """2nd Piola-Kirchhoff stresses for current geometry.""" + def stress(self) -> NpVec: + """Pseudo-vector of 2nd Piola-Kirchhoff stresses at current geometry.""" L2 = asarray([ln ** 2 for ln in self.edge_lengths]) a = self.area T = self.transformation - n = self._force_densities # force densities of previous geometry + # force densities of previous geometry + n = self._force_densities stress = (T * L2).dot(n) / a return stress -class NaturalEdge: - """Represents geometry and force data of a single edge.""" - - edge_count = 0 - - def __new__(cls, xyz, vertices_ids, force_goal, fd_goal): - cls.edge_count += 1 - if not (force_goal or fd_goal): - return - return super().__new__(cls) - - def __init__(self, xyz, vertices_ids, force_goal, fd_goal): - self.cache = {} - self.edge_id = __class__.edge_count - 1 - self.vertices_ids = tuple(vertices_ids) - self.xyz = xyz - self.force_goal = force_goal - self.fd_goal = fd_goal - - def update_xyz(self, xyz): - """Update coordinates and geometric properties.""" - self.cache.clear() - self.xyz = xyz - - @property - @cache_iter - def length(self): - return euclidean_distance(*self.xyz) - - @property - def xyz(self): - return self._xyz - - @xyz.setter - def xyz(self, xyz): - u, v = self.vertices_ids - self._xyz = [xyz[u], xyz[v]] - - @property - def force_density(self): - """Get force density.""" - self._force_density = self.fd_goal or (self.force_goal / self.length) - return self._force_density - - @property - @cache_iter - def force(self): - """Calculate force for current geometry.""" - return self._force_density * self.length - - @staticmethod - def get_forces(edges, xyz): - """Get forces for multiple edges.""" - forces = [.0] * __class__.edge_count - for edge in edges: - forces[edge.edge_id] = edge.force - return forces - - -# ================================================= -# stress goals -# ================================================= - -class Goals: - """Represents collection of geometric and stress resultant goals.""" - - def __init__(self, mesh, stress, densities, forces, stress_ref=None): - self.f_count = mesh.number_of_faces() - self.stress = self._process_goal(stress, (1.0, 1.0, .0)) - self.densities = self._process_goal(densities) - self.forces = self._process_goal(forces) - self.stress_ref = stress_ref - - def _process_goal(self, goal, default=.0): - return goal or [default for _ in range(self.f_count)] - - # ================================================= # mesh data processing # ================================================= -def mesh_preprocess(mesh, goals): - """Pre-process mesh to collections of natural elements.""" +def mesh_preprocess(mesh: Mesh, goals: Goals) -> Tuple[ + VertexArray, List[NaturalEdge], List[NaturalFace]]: + """Pre-process mesh to lists of elements. + + Parameters + ---------- + mesh : :class:`Mesh` + Instance of Mesh datastructure. + goals: :class:'Goals' + Instance of Goals class. + + Returns + ---------- + list of NaturalFace + Processed mesh faces. + list of NaturalEdge + Processed mesh edges. + ndarray of float + XYZ vertex coordinates of the whole mesh as a (n, 3) array. + """ # vertex indices mapping v_index = mesh.key_index() - xyz = [mesh.vertex_coordinates(v) for v in mesh.vertices()] - fixed = [mesh.key_index()[v] for v - in mesh.vertices_where({'is_anchor': True})] + mesh_xyz = [mesh.vertex_coordinates(v) for v in mesh.vertices()] edges_vts = ([v_index[u], v_index[v]] for u, v in mesh.edges()) faces_vts = ([v_index[w] for w in mesh.face_vertices(f)] for f in mesh.faces()) # set natural faces and edges - faces = [NaturalFace(xyz, face_vts, sp, goals.stress_ref) - for face_vts, sp in zip(faces_vts, goals.stress)] - edges = [e for e in [NaturalEdge(xyz, edge_vts, fp, qp) - for edge_vts, fp, qp - in zip(edges_vts, goals.forces, goals.densities)] if e] + faces = [NaturalFace(mesh_xyz, face_v, sp, goals.stress_ref) + for face_v, sp in zip(faces_vts, goals.stress)] + edges = [e for e in [NaturalEdge(mesh_xyz, edge_v, fp, qp) for edge_v, fp, qp + in zip(edges_vts, goals.forces, goals.force_densities)] if e] - return faces, edges, xyz, fixed + return asarray(mesh_xyz), edges, faces diff --git a/src/compas_fd/nfd/goals.py b/src/compas_fd/nfd/goals.py new file mode 100644 index 00000000..850209f3 --- /dev/null +++ b/src/compas_fd/nfd/goals.py @@ -0,0 +1,40 @@ +from __future__ import annotations + +from typing import Sequence +from typing_extensions import Annotated + +from compas.datastructures import Mesh + + +Vec = Annotated[Sequence[float], 3] + + +class Goals: + """Represents collection of geometric and stress goals for mesh elements. + + Parameters + ---------- + mesh : :class:`Mesh` + Instance of Mesh datastructure. + stress : sequence of sequence of float + Goal 2nd Piola-Kirchhoff (σx, σy, τxy) stress field per face. + forces : sequence of float + Goal force per edge (default is None). + force_densities : sequence of float + Goal force density per edge, overwrites force goals. + stress_ref : sequence of float + Normal of reference plane for non-isotropic stress field orientation + (Default is None). + """ + + def __init__(self, mesh: Mesh, stress: Sequence[Vec], forces: Sequence[float], + force_densities: Sequence[float], stress_ref: Vec = None): + self.f_count = mesh.number_of_faces() + self.stress = self._process_goal(stress, default=(1.0, 1.0, .0)) + self.force_densities = self._process_goal(force_densities) + self.forces = self._process_goal(forces) + self.stress_ref = stress_ref + + def _process_goal(self, goal, default=.0): + """Construct goals as per input or to predefined defaults.""" + return goal or [default for _ in range(self.f_count)] \ No newline at end of file diff --git a/src/compas_fd/nfd/math_utilities.py b/src/compas_fd/nfd/math_utilities.py index 4a0a0970..8d6a2d4f 100644 --- a/src/compas_fd/nfd/math_utilities.py +++ b/src/compas_fd/nfd/math_utilities.py @@ -1,9 +1,15 @@ +from __future__ import annotations + from math import sin, cos, asin, acos, hypot from numpy import asarray from typing import Sequence +from typing_extensions import Annotated from nptyping import NDArray +Vec = Annotated[Sequence[float], 3] +NpVec = NDArray[(3,), float] + __all__ = [ 'arc_sin', @@ -43,7 +49,7 @@ def arc_cos(num: float) -> float: return acos(max(min(num, .9999), -.9999)) -def euclidean_distance(pt_a: Sequence[float], pt_b: Sequence[float]) -> float: +def euclidean_distance(pt_a: Vec, pt_b: Vec) -> float: """Calculate distance between two 3D points using the hypotenuse.""" return hypot(pt_a[0] - pt_b[0], pt_a[1] - pt_b[1], pt_a[2] - pt_b[2]) @@ -54,15 +60,15 @@ def planar_rotation(angle: float) -> NDArray[(2, 2), float]: [s(angle), c(angle)]]) -def is_isotropic(vec: NDArray[(3,), float]) -> bool: +def is_isotropic(vec: NpVec) -> bool: """Check whether a planar stress pseudo-vector is isotropic.""" return (vec[0] == vec[1]) and (vec[2] == 0) -def transform_stress(stress: NDArray[(3,), float], rotation: NDArray[(2, 2), float], - invert: bool = False) -> NDArray[(3,), float]: +def transform_stress(stress: NpVec, rotation: NDArray[(2, 2), float], + invert: bool = False) -> NpVec: """Transform a planar stress pseudo-vector by a 2x2 rotation matrix. - Internally, the stress pseudo-vector is converted to a 2 x 2 tensor for computation.""" + Internally, the stress pseudo-vector is converted to a 2x2 tensor.""" s = stress_vec_to_tensor(stress) R = rotation r = (R.dot(s).dot(R.T) if invert @@ -70,8 +76,7 @@ def transform_stress(stress: NDArray[(3,), float], rotation: NDArray[(2, 2), flo return stress_tensor_to_vec(r) -def transform_stress_angle(stress: Sequence[float], angle: float, - invert: bool = False) -> NDArray[(3, 3), float]: +def transform_stress_angle(stress: NpVec, angle: float, invert: bool = False) -> NpVec: """Transform a planar stress pseudo-vector by an angle in radians.""" a = -angle if invert else angle s2a = s2(a) @@ -83,12 +88,12 @@ def transform_stress_angle(stress: Sequence[float], angle: float, return asarray(T).dot(stress) -def stress_vec_to_tensor(vec: Sequence[float]) -> NDArray[(2, 2), float]: +def stress_vec_to_tensor(vec: NpVec) -> NDArray[(2, 2), float]: """Convert planar stresses from pseudo-vector to tensor form.""" return asarray([[vec[0], vec[2]], [vec[2], vec[1]]]) -def stress_tensor_to_vec(tens: NDArray[(2, 2), float]) -> NDArray[(3,), float]: +def stress_tensor_to_vec(tens: NDArray[(2, 2), float]) -> NpVec: """Convert planar stresses from tensor to pseudo-vector form.""" return asarray([tens[0, 0], tens[1, 1], tens[0, 1]]) diff --git a/src/compas_fd/nfd/matrices.py b/src/compas_fd/nfd/matrices.py index c88d7ffb..03e4a224 100644 --- a/src/compas_fd/nfd/matrices.py +++ b/src/compas_fd/nfd/matrices.py @@ -1,7 +1,17 @@ -from numpy import asarray, copy, zeros, ix_ +from __future__ import annotations + +from typing import Any, Sequence +from typing_extensions import Annotated +from nptyping import NDArray + +from numpy import asarray, copy, zeros, ix_, float64 from scipy.sparse import coo_matrix from compas.geometry import Rotation +from compas_fd.nfd.geometry import NaturalFace, NaturalEdge + + +Vec = Annotated[Sequence[float], 3] __all__ = [ @@ -18,25 +28,26 @@ class StiffnessMatrixAssembler: Parameters ---------- free : sequence of int - The indices of free mesh vertices. + Indices of free mesh vertices. fixed : sequence of int - The indices of fixed mesh vertices. + Indices of fixed mesh vertices. edges : iterable of :class:`NaturalEdge` - The processed edges of the mesh. + Processed edges of the mesh. faces : iterable of :class:`NaturalFace` - The processed faces of the mesh. + Processed faces of the mesh. Attributes ---------- matrix : ndarray - The full stiffness matrix as a 2D array. + Full force density stiffness matrix. free_matrix : ndarray - The stiffness matrix of free vertices as a 2D array. + Force density stiffness matrix of free vertices. fixed_matrix : ndarray - The stiffness matrix of fixed vertices as a 2D array. + Force density stiffness matrix of fixed vertices. """ - def __init__(self, free, fixed, edges, faces): + def __init__(self, free: Sequence[int], fixed: Sequence[int], + edges: Sequence[NaturalEdge], faces: Sequence[NaturalFace]) -> None: self.free = free self.fixed = fixed @@ -51,7 +62,9 @@ def __init__(self, free, fixed, edges, faces): self._mat = coo_matrix((self.data, (self.rows, self.cols)), (v_count, v_count)).tocsr() - def _add_faces(self, faces): + def _add_faces(self, faces: Sequence[NaturalFace]) -> None: + """Call NaturalFaces to calculate their edge force densities, + and enter them in the intermediate coo matrix lists.""" for face in faces: fv_count = len(face) if fv_count == 3: @@ -59,7 +72,9 @@ def _add_faces(self, faces): elif fv_count == 4: self._add_quad_face(face) - def _add_tri_face(self, face): + def _add_tri_face(self, face: NaturalFace) -> None: + """Call TriFace to calculate its edge force densities, + and enter them in the intermediate coo matrix lists.""" v0, v1, v2 = face.vertices_ids n0, n1, n2 = face.force_densities self.data += [n1 + n2, -n2, -n1, @@ -68,7 +83,9 @@ def _add_tri_face(self, face): self.rows += [v0] * 3 + [v1] * 3 + [v2] * 3 self.cols += [v0, v1, v2] * 3 - def _add_quad_face(self, face): + def _add_quad_face(self, face: NaturalFace) -> None: + """Call QuadFace to calculate its edge force densities, + and enter them in the intermediate coo matrix lists.""" v0, v1, v2, v3 = face.vertices_ids n0, n1, n2, n3, n4, n5 = face.force_densities self.data += [n0 + n3 + n5, -n0, -n5, -n3, @@ -78,7 +95,9 @@ def _add_quad_face(self, face): self.rows += [v0] * 4 + [v1] * 4 + [v2] * 4 + [v3] * 4 self.cols += [v0, v1, v2, v3] * 4 - def _add_edges(self, edges): + def _add_edges(self, edges: Sequence[NaturalEdge]) -> None: + """Call NaturalEdges to calculate their force densities, + and enter them in the intermediate coo matrix lists.""" for edge in edges: v0, v1 = edge.vertices_ids n = edge.force_density @@ -87,15 +106,18 @@ def _add_edges(self, edges): self.cols += [v0, v1, v1, v0] @property - def matrix(self): + def matrix(self) -> NDArray[(Any, Any), float64]: + """Full force density stiffness matrix.""" return self._mat @property - def free_matrix(self): + def free_matrix(self) -> NDArray[(Any, Any), float64]: + """Force Density stiffness matrix of free vertices.""" return self._mat[ix_(self.free, self.free)] @property - def fixed_matrix(self): + def fixed_matrix(self) -> NDArray[(Any, Any), float64]: + """Force density stiffness matrix of fixed vertices.""" return self._mat[ix_(self.free, self.fixed)] @@ -104,15 +126,15 @@ class LoadMatrixAssembler: Parameters ---------- - vertices : sequence of int - The indices of mesh vertices. + size : int + Row count of load matrix as number of vertices in the mesh. faces : iterable of :class:`NaturalFace` The processed faces of the mesh. - vertex_loads : sequence of tuple + vertex_loads : sequence of sequence of float The loads on the mesh vertices in global XYZ directions. - global_face_loads : sequence of tuple of float + global_face_loads : sequence of sequence of float The loads on the mesh faces in global XYZ directions. - local_face_loads : sequence of tuple of float + local_face_loads : sequence of sequence of float The loads on the mesh faces in local face XYZ directions. Local loads get converted to global loads by rotation from the local face frames. @@ -125,14 +147,14 @@ class LoadMatrixAssembler: Notes ----- A LoadMatrixAssembler is to be instantiated once per session and to persist - over iterations. By calling instance method update(), the intenral matrix + over iterations. By calling instance method update(), the internal matrix is updated corresponding to the geometry of the latest state. """ - def __init__(self, vertices, faces, vertex_loads=None, - global_face_loads=None, local_face_loads=None): + def __init__(self, size: int, faces: Sequence[NaturalFace], vertex_loads: Sequence[Vec] = None, + global_face_loads: Sequence[Vec] = None, local_face_loads: Sequence[Vec] = None) -> None: self.faces = faces - self._vertices_mat = self._load_mat(vertex_loads, zeros((len(vertices), 3))) + self._vertices_mat = self._load_mat(vertex_loads, zeros((size, 3))) self._gfl = self._load_mat(global_face_loads) self._lfl = self._load_mat(local_face_loads) self._has_face_loads = ((self._gfl is not None) or (self._lfl is not None)) @@ -140,14 +162,15 @@ def __init__(self, vertices, faces, vertex_loads=None, self.update() @property - def matrix(self): + def matrix(self) -> NDArray[(Any, Any), float64]: + """Full vertex load matrix.""" return self._mat - def _load_mat(self, loads, default=None): + def _load_mat(self, loads: Sequence[Vec], default: bool = None): """Pre-process load matrices of each element type.""" return asarray(loads).reshape(-1, 3) if loads is not None else default - def update(self): + def update(self) -> None: """Assemble all loads corresponding to current geometry into updated load matrix. To be called at each iteration where geometry has been updated.""" if not self._has_face_loads: @@ -158,7 +181,8 @@ def update(self): if self._lfl is not None: self._add_face_loads(local=True) - def _add_face_loads(self, local=False): + def _add_face_loads(self, local: bool = False) -> None: + """Add all face loads with either global or local reference frame.""" face_loads = self._lfl if local else self._gfl for face, face_load in zip(self.faces, face_loads): vertex_load = face_load * (face.area / len(face)) @@ -167,5 +191,5 @@ def _add_face_loads(self, local=False): vertex_load = R.dot(vertex_load) self._mat[face.vertices_ids, :] += vertex_load - def _add_edge_loads(self): + def _add_edge_loads(self) -> None: raise NotImplementedError diff --git a/src/compas_fd/nfd/solvers.py b/src/compas_fd/nfd/solvers.py index 4c6de361..6648f0f6 100644 --- a/src/compas_fd/nfd/solvers.py +++ b/src/compas_fd/nfd/solvers.py @@ -1,13 +1,24 @@ +from __future__ import annotations + +from typing import Sequence +from typing_extensions import Annotated + from functools import partial -from numpy import array, asarray, average, shape +from numpy import array, average from numpy.linalg import norm from scipy.sparse.linalg import spsolve +from compas.datastructures import Mesh +from compas_fd.fd.result import Result + from .geometry import NaturalFace, NaturalEdge, Goals, mesh_preprocess from .matrices import StiffnessMatrixAssembler, LoadMatrixAssembler +Vec = Annotated[Sequence[float], 3] + + __all__ = [ 'nfd_ur_numpy', 'nfd_numpy' @@ -18,9 +29,11 @@ # solver iterators # ================================================= -def nfd_ur_numpy(mesh, stress_goals=None, fd_goals=None, force_goals=None, - vertex_loads=None, global_face_loads=None, local_face_loads=None, - s_calc=1, s_ref=None, s_tol=1e-2, xyz_tol=1e-2, kmax=10): +def nfd_ur_numpy(mesh: Mesh, fixed: Sequence[int], stress_goals: Sequence[float] = None, + force_goals: Sequence[float] = None, force_density_goals: Sequence[float] = None, + vertex_loads: Sequence[Vec] = None, global_face_loads: Sequence[Vec] = None, + local_face_loads: Sequence[Vec] = None, stress_flag: int = 1, stress_ref: Vec = None, + stress_tol: float = 1e-2, xyz_tol: float = 1e-2, kmax: int = 10) -> Result: """Natural force density method with updated reference strategy. Input stress fields are taken for the reference geometry that is updated at each iteration by the natural force densities. @@ -29,29 +42,31 @@ def nfd_ur_numpy(mesh, stress_goals=None, fd_goals=None, force_goals=None, ---------- mesh : :class:`Mesh` Instance of Mesh datastructure. - stress_goals : sequence of tuple - Goal second Piola-Kirchhoff (σx, σy, τxy) stress field per face, - as input over local directions and normalized over thickness + fixed: sequence of int + Incices of fixed (anchored) vertices. + stress_goals : sequence of sequence of float + Goal 2nd Piola-Kirchhoff (σx, σy, τxy) stress field per face, + as input over reference directions and normalized over thickness. (default is None, setting a uniform stress field (1, 1, 0)). - fd_goals : sequence of float - Goal force density per edge, overwrites force goals (default is None). force_goals : sequence of float Goal force per edge (default is None). - vertex_loads : sequence of tuple + force_density_goals : sequence of float + Goal force density per edge, overwrites force goals (default is None). + vertex_loads : sequence of sequence of float Global XYZ components of loads per vertex (default is None). - global_face_loads : sequence of tuple + global_face_loads : sequence of sequence of float Global XYZ components of loads per face area (default is None). - local_face_loads : sequence of tuple + local_face_loads : sequence of sequence of float Local face frame XYZ components of loads per face area (default is None). - s_calc : {0, 1, 2, 3} + stress_flag : {0, 1, 2, 3} Flag for stress calculation at final solver iteration (default is 1). 0: Do not calculate stresses. - 1: Calculate second Piola-Kirchhoff stresses per face. - 2: Calculate principal stress values and vectors per face. - 3: Calculate principal stress values and vectors in global frame. - s_ref : sequence of float + 1: Cauchy stresses per face. + 2: Principal stress values and vectors per face. + 3: Principal stress values and vectors in global frame. + stress_ref : sequence of float Normal of reference plane for non-isotropic stress field orientation. - s_tol : float + stress_tol : float Tolerance for averaged sum of squared errors from stress vectors to goal stress vector (default is 1e-2). xyz_tol : float @@ -63,12 +78,12 @@ def nfd_ur_numpy(mesh, stress_goals=None, fd_goals=None, force_goals=None, Returns ---------- ndarray - XYZ coordinates of the equilibrium geometry. + XYZ vertex coordinates of the equilibrium geometry. ndarray Residual and reaction forces per vertex. tuple - Tuple as (stresses, eigenvectors). - Exact content of tuple depends on the value given to s_calc parameter. + Stresses as (stress values, eigenvectors). + Content depends on the value passed to the stress_flag parameter. list Forces per edge. @@ -88,37 +103,36 @@ def nfd_ur_numpy(mesh, stress_goals=None, fd_goals=None, force_goals=None, International Journal of Solids and Structures, 185, pp.423-438. """ # pre-process mesh data - goals = Goals(mesh, stress_goals, fd_goals, force_goals, s_ref) - faces, edges, vertices, fixed = mesh_preprocess(mesh, goals) - loads = LoadMatrixAssembler(vertices, faces, vertex_loads, + goals = Goals(mesh, stress_goals, force_goals, force_density_goals, stress_ref) + xyz, edges, faces = mesh_preprocess(mesh, goals) + loads = LoadMatrixAssembler(xyz.shape[0], faces, vertex_loads, global_face_loads, local_face_loads) - xyz = asarray(vertices) if kmax == 1: - return _nfd_solve(xyz, fixed, faces, edges, loads, s_calc) + return _nfd_solve(xyz, fixed, faces, edges, loads, stress_flag) for k in range(kmax): - _xyz, r, s, f = _nfd_solve(xyz, fixed, faces, edges, loads, -1) - s_goals = NaturalFace.get_stress_goals(faces) - s_res = average(norm(s_goals - s.amplitudes, axis=1)) + _xyz, r, f, lg, s = _nfd_solve(xyz, fixed, faces, edges, loads, -1) + stress_goals = NaturalFace.get_stress_goals(faces) + stress_res = average(norm(stress_goals - s.amplitudes, axis=1)) xyz_Δ = max(norm(xyz - _xyz, axis=1)) - converged = (s_res < s_tol) or (xyz_Δ < xyz_tol) + converged = (stress_res < stress_tol) or (xyz_Δ < xyz_tol) xyz = _xyz if converged: break - _output_message(converged, k, s_res, xyz_Δ) - s = NaturalFace.get_stresses(faces, xyz, s_calc) + _output_message(converged, k, stress_res, xyz_Δ) + s = NaturalFace.get_stresses(faces, stress_flag) - return xyz, r, s, f + return Result(xyz, r, f, lg, s) -def _output_message(converged, k, s_res, xyz_Δ): +def _output_message(converged: bool, k: int, stress_res: float, xyz_Δ: float) -> None: if converged: print(f'Convergence reached after {k+1} iterations.') else: print(f'No convergence reached after {k+1} iterations.', - '\nAverage stress residual: ', round(s_res, 5), + '\nAverage stress residual: ', round(stress_res, 5), '\nMax displacement residual: ', round(xyz_Δ, 5)) @@ -129,11 +143,12 @@ def _output_message(converged, k, s_res, xyz_Δ): # solver # ================================================= -def _nfd_solve(xyz, fixed, faces, edges, loads, s_calc): +def _nfd_solve(xyz, fixed: Sequence[int], faces: Sequence[NaturalFace], + edges: Sequence[NaturalEdge], loads: Sequence[Vec], stress_flag: int) -> Result: """Solve system for coordinates and dependent variables using the one-shot natural force density method.""" # pre-process vertex data - v = shape(xyz)[0] + v = xyz.shape[0] free = list(set(range(v)) - set(fixed)) _xyz = array(xyz, copy=True) @@ -153,8 +168,9 @@ def _nfd_solve(xyz, fixed, faces, edges, loads, s_calc): edge.update_xyz(_xyz) # solve for dependent variables - s = NaturalFace.get_stresses(faces, _xyz, s_calc) - f = NaturalEdge.get_forces(edges, _xyz) r = p - D.dot(xyz) + f = NaturalEdge.get_forces(edges) + lg = NaturalEdge.get_lengths(edges) + s = NaturalFace.get_stresses(faces, stress_flag) - return _xyz, r, s, f + return Result(_xyz, r, f, lg, s) From 43643785c690700031f32d6863304fdf8eb22cf6 Mon Sep 17 00:00:00 2001 From: Sam Date: Mon, 18 Oct 2021 16:31:30 +0200 Subject: [PATCH 19/19] typing --- src/compas_fd/nfd/geometry.py | 1 - src/compas_fd/nfd/math_utilities.py | 4 ++-- 2 files changed, 2 insertions(+), 3 deletions(-) diff --git a/src/compas_fd/nfd/geometry.py b/src/compas_fd/nfd/geometry.py index 9a8b581c..83757b61 100644 --- a/src/compas_fd/nfd/geometry.py +++ b/src/compas_fd/nfd/geometry.py @@ -32,7 +32,6 @@ 'TriFace', 'QuadFace', 'NaturalEdge', - 'Goals', 'mesh_preprocess' ] diff --git a/src/compas_fd/nfd/math_utilities.py b/src/compas_fd/nfd/math_utilities.py index 8d6a2d4f..9a58b6bc 100644 --- a/src/compas_fd/nfd/math_utilities.py +++ b/src/compas_fd/nfd/math_utilities.py @@ -88,12 +88,12 @@ def transform_stress_angle(stress: NpVec, angle: float, invert: bool = False) -> return asarray(T).dot(stress) -def stress_vec_to_tensor(vec: NpVec) -> NDArray[(2, 2), float]: +def stress_vec_to_tensor(vec: NpVec) -> NDArray[(2, 2), float64]: """Convert planar stresses from pseudo-vector to tensor form.""" return asarray([[vec[0], vec[2]], [vec[2], vec[1]]]) -def stress_tensor_to_vec(tens: NDArray[(2, 2), float]) -> NpVec: +def stress_tensor_to_vec(tens: NDArray[(2, 2), float64]) -> NpVec: """Convert planar stresses from tensor to pseudo-vector form.""" return asarray([tens[0, 0], tens[1, 1], tens[0, 1]])