diff --git a/.DS_Store b/.DS_Store new file mode 100644 index 0000000..c45e04e Binary files /dev/null and b/.DS_Store differ diff --git a/README.md b/README.md index 370ec15..00c38ad 100644 --- a/README.md +++ b/README.md @@ -1 +1,110 @@ -# py_mpm \ No newline at end of file +# MPM Simulation + +This project implements a 2D Material Point Method (MPM) simulation for elastic materials. It simulates the interaction between two circular disks using MPM techniques. + +## Overview + +The Material Point Method is a numerical technique used to simulate the behavior of solids, fluids, and other materials. This implementation focuses on simulating elastic materials in a 2D space. + +## Key Components + +1. **Main Simulation (`main.py`)**: + - Sets up the simulation parameters + - Initializes the grid and particles + - Runs the main simulation loop + +2. **MPM Solver (`solver.py`)**: + - Implements the core MPM algorithm + - Handles particle-to-grid and grid-to-particle transfers + - Updates particle and grid properties each time step + +3. **Particles (`particles.py`)**: + - Manages particle data and properties + - Handles material assignment to particles + +4. **Grid (`nodes.py`)**: + - Defines the background grid structure + - Manages grid nodes and their properties + +5. **Material Models (`material.py`)**: + - Implements material behavior (currently Linear Elastic) + - Computes stress based on strain + +6. **Shape Functions (`shape_function.py`)**: + - Defines shape functions for MPM interpolation + - Includes functions for shape function gradients + +7. **Visualization (`plotting.py`, `results_vis.py`)**: + - Provides functions to visualize the simulation results + - Includes both static plotting and animation capabilities + +8. **Results Processing (`results.py`)**: + - Handles saving simulation data to CSV files + +## Key Features + +- Simulation of two colliding elastic disks +- Linear elastic material model +- Particle-based representation of materials +- Background grid for computation +- Visualization of particle positions, velocities, and stresses +- Energy tracking (kinetic, elastic, and total) + +## Usage + +1. Set up the simulation parameters in `main.py` +2. Run `main.py` to start the simulation +3. Use `results_vis.py` to visualize the simulation results + +## Customization + +- Adjust material properties in `main.py` +- Modify grid size and resolution in `main.py` +- Implement new material models in `material.py` +- Add boundary conditions in `solver.py` + +## Output + +The simulation generates CSV files for each time step, storing particle data including: +- Position +- Velocity +- Stress +- Strain +- Volume +- Mass +- Density +- Material properties + +## Visualization + +The `results_vis.py` script provides an animated visualization of: +- Particle positions +- Velocity magnitudes +- Von Mises stress +- Energy evolution over time + +## Notes + +- The current implementation focuses on 2D simulations +- Only linear elastic materials are implemented, but the structure allows for easy addition of other material models +- The simulation uses an explicit time integration scheme + +## Future Improvements + +- Implement more advanced material models (e.g., plasticity, damage) +- Add support for 3D simulations +- Implement adaptive time-stepping +- Optimize performance for larger simulations +- Add more boundary condition options + +## Dependencies + +- NumPy +- Matplotlib +- tqdm (for progress bars) + +## Running the Simulation + +1. Ensure all dependencies are installed +2. Run `python main.py` to start the simulation +3. After the simulation completes, run `python results_vis.py` to visualize the results \ No newline at end of file diff --git a/main.py b/main.py new file mode 100644 index 0000000..a8d01ef --- /dev/null +++ b/main.py @@ -0,0 +1,123 @@ +import os +import csv +import numpy as np +from tqdm import tqdm +from particle_shapes import Disk +from nodes import Grid +from particles import Particles +from solver import MPMSolver +from plotting import visualize_particles_and_grid +from results import save_particles_to_csv +# import projections + +# Setup grid parameters +grid_size = (0.6, 1) # Adjust as needed +cell_size = 0.01 # Adjust based on your simulation scale + +# Initialize the grid +grid = Grid(grid_size, cell_size) + +# Calculate the physical size of the grid +physical_size = (grid_size[0] * cell_size, grid_size[1] * cell_size) + +print(f"Grid initialized with size {grid_size} and physical dimensions {physical_size}") +print(f"Total number of nodes: {grid.total_nodes}") # We now have 2500 nodes (50 * 50) + +# Nodes can be accessed using grid.nodes +# For example, to access the node at position (i, j): +# node = grid.get_node(i, j) + +# Initialize Material Points + + +# Define disk parameters +disk1_radius = 8*cell_size +disk1_center = (0.2, 0.5) +disk1_object_id = 1 + +disk2_radius = 8*cell_size +# Calculate the center of the second disk +# It should be 2 cells from the edge of the first disk +disk2_x = disk1_center[0] + disk1_radius + 3*cell_size + disk2_radius +disk2_center = (disk2_x, disk1_center[1]) +disk2_object_id = 2 + +# Create Disk objects +disk1 = Disk(cell_size, disk1_radius, disk1_center, disk1_object_id) +disk2 = Disk(cell_size, disk2_radius, disk2_center, disk2_object_id) + +# Generate particles for both disks +particles1 = disk1.generate_particles() +particles2 = disk2.generate_particles() +combined_particles = particles1 + particles2 + +# Define material properties +material_properties = { + 1: { # Object ID 1 + "type": "LinearElastic", + "density": 1000, # kg/m^3 + "youngs_modulus": 1e6, # Pa + "poisson_ratio": 0.3 + }, + 2: { # Object ID 2 + "type": "LinearElastic", + "density": 1000, # kg/m^3 + "youngs_modulus": 1e6, # Pa + "poisson_ratio": 0.3 + } +} + +# Create Particles object +particles = Particles(combined_particles, material_properties) + +# Set initial velocities for each object +particles.set_object_velocity(object_id=1, velocity=[2.0, 0.0]) # Object 1 moving right +particles.set_object_velocity(object_id=2, velocity=[-2.0, 0.0]) # Object 2 moving left + +print(f"Generated {len(particles1)} particles for disk 1") +print(f"Generated {len(particles2)} particles for disk 2") +print(f"Total particles: {particles.get_particle_count()}") + +# # Call the visualization function +visualize_particles_and_grid(particles, grid, 0) + +# Wait for keyboard input to continue or exit +while True: + user_input = input("Press Enter to continue or '0' to exit: ") + if user_input == '0': + print("Exiting simulation...") + exit() + elif user_input == '': + print("Continuing simulation...") + break + else: + print("Invalid input. Please press Enter to continue or '0' to exit.") + +dt = 1e-6#particles.compute_dt() + +print(f"dt: {dt}") +# Create MPM solver + +solver = MPMSolver(particles, grid, dt) + + + +num_steps = 10000 # TODO: Adjust as needed + + + +# Create an output directory if it doesn't exist +output_dir = "simulation_output" +os.makedirs(output_dir, exist_ok=True) + +# Main simulation loop +for step in tqdm(range(num_steps), desc="Simulating"): + solver.step() + + # Save outputs every 100 steps + if step % 1000 == 0: + output_file = os.path.join(output_dir, f"step_{step:05d}.csv") + save_particles_to_csv(particles, output_file) + print(f"Saved output for step {step} to {output_file}") + +print("Simulation completed successfully!") diff --git a/material.py b/material.py new file mode 100644 index 0000000..536aaa3 --- /dev/null +++ b/material.py @@ -0,0 +1,27 @@ +import numpy as np + +class LinearElastic: + def __init__(self, density, youngs_modulus, poisson_ratio): + self.density = density + self.youngs_modulus = youngs_modulus + self.poisson_ratio = poisson_ratio + + # Compute Lame parameters + self.lambda_ = (youngs_modulus * poisson_ratio) / ((1 + poisson_ratio) * (1 - 2 * poisson_ratio)) + self.mu = youngs_modulus / (2 * (1 + poisson_ratio)) + + def compute_stress_rate(self, strain_rate): + # Compute stress rate using Hooke's law for 2D stress state + # Expect strain_rate as a vector [exx, eyy, exy] + assert strain_rate.shape == (2,2), "Strain rate must be a 2x2 matrix" + + exx, eyy, exy, eyx = strain_rate.flatten() + + # Compute stress components + factor = self.youngs_modulus / ((1 + self.poisson_ratio) * (1 - 2 * self.poisson_ratio)) + sxx = factor * ((1 - self.poisson_ratio) * exx + self.poisson_ratio * (eyy)) + syy = factor * ((1 - self.poisson_ratio) * eyy + self.poisson_ratio * (exx)) + sxy = self.mu * 2 * exy + + return np.array([[sxx, sxy], [sxy, syy]]) + diff --git a/nodes.py b/nodes.py new file mode 100644 index 0000000..bf3b05e --- /dev/null +++ b/nodes.py @@ -0,0 +1,57 @@ +import numpy as np + +class Grid: + def __init__(self, physical_size, cell_size): + self.physical_size = np.array(physical_size) + self.cell_size = cell_size + self.node_count = np.ceil(self.physical_size / self.cell_size).astype(int) + 1 + self.nodes = self.initialize_grid() + self.total_nodes = np.prod(self.node_count) + + def initialize_grid(self): + grid = np.empty(self.node_count, dtype=object) + for i in range(self.node_count[0]): + for j in range(self.node_count[1]): + x = i * self.cell_size + y = j * self.cell_size + grid[i, j] = Node(position=np.array([x, y])) + return grid + + def reset_nodes(self): + for i in range(self.node_count[0]): + for j in range(self.node_count[1]): + self.nodes[i, j].reset() + + def get_node(self, i, j): + return self.nodes[i, j] + + def set_node(self, i, j, node): + self.nodes[i, j] = node + + def get_nearby_nodes(self, particle_position): + i = int(particle_position[0] / self.cell_size) + j = int(particle_position[1] / self.cell_size) + nearby_nodes = [] + for di in range(-1, 2): + for dj in range(-1, 2): + if 0 <= i + di < self.node_count[0] and 0 <= j + dj < self.node_count[1]: + nearby_nodes.append(self.nodes[i + di, j + dj]) + return nearby_nodes + + @property + def node_count_total(self): + return self.total_nodes + +class Node: + def __init__(self, position): + self.position = position + self.mass = 0.0 + self.velocity = np.zeros(2) + self.momentum = np.zeros(2) + self.force = np.zeros(2) + + def reset(self): + self.mass = 0.0 + self.velocity.fill(0) + self.force.fill(0) + # Reset other properties as needed \ No newline at end of file diff --git a/particle_shapes.py b/particle_shapes.py new file mode 100644 index 0000000..63df188 --- /dev/null +++ b/particle_shapes.py @@ -0,0 +1,97 @@ +import numpy as np + +class ParticleShape: + def __init__(self, cell_size, object_id): + self.cell_size = cell_size + self.particles_per_cell = 4 # 4 particles per cell in 2D + self.object_id = object_id + + def generate_particles(self): + raise NotImplementedError("Subclasses must implement generate_particles method") + + def _generate_grid_particles(self, x_range, y_range): + particles = [] + for i in range(x_range[0], x_range[1]): + for j in range(y_range[0], y_range[1]): + for px in range(2): + for py in range(2): + # Place particles at 1/4 and 3/4 of the cell in each dimension + x = (i + (px + 1) / 3) * self.cell_size + y = (j + (py + 1) / 3) * self.cell_size + + if self._is_inside(x, y): + particle = { + 'position': np.array([x, y]), + 'velocity': np.zeros(2), + 'mass': self.density * self.cell_size**2 / self.particles_per_cell, + 'volume': self.cell_size**2 / self.particles_per_cell, + 'stress': np.zeros((2, 2)), + 'strain': np.zeros((2, 2)), + 'object_id': self.object_id, # Add object_id to the particle + } + particles.append(particle) + return particles + + def _is_inside(self, x, y): + raise NotImplementedError("Subclasses must implement _is_inside method") + +class Block(ParticleShape): + def __init__(self, cell_size, width, height, position, object_id): + super().__init__(cell_size, object_id) + self.width = width + self.height = height + self.position = np.array(position) + + def generate_particles(self): + num_cells_x = int(self.width / self.cell_size) + num_cells_y = int(self.height / self.cell_size) + + x_range = (0, num_cells_x) + y_range = (0, num_cells_y) + + return self._generate_grid_particles(x_range, y_range) + + def _is_inside(self, x, y): + return (0 <= x < self.width) and (0 <= y < self.height) + +class Disk(ParticleShape): + def __init__(self, cell_size, radius, center, object_id): + super().__init__(cell_size, object_id) + self.radius = radius + self.center = np.array(center) + print(f"Disk created with radius={radius}, center={center}") + + def generate_particles(self): + particles = [] + x_min, x_max = self.center[0] - self.radius, self.center[0] + self.radius + y_min, y_max = self.center[1] - self.radius, self.center[1] + self.radius + + for i in range(int(x_min / self.cell_size), int(x_max / self.cell_size) + 1): + for j in range(int(y_min / self.cell_size), int(y_max / self.cell_size) + 1): + for px in range(2): + for py in range(2): + x = (i + (px + 1) / 3) * self.cell_size + y = (j + (py + 1) / 3) * self.cell_size + if self._is_inside(x, y): + particle = { + 'position': np.array([x, y]), + 'velocity': np.zeros(2), + 'mass': 1.0 , + 'volume': 1.0, + 'stress': np.zeros((2, 2)), + 'strain': np.zeros((2, 2)), + 'object_id': self.object_id, # Add object_id to the particle + } + particles.append(particle) + + print(f"Disk generated {len(particles)} particles") + if len(particles) == 0: + print(f"Warning: No particles generated. Check disk parameters.") + return particles + + def _is_inside(self, x, y): + dx = x - self.center[0] + dy = y - self.center[1] + return dx**2 + dy**2 <= self.radius**2 + + diff --git a/particles.py b/particles.py new file mode 100644 index 0000000..f6124a8 --- /dev/null +++ b/particles.py @@ -0,0 +1,115 @@ +import numpy as np +from material import LinearElastic # Import your material models + +class Particles: + def __init__(self, particle_data, material_properties): + self.particles = [] + self.material_properties = material_properties + print(f"Initializing Particles with {len(particle_data)} particle data") + self.create_particles(particle_data) + print(f"Finished creating {len(self.particles)} particles") + + def create_particles(self, particle_data): + for i, data in enumerate(particle_data): + try: + position = np.array(data['position'], dtype=float) + velocity = np.array(data.get('velocity', [0.0, 0.0]), dtype=float) + + # Ensure position and velocity are 2D vectors + if position.shape != (2,): + raise ValueError(f"Position must be a 2D vector. Got shape {position.shape}") + if velocity.shape != (2,): + raise ValueError(f"Velocity must be a 2D vector. Got shape {velocity.shape}") + + object_id = data['object_id'] + material_props = self.material_properties[object_id] + + particle = { + 'position': position, + 'velocity': velocity, + 'density': material_props['density'], + 'mass': data['mass'], + 'volume': data['volume'], + 'stress': np.zeros((2, 2)), + 'strain': np.zeros((2, 2)), + 'id': data.get('id', len(self.particles)), + 'object_id': object_id, + 'material': self.create_material(material_props) + } + self.particles.append(particle) + except Exception as e: + print(f"Error creating particle {i}: {str(e)}") + print(f"Particle data: {data}") + print(f"Material properties: {material_props}") + + def create_material(self, properties): + if properties['type'] == "LinearElastic": + return LinearElastic( + youngs_modulus=properties['youngs_modulus'], + poisson_ratio=properties['poisson_ratio'], + density=properties['density'] + ) + else: + raise ValueError(f"Unknown material type: {properties['type']}") + + def get_particle_count(self): + return len(self.particles) + + def assign_material(self, material_type, properties): + material = { + "type": material_type, + "properties": properties + } + return material + + def get_particles(self): + return self.particles + + def get_particle(self, index): + return self.particles[index] + + def compute_dt(self): + # Compute the time step using CFL condition with stiffness + cfl_factor = 0.2 + max_wave_speed = 0.0 + min_cell_size = float('inf') + + for particle in self.particles: + # Calculate the wave speed for each particle + if 'material' in particle and 'properties' in particle['material']: + properties = particle['material']['properties'] + if 'youngs_modulus' in properties and 'density' in properties: + E = properties['youngs_modulus'] + rho = properties['density'] + wave_speed = np.sqrt(E / rho) + max_wave_speed = max(max_wave_speed, wave_speed) + + # Find the minimum cell size + if 'cell_size' in particle: + min_cell_size = min(min_cell_size, particle['cell_size']) + + # If cell_size is not available in particle data, use a default value + if min_cell_size == float('inf'): + min_cell_size = 0.05 # Default value, adjust as needed + + # Compute dt using CFL condition with stiffness + if max_wave_speed > 0: + dt = cfl_factor * min_cell_size / max_wave_speed + else: + # Fallback if no valid wave speed could be calculated + dt = cfl_factor * min_cell_size + + return dt + + def set_object_velocity(particles, object_id, velocity): + for particle in particles.particles: + if particle['object_id'] == object_id: + particle['velocity'] = np.array(velocity) + + def assign_material_properties(self, material, object_id): + for particle in self.particles: + if particle['object_id'] == object_id: + particle['material'] = self.create_material(material) + particle['density'] = material['density'] + particle['volume'] = particle['mass'] / particle['density'] + diff --git a/plotting.py b/plotting.py new file mode 100644 index 0000000..dd77a81 --- /dev/null +++ b/plotting.py @@ -0,0 +1,98 @@ +import matplotlib.pyplot as plt +import matplotlib.patches as patches +import numpy as np + +def visualize_particles_and_grid(particles, grid, step): + fig, ax = plt.subplots(figsize=(5, 5)) + + # Extract positions and velocities + positions = np.array([p['position'] for p in particles.get_particles()]) + velocities = np.array([p['velocity'] for p in particles.get_particles()]) + + # Ensure velocities is 2D + if velocities.ndim == 1: + velocities = velocities.reshape(-1, 1) + + # Calculate velocity magnitudes + velocity_magnitudes = np.linalg.norm(velocities, axis=1) + + # Create color map for particles + cmap = plt.get_cmap('viridis') + norm = plt.Normalize(vmin=velocity_magnitudes.min(), vmax=velocity_magnitudes.max()) + + # Draw particles as squares + square_size = grid.cell_size / 2 + for pos, vel_mag in zip(positions, velocity_magnitudes): + color = cmap(norm(vel_mag)) + square = patches.Rectangle((pos[0] - square_size/2, pos[1] - square_size/2), + square_size, square_size, + facecolor=color, edgecolor='none', alpha=0.8) + ax.add_patch(square) + + # Draw MPM grid + for i in range(grid.node_count[0] + 1): + ax.axvline(x=i * grid.cell_size, color='gray', linestyle=':', alpha=0.5) + for j in range(grid.node_count[1] + 1): + ax.axhline(y=j * grid.cell_size, color='gray', linestyle=':', alpha=0.5) + + # Set plot properties + ax.set_aspect('equal') + ax.set_xlim(0, grid.physical_size[0]) + ax.set_ylim(0, grid.physical_size[1]) + ax.set_xlabel('X (m)') + ax.set_ylabel('Y (m)') + ax.set_title(f'Particles and MPM Grid - Step {step}') + + # Add colorbar + sm = plt.cm.ScalarMappable(cmap=cmap, norm=norm) + sm.set_array([]) + cbar = fig.colorbar(sm, ax=ax, label='Velocity Magnitude') + + plt.tight_layout() + plt.show() + +def visualize_particles_with_object_id(particles, grid): + fig, ax = plt.subplots(figsize=(5, 5)) + # Extract positions and object IDs + positions = np.array([p['position'] for p in particles.get_particles()]) + object_ids = np.array([p['object_id'] for p in particles.get_particles()]) + + print(f"Total particles: {len(positions)}") + print(f"Unique object IDs: {np.unique(object_ids)}") + # print(f"Position range: x({positions[:, 0].min()}, {positions[:, 0].max()}), y({positions[:, 1].min()}, {positions[:, 1].max()})") + + # Create a color map for different object IDs + unique_ids = np.unique(object_ids) + colors = plt.cm.rainbow(np.linspace(0, 1, len(unique_ids))) + color_map = dict(zip(unique_ids, colors)) + + # Draw particles as squares + square_size = grid.cell_size / 2 + for pos, obj_id in zip(positions, object_ids): + color = color_map[obj_id] + square = patches.Rectangle((pos[0] - square_size/2, pos[1] - square_size/2), + square_size, square_size, + facecolor=color, edgecolor='none', alpha=0.8) + ax.add_patch(square) + + # Draw MPM grid + for i in range(grid.node_count[0] + 1): + ax.axvline(x=i * grid.cell_size, color='gray', linestyle=':', alpha=0.5) + for j in range(grid.node_count[1] + 1): + ax.axhline(y=j * grid.cell_size, color='gray', linestyle=':', alpha=0.5) + + # Set plot properties + ax.set_aspect('equal') + ax.set_xlim(0, grid.physical_size[0]) + ax.set_ylim(0, grid.physical_size[1]) + ax.set_xlabel('X (m)') + ax.set_ylabel('Y (m)') + ax.set_title('Particles with Object ID') + + # Add legend + legend_elements = [patches.Patch(facecolor=color_map[id], edgecolor='none', label=f'Object {id}') + for id in unique_ids] + ax.legend(handles=legend_elements, loc='upper right') + + plt.tight_layout() + plt.show() \ No newline at end of file diff --git a/results.py b/results.py new file mode 100644 index 0000000..c6823a8 --- /dev/null +++ b/results.py @@ -0,0 +1,38 @@ +import csv +import numpy as np + +def save_particles_to_csv(particles, output_file): + with open(output_file, 'w', newline='') as csvfile: + csv_writer = csv.writer(csvfile) + # Write header + csv_writer.writerow([ + 'particle_id', 'object_id', 'pos_x', 'pos_y', 'vel_x', 'vel_y', + 'stress_xx', 'stress_xy', 'stress_yx', 'stress_yy', + 'strain_xx', 'strain_xy', 'strain_yx', 'strain_yy', + 'volume', 'mass', 'density', + 'youngs_modulus', 'poisson_ratio' + ]) + + # Write particle data + for p_idx in range(particles.get_particle_count()): + particle = particles.get_particle(p_idx) + pos = particle['position'] + vel = particle['velocity'] + stress = particle['stress'] + strain = particle['strain'] + material = particle['material'] + + csv_writer.writerow([ + p_idx, + particle['object_id'], + pos[0], pos[1], + vel[0], vel[1], + stress[0,0], stress[0,1], stress[1,0], stress[1,1], + strain[0,0], strain[0,1], strain[1,0], strain[1,1], + particle['volume'], + particle['mass'], + particle['density'], + material.youngs_modulus, + material.poisson_ratio + ]) + diff --git a/results_vis.py b/results_vis.py new file mode 100644 index 0000000..b2d45a2 --- /dev/null +++ b/results_vis.py @@ -0,0 +1,179 @@ +import os +import csv +import numpy as np +import matplotlib.pyplot as plt +from matplotlib.animation import FuncAnimation +from matplotlib.colors import Normalize + +# Directory containing the CSV files +data_dir = "simulation_output" + +# Get all CSV files in the directory +csv_files = sorted([f for f in os.listdir(data_dir) if f.endswith('.csv')]) + +# Variables to store grid boundaries +grid_min_x = float('inf') +grid_max_x = float('-inf') +grid_min_y = float('inf') +grid_max_y = float('-inf') + +# Function to read a CSV file +def read_csv(filename): + global grid_min_x, grid_max_x, grid_min_y, grid_max_y + with open(os.path.join(data_dir, filename), 'r') as f: + reader = csv.reader(f) + header = next(reader) # Read the header + data = [list(map(float, row)) for row in reader if row] # Convert to float and skip empty rows + if not data: + return np.array([]), np.array([]), np.array([]), np.array([]), np.array([]) + data = np.array(data) + positions = data[:, 2:4] + velocities = data[:, 4:6] + stress = data[:, 6:10] + volumes = data[:, 14] + masses = data[:, 15] + + # Update grid boundaries + grid_min_x = min(grid_min_x, positions[:, 0].min()) + grid_max_x = max(grid_max_x, positions[:, 0].max()) + grid_min_y = min(grid_min_y, positions[:, 1].min()) + grid_max_y = max(grid_max_y, positions[:, 1].max()) + + return positions, velocities, stress, volumes, masses + +# Read the first file to get the number of particles and initialize the plot +initial_positions, initial_velocities, initial_stress, initial_volumes, initial_masses = read_csv(csv_files[0]) +num_particles = len(initial_positions) + +# Create the figure and axes +fig = plt.figure(figsize=(20, 15)) +gs = fig.add_gridspec(2, 2) +ax1 = fig.add_subplot(gs[0, 0]) +ax2 = fig.add_subplot(gs[0, 1]) +ax3 = fig.add_subplot(gs[1, :]) + +scatter1 = ax1.scatter([], [], s=10, c=[], cmap='viridis') +scatter2 = ax2.scatter([], [], s=10, c=[], cmap='plasma') +line1, = ax3.plot([], [], label='Kinetic Energy') +line2, = ax3.plot([], [], label='Elastic Energy') +line3, = ax3.plot([], [], label='Total Energy') + +ax1.set_aspect('equal') +ax2.set_aspect('equal') +ax1.set_title("Velocity Magnitude") +ax2.set_title("Von Mises Stress") +ax3.set_title("Energy Evolution") +ax3.set_xlabel("Step") +ax3.set_ylabel("Energy") +ax3.legend() + +title = fig.suptitle("Step: 0") + +# Add colorbars +cbar1 = plt.colorbar(scatter1, ax=ax1) +cbar2 = plt.colorbar(scatter2, ax=ax2) +cbar1.set_label('Velocity magnitude') +cbar2.set_label('Von Mises stress') + +# Initialize the color normalizations +norm1 = Normalize() +norm2 = Normalize() + +# Lists to store energy values and stress range +kinetic_energy = [] +elastic_energy = [] +total_energy = [] +stress_min = float('inf') +stress_max = float('-inf') + +# Function to calculate von Mises stress +def von_mises_stress(stress): + xx, xy, yx, yy = stress.T + return np.sqrt(0.5 * ((xx - yy)**2 + (yy - xx)**2 + 6 * (xy**2))) + +# Function to calculate kinetic energy +def calculate_kinetic_energy(velocities, masses): + return 0.5 * np.sum(masses[:, np.newaxis] * np.sum(velocities**2, axis=1)) + +# Function to calculate elastic energy +def calculate_elastic_energy(stress, volumes, youngs_modulus): + return 0.5 * np.sum(volumes[:, np.newaxis] * np.sum(stress**2, axis=1)) / youngs_modulus + +# Animation update function +def update(frame): + global kinetic_energy, elastic_energy, total_energy, stress_min, stress_max + + # Reset energy lists and stress range if the animation is starting over + if frame == 0: + kinetic_energy = [] + elastic_energy = [] + total_energy = [] + stress_min = float('inf') + stress_max = float('-inf') + + positions, velocities, stress, volumes, masses = read_csv(csv_files[frame]) + if len(positions) == 0: + return scatter1, scatter2, line1, line2, line3, title + + scatter1.set_offsets(positions) + scatter2.set_offsets(positions) + + # Calculate velocity magnitudes + vel_mag = np.linalg.norm(velocities, axis=1) + + # Calculate von Mises stress + von_mises = von_mises_stress(stress) + + # Update stress range + stress_min = min(stress_min, von_mises.min()) + stress_max = max(stress_max, von_mises.max()) + + # Update color normalizations + norm1.autoscale(vel_mag) + norm2.vmin = stress_min + norm2.vmax = stress_max + + scatter1.set_array(vel_mag) + scatter2.set_array(von_mises) + + # Update colorbars + scatter1.set_norm(norm1) + scatter2.set_norm(norm2) + cbar1.update_normal(scatter1) + cbar2.update_normal(scatter2) + + # Calculate and store energies + youngs_modulus = float(csv_files[frame].split('_')[-1].split('.')[0]) # Extract Young's modulus from filename + ke = calculate_kinetic_energy(velocities, masses) + ee = calculate_elastic_energy(stress, volumes, youngs_modulus) + te = ke + ee + kinetic_energy.append(ke) + elastic_energy.append(ee) + total_energy.append(te) + + # Update energy plots + steps = range(len(kinetic_energy)) + line1.set_data(steps, kinetic_energy) + line2.set_data(steps, elastic_energy) + line3.set_data(steps, total_energy) + ax3.relim() + ax3.autoscale_view() + + # Update axes limits + ax1.set_xlim(grid_min_x, grid_max_x) + ax1.set_ylim(grid_min_y, grid_max_y) + ax2.set_xlim(grid_min_x, grid_max_x) + ax2.set_ylim(grid_min_y, grid_max_y) + + title.set_text(f"Step: {frame}") + return scatter1, scatter2, line1, line2, line3, title + +# Create the animation +anim = FuncAnimation(fig, update, frames=len(csv_files), interval=500, blit=False) + +# Save the animation (optional) +# anim.save('simulation.mp4', writer='ffmpeg', fps=30) + +# Show the plot +plt.tight_layout() +plt.show() \ No newline at end of file diff --git a/shape_function.py b/shape_function.py new file mode 100644 index 0000000..56e2c86 --- /dev/null +++ b/shape_function.py @@ -0,0 +1,42 @@ +import numpy as np + +def shape_function(particle_pos, node_pos, cell_size): + """ + Calculate the linear nodal shape function value (tent function). + + Args: + particle_pos (np.array): Position of the particle (2D) + node_pos (np.array): Position of the grid node (2D) + cell_size (float): Size of a grid cell + + Returns: + tuple: Shape function values (sx, sy) + """ + dx = (particle_pos[0] - node_pos[0]) / cell_size + dy = (particle_pos[1] - node_pos[1]) / cell_size + + sx = 1 - abs(dx) if abs(dx) < 1 else 0 + sy = 1 - abs(dy) if abs(dy) < 1 else 0 + + return sx, sy + +def gradient_shape_function(particle_pos, node_pos, cell_size): + """ + Calculate the gradient of the linear nodal shape function. + + Args: + particle_pos (np.array): Position of the particle (2D) + node_pos (np.array): Position of the grid node (2D) + cell_size (float): Size of a grid cell + + Returns: + tuple: Gradient of the shape function (dsx_dx, dsy_dy) + """ + dx = (particle_pos[0] - node_pos[0]) / cell_size + dy = (particle_pos[1] - node_pos[1]) / cell_size + + dsx_dx = -1 if -1 < dx < 0 else (1 if 0 <= dx < 1 else 0) + dsy_dy = -1 if -1 < dy < 0 else (1 if 0 <= dy < 1 else 0) + + return dsx_dx / cell_size, dsy_dy / cell_size + diff --git a/simulation_output/.DS_Store b/simulation_output/.DS_Store new file mode 100644 index 0000000..5008ddf Binary files /dev/null and b/simulation_output/.DS_Store differ diff --git a/simulation_output/step_00000.csv b/simulation_output/step_00000.csv new file mode 100644 index 0000000..f3ff238 --- /dev/null +++ b/simulation_output/step_00000.csv @@ -0,0 +1,1609 @@ +particle_id,object_id,pos_x,pos_y,vel_x,vel_y,stress_xx,stress_xy,stress_yx,stress_yy,strain_xx,strain_xy,strain_yx,strain_yy,volume,mass,density,youngs_modulus,poisson_ratio +0,1,0.12666866666666665,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1,1,0.12666866666666665,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +2,1,0.12333533333333334,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +3,1,0.12333533333333334,0.48666666666666664,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +4,1,0.12666866666666665,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +5,1,0.12666866666666665,0.48666666666666664,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +6,1,0.12333533333333334,0.49333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +7,1,0.12333533333333334,0.49666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +8,1,0.12666866666666665,0.49333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +9,1,0.12666866666666665,0.49666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +10,1,0.12333533333333334,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +11,1,0.12333533333333334,0.5066666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +12,1,0.12666866666666665,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +13,1,0.12666866666666665,0.5066666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +14,1,0.12333533333333334,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +15,1,0.12333533333333334,0.5166666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +16,1,0.12666866666666665,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +17,1,0.12666866666666665,0.5166666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +18,1,0.12666866666666665,0.5233333333333333,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +19,1,0.12666866666666665,0.5266666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +20,1,0.13333533333333333,0.45666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +21,1,0.13666866666666666,0.45333333333333337,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +22,1,0.13666866666666666,0.45666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +23,1,0.13333533333333333,0.4633333333333334,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +24,1,0.13333533333333333,0.4666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +25,1,0.13666866666666666,0.4633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +26,1,0.13666866666666666,0.4666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +27,1,0.13333533333333333,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +28,1,0.13333533333333333,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +29,1,0.13666866666666666,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +30,1,0.13666866666666666,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +31,1,0.13333533333333333,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +32,1,0.13333533333333333,0.48666666666666664,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +33,1,0.13666866666666666,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +34,1,0.13666866666666666,0.48666666666666664,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +35,1,0.13333533333333333,0.49333333333333335,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +36,1,0.13333533333333333,0.49666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +37,1,0.13666866666666666,0.49333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +38,1,0.13666866666666666,0.49666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +39,1,0.13333533333333333,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +40,1,0.13333533333333333,0.5066666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +41,1,0.13666866666666666,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +42,1,0.13666866666666666,0.5066666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +43,1,0.13333533333333333,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +44,1,0.13333533333333333,0.5166666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +45,1,0.13666866666666666,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +46,1,0.13666866666666666,0.5166666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +47,1,0.13333533333333333,0.5233333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +48,1,0.13333533333333333,0.5266666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +49,1,0.13666866666666666,0.5233333333333333,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +50,1,0.13666866666666666,0.5266666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +51,1,0.13333533333333333,0.5333333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +52,1,0.13333533333333333,0.5366666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +53,1,0.13666866666666666,0.5333333333333333,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +54,1,0.13666866666666666,0.5366666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +55,1,0.13333533333333333,0.5433333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +56,1,0.13666866666666666,0.5433333333333333,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +57,1,0.13666866666666666,0.5466666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +58,1,0.14333533333333334,0.44666666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +59,1,0.14666866666666667,0.44333333333333336,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +60,1,0.14666866666666667,0.44666666666666666,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +61,1,0.14333533333333334,0.45333333333333337,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +62,1,0.14333533333333334,0.45666666666666667,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +63,1,0.14666866666666667,0.45333333333333337,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +64,1,0.14666866666666667,0.45666666666666667,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +65,1,0.14333533333333334,0.4633333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +66,1,0.14333533333333334,0.4666666666666667,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +67,1,0.14666866666666667,0.4633333333333334,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +68,1,0.14666866666666667,0.4666666666666667,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +69,1,0.14333533333333334,0.4733333333333334,2.000000000000013,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +70,1,0.14333533333333334,0.4766666666666666,2.0000000000000133,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +71,1,0.14666866666666667,0.4733333333333334,2.0000000000000133,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +72,1,0.14666866666666667,0.4766666666666666,2.0000000000000133,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +73,1,0.14333533333333334,0.4833333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +74,1,0.14333533333333334,0.48666666666666664,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +75,1,0.14666866666666667,0.4833333333333334,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +76,1,0.14666866666666667,0.48666666666666664,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +77,1,0.14333533333333334,0.49333333333333335,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +78,1,0.14333533333333334,0.49666666666666665,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +79,1,0.14666866666666667,0.49333333333333335,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +80,1,0.14666866666666667,0.49666666666666665,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +81,1,0.14333533333333334,0.5033333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +82,1,0.14333533333333334,0.5066666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +83,1,0.14666866666666667,0.5033333333333334,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +84,1,0.14666866666666667,0.5066666666666666,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +85,1,0.14333533333333334,0.5133333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +86,1,0.14333533333333334,0.5166666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +87,1,0.14666866666666667,0.5133333333333334,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +88,1,0.14666866666666667,0.5166666666666666,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +89,1,0.14333533333333334,0.5233333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +90,1,0.14333533333333334,0.5266666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +91,1,0.14666866666666667,0.5233333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +92,1,0.14666866666666667,0.5266666666666666,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +93,1,0.14333533333333334,0.5333333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +94,1,0.14333533333333334,0.5366666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +95,1,0.14666866666666667,0.5333333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +96,1,0.14666866666666667,0.5366666666666666,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +97,1,0.14333533333333334,0.5433333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +98,1,0.14333533333333334,0.5466666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +99,1,0.14666866666666667,0.5433333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +100,1,0.14666866666666667,0.5466666666666666,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +101,1,0.14333533333333334,0.5533333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +102,1,0.14666866666666667,0.5533333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +103,1,0.14666866666666667,0.5566666666666666,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +104,1,0.15333533333333335,0.43666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +105,1,0.15666866666666668,0.43333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +106,1,0.15666866666666668,0.43666666666666665,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +107,1,0.15333533333333335,0.44333333333333336,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +108,1,0.15333533333333335,0.44666666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +109,1,0.15666866666666668,0.44333333333333336,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +110,1,0.15666866666666668,0.44666666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +111,1,0.15333533333333335,0.45333333333333337,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +112,1,0.15333533333333335,0.45666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +113,1,0.15666866666666668,0.45333333333333337,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +114,1,0.15666866666666668,0.45666666666666667,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +115,1,0.15333533333333335,0.4633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +116,1,0.15333533333333335,0.4666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +117,1,0.15666866666666668,0.4633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +118,1,0.15666866666666668,0.4666666666666667,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +119,1,0.15333533333333335,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +120,1,0.15333533333333335,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +121,1,0.15666866666666668,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +122,1,0.15666866666666668,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +123,1,0.15333533333333335,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +124,1,0.15333533333333335,0.48666666666666664,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +125,1,0.15666866666666668,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +126,1,0.15666866666666668,0.48666666666666664,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +127,1,0.15333533333333335,0.49333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +128,1,0.15333533333333335,0.49666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +129,1,0.15666866666666668,0.49333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +130,1,0.15666866666666668,0.49666666666666665,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +131,1,0.15333533333333335,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +132,1,0.15333533333333335,0.5066666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +133,1,0.15666866666666668,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +134,1,0.15666866666666668,0.5066666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +135,1,0.15333533333333335,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +136,1,0.15333533333333335,0.5166666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +137,1,0.15666866666666668,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +138,1,0.15666866666666668,0.5166666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +139,1,0.15333533333333335,0.5233333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +140,1,0.15333533333333335,0.5266666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +141,1,0.15666866666666668,0.5233333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +142,1,0.15666866666666668,0.5266666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +143,1,0.15333533333333335,0.5333333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +144,1,0.15333533333333335,0.5366666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +145,1,0.15666866666666668,0.5333333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +146,1,0.15666866666666668,0.5366666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +147,1,0.15333533333333335,0.5433333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +148,1,0.15333533333333335,0.5466666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +149,1,0.15666866666666668,0.5433333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +150,1,0.15666866666666668,0.5466666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +151,1,0.15333533333333335,0.5533333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +152,1,0.15333533333333335,0.5566666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +153,1,0.15666866666666668,0.5533333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +154,1,0.15666866666666668,0.5566666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +155,1,0.15333533333333335,0.5633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +156,1,0.15666866666666668,0.5633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +157,1,0.15666866666666668,0.5666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +158,1,0.16333533333333333,0.43333333333333335,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +159,1,0.16333533333333333,0.43666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +160,1,0.1666686666666667,0.43333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +161,1,0.1666686666666667,0.43666666666666665,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +162,1,0.16333533333333333,0.44333333333333336,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +163,1,0.16333533333333333,0.44666666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +164,1,0.1666686666666667,0.44333333333333336,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +165,1,0.1666686666666667,0.44666666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +166,1,0.16333533333333333,0.45333333333333337,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +167,1,0.16333533333333333,0.45666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +168,1,0.1666686666666667,0.45333333333333337,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +169,1,0.1666686666666667,0.45666666666666667,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +170,1,0.16333533333333333,0.4633333333333334,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +171,1,0.16333533333333333,0.4666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +172,1,0.1666686666666667,0.4633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +173,1,0.1666686666666667,0.4666666666666667,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +174,1,0.16333533333333333,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +175,1,0.16333533333333333,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +176,1,0.1666686666666667,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +177,1,0.1666686666666667,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +178,1,0.16333533333333333,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +179,1,0.16333533333333333,0.48666666666666664,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +180,1,0.1666686666666667,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +181,1,0.1666686666666667,0.48666666666666664,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +182,1,0.16333533333333333,0.49333333333333335,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +183,1,0.16333533333333333,0.49666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +184,1,0.1666686666666667,0.49333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +185,1,0.1666686666666667,0.49666666666666665,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +186,1,0.16333533333333333,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +187,1,0.16333533333333333,0.5066666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +188,1,0.1666686666666667,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +189,1,0.1666686666666667,0.5066666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +190,1,0.16333533333333333,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +191,1,0.16333533333333333,0.5166666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +192,1,0.1666686666666667,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +193,1,0.1666686666666667,0.5166666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +194,1,0.16333533333333333,0.5233333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +195,1,0.16333533333333333,0.5266666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +196,1,0.1666686666666667,0.5233333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +197,1,0.1666686666666667,0.5266666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +198,1,0.16333533333333333,0.5333333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +199,1,0.16333533333333333,0.5366666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +200,1,0.1666686666666667,0.5333333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +201,1,0.1666686666666667,0.5366666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +202,1,0.16333533333333333,0.5433333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +203,1,0.16333533333333333,0.5466666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +204,1,0.1666686666666667,0.5433333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +205,1,0.1666686666666667,0.5466666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +206,1,0.16333533333333333,0.5533333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +207,1,0.16333533333333333,0.5566666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +208,1,0.1666686666666667,0.5533333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +209,1,0.1666686666666667,0.5566666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +210,1,0.16333533333333333,0.5633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +211,1,0.16333533333333333,0.5666666666666667,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +212,1,0.1666686666666667,0.5633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +213,1,0.1666686666666667,0.5666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +214,1,0.1733353333333333,0.42666666666666664,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +215,1,0.1766686666666667,0.42666666666666664,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +216,1,0.1733353333333333,0.43333333333333335,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +217,1,0.1733353333333333,0.43666666666666665,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +218,1,0.1766686666666667,0.43333333333333335,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +219,1,0.1766686666666667,0.43666666666666665,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +220,1,0.1733353333333333,0.44333333333333336,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +221,1,0.1733353333333333,0.44666666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +222,1,0.1766686666666667,0.44333333333333336,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +223,1,0.1766686666666667,0.44666666666666666,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +224,1,0.1733353333333333,0.45333333333333337,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +225,1,0.1733353333333333,0.45666666666666667,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +226,1,0.1766686666666667,0.45333333333333337,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +227,1,0.1766686666666667,0.45666666666666667,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +228,1,0.1733353333333333,0.4633333333333334,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +229,1,0.1733353333333333,0.4666666666666667,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +230,1,0.1766686666666667,0.4633333333333334,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +231,1,0.1766686666666667,0.4666666666666667,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +232,1,0.1733353333333333,0.4733333333333334,2.0000000000000133,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +233,1,0.1733353333333333,0.4766666666666666,2.0000000000000133,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +234,1,0.1766686666666667,0.4733333333333334,2.0000000000000133,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +235,1,0.1766686666666667,0.4766666666666666,2.0000000000000133,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +236,1,0.1733353333333333,0.4833333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +237,1,0.1733353333333333,0.48666666666666664,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +238,1,0.1766686666666667,0.4833333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +239,1,0.1766686666666667,0.48666666666666664,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +240,1,0.1733353333333333,0.49333333333333335,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +241,1,0.1733353333333333,0.49666666666666665,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +242,1,0.1766686666666667,0.49333333333333335,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +243,1,0.1766686666666667,0.49666666666666665,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +244,1,0.1733353333333333,0.5033333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +245,1,0.1733353333333333,0.5066666666666666,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +246,1,0.1766686666666667,0.5033333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +247,1,0.1766686666666667,0.5066666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +248,1,0.1733353333333333,0.5133333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +249,1,0.1733353333333333,0.5166666666666666,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +250,1,0.1766686666666667,0.5133333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +251,1,0.1766686666666667,0.5166666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +252,1,0.1733353333333333,0.5233333333333333,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +253,1,0.1733353333333333,0.5266666666666666,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +254,1,0.1766686666666667,0.5233333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +255,1,0.1766686666666667,0.5266666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +256,1,0.1733353333333333,0.5333333333333333,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +257,1,0.1733353333333333,0.5366666666666666,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +258,1,0.1766686666666667,0.5333333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +259,1,0.1766686666666667,0.5366666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +260,1,0.1733353333333333,0.5433333333333333,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +261,1,0.1733353333333333,0.5466666666666666,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +262,1,0.1766686666666667,0.5433333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +263,1,0.1766686666666667,0.5466666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +264,1,0.1733353333333333,0.5533333333333333,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +265,1,0.1733353333333333,0.5566666666666666,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +266,1,0.1766686666666667,0.5533333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +267,1,0.1766686666666667,0.5566666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +268,1,0.1733353333333333,0.5633333333333334,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +269,1,0.1733353333333333,0.5666666666666667,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +270,1,0.1766686666666667,0.5633333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +271,1,0.1766686666666667,0.5666666666666667,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +272,1,0.1733353333333333,0.5733333333333334,2.000000000000024,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +273,1,0.1766686666666667,0.5733333333333334,2.0000000000000244,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +274,1,0.18333533333333332,0.42333333333333334,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +275,1,0.18333533333333332,0.42666666666666664,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +276,1,0.18666866666666668,0.42333333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +277,1,0.18666866666666668,0.42666666666666664,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +278,1,0.18333533333333332,0.43333333333333335,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +279,1,0.18333533333333332,0.43666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +280,1,0.18666866666666668,0.43333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +281,1,0.18666866666666668,0.43666666666666665,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +282,1,0.18333533333333332,0.44333333333333336,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +283,1,0.18333533333333332,0.44666666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +284,1,0.18666866666666668,0.44333333333333336,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +285,1,0.18666866666666668,0.44666666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +286,1,0.18333533333333332,0.45333333333333337,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +287,1,0.18333533333333332,0.45666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +288,1,0.18666866666666668,0.45333333333333337,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +289,1,0.18666866666666668,0.45666666666666667,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +290,1,0.18333533333333332,0.4633333333333334,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +291,1,0.18333533333333332,0.4666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +292,1,0.18666866666666668,0.4633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +293,1,0.18666866666666668,0.4666666666666667,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +294,1,0.18333533333333332,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +295,1,0.18333533333333332,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +296,1,0.18666866666666668,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +297,1,0.18666866666666668,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +298,1,0.18333533333333332,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +299,1,0.18333533333333332,0.48666666666666664,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +300,1,0.18666866666666668,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +301,1,0.18666866666666668,0.48666666666666664,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +302,1,0.18333533333333332,0.49333333333333335,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +303,1,0.18333533333333332,0.49666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +304,1,0.18666866666666668,0.49333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +305,1,0.18666866666666668,0.49666666666666665,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +306,1,0.18333533333333332,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +307,1,0.18333533333333332,0.5066666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +308,1,0.18666866666666668,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +309,1,0.18666866666666668,0.5066666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +310,1,0.18333533333333332,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +311,1,0.18333533333333332,0.5166666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +312,1,0.18666866666666668,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +313,1,0.18666866666666668,0.5166666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +314,1,0.18333533333333332,0.5233333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +315,1,0.18333533333333332,0.5266666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +316,1,0.18666866666666668,0.5233333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +317,1,0.18666866666666668,0.5266666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +318,1,0.18333533333333332,0.5333333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +319,1,0.18333533333333332,0.5366666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +320,1,0.18666866666666668,0.5333333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +321,1,0.18666866666666668,0.5366666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +322,1,0.18333533333333332,0.5433333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +323,1,0.18333533333333332,0.5466666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +324,1,0.18666866666666668,0.5433333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +325,1,0.18666866666666668,0.5466666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +326,1,0.18333533333333332,0.5533333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +327,1,0.18333533333333332,0.5566666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +328,1,0.18666866666666668,0.5533333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +329,1,0.18666866666666668,0.5566666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +330,1,0.18333533333333332,0.5633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +331,1,0.18333533333333332,0.5666666666666667,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +332,1,0.18666866666666668,0.5633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +333,1,0.18666866666666668,0.5666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +334,1,0.18333533333333332,0.5733333333333334,2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +335,1,0.18333533333333332,0.5766666666666667,2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +336,1,0.18666866666666668,0.5733333333333334,2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +337,1,0.18666866666666668,0.5766666666666667,2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +338,1,0.19333533333333333,0.42333333333333334,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +339,1,0.19333533333333333,0.42666666666666664,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +340,1,0.19666866666666669,0.42333333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +341,1,0.19666866666666669,0.42666666666666664,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +342,1,0.19333533333333333,0.43333333333333335,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +343,1,0.19333533333333333,0.43666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +344,1,0.19666866666666669,0.43333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +345,1,0.19666866666666669,0.43666666666666665,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +346,1,0.19333533333333333,0.44333333333333336,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +347,1,0.19333533333333333,0.44666666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +348,1,0.19666866666666669,0.44333333333333336,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +349,1,0.19666866666666669,0.44666666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +350,1,0.19333533333333333,0.45333333333333337,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +351,1,0.19333533333333333,0.45666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +352,1,0.19666866666666669,0.45333333333333337,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +353,1,0.19666866666666669,0.45666666666666667,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +354,1,0.19333533333333333,0.4633333333333334,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +355,1,0.19333533333333333,0.4666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +356,1,0.19666866666666669,0.4633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +357,1,0.19666866666666669,0.4666666666666667,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +358,1,0.19333533333333333,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +359,1,0.19333533333333333,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +360,1,0.19666866666666669,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +361,1,0.19666866666666669,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +362,1,0.19333533333333333,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +363,1,0.19333533333333333,0.48666666666666664,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +364,1,0.19666866666666669,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +365,1,0.19666866666666669,0.48666666666666664,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +366,1,0.19333533333333333,0.49333333333333335,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +367,1,0.19333533333333333,0.49666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +368,1,0.19666866666666669,0.49333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +369,1,0.19666866666666669,0.49666666666666665,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +370,1,0.19333533333333333,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +371,1,0.19333533333333333,0.5066666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +372,1,0.19666866666666669,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +373,1,0.19666866666666669,0.5066666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +374,1,0.19333533333333333,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +375,1,0.19333533333333333,0.5166666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +376,1,0.19666866666666669,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +377,1,0.19666866666666669,0.5166666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +378,1,0.19333533333333333,0.5233333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +379,1,0.19333533333333333,0.5266666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +380,1,0.19666866666666669,0.5233333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +381,1,0.19666866666666669,0.5266666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +382,1,0.19333533333333333,0.5333333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +383,1,0.19333533333333333,0.5366666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +384,1,0.19666866666666669,0.5333333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +385,1,0.19666866666666669,0.5366666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +386,1,0.19333533333333333,0.5433333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +387,1,0.19333533333333333,0.5466666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +388,1,0.19666866666666669,0.5433333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +389,1,0.19666866666666669,0.5466666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +390,1,0.19333533333333333,0.5533333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +391,1,0.19333533333333333,0.5566666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +392,1,0.19666866666666669,0.5533333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +393,1,0.19666866666666669,0.5566666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +394,1,0.19333533333333333,0.5633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +395,1,0.19333533333333333,0.5666666666666667,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +396,1,0.19666866666666669,0.5633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +397,1,0.19666866666666669,0.5666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +398,1,0.19333533333333333,0.5733333333333334,2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +399,1,0.19333533333333333,0.5766666666666667,2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +400,1,0.19666866666666669,0.5733333333333334,2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +401,1,0.19666866666666669,0.5766666666666667,2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +402,1,0.20333533333333334,0.42333333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +403,1,0.20333533333333334,0.42666666666666664,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +404,1,0.2066686666666667,0.42333333333333334,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +405,1,0.2066686666666667,0.42666666666666664,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +406,1,0.20333533333333334,0.43333333333333335,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +407,1,0.20333533333333334,0.43666666666666665,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +408,1,0.2066686666666667,0.43333333333333335,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +409,1,0.2066686666666667,0.43666666666666665,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +410,1,0.20333533333333334,0.44333333333333336,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +411,1,0.20333533333333334,0.44666666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +412,1,0.2066686666666667,0.44333333333333336,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +413,1,0.2066686666666667,0.44666666666666666,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +414,1,0.20333533333333334,0.45333333333333337,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +415,1,0.20333533333333334,0.45666666666666667,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +416,1,0.2066686666666667,0.45333333333333337,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +417,1,0.2066686666666667,0.45666666666666667,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +418,1,0.20333533333333334,0.4633333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +419,1,0.20333533333333334,0.4666666666666667,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +420,1,0.2066686666666667,0.4633333333333334,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +421,1,0.2066686666666667,0.4666666666666667,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +422,1,0.20333533333333334,0.4733333333333334,2.000000000000013,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +423,1,0.20333533333333334,0.4766666666666666,2.0000000000000133,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +424,1,0.2066686666666667,0.4733333333333334,2.0000000000000133,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +425,1,0.2066686666666667,0.4766666666666666,2.0000000000000133,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +426,1,0.20333533333333334,0.4833333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +427,1,0.20333533333333334,0.48666666666666664,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +428,1,0.2066686666666667,0.4833333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +429,1,0.2066686666666667,0.48666666666666664,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +430,1,0.20333533333333334,0.49333333333333335,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +431,1,0.20333533333333334,0.49666666666666665,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +432,1,0.2066686666666667,0.49333333333333335,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +433,1,0.2066686666666667,0.49666666666666665,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +434,1,0.20333533333333334,0.5033333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +435,1,0.20333533333333334,0.5066666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +436,1,0.2066686666666667,0.5033333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +437,1,0.2066686666666667,0.5066666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +438,1,0.20333533333333334,0.5133333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +439,1,0.20333533333333334,0.5166666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +440,1,0.2066686666666667,0.5133333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +441,1,0.2066686666666667,0.5166666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +442,1,0.20333533333333334,0.5233333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +443,1,0.20333533333333334,0.5266666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +444,1,0.2066686666666667,0.5233333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +445,1,0.2066686666666667,0.5266666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +446,1,0.20333533333333334,0.5333333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +447,1,0.20333533333333334,0.5366666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +448,1,0.2066686666666667,0.5333333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +449,1,0.2066686666666667,0.5366666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +450,1,0.20333533333333334,0.5433333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +451,1,0.20333533333333334,0.5466666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +452,1,0.2066686666666667,0.5433333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +453,1,0.2066686666666667,0.5466666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +454,1,0.20333533333333334,0.5533333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +455,1,0.20333533333333334,0.5566666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +456,1,0.2066686666666667,0.5533333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +457,1,0.2066686666666667,0.5566666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +458,1,0.20333533333333334,0.5633333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +459,1,0.20333533333333334,0.5666666666666667,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +460,1,0.2066686666666667,0.5633333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +461,1,0.2066686666666667,0.5666666666666667,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +462,1,0.20333533333333334,0.5733333333333334,2.000000000000024,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +463,1,0.20333533333333334,0.5766666666666667,2.000000000000024,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +464,1,0.2066686666666667,0.5733333333333334,2.0000000000000244,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +465,1,0.2066686666666667,0.5766666666666667,2.000000000000024,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +466,1,0.21333533333333332,0.42333333333333334,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +467,1,0.21333533333333332,0.42666666666666664,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +468,1,0.21666866666666668,0.42333333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +469,1,0.21666866666666668,0.42666666666666664,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +470,1,0.21333533333333332,0.43333333333333335,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +471,1,0.21333533333333332,0.43666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +472,1,0.21666866666666668,0.43333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +473,1,0.21666866666666668,0.43666666666666665,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +474,1,0.21333533333333332,0.44333333333333336,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +475,1,0.21333533333333332,0.44666666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +476,1,0.21666866666666668,0.44333333333333336,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +477,1,0.21666866666666668,0.44666666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +478,1,0.21333533333333332,0.45333333333333337,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +479,1,0.21333533333333332,0.45666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +480,1,0.21666866666666668,0.45333333333333337,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +481,1,0.21666866666666668,0.45666666666666667,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +482,1,0.21333533333333332,0.4633333333333334,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +483,1,0.21333533333333332,0.4666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +484,1,0.21666866666666668,0.4633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +485,1,0.21666866666666668,0.4666666666666667,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +486,1,0.21333533333333332,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +487,1,0.21333533333333332,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +488,1,0.21666866666666668,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +489,1,0.21666866666666668,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +490,1,0.21333533333333332,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +491,1,0.21333533333333332,0.48666666666666664,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +492,1,0.21666866666666668,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +493,1,0.21666866666666668,0.48666666666666664,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +494,1,0.21333533333333332,0.49333333333333335,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +495,1,0.21333533333333332,0.49666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +496,1,0.21666866666666668,0.49333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +497,1,0.21666866666666668,0.49666666666666665,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +498,1,0.21333533333333332,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +499,1,0.21333533333333332,0.5066666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +500,1,0.21666866666666668,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +501,1,0.21666866666666668,0.5066666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +502,1,0.21333533333333332,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +503,1,0.21333533333333332,0.5166666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +504,1,0.21666866666666668,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +505,1,0.21666866666666668,0.5166666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +506,1,0.21333533333333332,0.5233333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +507,1,0.21333533333333332,0.5266666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +508,1,0.21666866666666668,0.5233333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +509,1,0.21666866666666668,0.5266666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +510,1,0.21333533333333332,0.5333333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +511,1,0.21333533333333332,0.5366666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +512,1,0.21666866666666668,0.5333333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +513,1,0.21666866666666668,0.5366666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +514,1,0.21333533333333332,0.5433333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +515,1,0.21333533333333332,0.5466666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +516,1,0.21666866666666668,0.5433333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +517,1,0.21666866666666668,0.5466666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +518,1,0.21333533333333332,0.5533333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +519,1,0.21333533333333332,0.5566666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +520,1,0.21666866666666668,0.5533333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +521,1,0.21666866666666668,0.5566666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +522,1,0.21333533333333332,0.5633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +523,1,0.21333533333333332,0.5666666666666667,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +524,1,0.21666866666666668,0.5633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +525,1,0.21666866666666668,0.5666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +526,1,0.21333533333333332,0.5733333333333334,2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +527,1,0.21333533333333332,0.5766666666666667,2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +528,1,0.21666866666666668,0.5733333333333334,2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +529,1,0.21666866666666668,0.5766666666666667,2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +530,1,0.22333533333333333,0.42666666666666664,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +531,1,0.22666866666666668,0.42666666666666664,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +532,1,0.22333533333333333,0.43333333333333335,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +533,1,0.22333533333333333,0.43666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +534,1,0.22666866666666668,0.43333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +535,1,0.22666866666666668,0.43666666666666665,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +536,1,0.22333533333333333,0.44333333333333336,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +537,1,0.22333533333333333,0.44666666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +538,1,0.22666866666666668,0.44333333333333336,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +539,1,0.22666866666666668,0.44666666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +540,1,0.22333533333333333,0.45333333333333337,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +541,1,0.22333533333333333,0.45666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +542,1,0.22666866666666668,0.45333333333333337,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +543,1,0.22666866666666668,0.45666666666666667,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +544,1,0.22333533333333333,0.4633333333333334,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +545,1,0.22333533333333333,0.4666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +546,1,0.22666866666666668,0.4633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +547,1,0.22666866666666668,0.4666666666666667,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +548,1,0.22333533333333333,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +549,1,0.22333533333333333,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +550,1,0.22666866666666668,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +551,1,0.22666866666666668,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +552,1,0.22333533333333333,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +553,1,0.22333533333333333,0.48666666666666664,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +554,1,0.22666866666666668,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +555,1,0.22666866666666668,0.48666666666666664,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +556,1,0.22333533333333333,0.49333333333333335,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +557,1,0.22333533333333333,0.49666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +558,1,0.22666866666666668,0.49333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +559,1,0.22666866666666668,0.49666666666666665,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +560,1,0.22333533333333333,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +561,1,0.22333533333333333,0.5066666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +562,1,0.22666866666666668,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +563,1,0.22666866666666668,0.5066666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +564,1,0.22333533333333333,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +565,1,0.22333533333333333,0.5166666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +566,1,0.22666866666666668,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +567,1,0.22666866666666668,0.5166666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +568,1,0.22333533333333333,0.5233333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +569,1,0.22333533333333333,0.5266666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +570,1,0.22666866666666668,0.5233333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +571,1,0.22666866666666668,0.5266666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +572,1,0.22333533333333333,0.5333333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +573,1,0.22333533333333333,0.5366666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +574,1,0.22666866666666668,0.5333333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +575,1,0.22666866666666668,0.5366666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +576,1,0.22333533333333333,0.5433333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +577,1,0.22333533333333333,0.5466666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +578,1,0.22666866666666668,0.5433333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +579,1,0.22666866666666668,0.5466666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +580,1,0.22333533333333333,0.5533333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +581,1,0.22333533333333333,0.5566666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +582,1,0.22666866666666668,0.5533333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +583,1,0.22666866666666668,0.5566666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +584,1,0.22333533333333333,0.5633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +585,1,0.22333533333333333,0.5666666666666667,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +586,1,0.22666866666666668,0.5633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +587,1,0.22666866666666668,0.5666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +588,1,0.22333533333333333,0.5733333333333334,2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +589,1,0.22666866666666668,0.5733333333333334,2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +590,1,0.23333533333333334,0.43333333333333335,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +591,1,0.23333533333333334,0.43666666666666665,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +592,1,0.2366686666666667,0.43333333333333335,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +593,1,0.2366686666666667,0.43666666666666665,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +594,1,0.23333533333333334,0.44333333333333336,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +595,1,0.23333533333333334,0.44666666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +596,1,0.2366686666666667,0.44333333333333336,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +597,1,0.2366686666666667,0.44666666666666666,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +598,1,0.23333533333333334,0.45333333333333337,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +599,1,0.23333533333333334,0.45666666666666667,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +600,1,0.2366686666666667,0.45333333333333337,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +601,1,0.2366686666666667,0.45666666666666667,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +602,1,0.23333533333333334,0.4633333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +603,1,0.23333533333333334,0.4666666666666667,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +604,1,0.2366686666666667,0.4633333333333334,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +605,1,0.2366686666666667,0.4666666666666667,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +606,1,0.23333533333333334,0.4733333333333334,2.000000000000013,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +607,1,0.23333533333333334,0.4766666666666666,2.0000000000000133,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +608,1,0.2366686666666667,0.4733333333333334,2.0000000000000133,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +609,1,0.2366686666666667,0.4766666666666666,2.0000000000000133,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +610,1,0.23333533333333334,0.4833333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +611,1,0.23333533333333334,0.48666666666666664,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +612,1,0.2366686666666667,0.4833333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +613,1,0.2366686666666667,0.48666666666666664,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +614,1,0.23333533333333334,0.49333333333333335,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +615,1,0.23333533333333334,0.49666666666666665,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +616,1,0.2366686666666667,0.49333333333333335,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +617,1,0.2366686666666667,0.49666666666666665,2.0000000000000018,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +618,1,0.23333533333333334,0.5033333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +619,1,0.23333533333333334,0.5066666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +620,1,0.2366686666666667,0.5033333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +621,1,0.2366686666666667,0.5066666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +622,1,0.23333533333333334,0.5133333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +623,1,0.23333533333333334,0.5166666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +624,1,0.2366686666666667,0.5133333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +625,1,0.2366686666666667,0.5166666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +626,1,0.23333533333333334,0.5233333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +627,1,0.23333533333333334,0.5266666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +628,1,0.2366686666666667,0.5233333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +629,1,0.2366686666666667,0.5266666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +630,1,0.23333533333333334,0.5333333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +631,1,0.23333533333333334,0.5366666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +632,1,0.2366686666666667,0.5333333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +633,1,0.2366686666666667,0.5366666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +634,1,0.23333533333333334,0.5433333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +635,1,0.23333533333333334,0.5466666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +636,1,0.2366686666666667,0.5433333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +637,1,0.2366686666666667,0.5466666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +638,1,0.23333533333333334,0.5533333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +639,1,0.23333533333333334,0.5566666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +640,1,0.2366686666666667,0.5533333333333333,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +641,1,0.2366686666666667,0.5566666666666666,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +642,1,0.23333533333333334,0.5633333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +643,1,0.23333533333333334,0.5666666666666667,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +644,1,0.2366686666666667,0.5633333333333334,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +645,1,0.2366686666666667,0.5666666666666667,2.000000000000002,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +646,1,0.24333533333333332,0.43333333333333335,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +647,1,0.24333533333333332,0.43666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +648,1,0.24666866666666667,0.43666666666666665,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +649,1,0.24333533333333332,0.44333333333333336,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +650,1,0.24333533333333332,0.44666666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +651,1,0.24666866666666667,0.44333333333333336,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +652,1,0.24666866666666667,0.44666666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +653,1,0.24333533333333332,0.45333333333333337,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +654,1,0.24333533333333332,0.45666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +655,1,0.24666866666666667,0.45333333333333337,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +656,1,0.24666866666666667,0.45666666666666667,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +657,1,0.24333533333333332,0.4633333333333334,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +658,1,0.24333533333333332,0.4666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +659,1,0.24666866666666667,0.4633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +660,1,0.24666866666666667,0.4666666666666667,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +661,1,0.24333533333333332,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +662,1,0.24333533333333332,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +663,1,0.24666866666666667,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +664,1,0.24666866666666667,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +665,1,0.24333533333333332,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +666,1,0.24333533333333332,0.48666666666666664,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +667,1,0.24666866666666667,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +668,1,0.24666866666666667,0.48666666666666664,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +669,1,0.24333533333333332,0.49333333333333335,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +670,1,0.24333533333333332,0.49666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +671,1,0.24666866666666667,0.49333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +672,1,0.24666866666666667,0.49666666666666665,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +673,1,0.24333533333333332,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +674,1,0.24333533333333332,0.5066666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +675,1,0.24666866666666667,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +676,1,0.24666866666666667,0.5066666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +677,1,0.24333533333333332,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +678,1,0.24333533333333332,0.5166666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +679,1,0.24666866666666667,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +680,1,0.24666866666666667,0.5166666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +681,1,0.24333533333333332,0.5233333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +682,1,0.24333533333333332,0.5266666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +683,1,0.24666866666666667,0.5233333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +684,1,0.24666866666666667,0.5266666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +685,1,0.24333533333333332,0.5333333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +686,1,0.24333533333333332,0.5366666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +687,1,0.24666866666666667,0.5333333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +688,1,0.24666866666666667,0.5366666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +689,1,0.24333533333333332,0.5433333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +690,1,0.24333533333333332,0.5466666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +691,1,0.24666866666666667,0.5433333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +692,1,0.24666866666666667,0.5466666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +693,1,0.24333533333333332,0.5533333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +694,1,0.24333533333333332,0.5566666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +695,1,0.24666866666666667,0.5533333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +696,1,0.24666866666666667,0.5566666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +697,1,0.24333533333333332,0.5633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +698,1,0.24333533333333332,0.5666666666666667,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +699,1,0.24666866666666667,0.5633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +700,1,0.2533353333333333,0.44333333333333336,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +701,1,0.2533353333333333,0.44666666666666666,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +702,1,0.2566686666666667,0.44666666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +703,1,0.2533353333333333,0.45333333333333337,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +704,1,0.2533353333333333,0.45666666666666667,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +705,1,0.2566686666666667,0.45333333333333337,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +706,1,0.2566686666666667,0.45666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +707,1,0.2533353333333333,0.4633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +708,1,0.2533353333333333,0.4666666666666667,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +709,1,0.2566686666666667,0.4633333333333334,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +710,1,0.2566686666666667,0.4666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +711,1,0.2533353333333333,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +712,1,0.2533353333333333,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +713,1,0.2566686666666667,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +714,1,0.2566686666666667,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +715,1,0.2533353333333333,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +716,1,0.2533353333333333,0.48666666666666664,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +717,1,0.2566686666666667,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +718,1,0.2566686666666667,0.48666666666666664,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +719,1,0.2533353333333333,0.49333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +720,1,0.2533353333333333,0.49666666666666665,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +721,1,0.2566686666666667,0.49333333333333335,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +722,1,0.2566686666666667,0.49666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +723,1,0.2533353333333333,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +724,1,0.2533353333333333,0.5066666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +725,1,0.2566686666666667,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +726,1,0.2566686666666667,0.5066666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +727,1,0.2533353333333333,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +728,1,0.2533353333333333,0.5166666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +729,1,0.2566686666666667,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +730,1,0.2566686666666667,0.5166666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +731,1,0.2533353333333333,0.5233333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +732,1,0.2533353333333333,0.5266666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +733,1,0.2566686666666667,0.5233333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +734,1,0.2566686666666667,0.5266666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +735,1,0.2533353333333333,0.5333333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +736,1,0.2533353333333333,0.5366666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +737,1,0.2566686666666667,0.5333333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +738,1,0.2566686666666667,0.5366666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +739,1,0.2533353333333333,0.5433333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +740,1,0.2533353333333333,0.5466666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +741,1,0.2566686666666667,0.5433333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +742,1,0.2566686666666667,0.5466666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +743,1,0.2533353333333333,0.5533333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +744,1,0.2533353333333333,0.5566666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +745,1,0.2566686666666667,0.5533333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +746,1,0.2633353333333333,0.45333333333333337,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +747,1,0.2633353333333333,0.45666666666666667,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +748,1,0.26666866666666666,0.45666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +749,1,0.2633353333333333,0.4633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +750,1,0.2633353333333333,0.4666666666666667,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +751,1,0.26666866666666666,0.4633333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +752,1,0.26666866666666666,0.4666666666666667,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +753,1,0.2633353333333333,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +754,1,0.2633353333333333,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +755,1,0.26666866666666666,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +756,1,0.26666866666666666,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +757,1,0.2633353333333333,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +758,1,0.2633353333333333,0.48666666666666664,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +759,1,0.26666866666666666,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +760,1,0.26666866666666666,0.48666666666666664,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +761,1,0.2633353333333333,0.49333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +762,1,0.2633353333333333,0.49666666666666665,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +763,1,0.26666866666666666,0.49333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +764,1,0.26666866666666666,0.49666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +765,1,0.2633353333333333,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +766,1,0.2633353333333333,0.5066666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +767,1,0.26666866666666666,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +768,1,0.26666866666666666,0.5066666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +769,1,0.2633353333333333,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +770,1,0.2633353333333333,0.5166666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +771,1,0.26666866666666666,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +772,1,0.26666866666666666,0.5166666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +773,1,0.2633353333333333,0.5233333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +774,1,0.2633353333333333,0.5266666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +775,1,0.26666866666666666,0.5233333333333333,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +776,1,0.26666866666666666,0.5266666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +777,1,0.2633353333333333,0.5333333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +778,1,0.2633353333333333,0.5366666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +779,1,0.26666866666666666,0.5333333333333333,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +780,1,0.26666866666666666,0.5366666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +781,1,0.2633353333333333,0.5433333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +782,1,0.2633353333333333,0.5466666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +783,1,0.26666866666666666,0.5433333333333333,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +784,1,0.2733353333333333,0.4733333333333334,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +785,1,0.2733353333333333,0.4766666666666666,2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +786,1,0.2733353333333333,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +787,1,0.2733353333333333,0.48666666666666664,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +788,1,0.2766686666666667,0.4833333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +789,1,0.2766686666666667,0.48666666666666664,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +790,1,0.2733353333333333,0.49333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +791,1,0.2733353333333333,0.49666666666666665,1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +792,1,0.2766686666666667,0.49333333333333335,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +793,1,0.2766686666666667,0.49666666666666665,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +794,1,0.2733353333333333,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +795,1,0.2733353333333333,0.5066666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +796,1,0.2766686666666667,0.5033333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +797,1,0.2766686666666667,0.5066666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +798,1,0.2733353333333333,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +799,1,0.2733353333333333,0.5166666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +800,1,0.2766686666666667,0.5133333333333334,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +801,1,0.2766686666666667,0.5166666666666666,1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +802,1,0.2733353333333333,0.5233333333333333,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +803,1,0.2733353333333333,0.5266666666666666,1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +804,2,0.3166646666666667,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +805,2,0.3166646666666667,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +806,2,0.31333133333333335,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +807,2,0.31333133333333335,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +808,2,0.3166646666666667,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +809,2,0.3166646666666667,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +810,2,0.31333133333333335,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +811,2,0.31333133333333335,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +812,2,0.3166646666666667,0.49333333333333335,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +813,2,0.3166646666666667,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +814,2,0.31333133333333335,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +815,2,0.31333133333333335,0.5066666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +816,2,0.3166646666666667,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +817,2,0.3166646666666667,0.5066666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +818,2,0.31333133333333335,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +819,2,0.31333133333333335,0.5166666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +820,2,0.3166646666666667,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +821,2,0.3166646666666667,0.5166666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +822,2,0.3166646666666667,0.5233333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +823,2,0.3166646666666667,0.5266666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +824,2,0.32333133333333336,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +825,2,0.32666466666666666,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +826,2,0.32666466666666666,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +827,2,0.32333133333333336,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +828,2,0.32333133333333336,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +829,2,0.32666466666666666,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +830,2,0.32666466666666666,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +831,2,0.32333133333333336,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +832,2,0.32333133333333336,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +833,2,0.32666466666666666,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +834,2,0.32666466666666666,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +835,2,0.32333133333333336,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +836,2,0.32333133333333336,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +837,2,0.32666466666666666,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +838,2,0.32666466666666666,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +839,2,0.32333133333333336,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +840,2,0.32333133333333336,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +841,2,0.32666466666666666,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +842,2,0.32666466666666666,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +843,2,0.32333133333333336,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +844,2,0.32333133333333336,0.5066666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +845,2,0.32666466666666666,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +846,2,0.32666466666666666,0.5066666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +847,2,0.32333133333333336,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +848,2,0.32333133333333336,0.5166666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +849,2,0.32666466666666666,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +850,2,0.32666466666666666,0.5166666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +851,2,0.32333133333333336,0.5233333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +852,2,0.32333133333333336,0.5266666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +853,2,0.32666466666666666,0.5233333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +854,2,0.32666466666666666,0.5266666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +855,2,0.32333133333333336,0.5333333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +856,2,0.32333133333333336,0.5366666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +857,2,0.32666466666666666,0.5333333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +858,2,0.32666466666666666,0.5366666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +859,2,0.32333133333333336,0.5433333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +860,2,0.32666466666666666,0.5433333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +861,2,0.32666466666666666,0.5466666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +862,2,0.33333133333333337,0.44666666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +863,2,0.33666466666666667,0.44333333333333336,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +864,2,0.33666466666666667,0.44666666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +865,2,0.33333133333333337,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +866,2,0.33333133333333337,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +867,2,0.33666466666666667,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +868,2,0.33666466666666667,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +869,2,0.33333133333333337,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +870,2,0.33333133333333337,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +871,2,0.33666466666666667,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +872,2,0.33666466666666667,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +873,2,0.33333133333333337,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +874,2,0.33333133333333337,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +875,2,0.33666466666666667,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +876,2,0.33666466666666667,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +877,2,0.33333133333333337,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +878,2,0.33333133333333337,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +879,2,0.33666466666666667,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +880,2,0.33666466666666667,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +881,2,0.33333133333333337,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +882,2,0.33333133333333337,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +883,2,0.33666466666666667,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +884,2,0.33666466666666667,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +885,2,0.33333133333333337,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +886,2,0.33333133333333337,0.5066666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +887,2,0.33666466666666667,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +888,2,0.33666466666666667,0.5066666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +889,2,0.33333133333333337,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +890,2,0.33333133333333337,0.5166666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +891,2,0.33666466666666667,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +892,2,0.33666466666666667,0.5166666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +893,2,0.33333133333333337,0.5233333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +894,2,0.33333133333333337,0.5266666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +895,2,0.33666466666666667,0.5233333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +896,2,0.33666466666666667,0.5266666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +897,2,0.33333133333333337,0.5333333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +898,2,0.33333133333333337,0.5366666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +899,2,0.33666466666666667,0.5333333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +900,2,0.33666466666666667,0.5366666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +901,2,0.33333133333333337,0.5433333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +902,2,0.33333133333333337,0.5466666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +903,2,0.33666466666666667,0.5433333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +904,2,0.33666466666666667,0.5466666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +905,2,0.33333133333333337,0.5533333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +906,2,0.33666466666666667,0.5533333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +907,2,0.33666466666666667,0.5566666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +908,2,0.3433313333333334,0.43666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +909,2,0.3466646666666666,0.43333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +910,2,0.3466646666666666,0.43666666666666665,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +911,2,0.3433313333333334,0.44333333333333336,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +912,2,0.3433313333333334,0.44666666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +913,2,0.3466646666666666,0.44333333333333336,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +914,2,0.3466646666666666,0.44666666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +915,2,0.3433313333333334,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +916,2,0.3433313333333334,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +917,2,0.3466646666666666,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +918,2,0.3466646666666666,0.45666666666666667,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +919,2,0.3433313333333334,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +920,2,0.3433313333333334,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +921,2,0.3466646666666666,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +922,2,0.3466646666666666,0.4666666666666667,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +923,2,0.3433313333333334,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +924,2,0.3433313333333334,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +925,2,0.3466646666666666,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +926,2,0.3466646666666666,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +927,2,0.3433313333333334,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +928,2,0.3433313333333334,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +929,2,0.3466646666666666,0.4833333333333334,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +930,2,0.3466646666666666,0.48666666666666664,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +931,2,0.3433313333333334,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +932,2,0.3433313333333334,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +933,2,0.3466646666666666,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +934,2,0.3466646666666666,0.49666666666666665,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +935,2,0.3433313333333334,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +936,2,0.3433313333333334,0.5066666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +937,2,0.3466646666666666,0.5033333333333334,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +938,2,0.3466646666666666,0.5066666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +939,2,0.3433313333333334,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +940,2,0.3433313333333334,0.5166666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +941,2,0.3466646666666666,0.5133333333333334,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +942,2,0.3466646666666666,0.5166666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +943,2,0.3433313333333334,0.5233333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +944,2,0.3433313333333334,0.5266666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +945,2,0.3466646666666666,0.5233333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +946,2,0.3466646666666666,0.5266666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +947,2,0.3433313333333334,0.5333333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +948,2,0.3433313333333334,0.5366666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +949,2,0.3466646666666666,0.5333333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +950,2,0.3466646666666666,0.5366666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +951,2,0.3433313333333334,0.5433333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +952,2,0.3433313333333334,0.5466666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +953,2,0.3466646666666666,0.5433333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +954,2,0.3466646666666666,0.5466666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +955,2,0.3433313333333334,0.5533333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +956,2,0.3433313333333334,0.5566666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +957,2,0.3466646666666666,0.5533333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +958,2,0.3466646666666666,0.5566666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +959,2,0.3433313333333334,0.5633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +960,2,0.3466646666666666,0.5633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +961,2,0.3466646666666666,0.5666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +962,2,0.3533313333333334,0.43333333333333335,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +963,2,0.3533313333333334,0.43666666666666665,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +964,2,0.35666466666666663,0.43333333333333335,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +965,2,0.35666466666666663,0.43666666666666665,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +966,2,0.3533313333333334,0.44333333333333336,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +967,2,0.3533313333333334,0.44666666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +968,2,0.35666466666666663,0.44333333333333336,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +969,2,0.35666466666666663,0.44666666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +970,2,0.3533313333333334,0.45333333333333337,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +971,2,0.3533313333333334,0.45666666666666667,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +972,2,0.35666466666666663,0.45333333333333337,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +973,2,0.35666466666666663,0.45666666666666667,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +974,2,0.3533313333333334,0.4633333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +975,2,0.3533313333333334,0.4666666666666667,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +976,2,0.35666466666666663,0.4633333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +977,2,0.35666466666666663,0.4666666666666667,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +978,2,0.3533313333333334,0.4733333333333334,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +979,2,0.3533313333333334,0.4766666666666666,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +980,2,0.35666466666666663,0.4733333333333334,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +981,2,0.35666466666666663,0.4766666666666666,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +982,2,0.3533313333333334,0.4833333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +983,2,0.3533313333333334,0.48666666666666664,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +984,2,0.35666466666666663,0.4833333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +985,2,0.35666466666666663,0.48666666666666664,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +986,2,0.3533313333333334,0.49333333333333335,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +987,2,0.3533313333333334,0.49666666666666665,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +988,2,0.35666466666666663,0.49333333333333335,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +989,2,0.35666466666666663,0.49666666666666665,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +990,2,0.3533313333333334,0.5033333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +991,2,0.3533313333333334,0.5066666666666666,-2.000000000000007,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +992,2,0.35666466666666663,0.5033333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +993,2,0.35666466666666663,0.5066666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +994,2,0.3533313333333334,0.5133333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +995,2,0.3533313333333334,0.5166666666666666,-2.000000000000007,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +996,2,0.35666466666666663,0.5133333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +997,2,0.35666466666666663,0.5166666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +998,2,0.3533313333333334,0.5233333333333333,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +999,2,0.3533313333333334,0.5266666666666666,-2.000000000000007,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1000,2,0.35666466666666663,0.5233333333333333,-2.000000000000008,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1001,2,0.35666466666666663,0.5266666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1002,2,0.3533313333333334,0.5333333333333333,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1003,2,0.3533313333333334,0.5366666666666666,-2.000000000000007,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1004,2,0.35666466666666663,0.5333333333333333,-2.000000000000008,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1005,2,0.35666466666666663,0.5366666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1006,2,0.3533313333333334,0.5433333333333333,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1007,2,0.3533313333333334,0.5466666666666666,-2.000000000000007,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1008,2,0.35666466666666663,0.5433333333333333,-2.000000000000008,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1009,2,0.35666466666666663,0.5466666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1010,2,0.3533313333333334,0.5533333333333333,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1011,2,0.3533313333333334,0.5566666666666666,-2.000000000000007,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1012,2,0.35666466666666663,0.5533333333333333,-2.000000000000008,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1013,2,0.35666466666666663,0.5566666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1014,2,0.3533313333333334,0.5633333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1015,2,0.3533313333333334,0.5666666666666667,-2.000000000000007,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1016,2,0.35666466666666663,0.5633333333333334,-2.000000000000008,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1017,2,0.35666466666666663,0.5666666666666667,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1018,2,0.36333133333333334,0.42666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1019,2,0.36666466666666664,0.42666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1020,2,0.36333133333333334,0.43333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1021,2,0.36333133333333334,0.43666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1022,2,0.36666466666666664,0.43333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1023,2,0.36666466666666664,0.43666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1024,2,0.36333133333333334,0.44333333333333336,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1025,2,0.36333133333333334,0.44666666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1026,2,0.36666466666666664,0.44333333333333336,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1027,2,0.36666466666666664,0.44666666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1028,2,0.36333133333333334,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1029,2,0.36333133333333334,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1030,2,0.36666466666666664,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1031,2,0.36666466666666664,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1032,2,0.36333133333333334,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1033,2,0.36333133333333334,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1034,2,0.36666466666666664,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1035,2,0.36666466666666664,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1036,2,0.36333133333333334,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1037,2,0.36333133333333334,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1038,2,0.36666466666666664,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1039,2,0.36666466666666664,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1040,2,0.36333133333333334,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1041,2,0.36333133333333334,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1042,2,0.36666466666666664,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1043,2,0.36666466666666664,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1044,2,0.36333133333333334,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1045,2,0.36333133333333334,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1046,2,0.36666466666666664,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1047,2,0.36666466666666664,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1048,2,0.36333133333333334,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1049,2,0.36333133333333334,0.5066666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1050,2,0.36666466666666664,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1051,2,0.36666466666666664,0.5066666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1052,2,0.36333133333333334,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1053,2,0.36333133333333334,0.5166666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1054,2,0.36666466666666664,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1055,2,0.36666466666666664,0.5166666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1056,2,0.36333133333333334,0.5233333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1057,2,0.36333133333333334,0.5266666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1058,2,0.36666466666666664,0.5233333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1059,2,0.36666466666666664,0.5266666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1060,2,0.36333133333333334,0.5333333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1061,2,0.36333133333333334,0.5366666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1062,2,0.36666466666666664,0.5333333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1063,2,0.36666466666666664,0.5366666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1064,2,0.36333133333333334,0.5433333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1065,2,0.36333133333333334,0.5466666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1066,2,0.36666466666666664,0.5433333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1067,2,0.36666466666666664,0.5466666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1068,2,0.36333133333333334,0.5533333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1069,2,0.36333133333333334,0.5566666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1070,2,0.36666466666666664,0.5533333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1071,2,0.36666466666666664,0.5566666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1072,2,0.36333133333333334,0.5633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1073,2,0.36333133333333334,0.5666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1074,2,0.36666466666666664,0.5633333333333334,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1075,2,0.36666466666666664,0.5666666666666667,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1076,2,0.36333133333333334,0.5733333333333334,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1077,2,0.36666466666666664,0.5733333333333334,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1078,2,0.37333133333333335,0.42333333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1079,2,0.37333133333333335,0.42666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1080,2,0.37666466666666665,0.42333333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1081,2,0.37666466666666665,0.42666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1082,2,0.37333133333333335,0.43333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1083,2,0.37333133333333335,0.43666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1084,2,0.37666466666666665,0.43333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1085,2,0.37666466666666665,0.43666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1086,2,0.37333133333333335,0.44333333333333336,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1087,2,0.37333133333333335,0.44666666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1088,2,0.37666466666666665,0.44333333333333336,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1089,2,0.37666466666666665,0.44666666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1090,2,0.37333133333333335,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1091,2,0.37333133333333335,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1092,2,0.37666466666666665,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1093,2,0.37666466666666665,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1094,2,0.37333133333333335,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1095,2,0.37333133333333335,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1096,2,0.37666466666666665,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1097,2,0.37666466666666665,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1098,2,0.37333133333333335,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1099,2,0.37333133333333335,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1100,2,0.37666466666666665,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1101,2,0.37666466666666665,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1102,2,0.37333133333333335,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1103,2,0.37333133333333335,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1104,2,0.37666466666666665,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1105,2,0.37666466666666665,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1106,2,0.37333133333333335,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1107,2,0.37333133333333335,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1108,2,0.37666466666666665,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1109,2,0.37666466666666665,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1110,2,0.37333133333333335,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1111,2,0.37333133333333335,0.5066666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1112,2,0.37666466666666665,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1113,2,0.37666466666666665,0.5066666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1114,2,0.37333133333333335,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1115,2,0.37333133333333335,0.5166666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1116,2,0.37666466666666665,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1117,2,0.37666466666666665,0.5166666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1118,2,0.37333133333333335,0.5233333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1119,2,0.37333133333333335,0.5266666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1120,2,0.37666466666666665,0.5233333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1121,2,0.37666466666666665,0.5266666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1122,2,0.37333133333333335,0.5333333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1123,2,0.37333133333333335,0.5366666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1124,2,0.37666466666666665,0.5333333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1125,2,0.37666466666666665,0.5366666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1126,2,0.37333133333333335,0.5433333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1127,2,0.37333133333333335,0.5466666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1128,2,0.37666466666666665,0.5433333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1129,2,0.37666466666666665,0.5466666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1130,2,0.37333133333333335,0.5533333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1131,2,0.37333133333333335,0.5566666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1132,2,0.37666466666666665,0.5533333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1133,2,0.37666466666666665,0.5566666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1134,2,0.37333133333333335,0.5633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1135,2,0.37333133333333335,0.5666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1136,2,0.37666466666666665,0.5633333333333334,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1137,2,0.37666466666666665,0.5666666666666667,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1138,2,0.37333133333333335,0.5733333333333334,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1139,2,0.37333133333333335,0.5766666666666667,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1140,2,0.37666466666666665,0.5733333333333334,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1141,2,0.37666466666666665,0.5766666666666667,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1142,2,0.38333133333333336,0.42333333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1143,2,0.38333133333333336,0.42666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1144,2,0.38666466666666666,0.42333333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1145,2,0.38666466666666666,0.42666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1146,2,0.38333133333333336,0.43333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1147,2,0.38333133333333336,0.43666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1148,2,0.38666466666666666,0.43333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1149,2,0.38666466666666666,0.43666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1150,2,0.38333133333333336,0.44333333333333336,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1151,2,0.38333133333333336,0.44666666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1152,2,0.38666466666666666,0.44333333333333336,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1153,2,0.38666466666666666,0.44666666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1154,2,0.38333133333333336,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1155,2,0.38333133333333336,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1156,2,0.38666466666666666,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1157,2,0.38666466666666666,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1158,2,0.38333133333333336,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1159,2,0.38333133333333336,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1160,2,0.38666466666666666,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1161,2,0.38666466666666666,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1162,2,0.38333133333333336,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1163,2,0.38333133333333336,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1164,2,0.38666466666666666,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1165,2,0.38666466666666666,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1166,2,0.38333133333333336,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1167,2,0.38333133333333336,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1168,2,0.38666466666666666,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1169,2,0.38666466666666666,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1170,2,0.38333133333333336,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1171,2,0.38333133333333336,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1172,2,0.38666466666666666,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1173,2,0.38666466666666666,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1174,2,0.38333133333333336,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1175,2,0.38333133333333336,0.5066666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1176,2,0.38666466666666666,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1177,2,0.38666466666666666,0.5066666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1178,2,0.38333133333333336,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1179,2,0.38333133333333336,0.5166666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1180,2,0.38666466666666666,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1181,2,0.38666466666666666,0.5166666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1182,2,0.38333133333333336,0.5233333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1183,2,0.38333133333333336,0.5266666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1184,2,0.38666466666666666,0.5233333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1185,2,0.38666466666666666,0.5266666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1186,2,0.38333133333333336,0.5333333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1187,2,0.38333133333333336,0.5366666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1188,2,0.38666466666666666,0.5333333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1189,2,0.38666466666666666,0.5366666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1190,2,0.38333133333333336,0.5433333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1191,2,0.38333133333333336,0.5466666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1192,2,0.38666466666666666,0.5433333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1193,2,0.38666466666666666,0.5466666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1194,2,0.38333133333333336,0.5533333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1195,2,0.38333133333333336,0.5566666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1196,2,0.38666466666666666,0.5533333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1197,2,0.38666466666666666,0.5566666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1198,2,0.38333133333333336,0.5633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1199,2,0.38333133333333336,0.5666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1200,2,0.38666466666666666,0.5633333333333334,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1201,2,0.38666466666666666,0.5666666666666667,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1202,2,0.38333133333333336,0.5733333333333334,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1203,2,0.38333133333333336,0.5766666666666667,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1204,2,0.38666466666666666,0.5733333333333334,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1205,2,0.38666466666666666,0.5766666666666667,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1206,2,0.39333133333333337,0.42333333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1207,2,0.39333133333333337,0.42666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1208,2,0.39666466666666667,0.42333333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1209,2,0.39666466666666667,0.42666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1210,2,0.39333133333333337,0.43333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1211,2,0.39333133333333337,0.43666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1212,2,0.39666466666666667,0.43333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1213,2,0.39666466666666667,0.43666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1214,2,0.39333133333333337,0.44333333333333336,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1215,2,0.39333133333333337,0.44666666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1216,2,0.39666466666666667,0.44333333333333336,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1217,2,0.39666466666666667,0.44666666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1218,2,0.39333133333333337,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1219,2,0.39333133333333337,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1220,2,0.39666466666666667,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1221,2,0.39666466666666667,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1222,2,0.39333133333333337,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1223,2,0.39333133333333337,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1224,2,0.39666466666666667,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1225,2,0.39666466666666667,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1226,2,0.39333133333333337,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1227,2,0.39333133333333337,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1228,2,0.39666466666666667,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1229,2,0.39666466666666667,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1230,2,0.39333133333333337,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1231,2,0.39333133333333337,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1232,2,0.39666466666666667,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1233,2,0.39666466666666667,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1234,2,0.39333133333333337,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1235,2,0.39333133333333337,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1236,2,0.39666466666666667,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1237,2,0.39666466666666667,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1238,2,0.39333133333333337,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1239,2,0.39333133333333337,0.5066666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1240,2,0.39666466666666667,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1241,2,0.39666466666666667,0.5066666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1242,2,0.39333133333333337,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1243,2,0.39333133333333337,0.5166666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1244,2,0.39666466666666667,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1245,2,0.39666466666666667,0.5166666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1246,2,0.39333133333333337,0.5233333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1247,2,0.39333133333333337,0.5266666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1248,2,0.39666466666666667,0.5233333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1249,2,0.39666466666666667,0.5266666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1250,2,0.39333133333333337,0.5333333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1251,2,0.39333133333333337,0.5366666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1252,2,0.39666466666666667,0.5333333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1253,2,0.39666466666666667,0.5366666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1254,2,0.39333133333333337,0.5433333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1255,2,0.39333133333333337,0.5466666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1256,2,0.39666466666666667,0.5433333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1257,2,0.39666466666666667,0.5466666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1258,2,0.39333133333333337,0.5533333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1259,2,0.39333133333333337,0.5566666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1260,2,0.39666466666666667,0.5533333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1261,2,0.39666466666666667,0.5566666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1262,2,0.39333133333333337,0.5633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1263,2,0.39333133333333337,0.5666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1264,2,0.39666466666666667,0.5633333333333334,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1265,2,0.39666466666666667,0.5666666666666667,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1266,2,0.39333133333333337,0.5733333333333334,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1267,2,0.39333133333333337,0.5766666666666667,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1268,2,0.39666466666666667,0.5733333333333334,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1269,2,0.39666466666666667,0.5766666666666667,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1270,2,0.4033313333333334,0.42333333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1271,2,0.4033313333333334,0.42666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1272,2,0.4066646666666667,0.42333333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1273,2,0.4066646666666667,0.42666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1274,2,0.4033313333333334,0.43333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1275,2,0.4033313333333334,0.43666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1276,2,0.4066646666666667,0.43333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1277,2,0.4066646666666667,0.43666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1278,2,0.4033313333333334,0.44333333333333336,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1279,2,0.4033313333333334,0.44666666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1280,2,0.4066646666666667,0.44333333333333336,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1281,2,0.4066646666666667,0.44666666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1282,2,0.4033313333333334,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1283,2,0.4033313333333334,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1284,2,0.4066646666666667,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1285,2,0.4066646666666667,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1286,2,0.4033313333333334,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1287,2,0.4033313333333334,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1288,2,0.4066646666666667,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1289,2,0.4066646666666667,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1290,2,0.4033313333333334,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1291,2,0.4033313333333334,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1292,2,0.4066646666666667,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1293,2,0.4066646666666667,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1294,2,0.4033313333333334,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1295,2,0.4033313333333334,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1296,2,0.4066646666666667,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1297,2,0.4066646666666667,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1298,2,0.4033313333333334,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1299,2,0.4033313333333334,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1300,2,0.4066646666666667,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1301,2,0.4066646666666667,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1302,2,0.4033313333333334,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1303,2,0.4033313333333334,0.5066666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1304,2,0.4066646666666667,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1305,2,0.4066646666666667,0.5066666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1306,2,0.4033313333333334,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1307,2,0.4033313333333334,0.5166666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1308,2,0.4066646666666667,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1309,2,0.4066646666666667,0.5166666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1310,2,0.4033313333333334,0.5233333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1311,2,0.4033313333333334,0.5266666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1312,2,0.4066646666666667,0.5233333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1313,2,0.4066646666666667,0.5266666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1314,2,0.4033313333333334,0.5333333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1315,2,0.4033313333333334,0.5366666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1316,2,0.4066646666666667,0.5333333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1317,2,0.4066646666666667,0.5366666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1318,2,0.4033313333333334,0.5433333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1319,2,0.4033313333333334,0.5466666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1320,2,0.4066646666666667,0.5433333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1321,2,0.4066646666666667,0.5466666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1322,2,0.4033313333333334,0.5533333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1323,2,0.4033313333333334,0.5566666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1324,2,0.4066646666666667,0.5533333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1325,2,0.4066646666666667,0.5566666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1326,2,0.4033313333333334,0.5633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1327,2,0.4033313333333334,0.5666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1328,2,0.4066646666666667,0.5633333333333334,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1329,2,0.4066646666666667,0.5666666666666667,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1330,2,0.4033313333333334,0.5733333333333334,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1331,2,0.4033313333333334,0.5766666666666667,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1332,2,0.4066646666666667,0.5733333333333334,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1333,2,0.4066646666666667,0.5766666666666667,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1334,2,0.4133313333333334,0.42666666666666664,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1335,2,0.4166646666666666,0.42666666666666664,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1336,2,0.4133313333333334,0.43333333333333335,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1337,2,0.4133313333333334,0.43666666666666665,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1338,2,0.4166646666666666,0.43333333333333335,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1339,2,0.4166646666666666,0.43666666666666665,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1340,2,0.4133313333333334,0.44333333333333336,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1341,2,0.4133313333333334,0.44666666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1342,2,0.4166646666666666,0.44333333333333336,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1343,2,0.4166646666666666,0.44666666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1344,2,0.4133313333333334,0.45333333333333337,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1345,2,0.4133313333333334,0.45666666666666667,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1346,2,0.4166646666666666,0.45333333333333337,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1347,2,0.4166646666666666,0.45666666666666667,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1348,2,0.4133313333333334,0.4633333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1349,2,0.4133313333333334,0.4666666666666667,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1350,2,0.4166646666666666,0.4633333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1351,2,0.4166646666666666,0.4666666666666667,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1352,2,0.4133313333333334,0.4733333333333334,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1353,2,0.4133313333333334,0.4766666666666666,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1354,2,0.4166646666666666,0.4733333333333334,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1355,2,0.4166646666666666,0.4766666666666666,-2.0000000000000187,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1356,2,0.4133313333333334,0.4833333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1357,2,0.4133313333333334,0.48666666666666664,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1358,2,0.4166646666666666,0.4833333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1359,2,0.4166646666666666,0.48666666666666664,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1360,2,0.4133313333333334,0.49333333333333335,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1361,2,0.4133313333333334,0.49666666666666665,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1362,2,0.4166646666666666,0.49333333333333335,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1363,2,0.4166646666666666,0.49666666666666665,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1364,2,0.4133313333333334,0.5033333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1365,2,0.4133313333333334,0.5066666666666666,-2.000000000000007,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1366,2,0.4166646666666666,0.5033333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1367,2,0.4166646666666666,0.5066666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1368,2,0.4133313333333334,0.5133333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1369,2,0.4133313333333334,0.5166666666666666,-2.000000000000007,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1370,2,0.4166646666666666,0.5133333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1371,2,0.4166646666666666,0.5166666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1372,2,0.4133313333333334,0.5233333333333333,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1373,2,0.4133313333333334,0.5266666666666666,-2.000000000000007,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1374,2,0.4166646666666666,0.5233333333333333,-2.000000000000008,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1375,2,0.4166646666666666,0.5266666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1376,2,0.4133313333333334,0.5333333333333333,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1377,2,0.4133313333333334,0.5366666666666666,-2.000000000000007,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1378,2,0.4166646666666666,0.5333333333333333,-2.000000000000008,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1379,2,0.4166646666666666,0.5366666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1380,2,0.4133313333333334,0.5433333333333333,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1381,2,0.4133313333333334,0.5466666666666666,-2.000000000000007,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1382,2,0.4166646666666666,0.5433333333333333,-2.000000000000008,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1383,2,0.4166646666666666,0.5466666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1384,2,0.4133313333333334,0.5533333333333333,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1385,2,0.4133313333333334,0.5566666666666666,-2.000000000000007,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1386,2,0.4166646666666666,0.5533333333333333,-2.000000000000008,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1387,2,0.4166646666666666,0.5566666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1388,2,0.4133313333333334,0.5633333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1389,2,0.4133313333333334,0.5666666666666667,-2.000000000000007,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1390,2,0.4166646666666666,0.5633333333333334,-2.000000000000008,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1391,2,0.4166646666666666,0.5666666666666667,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1392,2,0.4133313333333334,0.5733333333333334,-2.0000000000000298,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1393,2,0.4166646666666666,0.5733333333333334,-2.0000000000000298,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1394,2,0.42333133333333334,0.43333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1395,2,0.42333133333333334,0.43666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1396,2,0.42666466666666664,0.43333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1397,2,0.42666466666666664,0.43666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1398,2,0.42333133333333334,0.44333333333333336,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1399,2,0.42333133333333334,0.44666666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1400,2,0.42666466666666664,0.44333333333333336,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1401,2,0.42666466666666664,0.44666666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1402,2,0.42333133333333334,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1403,2,0.42333133333333334,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1404,2,0.42666466666666664,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1405,2,0.42666466666666664,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1406,2,0.42333133333333334,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1407,2,0.42333133333333334,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1408,2,0.42666466666666664,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1409,2,0.42666466666666664,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1410,2,0.42333133333333334,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1411,2,0.42333133333333334,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1412,2,0.42666466666666664,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1413,2,0.42666466666666664,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1414,2,0.42333133333333334,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1415,2,0.42333133333333334,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1416,2,0.42666466666666664,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1417,2,0.42666466666666664,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1418,2,0.42333133333333334,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1419,2,0.42333133333333334,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1420,2,0.42666466666666664,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1421,2,0.42666466666666664,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1422,2,0.42333133333333334,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1423,2,0.42333133333333334,0.5066666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1424,2,0.42666466666666664,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1425,2,0.42666466666666664,0.5066666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1426,2,0.42333133333333334,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1427,2,0.42333133333333334,0.5166666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1428,2,0.42666466666666664,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1429,2,0.42666466666666664,0.5166666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1430,2,0.42333133333333334,0.5233333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1431,2,0.42333133333333334,0.5266666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1432,2,0.42666466666666664,0.5233333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1433,2,0.42666466666666664,0.5266666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1434,2,0.42333133333333334,0.5333333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1435,2,0.42333133333333334,0.5366666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1436,2,0.42666466666666664,0.5333333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1437,2,0.42666466666666664,0.5366666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1438,2,0.42333133333333334,0.5433333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1439,2,0.42333133333333334,0.5466666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1440,2,0.42666466666666664,0.5433333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1441,2,0.42666466666666664,0.5466666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1442,2,0.42333133333333334,0.5533333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1443,2,0.42333133333333334,0.5566666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1444,2,0.42666466666666664,0.5533333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1445,2,0.42666466666666664,0.5566666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1446,2,0.42333133333333334,0.5633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1447,2,0.42333133333333334,0.5666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1448,2,0.42666466666666664,0.5633333333333334,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1449,2,0.42666466666666664,0.5666666666666667,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1450,2,0.43333133333333335,0.43333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1451,2,0.43333133333333335,0.43666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1452,2,0.43666466666666665,0.43666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1453,2,0.43333133333333335,0.44333333333333336,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1454,2,0.43333133333333335,0.44666666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1455,2,0.43666466666666665,0.44333333333333336,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1456,2,0.43666466666666665,0.44666666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1457,2,0.43333133333333335,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1458,2,0.43333133333333335,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1459,2,0.43666466666666665,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1460,2,0.43666466666666665,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1461,2,0.43333133333333335,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1462,2,0.43333133333333335,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1463,2,0.43666466666666665,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1464,2,0.43666466666666665,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1465,2,0.43333133333333335,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1466,2,0.43333133333333335,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1467,2,0.43666466666666665,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1468,2,0.43666466666666665,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1469,2,0.43333133333333335,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1470,2,0.43333133333333335,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1471,2,0.43666466666666665,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1472,2,0.43666466666666665,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1473,2,0.43333133333333335,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1474,2,0.43333133333333335,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1475,2,0.43666466666666665,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1476,2,0.43666466666666665,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1477,2,0.43333133333333335,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1478,2,0.43333133333333335,0.5066666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1479,2,0.43666466666666665,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1480,2,0.43666466666666665,0.5066666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1481,2,0.43333133333333335,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1482,2,0.43333133333333335,0.5166666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1483,2,0.43666466666666665,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1484,2,0.43666466666666665,0.5166666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1485,2,0.43333133333333335,0.5233333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1486,2,0.43333133333333335,0.5266666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1487,2,0.43666466666666665,0.5233333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1488,2,0.43666466666666665,0.5266666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1489,2,0.43333133333333335,0.5333333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1490,2,0.43333133333333335,0.5366666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1491,2,0.43666466666666665,0.5333333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1492,2,0.43666466666666665,0.5366666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1493,2,0.43333133333333335,0.5433333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1494,2,0.43333133333333335,0.5466666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1495,2,0.43666466666666665,0.5433333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1496,2,0.43666466666666665,0.5466666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1497,2,0.43333133333333335,0.5533333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1498,2,0.43333133333333335,0.5566666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1499,2,0.43666466666666665,0.5533333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1500,2,0.43666466666666665,0.5566666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1501,2,0.43333133333333335,0.5633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1502,2,0.43333133333333335,0.5666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1503,2,0.43666466666666665,0.5633333333333334,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1504,2,0.44333133333333336,0.44333333333333336,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1505,2,0.44333133333333336,0.44666666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1506,2,0.44666466666666665,0.44666666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1507,2,0.44333133333333336,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1508,2,0.44333133333333336,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1509,2,0.44666466666666665,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1510,2,0.44666466666666665,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1511,2,0.44333133333333336,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1512,2,0.44333133333333336,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1513,2,0.44666466666666665,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1514,2,0.44666466666666665,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1515,2,0.44333133333333336,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1516,2,0.44333133333333336,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1517,2,0.44666466666666665,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1518,2,0.44666466666666665,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1519,2,0.44333133333333336,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1520,2,0.44333133333333336,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1521,2,0.44666466666666665,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1522,2,0.44666466666666665,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1523,2,0.44333133333333336,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1524,2,0.44333133333333336,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1525,2,0.44666466666666665,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1526,2,0.44666466666666665,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1527,2,0.44333133333333336,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1528,2,0.44333133333333336,0.5066666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1529,2,0.44666466666666665,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1530,2,0.44666466666666665,0.5066666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1531,2,0.44333133333333336,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1532,2,0.44333133333333336,0.5166666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1533,2,0.44666466666666665,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1534,2,0.44666466666666665,0.5166666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1535,2,0.44333133333333336,0.5233333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1536,2,0.44333133333333336,0.5266666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1537,2,0.44666466666666665,0.5233333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1538,2,0.44666466666666665,0.5266666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1539,2,0.44333133333333336,0.5333333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1540,2,0.44333133333333336,0.5366666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1541,2,0.44666466666666665,0.5333333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1542,2,0.44666466666666665,0.5366666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1543,2,0.44333133333333336,0.5433333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1544,2,0.44333133333333336,0.5466666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1545,2,0.44666466666666665,0.5433333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1546,2,0.44666466666666665,0.5466666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1547,2,0.44333133333333336,0.5533333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1548,2,0.44333133333333336,0.5566666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1549,2,0.44666466666666665,0.5533333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1550,2,0.45333133333333336,0.45333333333333337,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1551,2,0.45333133333333336,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1552,2,0.45666466666666666,0.45666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1553,2,0.45333133333333336,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1554,2,0.45333133333333336,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1555,2,0.45666466666666666,0.4633333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1556,2,0.45666466666666666,0.4666666666666667,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1557,2,0.45333133333333336,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1558,2,0.45333133333333336,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1559,2,0.45666466666666666,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1560,2,0.45666466666666666,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1561,2,0.45333133333333336,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1562,2,0.45333133333333336,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1563,2,0.45666466666666666,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1564,2,0.45666466666666666,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1565,2,0.45333133333333336,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1566,2,0.45333133333333336,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1567,2,0.45666466666666666,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1568,2,0.45666466666666666,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1569,2,0.45333133333333336,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1570,2,0.45333133333333336,0.5066666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1571,2,0.45666466666666666,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1572,2,0.45666466666666666,0.5066666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1573,2,0.45333133333333336,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1574,2,0.45333133333333336,0.5166666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1575,2,0.45666466666666666,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1576,2,0.45666466666666666,0.5166666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1577,2,0.45333133333333336,0.5233333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1578,2,0.45333133333333336,0.5266666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1579,2,0.45666466666666666,0.5233333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1580,2,0.45666466666666666,0.5266666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1581,2,0.45333133333333336,0.5333333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1582,2,0.45333133333333336,0.5366666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1583,2,0.45666466666666666,0.5333333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1584,2,0.45666466666666666,0.5366666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1585,2,0.45333133333333336,0.5433333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1586,2,0.45333133333333336,0.5466666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1587,2,0.45666466666666666,0.5433333333333333,-1.9999999999999967,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1588,2,0.4633313333333334,0.4733333333333334,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1589,2,0.4633313333333334,0.4766666666666666,-2.0000000000000075,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1590,2,0.4633313333333334,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1591,2,0.4633313333333334,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1592,2,0.46666466666666667,0.4833333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1593,2,0.46666466666666667,0.48666666666666664,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1594,2,0.4633313333333334,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1595,2,0.4633313333333334,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1596,2,0.46666466666666667,0.49333333333333335,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1597,2,0.46666466666666667,0.49666666666666665,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1598,2,0.4633313333333334,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1599,2,0.4633313333333334,0.5066666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1600,2,0.46666466666666667,0.5033333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1601,2,0.46666466666666667,0.5066666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1602,2,0.4633313333333334,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1603,2,0.4633313333333334,0.5166666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1604,2,0.46666466666666667,0.5133333333333334,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1605,2,0.46666466666666667,0.5166666666666666,-1.9999999999999962,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1606,2,0.4633313333333334,0.5233333333333333,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1607,2,0.4633313333333334,0.5266666666666666,-1.9999999999999964,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 diff --git a/simulation_output/step_01000.csv b/simulation_output/step_01000.csv new file mode 100644 index 0000000..0e4a92f --- /dev/null +++ b/simulation_output/step_01000.csv @@ -0,0 +1,1609 @@ +particle_id,object_id,pos_x,pos_y,vel_x,vel_y,stress_xx,stress_xy,stress_yx,stress_yy,strain_xx,strain_xy,strain_yx,strain_yy,volume,mass,density,youngs_modulus,poisson_ratio +0,1,0.12866866666666865,0.4733333333333334,1.9999999999994307,5.03053817796119e-16,1.767010469568331e-10,5.717792051795064e-10,5.717792051795064e-10,8.925564560950785e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1,1,0.12866866666666865,0.4766666666666666,1.9999999999994251,5.293695295105235e-16,-3.2772963829931843e-10,5.724788164885633e-10,5.724788164885633e-10,6.773713214268086e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +2,1,0.12533533333333532,0.4833333333333334,1.9999999999993996,5.778490602557855e-16,-4.748529774517992e-10,6.902758706508794e-10,6.902758706508794e-10,7.825999677362028e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +3,1,0.12533533333333532,0.48666666666666664,1.9999999999993934,7.228795854452474e-16,-2.06487818296899e-10,6.900080506966318e-10,6.900080506966318e-10,8.972310074393777e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +4,1,0.12866866666666865,0.4833333333333334,1.999999999999402,6.936068347726903e-16,-4.173892001255384e-10,7.668942404192275e-10,7.668942404192275e-10,9.166821148308087e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +5,1,0.12866866666666865,0.48666666666666664,1.9999999999993952,8.31528428320448e-16,-1.4797052472204053e-10,7.680311087964436e-10,7.680311087964436e-10,1.0337713591140483e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +6,1,0.12533533333333532,0.49333333333333335,1.9999999999993832,1.0244463987952116e-15,-5.654827033979995e-11,5.087048730974144e-10,5.087048730974144e-10,7.024862742792503e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +7,1,0.12533533333333532,0.49666666666666665,1.9999999999993787,1.1809826869557071e-15,-3.519646113020899e-11,5.092186501525026e-10,5.092186501525026e-10,7.123710168763448e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +8,1,0.12866866666666865,0.49333333333333335,1.999999999999384,1.1140856110657025e-15,-5.207185110451131e-11,5.14673432077803e-10,5.14673432077803e-10,7.129312524949239e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +9,1,0.12866866666666865,0.49666666666666665,1.9999999999993798,1.2587212002631932e-15,-3.09168075755923e-11,5.149248548919941e-10,5.149248548919941e-10,7.223568751704464e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +10,1,0.12533533333333532,0.5033333333333334,1.9999999999993723,1.4513070474589458e-15,-1.9492510170074159e-10,2.700772938624156e-10,2.700772938624156e-10,3.0228537621741663e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +11,1,0.12533533333333532,0.5066666666666666,1.9999999999993703,1.5650951198016796e-15,-1.9603054222618391e-10,2.706949194711917e-10,2.706949194711917e-10,3.026939382904789e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +12,1,0.12866866666666865,0.5033333333333334,1.9999999999993734,1.5052212541357542e-15,-1.9450287534429903e-10,2.706402623376737e-10,2.706402623376737e-10,3.032705710491152e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +13,1,0.12866866666666865,0.5066666666666666,1.999999999999371,1.607085718810816e-15,-1.956698051449515e-10,2.711759022461697e-10,2.711759022461697e-10,3.0353565814668583e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +14,1,0.12533533333333532,0.5133333333333334,1.9999999999993676,1.7235142677627669e-15,-3.972015878599237e-10,3.6314199510693176e-11,3.6314199510693176e-11,-1.1835182406754858e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +15,1,0.12533533333333532,0.5166666666666666,1.9999999999993672,1.7681453433811105e-15,-4.217754350905199e-10,3.647817091125322e-11,3.647817091125322e-11,-1.286492280227181e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +16,1,0.12866866666666865,0.5133333333333334,1.9999999999993683,1.7496303942720006e-15,-4.0238308411762064e-10,2.940553783376386e-11,2.940553783376386e-11,-1.3044198200217436e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +17,1,0.12866866666666865,0.5166666666666666,1.999999999999368,1.790310605058114e-15,-4.270225199084405e-10,2.9482057820691894e-11,2.9482057820691894e-11,-1.4089242593120011e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +18,1,0.12866866666666865,0.5233333333333333,1.9999999999993694,1.820321364166067e-15,-7.35419930081731e-10,-1.8092604337793015e-10,-1.8092604337793015e-10,-5.73645746289212e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +19,1,0.12866866666666865,0.5266666666666666,1.9999999999993714,1.8096519124879034e-15,-8.605246429956779e-10,-1.8081672911089025e-10,-1.8081672911089025e-10,-6.271058885851311e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +20,1,0.13533533333333533,0.45666666666666667,1.9999999999994107,1.290248931169193e-15,-2.5191062910870154e-10,-2.430876013302346e-10,-2.430876013302346e-10,-4.552297000897775e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +21,1,0.13866866666666866,0.45333333333333337,1.9999999999994085,1.314397636921958e-15,-1.5995683410297833e-10,-2.7546102151413565e-10,-2.7546102151413565e-10,-4.620686739214692e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +22,1,0.13866866666666866,0.45666666666666667,1.9999999999994107,1.2352546871678813e-15,-2.760349214160955e-10,-2.752533244067599e-10,-2.752533244067599e-10,-5.115197154736956e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +23,1,0.13533533333333533,0.4633333333333334,1.9999999999994167,1.0088978063455331e-15,-6.136711651659154e-10,-5.024302341693197e-10,-5.024302341693197e-10,-9.807594053129908e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +24,1,0.13533533333333533,0.4666666666666667,1.9999999999994207,8.052258647813162e-16,-6.66594301124999e-10,-5.038458539274869e-10,-5.038458539274869e-10,-1.0054630632356956e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +25,1,0.13866866666666866,0.4633333333333334,1.999999999999417,9.795875196240053e-16,-6.242227247919525e-10,-5.164989803373748e-10,-5.164989803373748e-10,-1.0053797111070769e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +26,1,0.13866866666666866,0.4666666666666667,1.9999999999994214,8.030633018342095e-16,-6.769941872055196e-10,-5.177123687015183e-10,-5.177123687015183e-10,-1.0297294640902375e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +27,1,0.13533533333333533,0.4733333333333334,1.9999999999994331,6.172510734921001e-16,-4.293604787947586e-10,3.462693379893053e-10,3.462693379893053e-10,3.10658849072682e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +28,1,0.13533533333333533,0.4766666666666666,1.9999999999994302,6.329482237670996e-16,-7.76778983016323e-10,3.464497065299213e-10,3.464497065299213e-10,1.6202287375003488e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +29,1,0.13866866666666866,0.4733333333333334,1.9999999999994347,6.430356495340148e-16,-5.030041340712786e-10,2.4807779762061063e-10,2.4807779762061063e-10,1.3882365342746774e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +30,1,0.13866866666666866,0.4766666666666666,1.9999999999994325,6.595322150236142e-16,-8.506399003985828e-10,2.479684833535707e-10,2.479684833535707e-10,-1.0319266808577468e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +31,1,0.13533533333333533,0.4833333333333334,1.999999999999409,8.011779611438719e-16,-7.655961334981267e-10,8.240765335078606e-10,8.240765335078606e-10,8.491395620834601e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +32,1,0.13533533333333533,0.48666666666666664,1.9999999999994018,9.537105482456404e-16,-7.639331902107824e-10,8.23513565032606e-10,8.23513565032606e-10,8.49048011384816e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +33,1,0.13866866666666866,0.4833333333333334,1.9999999999994125,8.394704714966629e-16,-7.646369008048514e-10,8.253555104322263e-10,8.253555104322263e-10,8.513777717011036e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +34,1,0.13866866666666866,0.48666666666666664,1.9999999999994054,1.0029121624801075e-15,-7.633223967436953e-10,8.243279563220505e-10,8.243279563220505e-10,8.504731961413489e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +35,1,0.13533533333333533,0.49333333333333335,1.99999999999939,1.2383896857325099e-15,-9.813223737882468e-10,5.219537622626678e-10,5.219537622626678e-10,3.250815001802742e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +36,1,0.13533533333333533,0.49666666666666665,1.9999999999993854,1.3705362361176048e-15,-9.753551812362004e-10,5.220794736697628e-10,5.220794736697628e-10,3.2781845614128824e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +37,1,0.13866866666666866,0.49333333333333335,1.9999999999993938,1.2936699293316545e-15,-9.795104898120587e-10,5.243696075642546e-10,5.243696075642546e-10,3.293092294580469e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +38,1,0.13866866666666866,0.49666666666666665,1.9999999999993892,1.4209860051997504e-15,-9.731210709035691e-10,5.250582874466054e-10,5.250582874466054e-10,3.3303138025075963e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +39,1,0.13533533333333533,0.5033333333333334,1.999999999999379,1.591276660537915e-15,-1.1671661927546386e-09,2.682954713096624e-10,2.682954713096624e-10,-1.1693483788104245e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +40,1,0.13533533333333533,0.5066666666666666,1.999999999999377,1.679870534573123e-15,-1.1720908004847906e-09,2.685906198306705e-10,2.685906198306705e-10,-1.1862374330681054e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +41,1,0.13866866666666866,0.5033333333333334,1.9999999999993827,1.6315827378700683e-15,-1.1686788289248047e-09,2.6627862308277635e-10,2.6627862308277635e-10,-1.2046432227809692e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +42,1,0.13866866666666866,0.5066666666666666,1.9999999999993805,1.7148633946722831e-15,-1.1734722595345093e-09,2.6674867443104824e-10,2.6674867443104824e-10,-1.2184714775615326e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +43,1,0.13533533333333533,0.5133333333333334,1.9999999999993747,1.8010447867405858e-15,-1.3556813791218204e-09,2.5869221295019574e-11,2.5869221295019574e-11,-5.440502749164667e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +44,1,0.13533533333333533,0.5166666666666666,1.9999999999993743,1.8336251648728327e-15,-1.3506228614145427e-09,2.5956672708651584e-11,2.5956672708651584e-11,-5.417574081653024e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +45,1,0.13866866666666866,0.5133333333333334,1.999999999999378,1.8266497504061433e-15,-1.354619664303196e-09,2.7284841053187576e-11,2.7284841053187576e-11,-5.415729403396721e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +46,1,0.13866866666666866,0.5166666666666666,1.9999999999993774,1.8551554493377812e-15,-1.349429969475469e-09,2.7547195294083605e-11,2.7547195294083605e-11,-5.389739936407966e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +47,1,0.13533533333333533,0.5233333333333333,1.9999999999993752,1.8438985686782672e-15,-1.4779097603842755e-09,-1.9433890394374036e-10,-1.9433890394374036e-10,-9.110169029414613e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +48,1,0.13533533333333533,0.5266666666666666,1.999999999999377,1.821591594351453e-15,-1.446245516507799e-09,-1.9402735828267612e-10,-1.9402735828267612e-10,-8.970014474785928e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +49,1,0.13866866666666866,0.5233333333333333,1.9999999999993783,1.8564771299429136e-15,-1.4707524087498324e-09,-1.847957684311465e-10,-1.847957684311465e-10,-8.943164157944226e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +50,1,0.13866866666666866,0.5266666666666666,1.99999999999938,1.829293111616407e-15,-1.4390758670183104e-09,-1.8446782563002652e-10,-1.8446782563002652e-10,-8.802722653364597e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +51,1,0.13533533333333533,0.5333333333333333,1.9999999999993818,1.737258338216752e-15,-1.4431245941838035e-09,-3.809110292142857e-10,-3.809110292142857e-10,-1.1626405820991852e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +52,1,0.13533533333333533,0.5366666666666666,1.9999999999993854,1.675232056408866e-15,-1.3329590422892143e-09,-3.8038085501914124e-10,-3.8038085501914124e-10,-1.1146693824370062e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +53,1,0.13866866666666866,0.5333333333333333,1.9999999999993845,1.7274525218882526e-15,-1.4192298618371947e-09,-3.4905138608547475e-10,-3.4905138608547475e-10,-1.1068862066237605e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +54,1,0.13866866666666866,0.5366666666666666,1.9999999999993876,1.6527959504866062e-15,-1.3091094020777626e-09,-3.485813347372019e-10,-3.485813347372019e-10,-1.0590202219436156e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +55,1,0.13533533333333533,0.5433333333333333,1.9999999999993916,1.4917015604065102e-15,-1.4135154585276786e-09,-3.121250266793568e-10,-3.121250266793568e-10,-1.0516852346252298e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +56,1,0.13866866666666866,0.5433333333333333,1.9999999999993938,1.4536878071997522e-15,-1.4647073297825182e-09,-3.8038085501914656e-10,-3.8038085501914656e-10,-1.1711329342198541e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +57,1,0.13866866666666866,0.5466666666666666,1.9999999999993974,1.3292362353145474e-15,-1.7074205297481404e-09,-3.8105860347479446e-10,-3.8105860347479446e-10,-1.2761210891417637e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +58,1,0.14533533333333534,0.44666666666666666,1.9999999999994058,1.2958458388830565e-15,1.0000848012973265e-09,-3.363217396886628e-10,-3.363217396886628e-10,-5.18518561420933e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +59,1,0.14866866666666867,0.44333333333333336,1.9999999999993998,1.2471155290282982e-15,1.1673424620102404e-09,-3.960783837660908e-10,-3.960783837660908e-10,-6.553663594716534e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +60,1,0.14866866666666867,0.44666666666666666,1.9999999999994034,1.2289881982476384e-15,9.553493039395372e-10,-3.959690694990508e-10,-3.959690694990508e-10,-1.562346833102666e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +61,1,0.14533533333333534,0.45333333333333337,1.9999999999994116,1.1996033354097231e-15,5.253479702542583e-10,-3.842833743524714e-10,-3.842833743524714e-10,-3.238271189659894e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +62,1,0.14533533333333534,0.45666666666666667,1.9999999999994151,1.1260946361200686e-15,2.9803715051457397e-10,-3.8444734575303164e-10,-3.8444734575303164e-10,-4.2148028656951116e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +63,1,0.14866866666666867,0.45333333333333337,1.9999999999994107,1.1412395163412447e-15,4.770993856394715e-10,-4.4861482050551306e-10,-4.4861482050551306e-10,-4.3640714973382565e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +64,1,0.14866866666666867,0.45666666666666667,1.9999999999994145,1.0716181652155119e-15,2.5000172872051534e-10,-4.484945748117692e-10,-4.484945748117692e-10,-5.335629374223154e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +65,1,0.14533533333333534,0.4633333333333334,1.9999999999994231,8.967065071930854e-16,-2.34320597113625e-10,-5.851702028919067e-10,-5.851702028919067e-10,-9.3638054575142e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +66,1,0.14533533333333534,0.4666666666666667,1.999999999999428,7.408270775557596e-16,-3.879126080181984e-10,-5.852685857322429e-10,-5.852685857322429e-10,-1.0023462401967163e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +67,1,0.14866866666666867,0.4633333333333334,1.9999999999994236,8.522334461041469e-16,-2.6665575730406176e-10,-6.282837498124926e-10,-6.282837498124926e-10,-1.0118292528624384e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +68,1,0.14866866666666867,0.4666666666666667,1.999999999999429,7.024700781185176e-16,-4.2078067526045496e-10,-6.290926753885893e-10,-6.290926753885893e-10,-1.0790383970953184e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +69,1,0.14533533333333534,0.4733333333333334,1.999999999999443,6.060144092958669e-16,-1.4396688969170035e-10,1.2935157218845046e-10,1.2935157218845046e-10,1.2308786468705755e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +70,1,0.14533533333333534,0.4766666666666666,1.9999999999994418,6.270811706732979e-16,-2.8189689898611616e-10,1.2891431512029053e-10,1.2891431512029053e-10,6.335035060636497e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +71,1,0.14866866666666867,0.4733333333333334,1.9999999999994447,5.764299901365655e-16,-1.728668490404044e-10,9.081829305684454e-11,9.081829305684454e-11,5.565462620674782e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +72,1,0.14866866666666867,0.4766666666666666,1.999999999999444,6.001532701402404e-16,-3.101327741625522e-10,9.12664815517085e-11,9.12664815517085e-11,-2.5333581386526194e-12,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +73,1,0.14533533333333534,0.4833333333333334,1.9999999999994234,8.322189440377569e-16,-1.380092621380308e-13,7.967971581680259e-10,7.967971581680259e-10,1.1382225076991165e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +74,1,0.14533533333333534,0.48666666666666664,1.9999999999994165,1.0162899560247788e-15,-8.218383238902162e-11,7.963161753930487e-10,7.963161753930487e-10,1.1023728938233477e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +75,1,0.14866866666666867,0.4833333333333334,1.9999999999994258,8.181136117877611e-16,-1.6481858612958212e-11,7.750053590335984e-10,7.750053590335984e-10,1.1000868592138702e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +76,1,0.14866866666666867,0.48666666666666664,1.9999999999994196,1.0123506734315998e-15,-9.883922740090586e-11,7.7410898204387e-10,7.7410898204387e-10,1.063510305462285e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +77,1,0.14533533333333534,0.49333333333333335,1.9999999999994056,1.3319827617537466e-15,-4.107948169663504e-10,5.137333293812566e-10,5.137333293812566e-10,5.578498347019304e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +78,1,0.14533533333333534,0.49666666666666665,1.9999999999994014,1.463604555495685e-15,-4.4634518303610124e-10,5.135966865474566e-10,5.135966865474566e-10,5.424187594808946e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +79,1,0.14866866666666867,0.49333333333333335,1.999999999999409,1.3421082211177825e-15,-4.1826371426185914e-10,5.037747996539087e-10,5.037747996539087e-10,5.40422407679076e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +80,1,0.14866866666666867,0.49666666666666665,1.9999999999994045,1.4776287071601186e-15,-4.53432846825308e-10,5.041464681618443e-10,5.041464681618443e-10,5.258808773060789e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +81,1,0.14533533333333534,0.5033333333333334,1.9999999999993947,1.6775879181066144e-15,-7.042749289736932e-10,2.555712906262021e-10,2.555712906262021e-10,6.3269731334423e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +82,1,0.14533533333333534,0.5066666666666666,1.9999999999993927,1.7599494869755986e-15,-7.332254461709023e-10,2.5535812780547446e-10,2.5535812780547446e-10,5.055784850600718e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +83,1,0.14866866666666867,0.5033333333333334,1.9999999999993978,1.6962646364214225e-15,-7.103049772292889e-10,2.475312262854105e-10,2.475312262854105e-10,4.919961873803477e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +84,1,0.14866866666666867,0.5066666666666666,1.9999999999993956,1.779380079640383e-15,-7.39038232320756e-10,2.4760774627233827e-10,2.4760774627233827e-10,3.6994680823017186e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +85,1,0.14533533333333534,0.5133333333333334,1.9999999999993903,1.8700628170136185e-15,-9.63687249658016e-10,1.9086271025186685e-11,1.9086271025186685e-11,-3.8574271981745413e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +86,1,0.14533533333333534,0.5166666666666666,1.9999999999993898,1.8978145781826474e-15,-9.87873031240619e-10,1.9129996732002636e-11,1.9129996732002636e-11,-3.96045589485976e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +87,1,0.14866866666666867,0.5133333333333334,1.9999999999993934,1.8907947427268997e-15,-9.68499810264452e-10,1.2669523549937812e-11,1.2669523549937812e-11,-3.9697202789913983e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +88,1,0.14866866666666867,0.5166666666666666,1.9999999999993932,1.9190939625944486e-15,-9.92783974687391e-10,1.2582072136305798e-11,1.2582072136305798e-11,-4.0750445752844555e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +89,1,0.14533533333333534,0.5233333333333333,1.999999999999391,1.89636311713146e-15,-1.1943827123909253e-09,-1.8903169627894744e-10,-1.8903169627894744e-10,-7.819235857088926e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +90,1,0.14533533333333534,0.5266666666666666,1.9999999999993925,1.8671598949112415e-15,-1.2221772312141883e-09,-1.8915740768604355e-10,-1.8915740768604355e-10,-7.940151100718556e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +91,1,0.14866866666666867,0.5233333333333333,1.9999999999993947,1.9181472188081325e-15,-1.2001422078355966e-09,-1.9671102353850734e-10,-1.9671102353850734e-10,-7.953624084131241e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +92,1,0.14866866666666867,0.5266666666666666,1.999999999999396,1.8889012551542662e-15,-1.2277194645531187e-09,-1.9654705213794722e-10,-1.9654705213794722e-10,-8.069469878626905e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +93,1,0.14533533333333534,0.5333333333333333,1.999999999999397,1.7529390780177712e-15,-1.4118238202452343e-09,-3.473132892395366e-10,-3.473132892395366e-10,-1.1012291933044385e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +94,1,0.14533533333333534,0.5366666666666666,1.9999999999994,1.6679214833445198e-15,-1.457657925986775e-09,-3.469798807250636e-10,-3.469798807250636e-10,-1.1203960836015674e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +95,1,0.14866866666666867,0.5333333333333333,1.9999999999994007,1.7713196296808314e-15,-1.4214653385981623e-09,-3.60168647043447e-10,-3.60168647043447e-10,-1.1237260694612745e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +96,1,0.14866866666666867,0.5366666666666666,1.999999999999404,1.682983967861264e-15,-1.467352735044889e-09,-3.599062928025508e-10,-3.599062928025508e-10,-1.1430173047371594e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +97,1,0.14533533333333534,0.5433333333333333,1.9999999999994067,1.4425483445960948e-15,-1.6203913424725709e-09,-4.476473892422169e-10,-4.476473892422169e-10,-1.3339497028342645e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +98,1,0.14533533333333534,0.5466666666666666,1.9999999999994107,1.3021928005209232e-15,-1.6635499815283074e-09,-4.472921178743361e-10,-4.472921178743361e-10,-1.3519387319040363e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +99,1,0.14866866666666867,0.5433333333333333,1.9999999999994107,1.4450896187704805e-15,-1.629282691667937e-09,-4.5950252150269985e-10,-4.5950252150269985e-10,-1.3546961842901187e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +100,1,0.14866866666666867,0.5466666666666666,1.9999999999994145,1.2955309314992668e-15,-1.672379841448465e-09,-4.590652644345392e-10,-4.590652644345392e-10,-1.372541738384405e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +101,1,0.14533533333333534,0.5533333333333333,1.9999999999994187,9.923566156610882e-16,-1.6077095210675921e-09,-5.104976270768713e-10,-5.104976270768713e-10,-1.4183006905673588e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +102,1,0.14866866666666867,0.5533333333333333,1.9999999999994218,9.5438528606272e-16,-1.5749726309457804e-09,-4.668484402477889e-10,-4.668484402477889e-10,-1.3419146136164663e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +103,1,0.14866866666666867,0.5566666666666666,1.9999999999994256,7.62798327897391e-16,-1.4261986463609962e-09,-4.662362803523658e-10,-4.662362803523658e-10,-1.2772798203723793e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +104,1,0.15533533333333535,0.43666666666666665,1.9999999999993794,1.1611658661349906e-15,7.892271451755032e-10,-3.611743383002098e-10,-3.611743383002098e-10,-1.777231353536572e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +105,1,0.15866866666666868,0.43333333333333335,1.9999999999993743,1.1153774374266569e-15,5.061031935418638e-10,-2.5733671603890293e-10,-2.5733671603890293e-10,-1.5072251139477322e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +106,1,0.15866866666666868,0.43666666666666665,1.9999999999993767,1.1010523968115899e-15,8.66867603340676e-10,-2.576537274133189e-10,-2.576537274133189e-10,3.4379336984086073e-12,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +107,1,0.15533533333333535,0.44333333333333336,1.9999999999993863,1.1222043258113955e-15,1.1399783681134488e-09,-4.259321100947156e-10,-4.259321100947156e-10,-1.1991228522954518e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +108,1,0.15533533333333535,0.44666666666666666,1.9999999999993898,1.1007246536432454e-15,1.1800953376887962e-09,-4.255987015802435e-10,-4.255987015802435e-10,-1.0224300039086417e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +109,1,0.15866866666666868,0.44333333333333336,1.9999999999993825,1.0620008523104392e-15,1.1490049937142787e-09,-4.1389660929361064e-10,-4.1389660929361064e-10,-9.885015882761001e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +110,1,0.15866866666666868,0.44666666666666666,1.9999999999993858,1.0372743484243558e-15,1.188912899753912e-09,-4.1384195216009065e-10,-4.1384195216009065e-10,-8.166868890559627e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +111,1,0.15533533333333535,0.45333333333333337,1.9999999999993978,1.0094436187294173e-15,1.0600108824886632e-09,-5.251839988536984e-10,-5.251839988536984e-10,-2.959724772958557e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +112,1,0.15533533333333535,0.45666666666666667,1.9999999999994023,9.396422559837405e-16,9.754317012231285e-10,-5.249872331730255e-10,-5.249872331730255e-10,-3.3193960400869734e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +113,1,0.15866866666666868,0.45333333333333337,1.9999999999993938,9.416621374891508e-16,1.0426504104543729e-09,-5.483312948994201e-10,-5.483312948994201e-10,-3.364802453758714e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +114,1,0.15866866666666868,0.45666666666666667,1.9999999999993987,8.707764304400301e-16,9.57825272087995e-10,-5.484624720198677e-10,-5.484624720198677e-10,-3.73021271990672e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +115,1,0.15533533333333535,0.4633333333333334,1.9999999999994127,7.270377341081992e-16,6.555959194324362e-10,-6.984853721055866e-10,-6.984853721055866e-10,-7.168665661083661e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +116,1,0.15533533333333535,0.4666666666666667,1.9999999999994185,5.842345749783379e-16,5.500598267469915e-10,-6.987859863399464e-10,-6.987859863399464e-10,-7.625257690226413e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +117,1,0.15866866666666868,0.4633333333333334,1.9999999999994094,6.599086793829771e-16,6.340992688190172e-10,-7.271475729234779e-10,-7.271475729234779e-10,-7.670254175396758e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +118,1,0.15866866666666868,0.4666666666666667,1.9999999999994156,5.199266353750474e-16,5.277310212757301e-10,-7.285577269682943e-10,-7.285577269682943e-10,-8.146263151222548e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +119,1,0.15533533333333535,0.4733333333333334,1.9999999999994351,4.733018723401238e-16,9.009654560871309e-10,3.030191482349219e-11,3.030191482349219e-11,4.294165023566159e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +120,1,0.15533533333333535,0.4766666666666666,1.9999999999994351,5.051723288317691e-16,8.10397219416141e-10,3.0318311963548205e-11,3.0318311963548205e-11,3.906249682691302e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +121,1,0.15866866666666868,0.4733333333333334,1.9999999999994331,4.1624290350718477e-16,8.832565448266485e-10,6.690033142849001e-12,6.690033142849001e-12,3.880957094154909e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +122,1,0.15866866666666868,0.4766666666666666,1.9999999999994333,4.5254121564725e-16,7.924136560597209e-10,6.340227488320942e-12,6.340227488320942e-12,3.486633204374817e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +123,1,0.15533533333333535,0.4833333333333334,1.999999999999418,7.458102093231702e-16,1.180487502621804e-09,7.338704003464417e-10,7.338704003464417e-10,1.5543095016185454e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +124,1,0.15533533333333535,0.48666666666666664,1.999999999999412,9.545776333229179e-16,1.112678496348543e-09,7.333183632978895e-10,7.333183632978895e-10,1.524459874574934e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +125,1,0.15866866666666868,0.4833333333333334,1.9999999999994165,7.041469158453121e-16,1.1661318065027718e-09,7.14729472187728e-10,7.14729472187728e-10,1.5208128773408046e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +126,1,0.15866866666666868,0.48666666666666664,1.9999999999994107,9.194543039033e-16,1.0992615364977204e-09,7.154290834967845e-10,7.154290834967845e-10,1.4931536349230107e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +127,1,0.15533533333333535,0.49333333333333335,1.9999999999994018,1.3098677429176077e-15,8.012038895580764e-10,4.784302868406841e-10,4.784302868406841e-10,1.026844933868723e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +128,1,0.15533533333333535,0.49666666666666665,1.9999999999993978,1.456390428512542e-15,7.482739214572996e-10,4.781788640264912e-10,4.781788640264912e-10,1.0038014863766859e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +129,1,0.15866866666666868,0.49333333333333335,1.9999999999994007,1.2871860792015046e-15,7.904924578164919e-10,4.641483778519007e-10,4.641483778519007e-10,1.001851593138362e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +130,1,0.15866866666666868,0.49666666666666665,1.9999999999993965,1.4396104664417126e-15,7.372755397647363e-10,4.635143551030686e-10,4.635143551030686e-10,9.781385957607027e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +131,1,0.15533533333333535,0.5033333333333334,1.9999999999993918,1.6930781816586432e-15,4.581688874448174e-10,2.247719958876804e-10,2.247719958876804e-10,5.174609458873208e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +132,1,0.15533533333333535,0.5066666666666666,1.9999999999993898,1.7832432492098023e-15,4.10669105559254e-10,2.245424359268964e-10,2.245424359268964e-10,4.967759537066741e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +133,1,0.15866866666666868,0.5033333333333334,1.9999999999993907,1.6864174678532164e-15,4.481994262907664e-10,2.1147938101561495e-10,2.1147938101561495e-10,4.941988698612064e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +134,1,0.15866866666666868,0.5066666666666666,1.999999999999389,1.7808000820245043e-15,4.0073243868531644e-10,2.1129354676164689e-10,2.1129354676164689e-10,4.735903976674849e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +135,1,0.15533533333333535,0.5133333333333334,1.999999999999388,1.9075324786954836e-15,1.2766266676268198e-10,-1.2997466351057831e-11,-1.2997466351057831e-11,3.614476239678103e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +136,1,0.15533533333333535,0.5166666666666666,1.999999999999388,1.941656640629998e-15,7.102421215257405e-11,-1.3194232031729857e-11,-1.3194232031729857e-11,1.1590045162917628e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +137,1,0.15866866666666868,0.5133333333333334,1.9999999999993872,1.9128105822475372e-15,1.1610268302320042e-10,-2.8410778003699965e-11,-2.8410778003699965e-11,9.171467004657291e-12,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +138,1,0.15866866666666868,0.5166666666666666,1.9999999999993874,1.9504384682992743e-15,5.92920584425044e-11,-2.8837103645156028e-11,-2.8837103645156028e-11,-1.5784980160578164e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +139,1,0.15533533333333535,0.5233333333333333,1.9999999999993903,1.9508172688111173e-15,-2.280773860373023e-10,-2.3112862051605703e-10,-2.3112862051605703e-10,-4.2793119475320977e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +140,1,0.15533533333333535,0.5266666666666666,1.9999999999993918,1.9258537350577206e-15,-3.074873689001838e-10,-2.3138550904360123e-10,-2.3138550904360123e-10,-4.6233102816236474e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +141,1,0.15866866666666868,0.5233333333333333,1.9999999999993898,1.9657900246438206e-15,-2.4474097961921443e-10,-2.5334674529194123e-10,-2.5334674529194123e-10,-4.66812913111006e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +142,1,0.15866866666666868,0.5266666666666666,1.999999999999392,1.9435136949366277e-15,-3.2384351610604515e-10,-2.5319370531808527e-10,-2.5319370531808527e-10,-5.004953716427102e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +143,1,0.15533533333333535,0.5333333333333333,1.9999999999993976,1.8122383935100444e-15,-6.432884993920685e-10,-4.146672748762425e-10,-4.146672748762425e-10,-8.68076892419804e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +144,1,0.15533533333333535,0.5366666666666666,1.9999999999994011,1.7235865857157661e-15,-7.635574224178319e-10,-4.146399463094822e-10,-4.146399463094822e-10,-9.195816757640457e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +145,1,0.15866866666666868,0.5333333333333333,1.9999999999993983,1.8332174829875392e-15,-6.686917686238303e-10,-4.4853830051858585e-10,-4.4853830051858585e-10,-9.27351187293915e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +146,1,0.15866866666666868,0.5366666666666666,1.9999999999994018,1.745197600745644e-15,-7.889155995144408e-10,-4.4845084910495434e-10,-4.4845084910495434e-10,-9.787507556561297e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +147,1,0.15533533333333535,0.5433333333333333,1.9999999999994091,1.4748418623045153e-15,-1.1658885822586083e-09,-5.395314964026995e-10,-5.395314964026995e-10,-1.2704258158289665e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +148,1,0.15533533333333535,0.5466666666666666,1.9999999999994136,1.3147489466875446e-15,-1.3525700217961965e-09,-5.392144850282827e-10,-5.392144850282827e-10,-1.3499792736673472e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +149,1,0.15866866666666868,0.5433333333333333,1.9999999999994107,1.492801695969687e-15,-1.205897603995254e-09,-5.928768587182271e-10,-5.928768587182271e-10,-1.3637801998811477e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +150,1,0.15866866666666868,0.5466666666666666,1.9999999999994154,1.3284256734356269e-15,-1.3929233834740177e-09,-5.930189672653788e-10,-5.930189672653788e-10,-1.4441371175822587e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +151,1,0.15533533333333535,0.5533333333333333,1.9999999999994227,9.183020144850014e-16,-1.862637223946597e-09,-5.576612675912851e-10,-5.576612675912851e-10,-1.5949320496789553e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +152,1,0.15533533333333535,0.5566666666666666,1.9999999999994271,6.819479978994326e-16,-2.1684889781261925e-09,-5.565407963541256e-10,-5.565407963541256e-10,-1.7244106997028356e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +153,1,0.15866866666666868,0.5533333333333333,1.9999999999994253,9.052428021485116e-16,-1.9271312750718685e-09,-6.436533357583197e-10,-6.436533357583197e-10,-1.7454181689712492e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +154,1,0.15866866666666868,0.5566666666666666,1.999999999999431,6.464359533954605e-16,-2.233175695647121e-09,-6.427897530487024e-10,-6.427897530487024e-10,-1.875346373918345e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +155,1,0.15533533333333535,0.5633333333333334,1.999999999999436,1.3035309851361344e-16,-2.400660183464143e-09,-4.6506115198168797e-10,-4.6506115198168797e-10,-1.6932274386013279e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +156,1,0.15866866666666868,0.5633333333333334,1.99999999999944,3.694208501329177e-17,-2.39768820182899e-09,-4.610985098014835e-10,-4.610985098014835e-10,-1.6862928147859821e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +157,1,0.15866866666666868,0.5666666666666667,1.999999999999444,-3.1374493461581897e-16,-2.3899651488626145e-09,-4.588357044737564e-10,-4.588357044737564e-10,-1.6797503559036367e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +158,1,0.16533533333333533,0.43333333333333335,1.999999999999372,1.0084482159478384e-15,5.4657133520007694e-11,-1.8680715094468397e-10,-1.8680715094468397e-10,-2.434428726981144e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +159,1,0.16533533333333533,0.43666666666666665,1.9999999999993738,1.0010745438845235e-15,6.140182379637665e-11,-1.8697112234524416e-10,-1.8697112234524416e-10,-2.4078653600904183e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +160,1,0.1686686666666687,0.43333333333333335,1.9999999999993712,9.574350267395163e-16,5.6403428935971887e-11,-1.844787570567306e-10,-1.844787570567306e-10,-2.3936818339419764e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +161,1,0.1686686666666687,0.43666666666666665,1.999999999999373,9.53616753135952e-16,6.309892779217286e-11,-1.8470831701751483e-10,-1.8470831701751483e-10,-2.36826626685516e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +162,1,0.16533533333333533,0.44333333333333336,1.9999999999993792,9.58435475315552e-16,-1.002999392942281e-10,-4.076492989322723e-10,-4.076492989322723e-10,-6.253418296007746e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +163,1,0.16533533333333533,0.44666666666666666,1.9999999999993827,9.23170078809896e-16,-1.0243020107317052e-10,-4.0755638180528854e-10,-4.0755638180528854e-10,-6.261220601817732e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +164,1,0.1686686666666687,0.44333333333333336,1.9999999999993778,9.087579830689823e-16,-1.003614285694381e-10,-4.0773128463255493e-10,-4.0773128463255493e-10,-6.25485304576265e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +165,1,0.1686686666666687,0.44666666666666666,1.9999999999993816,8.677174866055774e-16,-1.0223343539249793e-10,-4.07294027564395e-10,-4.07294027564395e-10,-6.256629402602053e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +166,1,0.16533533333333533,0.45333333333333337,1.9999999999993907,8.099952733240992e-16,-2.7672496772678517e-10,-5.811310407247782e-10,-5.811310407247782e-10,-9.48783615775448e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +167,1,0.16533533333333533,0.45666666666666667,1.9999999999993956,7.320858643439602e-16,-3.180553256662771e-10,-5.809397407574579e-10,-5.809397407574579e-10,-9.662233406533445e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +168,1,0.1686686666666687,0.45333333333333337,1.9999999999993903,7.446488535310071e-16,-2.8464888565884837e-10,-5.916962646341927e-10,-5.916962646341927e-10,-9.67272757616929e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +169,1,0.1686686666666687,0.45666666666666667,1.9999999999993952,6.626207169198435e-16,-3.2637687424469776e-10,-5.920351388620157e-10,-5.920351388620157e-10,-9.856402873363305e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +170,1,0.16533533333333533,0.4633333333333334,1.9999999999994074,5.150607383022837e-16,-5.640752822098587e-10,-7.727097594257581e-10,-7.727097594257581e-10,-1.3456176344124504e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +171,1,0.16533533333333533,0.4666666666666667,1.999999999999414,3.759450212407494e-16,-6.25360959597506e-10,-7.729557165265978e-10,-7.729557165265978e-10,-1.372234292008359e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +172,1,0.1686686666666687,0.4633333333333334,1.9999999999994071,4.4131303880815765e-16,-5.76742072903121e-10,-7.895988136834407e-10,-7.895988136834407e-10,-1.3751734793633924e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +173,1,0.1686686666666687,0.4666666666666667,1.999999999999414,3.0203349730763855e-16,-6.374251553937101e-10,-7.890413109215362e-10,-7.890413109215362e-10,-1.400384082199502e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +174,1,0.16533533333333533,0.4733333333333334,1.9999999999994322,2.794822288520313e-16,-1.9612209292482924e-10,-3.5379562527501036e-11,-3.5379562527501036e-11,-1.3459455772135734e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +175,1,0.16533533333333533,0.4766666666666666,1.9999999999994325,3.221351535248461e-16,-2.584503551343708e-10,-3.5510739647949e-11,-3.5510739647949e-11,-1.6149406598322882e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +176,1,0.1686686666666687,0.4733333333333334,1.9999999999994325,2.082715494007997e-16,-2.089159614535256e-10,-5.243805389909534e-11,-5.243805389909534e-11,-1.6444691762164718e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +177,1,0.1686686666666687,0.4766666666666666,1.9999999999994331,2.537891429944788e-16,-2.712934150832342e-10,-5.263481957976739e-11,-5.263481957976739e-11,-1.9146120586391218e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +178,1,0.16533533333333533,0.4833333333333334,1.9999999999994165,5.899983137578724e-16,1.638238262995189e-10,6.816072492746102e-10,6.816072492746102e-10,1.0439348530920897e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +179,1,0.16533533333333533,0.48666666666666664,1.9999999999994107,8.152085493180731e-16,1.1059461039272161e-10,6.817220292550024e-10,6.817220292550024e-10,1.021286303389737e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +180,1,0.1686686666666687,0.4833333333333334,1.999999999999417,5.290712608226936e-16,1.5324767096339754e-10,6.675057088264495e-10,6.675057088264495e-10,1.0192571573078084e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +181,1,0.1686686666666687,0.48666666666666664,1.9999999999994116,7.588357850572181e-16,9.993237007130612e-11,6.675057088264499e-10,6.675057088264499e-10,9.964077426397663e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +182,1,0.16533533333333533,0.49333333333333335,1.9999999999994014,1.202873107035097e-15,-1.8142205686462375e-10,4.345406086241161e-10,4.345406086241161e-10,5.430199879496152e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +183,1,0.16533533333333533,0.49666666666666665,1.9999999999993978,1.365327429191911e-15,-2.360313653928012e-10,4.340650915624919e-10,4.340650915624919e-10,5.189366884923614e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +184,1,0.1686686666666687,0.49333333333333335,1.9999999999994027,1.1558479153601267e-15,-1.925680128176912e-10,4.19679334020032e-10,4.19679334020032e-10,5.170127573924571e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +185,1,0.1686686666666687,0.49666666666666665,1.9999999999993991,1.3230955214285016e-15,-2.470994349306033e-10,4.1930766551209657e-10,4.1930766551209657e-10,4.931111929041578e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +186,1,0.16533533333333533,0.5033333333333334,1.999999999999393,1.6309260415622591e-15,-5.346000565308576e-10,1.8156553184011194e-10,1.8156553184011194e-10,3.02650212583663e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +187,1,0.16533533333333533,0.5066666666666666,1.9999999999993914,1.7340703317757844e-15,-5.901685977523112e-10,1.8149447756653616e-10,1.8149447756653616e-10,6.348426058348849e-12,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +188,1,0.1686686666666687,0.5033333333333334,1.9999999999993943,1.597909078581777e-15,-5.465576709166965e-10,1.6562204599232746e-10,1.6562204599232746e-10,2.363921024740352e-12,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +189,1,0.1686686666666687,0.5066666666666666,1.999999999999393,1.7054750296666684e-15,-6.022368928335292e-10,1.6540341745824738e-10,1.6540341745824738e-10,-2.1810929131159047e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +190,1,0.16533533333333533,0.5133333333333334,1.9999999999993905,1.882357695778921e-15,-9.067140201050985e-10,-6.615152869926539e-11,-6.615152869926539e-11,-4.830939067582783e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +191,1,0.16533533333333533,0.5166666666666666,1.999999999999391,1.9275007695685224e-15,-9.80829093158228e-10,-6.656692291401742e-11,-6.656692291401742e-11,-5.154509298021228e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +192,1,0.1686686666666687,0.5133333333333334,1.9999999999993923,1.8620051158480315e-15,-9.220330482024172e-10,-8.657689949569205e-11,-8.657689949569205e-11,-5.188383056520243e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +193,1,0.1686686666666687,0.5166666666666666,1.999999999999393,1.910969250944493e-15,-9.960169441351005e-10,-8.681739088318018e-11,-8.681739088318018e-11,-5.508892487481579e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +194,1,0.16533533333333533,0.5233333333333333,1.9999999999993938,1.9562037771862233e-15,-1.3413133851477521e-09,-3.0765407315742083e-10,-3.0765407315742083e-10,-1.0143544124310651e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +195,1,0.16533533333333533,0.5266666666666666,1.999999999999397,1.9397637110143204e-15,-1.4471664892076126e-09,-3.0779071599122057e-10,-3.0779071599122057e-10,-1.059915232505003e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +196,1,0.1686686666666687,0.5233333333333333,1.9999999999993967,1.9464691835670586e-15,-1.3636216941939415e-09,-3.3739848521900875e-10,-3.3739848521900875e-10,-1.066407133538842e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +197,1,0.1686686666666687,0.5266666666666666,1.9999999999993996,1.93300498109316e-15,-1.4694543018287324e-09,-3.375077994860489e-10,-3.375077994860489e-10,-1.1119201286209522e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +198,1,0.16533533333333533,0.5333333333333333,1.9999999999994038,1.8373561194806864e-15,-1.8884873152448815e-09,-5.339728659237144e-10,-5.339728659237144e-10,-1.5721700864245397e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +199,1,0.16533533333333533,0.5366666666666666,1.9999999999994087,1.7513885941189569e-15,-2.0562396230161577e-09,-5.340001944904739e-10,-5.340001944904739e-10,-1.6441029734218908e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +200,1,0.1686686666666687,0.5333333333333333,1.9999999999994076,1.834697994919539e-15,-1.9238436484906396e-09,-5.811146435847182e-10,-5.811146435847182e-10,-1.6546681973313074e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +201,1,0.1686686666666687,0.5366666666666666,1.9999999999994125,1.7498552112198165e-15,-2.091673842677177e-09,-5.812458207051667e-10,-5.812458207051667e-10,-1.726782819297596e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +202,1,0.16533533333333533,0.5433333333333333,1.9999999999994191,1.4936375799388735e-15,-2.6503954586587485e-09,-7.335096632652058e-10,-7.335096632652058e-10,-2.183754715518342e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +203,1,0.16533533333333533,0.5466666666666666,1.9999999999994256,1.3218540911205223e-15,-2.9289104475083125e-09,-7.333074318711824e-10,-7.333074318711824e-10,-2.3028293801766892e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +204,1,0.1686686666666687,0.5433333333333333,1.9999999999994242,1.4896700490033303e-15,-2.709712112811336e-09,-8.125985354686531e-10,-8.125985354686531e-10,-2.3221602418743727e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +205,1,0.1686686666666687,0.5466666666666666,1.9999999999994311,1.3143276704865692e-15,-2.988132818105584e-09,-8.122705926675325e-10,-8.122705926675325e-10,-2.441014911570305e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +206,1,0.16533533333333533,0.5533333333333333,1.9999999999994391,8.595295693071142e-16,-3.799370390949589e-09,-8.835762890577407e-10,-8.835762890577407e-10,-2.8905534376323197e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +207,1,0.16533533333333533,0.5566666666666666,1.999999999999447,5.689885363120622e-16,-4.277687264238222e-09,-8.830789091427079e-10,-8.830789091427079e-10,-3.0948358405916832e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +208,1,0.1686686666666687,0.5533333333333333,1.999999999999447,8.342236018653677e-16,-3.901606559198767e-09,-1.0198911800566476e-09,-1.0198911800566476e-09,-3.1291044968803934e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +209,1,0.1686686666666687,0.5566666666666666,1.9999999999994558,5.294619117609323e-16,-4.37908307905952e-09,-1.0182733289044516e-09,-1.0182733289044516e-09,-3.331426075174711e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +210,1,0.16533533333333533,0.5633333333333334,1.999999999999462,-1.906706096455069e-16,-5.822379843213924e-09,-8.62243609844883e-10,-8.62243609844883e-10,-3.727082232584378e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +211,1,0.16533533333333533,0.5666666666666667,1.9999999999994698,-6.597887226080162e-16,-6.900853905405638e-09,-8.576032192090346e-10,-8.576032192090346e-10,-4.1826562726153195e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +212,1,0.1686686666666687,0.5633333333333334,1.9999999999994746,-3.0957579043216745e-16,-6.053026114526665e-09,-1.169771971595211e-09,-1.169771971595211e-09,-4.265256865647427e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +213,1,0.1686686666666687,0.5666666666666667,1.9999999999994849,-8.438518025208236e-16,-7.133389947109842e-09,-1.167651274814637e-09,-1.167651274814637e-09,-4.725240369925102e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +214,1,0.1753353333333353,0.42666666666666664,1.9999999999993698,7.492944514377779e-16,9.355784523170143e-10,-1.4945993161046052e-10,-1.4945993161046052e-10,1.8744800583520436e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +215,1,0.1786686666666687,0.42666666666666664,1.9999999999993674,6.725523051835409e-16,9.023783429886232e-10,-1.9372674404831543e-10,-1.9372674404831543e-10,1.0998108406895956e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +216,1,0.1753353333333353,0.43333333333333335,1.9999999999993736,8.060993329706519e-16,5.892257621990915e-10,-2.2896966374201444e-10,-2.2896966374201444e-10,-7.457419297469851e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +217,1,0.1753353333333353,0.43666666666666665,1.999999999999376,8.084357127586018e-16,4.6491631057786164e-10,-2.2902432087553453e-10,-2.2902432087553453e-10,-1.2792775386025396e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +218,1,0.1786686666666687,0.43333333333333335,1.999999999999372,7.242678216672004e-16,5.631543095100473e-10,-2.6373160066074243e-10,-2.6373160066074243e-10,-1.3540758258246713e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +219,1,0.1786686666666687,0.43666666666666665,1.9999999999993745,7.295620102099092e-16,4.386152979280336e-10,-2.640923377419745e-10,-2.640923377419745e-10,-1.8929678337651883e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +220,1,0.1753353333333353,0.44333333333333336,1.9999999999993818,7.671783435689783e-16,1.6078762253248295e-10,-4.207068881302037e-10,-4.207068881302037e-10,-5.321008591006557e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +221,1,0.1753353333333353,0.44666666666666666,1.9999999999993854,7.235845945914054e-16,1.2703001044218808e-10,-4.206467652833317e-10,-4.206467652833317e-10,-5.464825173581073e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +222,1,0.1786686666666687,0.44333333333333336,1.9999999999993807,6.911104419431249e-16,1.5401560368935348e-10,-4.297362465877051e-10,-4.297362465877051e-10,-5.47902236401289e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +223,1,0.1786686666666687,0.44666666666666666,1.9999999999993845,6.473646851336325e-16,1.198029709625053e-10,-4.302828179229044e-10,-4.302828179229044e-10,-5.633456094773693e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +224,1,0.1753353333333353,0.45333333333333337,1.9999999999993943,5.934313848185415e-16,-7.999481419154533e-11,-6.109519727732925e-10,-6.109519727732925e-10,-9.070720243296537e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +225,1,0.1753353333333353,0.45666666666666667,1.9999999999993996,5.068719240232522e-16,-1.088647121168133e-10,-6.108535899329562e-10,-6.108535899329562e-10,-9.193042908114312e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +226,1,0.1786686666666687,0.45333333333333337,1.9999999999993938,5.152570718215255e-16,-8.47294883827159e-11,-6.172648716948576e-10,-6.172648716948576e-10,-9.181195974423856e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +227,1,0.1786686666666687,0.45666666666666667,1.9999999999993991,4.2689521531891287e-16,-1.13755159138516e-10,-6.173741859618954e-10,-6.173741859618954e-10,-9.30715333862072e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +228,1,0.1753353333333353,0.4633333333333334,1.999999999999412,2.8011518512646676e-16,-3.1953516755633105e-10,-8.140797437870489e-10,-8.140797437870489e-10,-1.2999147057913563e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +229,1,0.1753353333333353,0.4666666666666667,1.9999999999994191,1.3991790702497392e-16,-3.4678721432940716e-10,-8.108549729093696e-10,-8.108549729093696e-10,-1.3069873388688456e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +230,1,0.1786686666666687,0.4633333333333334,1.9999999999994116,1.978034514489422e-16,-3.255816129519819e-10,-8.221416709812466e-10,-8.221416709812466e-10,-1.314023078381211e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +231,1,0.1786686666666687,0.4666666666666667,1.9999999999994187,5.707354408158733e-17,-3.5630165484690296e-10,-8.235408935993591e-10,-8.235408935993591e-10,-1.3291877000763365e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +232,1,0.1753353333333353,0.4733333333333334,1.9999999999994382,4.8446244058580916e-17,1.345453663011892e-10,-7.781536099243494e-11,-7.781536099243494e-11,-5.3502501574397525e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +233,1,0.1753353333333353,0.4766666666666666,1.9999999999994391,9.71718591936804e-17,9.462106312149954e-11,-8.125876040419543e-11,-8.125876040419543e-11,-7.553205923963664e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +234,1,0.1786686666666687,0.4733333333333334,1.9999999999994378,-3.3641901917495906e-17,1.2285010615624526e-10,-9.340904118569303e-11,-9.340904118569303e-11,-8.079144191259943e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +235,1,0.1786686666666687,0.4766666666666666,1.999999999999439,1.6372559450775818e-17,8.673813803957638e-11,-9.176932718009281e-11,-9.176932718009281e-11,-9.392555109745682e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +236,1,0.1753353333333353,0.4833333333333334,1.9999999999994236,3.815612520741861e-16,5.504738545334051e-10,6.3864674232788e-10,6.3864674232788e-10,1.1482698552684343e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +237,1,0.1753353333333353,0.48666666666666664,1.999999999999418,6.172250298195797e-16,5.048365144725367e-10,6.387833851616795e-10,6.387833851616795e-10,1.1289061992906345e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +238,1,0.1786686666666687,0.4833333333333334,1.9999999999994236,3.045992598401671e-16,5.409553147308966e-10,6.259553559245343e-10,6.259553559245343e-10,1.126059929062576e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +239,1,0.1786686666666687,0.48666666666666664,1.9999999999994187,5.428114988612734e-16,4.954696482155456e-10,6.262942301523598e-10,6.262942301523598e-10,1.1070501780243172e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +240,1,0.1753353333333353,0.49333333333333335,1.9999999999994098,1.0269343337737046e-15,2.3069272987623457e-10,3.9285907860175955e-10,3.9285907860175955e-10,6.600955679494712e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +241,1,0.1753353333333353,0.49666666666666665,1.9999999999994067,1.2009798599824266e-15,1.8633163388305842e-10,3.928098871815911e-10,3.928098871815911e-10,6.410133962092976e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +242,1,0.1786686666666687,0.49333333333333335,1.9999999999994107,9.581196432009384e-16,2.2219491204221108e-10,3.8152865482306243e-10,3.8152865482306243e-10,6.402673263367499e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +243,1,0.1786686666666687,0.49666666666666665,1.9999999999994076,1.1352155485194871e-15,1.7709184546150064e-10,3.804901692861801e-10,3.804901692861801e-10,6.194538898923311e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +244,1,0.1753353333333353,0.5033333333333334,1.9999999999994027,1.488857702153108e-15,-1.0344409089996646e-10,1.3611812531822787e-10,1.3611812531822787e-10,1.5012128292605338e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +245,1,0.1753353333333353,0.5066666666666666,1.9999999999994016,1.6026900181150579e-15,-1.5525085490690588e-10,1.3575738823699557e-10,1.3575738823699557e-10,1.274030453784621e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +246,1,0.1786686666666687,0.5033333333333334,1.999999999999404,1.4289548326303165e-15,-1.1452035900779613e-10,1.2134976784112055e-10,1.2134976784112055e-10,1.2427665734111764e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +247,1,0.1786686666666687,0.5066666666666666,1.9999999999994031,1.5455982114225866e-15,-1.656384431323833e-10,1.2190727060302452e-10,1.2190727060302452e-10,1.031653395190148e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +248,1,0.1753353333333353,0.5133333333333334,1.9999999999994016,1.770296148526385e-15,-4.754118466420411e-10,-1.2665697550591382e-10,-1.2665697550591382e-10,-3.846864707121802e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +249,1,0.1753353333333353,0.5166666666666666,1.9999999999994027,1.824069962975752e-15,-5.458088681874729e-10,-1.2670616692608183e-10,-1.2670616692608183e-10,-4.149268962604626e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +250,1,0.1786686666666687,0.5133333333333334,1.9999999999994031,1.718066188933086e-15,-4.904275276483252e-10,-1.4667788351429273e-10,-1.4667788351429273e-10,-4.1972305972684295e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +251,1,0.1786686666666687,0.5166666666666666,1.9999999999994045,1.7738907876513039e-15,-5.608696413289114e-10,-1.467871977813326e-10,-1.467871977813326e-10,-4.5006870025715156e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +252,1,0.1753353333333353,0.5233333333333333,1.9999999999994071,1.8668559352721733e-15,-9.298872782892422e-10,-3.9823187482677505e-10,-3.9823187482677505e-10,-9.674257975907833e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +253,1,0.1753353333333353,0.5266666666666666,1.9999999999994107,1.855868093119225e-15,-1.040440895831825e-09,-3.9825920339353564e-10,-3.9825920339353564e-10,-1.0148449602044056e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +254,1,0.1786686666666687,0.5233333333333333,1.9999999999994096,1.819531303492671e-15,-9.532368057289914e-10,-4.2936457807976854e-10,-4.2936457807976854e-10,-1.0219080282835261e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +255,1,0.1786686666666687,0.5266666666666666,1.9999999999994131,1.809347220615816e-15,-1.0638683096868386e-09,-4.2949575520021646e-10,-4.2949575520021646e-10,-1.0695089258661042e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +256,1,0.1753353333333353,0.5333333333333333,1.99999999999942,1.7580763826435968e-15,-1.5368465474588998e-09,-6.782731641298888e-10,-6.782731641298888e-10,-1.62761018338223e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +257,1,0.1753353333333353,0.5366666666666666,1.9999999999994258,1.671272514320917e-15,-1.7118832847000498e-09,-6.784480669571522e-10,-6.784480669571522e-10,-1.7028757890959512e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +258,1,0.1786686666666687,0.5333333333333333,1.9999999999994236,1.7108524061114328e-15,-1.5744123953272e-09,-7.283609612876228e-10,-7.283609612876228e-10,-1.7152638284082628e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +259,1,0.1786686666666687,0.5366666666666666,1.9999999999994298,1.6225416744839038e-15,-1.749178579757428e-09,-7.281751270336542e-10,-7.281751270336542e-10,-1.7898981442298315e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +260,1,0.1753353333333353,0.5433333333333333,1.99999999999944,1.3975404234589205e-15,-2.398192413885716e-09,-9.736129851052505e-10,-9.736129851052505e-10,-2.41867244181566e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +261,1,0.1753353333333353,0.5466666666666666,1.9999999999994487,1.2106122009196063e-15,-2.6862628361029148e-09,-9.729133737961957e-10,-9.729133737961957e-10,-2.541131749467233e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +262,1,0.1786686666666687,0.5433333333333333,1.9999999999994458,1.3409512902275664e-15,-2.459390639859733e-09,-1.0552106197372696e-09,-1.0552106197372696e-09,-2.5614683024217037e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +263,1,0.1786686666666687,0.5466666666666666,1.9999999999994547,1.14767163759876e-15,-2.7479201819984987e-09,-1.055123168323636e-09,-1.055123168323636e-09,-2.6849988898902707e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +264,1,0.1753353333333353,0.5533333333333333,1.9999999999994684,6.848778957670351e-16,-3.718279701230965e-09,-1.3007140663690869e-09,-1.3007140663690869e-09,-3.4517113953405366e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +265,1,0.1753353333333353,0.5566666666666666,1.99999999999948,3.460718131537833e-16,-4.213674195887924e-09,-1.2979648125530316e-09,-1.2979648125530316e-09,-3.660095816170583e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +266,1,0.1786686666666687,0.5533333333333333,1.9999999999994766,5.978633213160339e-16,-3.824611055209132e-09,-1.442489205006634e-09,-1.442489205006634e-09,-3.6998178879562506e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +267,1,0.1786686666666687,0.5566666666666666,1.9999999999994893,2.4133465766211917e-16,-4.322231461628695e-09,-1.4427078335407134e-09,-1.4427078335407134e-09,-3.913396102899037e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +268,1,0.1753353333333353,0.5633333333333334,1.9999999999995062,-6.105350544400687e-16,-5.906342765299022e-09,-1.7185295921360822e-09,-1.7185295921360822e-09,-4.986332031036844e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +269,1,0.1753353333333353,0.5666666666666667,1.9999999999995213,-1.22833583942066e-15,-6.787429421924917e-09,-1.718627974976419e-09,-1.718627974976419e-09,-5.364081145076991e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +270,1,0.1786686666666687,0.5633333333333334,1.9999999999995195,-7.689082992483297e-16,-6.097394042661525e-09,-1.973264628619426e-09,-1.973264628619426e-09,-5.432118344882693e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +271,1,0.1786686666666687,0.5666666666666667,1.9999999999995364,-1.4226225925048548e-15,-6.975857156878472e-09,-1.969864954914478e-09,-1.969864954914478e-09,-5.803745859968612e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +272,1,0.1753353333333353,0.5733333333333334,1.999999999999578,-2.532792334052221e-15,-6.900148828383236e-09,-2.209689525373575e-09,-2.209689525373575e-09,-6.113905962697917e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +273,1,0.1786686666666687,0.5733333333333334,1.999999999999592,-2.731853363059622e-15,-6.656692291401742e-09,-1.8850808093982534e-09,-1.8850808093982534e-09,-5.5458407097411e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +274,1,0.18533533333333532,0.42333333333333334,1.9999999999993536,4.921290112604979e-16,9.736334815303187e-10,-1.7383701316038408e-10,-1.7383701316038408e-10,1.6893290185530183e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +275,1,0.18533533333333532,0.42666666666666664,1.9999999999993552,5.242398567038245e-16,1.1191840616657614e-09,-1.7333963324535201e-10,-1.7333963324535201e-10,2.3202226464910872e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +276,1,0.18866866666666868,0.42333333333333334,1.9999999999993505,4.2555152563425477e-16,1.0071615336598284e-09,-1.291329436543704e-10,-1.291329436543704e-10,2.4716502349082634e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +277,1,0.18866866666666868,0.42666666666666664,1.9999999999993516,4.507301129675595e-16,1.1525194473996123e-09,-1.2889245226688243e-10,-1.2889245226688243e-10,3.098048313614325e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +278,1,0.18533533333333532,0.43333333333333335,1.9999999999993594,5.577643729332814e-16,1.1921048763514803e-09,-2.861082311238314e-10,-2.861082311238314e-10,1.0217604540230246e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +279,1,0.18533533333333532,0.43666666666666665,1.9999999999993618,5.591780437194112e-16,1.1999891678617411e-09,-2.859770540033835e-10,-2.859770540033835e-10,1.0574242336448285e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +280,1,0.18866866666666868,0.43333333333333335,1.9999999999993552,4.741575953004454e-16,1.1959991971147816e-09,-2.809158034394307e-10,-2.809158034394307e-10,1.1126279385000369e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +281,1,0.18866866666666868,0.43666666666666665,1.9999999999993578,4.72406490300026e-16,1.2039982686054328e-09,-2.806315863451268e-10,-2.806315863451268e-10,1.1509699176643186e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +282,1,0.18533533333333532,0.44333333333333336,1.999999999999368,5.16663299701929e-16,1.0790534278070347e-09,-4.4222540159703204e-10,-4.4222540159703204e-10,-1.6929910464988585e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +283,1,0.18533533333333532,0.44666666666666666,1.999999999999372,4.727348848983175e-16,1.0662253985698888e-09,-4.422909901572544e-10,-4.422909901572544e-10,-1.748905294089827e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +284,1,0.18866866666666868,0.44333333333333336,1.999999999999364,4.2665081120765e-16,1.0776309759071758e-09,-4.4412200413016897e-10,-4.4412200413016897e-10,-1.726181590828882e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +285,1,0.18866866666666868,0.44666666666666666,1.999999999999368,3.82646237115694e-16,1.0656146051028026e-09,-4.431053814466975e-10,-4.431053814466975e-10,-1.7631571416551774e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +286,1,0.18533533333333532,0.45333333333333337,1.9999999999993814,3.3891164664714174e-16,8.982380651244832e-10,-6.297485609908261e-10,-6.297485609908261e-10,-5.146816306478287e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +287,1,0.18533533333333532,0.45666666666666667,1.9999999999993867,2.4901682319957934e-16,8.843127939319225e-10,-6.299507923848501e-10,-6.299507923848501e-10,-5.209385060075326e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +288,1,0.18866866666666868,0.45333333333333337,1.9999999999993774,2.482393341624101e-16,8.959178698065577e-10,-6.32842154748061e-10,-6.32842154748061e-10,-5.200954197229858e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +289,1,0.18866866666666868,0.45666666666666667,1.9999999999993827,1.5783700530108416e-16,8.825378035208601e-10,-6.323174462662703e-10,-6.323174462662703e-10,-5.250801503000117e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +290,1,0.18533533333333532,0.4633333333333334,1.9999999999993994,1.7718853573043478e-17,6.988912013219723e-10,-8.333081233593899e-10,-8.333081233593899e-10,-8.909153756611394e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +291,1,0.18533533333333532,0.4666666666666667,1.9999999999994065,-1.236842926059267e-16,6.770269814856317e-10,-8.358824743481837e-10,-8.358824743481837e-10,-9.039633998607034e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +292,1,0.18866866666666868,0.4633333333333334,1.9999999999993956,-7.425608668000957e-17,6.910328719501329e-10,-8.437858958551756e-10,-8.437858958551756e-10,-9.092514775287639e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +293,1,0.18866866666666868,0.4666666666666667,1.9999999999994027,-2.1594684979977415e-16,6.746084033273722e-10,-8.391072452258603e-10,-8.391072452258603e-10,-9.096067488966453e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +294,1,0.18533533333333532,0.4733333333333334,1.9999999999994258,-2.1386887816399137e-16,1.1859258874070425e-09,-1.0460282213059091e-10,-1.0460282213059091e-10,3.5882134870217386e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +295,1,0.18533533333333532,0.4766666666666666,1.9999999999994273,-1.6265031754308485e-16,1.1684328718239639e-09,-1.0094079418475027e-10,-1.0094079418475027e-10,3.565558105177709e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +296,1,0.18866866666666868,0.4733333333333334,1.9999999999994222,-3.0598870182402963e-16,1.1817856095429014e-09,-1.1012319261611141e-10,-1.1012319261611141e-10,3.49160700352513e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +297,1,0.18866866666666868,0.4766666666666666,1.9999999999994236,-2.54339790728519e-16,1.1587339634808418e-09,-1.1387267197558388e-10,-1.1387267197558388e-10,3.3392502438381193e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +298,1,0.18533533333333532,0.4833333333333334,1.9999999999994122,1.2943995623906325e-16,1.6632985587141139e-09,6.125971524922479e-10,6.125971524922479e-10,1.5879810287235434e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +299,1,0.18533533333333532,0.48666666666666664,1.9999999999994071,3.703116694002904e-16,1.6420628959132525e-09,6.115750640954236e-10,6.115750640954236e-10,1.577419904099141e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +300,1,0.18866866666666868,0.4833333333333334,1.9999999999994085,3.920588954688219e-17,1.65831382813709e-09,6.05950845056213e-10,6.05950845056213e-10,1.5763499907104882e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +301,1,0.18866866666666868,0.48666666666666664,1.9999999999994038,2.811026587267577e-16,1.6360656419377704e-09,6.035787254614436e-10,6.035787254614436e-10,1.5634263114896863e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +302,1,0.18533533333333532,0.49333333333333335,1.9999999999993994,7.9119682990576435e-16,1.4065863004256809e-09,3.620105924430671e-10,3.620105924430671e-10,1.119980689386816e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +303,1,0.18533533333333532,0.49666666666666665,1.9999999999993965,9.712102772500011e-16,1.379450400061334e-09,3.618192924757467e-10,3.618192924757467e-10,1.108077732134498e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +304,1,0.18866866666666868,0.49333333333333335,1.999999999999396,7.040737442394795e-16,1.401179343492213e-09,3.5480131653177473e-10,3.5480131653177473e-10,1.1073644565420604e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +305,1,0.18866866666666868,0.49666666666666665,1.9999999999993934,8.851480605723157e-16,1.3749083922658204e-09,3.557632820817273e-10,3.557632820817273e-10,1.0974797139449653e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +306,1,0.18533533333333532,0.5033333333333334,1.9999999999993934,1.269704827238404e-15,1.1175156526650644e-09,9.822433464880576e-11,9.822433464880576e-11,6.19255757783322e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +307,1,0.18533533333333532,0.5066666666666666,1.999999999999393,1.3881859298825598e-15,1.0791299477939622e-09,9.831178606243795e-11,9.831178606243795e-11,6.029296720008954e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +308,1,0.18866866666666868,0.5033333333333334,1.9999999999993898,1.1851492912491672e-15,1.1098786846839795e-09,8.804171067402844e-11,8.804171067402844e-11,6.014361658274613e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +309,1,0.18866866666666868,0.5066666666666666,1.9999999999993896,1.3040762055931725e-15,1.0712060298618978e-09,8.774656215302079e-11,8.774656215302079e-11,5.844405301594143e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +310,1,0.18533533333333532,0.5133333333333334,1.9999999999993943,1.5621209712354373e-15,7.763294280931205e-10,-1.801335149418892e-10,-1.801335149418892e-10,7.537901926578064e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +311,1,0.18533533333333532,0.5166666666666666,1.9999999999993952,1.6175749099441481e-15,7.193807942502857e-10,-1.8025922634898524e-10,-1.8025922634898524e-10,5.079287418014316e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +312,1,0.18866866666666868,0.5133333333333334,1.999999999999391,1.4777127000727456e-15,7.645521822478956e-10,-1.9583650940218652e-10,-1.9583650940218652e-10,4.7898778960258705e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +313,1,0.18866866666666868,0.5166666666666666,1.9999999999993925,1.5324222802083022e-15,7.080011790514209e-10,-1.954320466141387e-10,-1.954320466141387e-10,2.4240438716123437e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +314,1,0.18533533333333532,0.5233333333333333,1.9999999999994011,1.6594710390544014e-15,3.5319303037795164e-10,-4.806275036081886e-10,-4.806275036081886e-10,-5.352422778497167e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +315,1,0.18533533333333532,0.5266666666666666,1.9999999999994056,1.645913229455941e-15,2.6791560423169764e-10,-4.80622037894836e-10,-4.80622037894836e-10,-5.717819380361809e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +316,1,0.18866866666666868,0.5233333333333333,1.9999999999993987,1.5712645317253762e-15,3.353816369921192e-10,-5.043760281226354e-10,-5.043760281226354e-10,-5.76802195749994e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +317,1,0.18866866666666868,0.5266666666666666,1.9999999999994034,1.5553972031068895e-15,2.502476858213555e-10,-5.041792624419633e-10,-5.041792624419633e-10,-6.130070809936454e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +318,1,0.18533533333333532,0.5333333333333333,1.999999999999417,1.5364252184898186e-15,-1.9746119269606987e-10,-8.110626700167447e-10,-8.110626700167447e-10,-1.2432871826079528e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +319,1,0.18533533333333532,0.5366666666666666,1.9999999999994242,1.4404950171221569e-15,-3.31047326303983e-10,-8.104778386880816e-10,-8.104778386880816e-10,-1.29970290939897e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +320,1,0.18866866666666868,0.5333333333333333,1.9999999999994156,1.4392142203593711e-15,-2.2551260004687615e-10,-8.484645464844885e-10,-8.484645464844885e-10,-1.3087404664264987e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +321,1,0.18866866666666868,0.5366666666666666,1.9999999999994231,1.3388985662303394e-15,-3.598079099622106e-10,-8.488252835657214e-10,-8.488252835657214e-10,-1.3668109379348324e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +322,1,0.18533533333333532,0.5433333333333333,1.9999999999994418,1.1366767064969503e-15,-9.661304235263606e-10,-1.1905088880526997e-09,-1.1905088880526997e-09,-2.114782878729433e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +323,1,0.18533533333333532,0.5466666666666666,1.9999999999994524,9.287885972394082e-16,-1.182004238076984e-09,-1.190038836704428e-09,-1.190038836704428e-09,-2.206628725896458e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +324,1,0.18866866666666868,0.5433333333333333,1.9999999999994418,1.0231523749731762e-15,-1.0114193243610385e-09,-1.2508940891656101e-09,-1.2508940891656101e-09,-2.220456980677014e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +325,1,0.18866866666666868,0.5466666666666666,1.9999999999994529,8.077218378450471e-16,-1.2277604574032583e-09,-1.2510471291394652e-09,-1.2510471291394652e-09,-2.3133932376577537e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +326,1,0.18533533333333532,0.5533333333333333,1.9999999999994778,3.401472517514717e-16,-2.076890454488352e-09,-1.659494422221114e-09,-1.659494422221114e-09,-3.260802226525172e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +327,1,0.18533533333333532,0.5566666666666666,1.9999999999994924,-4.0605984478917206e-17,-2.4059222989937826e-09,-1.6601011164031872e-09,-1.6601011164031872e-09,-3.4026825801447636e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +328,1,0.18866866666666868,0.5533333333333333,1.9999999999994795,2.008283518863894e-16,-2.147377660304093e-09,-1.753477363308769e-09,-1.753477363308769e-09,-3.4252723734285752e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +329,1,0.18866866666666868,0.5566666666666666,1.999999999999495,-1.9063459694413366e-16,-2.4750936343200304e-09,-1.7523295635048513e-09,-1.7523295635048513e-09,-3.5640823625726923e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +330,1,0.18533533333333532,0.5633333333333334,1.999999999999527,-1.0925868001638291e-15,-3.6618967687200648e-09,-2.309569971168042e-09,-2.309569971168042e-09,-4.868770002548643e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +331,1,0.18533533333333532,0.5666666666666667,1.9999999999995475,-1.7638143796183425e-15,-4.1041590638822225e-09,-2.3082636656769143e-09,-2.3082636656769143e-09,-5.056444835487967e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +332,1,0.18866866666666868,0.5633333333333334,1.9999999999995322,-1.2552925520339537e-15,-3.7571149610252765e-09,-2.436527560908322e-09,-2.436527560908322e-09,-5.09094578459413e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +333,1,0.18866866666666868,0.5666666666666667,1.9999999999995537,-1.9284875582932402e-15,-4.1999224610943e-09,-2.4359481952930142e-09,-2.4359481952930142e-09,-5.2798927623161e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +334,1,0.18533533333333532,0.5733333333333334,1.9999999999996034,-3.0080078041695655e-15,-3.768926367578942e-09,-1.583952797983121e-09,-1.583952797983121e-09,-3.878043868938296e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +335,1,0.18533533333333532,0.5766666666666667,1.9999999999996172,-3.58097364926621e-15,-3.5381844462825437e-09,-1.5866364632389543e-09,-1.5866364632389543e-09,-3.782988281605314e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +336,1,0.18866866666666868,0.5733333333333334,1.9999999999996105,-3.1308390726114656e-15,-3.719464394600016e-09,-1.518003500677873e-09,-1.518003500677873e-09,-3.762632598654118e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +337,1,0.18866866666666868,0.5766666666666667,1.9999999999996234,-3.659995580670339e-15,-3.488431424067624e-09,-1.5202991002857135e-09,-1.5202991002857135e-09,-3.666897896437145e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +338,1,0.19533533333333533,0.42333333333333334,1.9999999999993476,3.0346160340262023e-16,-2.771116669464381e-12,-9.406492678793318e-11,-9.406492678793318e-11,-1.3556608826967512e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +339,1,0.19533533333333533,0.42666666666666664,1.9999999999993485,3.149820001066134e-16,1.7605062706794462e-11,-9.355114973284507e-11,-9.355114973284507e-11,-1.260994727440097e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +340,1,0.1986686666666687,0.42333333333333334,1.9999999999993467,2.4379977341440613e-16,3.640165092432502e-12,-8.551655110540402e-11,-8.551655110540402e-11,-1.2060643082524881e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +341,1,0.1986686666666687,0.42666666666666664,1.9999999999993476,2.485168655025847e-16,2.344244456673117e-11,-8.576797391959604e-11,-8.576797391959604e-11,-1.1247891507082373e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +342,1,0.19533533333333533,0.43333333333333335,1.9999999999993516,3.151445449179229e-16,-7.232231907367416e-11,-2.7148198219387816e-10,-2.7148198219387816e-10,-4.1882668273711546e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +343,1,0.19533533333333533,0.43666666666666665,1.9999999999993543,3.0378669302523928e-16,-4.788374824854079e-11,-2.7106112226577443e-10,-2.7106112226577443e-10,-4.0775178105762303e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +344,1,0.1986686666666687,0.43333333333333335,1.9999999999993507,2.3666308283705233e-16,-6.525515170953707e-11,-2.6205909237503194e-10,-2.6205909237503194e-10,-4.0233662555412906e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +345,1,0.1986686666666687,0.43666666666666665,1.9999999999993532,2.2009220808334153e-16,-4.0796084459333716e-11,-2.6161090388016804e-10,-2.6161090388016804e-10,-3.912138988828072e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +346,1,0.19533533333333533,0.44333333333333336,1.9999999999993603,2.4445011380590365e-16,-1.4095938091976177e-10,-4.4492546399292e-10,-4.4492546399292e-10,-6.960189689554951e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +347,1,0.19533533333333533,0.44666666666666666,1.9999999999993643,1.9647138647925248e-16,-1.299282049470863e-10,-4.439143070228006e-10,-4.439143070228006e-10,-6.898468121527485e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +348,1,0.1986686666666687,0.44333333333333336,1.9999999999993592,1.530778000533812e-16,-1.3671662093027157e-10,-4.392684506735938e-10,-4.392684506735938e-10,-6.861191956466835e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +349,1,0.1986686666666687,0.44666666666666666,1.9999999999993632,1.0263426677713258e-16,-1.2719808112776141e-10,-4.402741419303614e-10,-4.402741419303614e-10,-6.834765232409922e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +350,1,0.19533533333333533,0.45333333333333337,1.9999999999993734,5.640784218398308e-17,-2.5592656199408435e-10,-6.343834859133225e-10,-6.343834859133225e-10,-1.0159449350164936e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +351,1,0.19533533333333533,0.45666666666666667,1.9999999999993792,-3.567697478463319e-17,-2.4819394402934113e-10,-6.33689340317619e-10,-6.33689340317619e-10,-1.0116393193234547e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +352,1,0.1986686666666687,0.45333333333333337,1.9999999999993725,-4.081876218134974e-17,-2.554182506523483e-10,-6.337057374576774e-10,-6.337057374576774e-10,-1.0147588752191102e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +353,1,0.1986686666666687,0.45666666666666667,1.999999999999378,-1.3382825786358147e-16,-2.473207963213593e-10,-6.325251433736469e-10,-6.325251433736469e-10,-1.0096019746714938e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +354,1,0.19533533333333533,0.4633333333333334,1.9999999999993916,-2.699362806303094e-16,-3.993086203571203e-10,-8.431846673864561e-10,-8.431846673864561e-10,-1.3756817907051291e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +355,1,0.19533533333333533,0.4666666666666667,1.999999999999399,-4.121107695073661e-16,-3.973464292637522e-10,-8.435781987477997e-10,-8.435781987477997e-10,-1.3754030393241747e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +356,1,0.1986686666666687,0.4633333333333334,1.9999999999993907,-3.6924266678598215e-16,-3.994725917576799e-10,-8.434032959205323e-10,-8.434032959205323e-10,-1.3760643906397688e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +357,1,0.1986686666666687,0.4666666666666667,1.999999999999398,-5.116475800261479e-16,-3.9810889627635636e-10,-8.445948214312717e-10,-8.445948214312717e-10,-1.3771821290202502e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +358,1,0.19533533333333533,0.4733333333333334,1.9999999999994185,-5.020979374169239e-16,1.4857448604743695e-10,-1.1394919196251213e-10,-1.1394919196251213e-10,-9.910978021183016e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +359,1,0.19533533333333533,0.4766666666666666,1.9999999999994196,-4.499106164494224e-16,1.4701402488544059e-10,-1.1470346040508838e-10,-1.1470346040508838e-10,-1.0085607562779429e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +360,1,0.1986686666666687,0.4733333333333334,1.9999999999994174,-6.016362537474718e-16,1.4759885621410497e-10,-1.1525003174028819e-10,-1.1525003174028819e-10,-1.0138624982293829e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +361,1,0.1986686666666687,0.4766666666666666,1.9999999999994182,-5.49220014228627e-16,1.4737476196667274e-10,-1.1422247763011188e-10,-1.1422247763011188e-10,-1.0001435577158557e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +362,1,0.19533533333333533,0.4833333333333334,1.999999999999405,-1.554837752269954e-16,6.767700929580881e-10,6.00157188903094e-10,6.00157188903094e-10,1.1474117382721702e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +363,1,0.19533533333333533,0.48666666666666664,1.9999999999994,8.675574502791396e-17,6.720258537685506e-10,5.998511089553815e-10,5.998511089553815e-10,1.1449412358370667e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +364,1,0.1986686666666687,0.4833333333333334,1.9999999999994031,-2.546062990376216e-16,6.758764488250365e-10,5.989656633923542e-10,5.989656633923542e-10,1.145326568628382e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +365,1,0.1986686666666687,0.48666666666666664,1.9999999999993987,-1.2408823365477742e-17,6.712387910458622e-10,5.988016919917964e-10,5.988016919917964e-10,1.143104756150794e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +366,1,0.19533533333333533,0.49333333333333335,1.9999999999993927,5.092998724649684e-16,4.648233934508775e-10,3.4561891810041874e-10,3.4561891810041874e-10,6.929513373366865e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +367,1,0.19533533333333533,0.49666666666666665,1.9999999999993898,6.896044796471035e-16,4.542677345398263e-10,3.465426236569059e-10,3.465426236569059e-10,6.897470628840763e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +368,1,0.1986686666666687,0.49333333333333335,1.9999999999993914,4.093469740224738e-16,4.638969550377133e-10,3.44383666882862e-10,3.44383666882862e-10,6.907896477059687e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +369,1,0.1986686666666687,0.49666666666666665,1.999999999999389,5.889052957382715e-16,4.518696528066361e-10,3.433451813459809e-10,3.433451813459809e-10,6.84151538839965e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +370,1,0.19533533333333533,0.5033333333333334,1.999999999999387,9.86182432483536e-16,2.2203913921167913e-10,7.48584100690025e-11,7.48584100690025e-11,2.021002169035806e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +371,1,0.19533533333333533,0.5066666666666666,1.9999999999993867,1.1024557781378234e-15,2.0606832479713297e-10,7.453046726788258e-11,7.453046726788258e-11,1.9478709243860333e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +372,1,0.1986686666666687,0.5033333333333334,1.9999999999993858,8.829670297523312e-16,2.190630582915148e-10,7.089030217545013e-11,7.089030217545013e-11,1.951560280898633e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +373,1,0.1986686666666687,0.5066666666666666,1.9999999999993856,9.974704420505835e-16,2.033382009778089e-10,7.089030217545022e-11,7.089030217545022e-11,1.8841680352684576e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +374,1,0.19533533333333533,0.5133333333333334,1.9999999999993885,1.2680386173854699e-15,-5.409279861641349e-11,-2.1633840018554287e-10,-2.1633840018554287e-10,-3.322374853863809e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +375,1,0.19533533333333533,0.5166666666666666,1.9999999999993903,1.3173481109788186e-15,-8.079690762595134e-11,-2.1592847168414263e-10,-2.1592847168414263e-10,-3.430964913884678e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +376,1,0.1986686666666687,0.5133333333333334,1.9999999999993874,1.1580943834966035e-15,-5.897504706808833e-11,-2.228480647877763e-10,-2.228480647877763e-10,-3.436293984402888e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +377,1,0.1986686666666687,0.5166666666666666,1.9999999999993892,1.2042149126443613e-15,-8.646211951530005e-11,-2.2348208753660872e-10,-2.2348208753660872e-10,-3.563153191302835e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +378,1,0.19533533333333533,0.5233333333333333,1.999999999999397,1.3425101460315447e-15,-3.8893606284336033e-10,-5.351097343009311e-10,-5.351097343009311e-10,-9.311293616484846e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +379,1,0.19533533333333533,0.5266666666666666,1.9999999999994018,1.3183626874909195e-15,-4.2937824236315274e-10,-5.349075029069078e-10,-5.349075029069078e-10,-9.481728223083623e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +380,1,0.1986686666666687,0.5233333333333333,1.999999999999396,1.2215902818051671e-15,-3.9722071785665577e-10,-5.461559409853226e-10,-5.461559409853226e-10,-9.504602233461739e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +381,1,0.1986686666666687,0.5266666666666666,1.9999999999994011,1.1928451218182123e-15,-4.3731445815025786e-10,-5.454891239563784e-10,-5.454891239563784e-10,-9.66690659144938e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +382,1,0.19533533333333533,0.5333333333333333,1.9999999999994147,1.1835091680925585e-15,-8.026919300181563e-10,-8.968361096496973e-10,-8.968361096496973e-10,-1.6252052695073404e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +383,1,0.19533533333333533,0.5366666666666666,1.9999999999994227,1.0728031072348238e-15,-8.640308981109861e-10,-8.964644411417614e-10,-8.964644411417614e-10,-1.6509624436786413e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +384,1,0.1986686666666687,0.5333333333333333,1.9999999999994147,1.0479962599584252e-15,-8.156538692324264e-10,-9.141186952687193e-10,-9.141186952687193e-10,-1.6554497943406472e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +385,1,0.1986686666666687,0.5366666666666666,1.999999999999423,9.318925580855935e-16,-8.768616602048082e-10,-9.135721239335186e-10,-9.135721239335186e-10,-1.6809008885642284e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +386,1,0.19533533333333533,0.5433333333333333,1.9999999999994427,7.370577720166017e-16,-1.3426606834890176e-09,-1.3275999103475849e-09,-1.3275999103475849e-09,-2.4719973077061164e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +387,1,0.19533533333333533,0.5466666666666666,1.9999999999994544,5.120184976561176e-16,-1.4359508454093046e-09,-1.326774587631434e-09,-1.326774587631434e-09,-2.510799773220315e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +388,1,0.1986686666666687,0.5433333333333333,1.9999999999994433,5.866297280496981e-16,-1.3622470672859117e-09,-1.353715088743431e-09,-1.353715088743431e-09,-2.5176988698988782e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +389,1,0.1986686666666687,0.5466666666666666,1.999999999999455,3.574705998866375e-16,-1.4556561084716066e-09,-1.3530482717144844e-09,-1.3530482717144844e-09,-2.5567787203656854e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +390,1,0.19533533333333533,0.5533333333333333,1.9999999999994829,-1.0529676635387031e-16,-2.061844712058632e-09,-1.864376687220864e-09,-1.864376687220864e-09,-3.547043001197798e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +391,1,0.19533533333333533,0.5566666666666666,1.9999999999994995,-4.975727560033682e-16,-2.190824615739146e-09,-1.8653277213441122e-09,-1.8653277213441122e-09,-3.6036787229512297e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +392,1,0.1986686666666687,0.5533333333333333,1.9999999999994842,-2.6179524028775763e-16,-2.0894656944829627e-09,-1.9012046637866448e-09,-1.9012046637866448e-09,-3.6114919601879217e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +393,1,0.1986686666666687,0.5566666666666666,1.9999999999995013,-6.51901952299086e-16,-2.2181668467825303e-09,-1.9017840294019596e-09,-1.9017840294019596e-09,-3.6674772620524734e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +394,1,0.19533533333333533,0.5633333333333334,1.9999999999995386,-1.5329440360759736e-15,-2.948902660521597e-09,-2.563769367742882e-09,-2.563769367742882e-09,-4.92634309414195e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +395,1,0.19533533333333533,0.5666666666666667,1.9999999999995612,-2.176039326499071e-15,-3.056299828603396e-09,-2.5645618961789193e-09,-2.5645618961789193e-09,-4.973502635371344e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +396,1,0.1986686666666687,0.5633333333333334,1.9999999999995408,-1.6657997756347179e-15,-2.9723587693717087e-09,-2.595044179543046e-09,-2.595044179543046e-09,-4.9810740147922265e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +397,1,0.1986686666666687,0.5666666666666667,1.999999999999564,-2.2895908869590115e-15,-3.0797190438883776e-09,-2.5957875165589095e-09,-2.5957875165589095e-09,-5.028147471036332e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +398,1,0.19533533333333533,0.5733333333333334,1.9999999999996187,-3.268731798662956e-15,-2.3785363422435816e-09,-1.4848812777647554e-09,-1.4848812777647554e-09,-3.140631686339756e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +399,1,0.19533533333333533,0.5766666666666667,1.9999999999996314,-3.718328980403679e-15,-2.4050628155691807e-09,-1.4873463144865056e-09,-1.4873463144865056e-09,-3.1555216559389446e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +400,1,0.1986686666666687,0.5733333333333334,1.999999999999622,-3.324206935334689e-15,-2.3841769584228466e-09,-1.4924020993371055e-09,-1.4924020993371055e-09,-3.153793124091372e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +401,1,0.1986686666666687,0.5766666666666667,1.9999999999996352,-3.735031872386009e-15,-2.410879701004046e-09,-1.495102161732991e-09,-1.495102161732991e-09,-3.1690943886202733e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +402,1,0.20533533333333534,0.42333333333333334,1.9999999999993512,6.120534089663973e-17,2.0753860168882098e-10,-7.99415234863633e-11,-7.99415234863633e-11,-2.525706139959555e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +403,1,0.20533533333333534,0.42666666666666664,1.9999999999993516,6.971890875691813e-17,2.2326619185920333e-10,-8.011642631362733e-11,-8.011642631362733e-11,-1.8766526794094637e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +404,1,0.2086686666666687,0.42333333333333334,1.9999999999993512,-3.8000721929896874e-17,2.114411210221497e-10,-7.473816437525871e-11,-7.473816437525871e-11,-1.6151182955162282e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +405,1,0.2086686666666687,0.42666666666666664,1.9999999999993516,-2.5413530558106622e-17,2.2726709403286802e-10,-7.478189008207471e-11,-7.478189008207471e-11,-9.431088388877303e-12,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +406,1,0.20533533333333534,0.43333333333333335,1.9999999999993547,5.742405930680203e-17,1.3716890871014918e-10,-2.507723943031491e-10,-2.507723943031491e-10,-2.994596024144322e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +407,1,0.20533533333333534,0.43666666666666665,1.999999999999357,3.661564199640773e-17,1.6481175398789304e-10,-2.511549942377893e-10,-2.511549942377893e-10,-2.88159240059171e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +408,1,0.2086686666666687,0.43333333333333335,1.9999999999993543,-3.497996487938263e-17,1.44084402528768e-10,-2.4155173587832367e-10,-2.4155173587832367e-10,-2.833234501709878e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +409,1,0.2086686666666687,0.43666666666666665,1.9999999999993565,-5.713359057244876e-17,1.7172724780651227e-10,-2.4193433581296364e-10,-2.4193433581296364e-10,-2.7202308781572653e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +410,1,0.20533533333333534,0.44333333333333336,1.999999999999363,-3.8415762897597596e-17,8.722731938458037e-11,-4.2953948090703695e-10,-4.2953948090703695e-10,-5.762446929880898e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +411,1,0.20533533333333534,0.44666666666666666,1.9999999999993667,-9.263875048120758e-17,1.1577747307875627e-10,-4.2968158945418917e-10,-4.2968158945418917e-10,-5.642119250436591e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +412,1,0.2086686666666687,0.44333333333333336,1.999999999999362,-1.3525616130382768e-16,9.230223423191305e-11,-4.227729277772579e-10,-4.227729277772579e-10,-5.6440322501098e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +413,1,0.2086686666666687,0.44666666666666666,1.9999999999993656,-1.9122510634213934e-16,1.2188540774961754e-10,-4.215376765597062e-10,-4.215376765597062e-10,-5.499600774783191e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +414,1,0.20533533333333534,0.45333333333333337,1.9999999999993756,-2.411962357051674e-16,2.4862163609913544e-11,-6.213258967153904e-10,-6.213258967153904e-10,-8.769532109034521e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +415,1,0.20533533333333534,0.45666666666666667,1.999999999999381,-3.355307333455151e-16,4.985003862692303e-11,-6.220091108843921e-10,-6.220091108843921e-10,-8.672201418518768e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +416,1,0.2086686666666687,0.45333333333333337,1.9999999999993743,-3.4212550556621953e-16,2.8826172218452163e-11,-6.160405519040099e-10,-6.160405519040099e-10,-8.6770385748353e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +417,1,0.2086686666666687,0.45666666666666667,1.9999999999993796,-4.370569597519859e-16,5.441664213251973e-11,-6.159203062102609e-10,-6.159203062102609e-10,-8.56564733672148e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +418,1,0.20533533333333534,0.4633333333333334,1.9999999999993934,-5.721838700135793e-16,-5.8118296500162177e-11,-8.325647863435177e-10,-8.325647863435177e-10,-1.2142861075622367e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +419,1,0.20533533333333534,0.4666666666666667,1.9999999999994005,-7.145025090412925e-16,-3.292272437577666e-11,-8.323078978159727e-10,-8.323078978159727e-10,-1.2031210216124408e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +420,1,0.2086686666666687,0.4633333333333334,1.999999999999392,-6.741955254919086e-16,-5.3236048048487507e-11,-8.260551217412799e-10,-8.260551217412799e-10,-1.202894194508328e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +421,1,0.2086686666666687,0.4666666666666667,1.9999999999993991,-8.164026370460617e-16,-2.8766049371580105e-11,-8.267656644770407e-10,-8.267656644770407e-10,-1.1934221132693072e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +422,1,0.20533533333333534,0.4733333333333334,1.9999999999994196,-8.043234470349212e-16,5.537204882644942e-10,-1.0753244448726336e-10,-1.0753244448726336e-10,8.369100284583575e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +423,1,0.20533533333333534,0.4766666666666666,1.9999999999994205,-7.518257460008326e-16,5.733301013431343e-10,-1.0727555595971934e-10,-1.0727555595971934e-10,9.246210634745909e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +424,1,0.2086686666666687,0.4733333333333334,1.9999999999994182,-9.061183637569391e-16,5.572048805263947e-10,-1.0288658813806216e-10,-1.0288658813806216e-10,9.182125145693678e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +425,1,0.2086686666666687,0.4766666666666666,1.9999999999994191,-8.536269789136589e-16,5.767284086197409e-10,-1.0274447959091025e-10,-1.0274447959091025e-10,1.0039148999287399e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +426,1,0.20533533333333534,0.4833333333333334,1.999999999999406,-4.58380670888043e-16,1.1291302935380652e-09,5.989492662523031e-10,5.989492662523031e-10,1.339554791876744e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +427,1,0.20533533333333534,0.48666666666666664,1.9999999999994014,-2.174332968093598e-16,1.1383769141013133e-09,5.993919890338133e-10,5.993919890338133e-10,1.3441500903774367e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +428,1,0.2086686666666687,0.4833333333333334,1.9999999999994045,-5.609590223418989e-16,1.1312578224603314e-09,6.017859714819888e-10,6.017859714819888e-10,1.344519026028695e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +429,1,0.2086686666666687,0.48666666666666664,1.9999999999993998,-3.207824506134375e-16,1.1395739053254016e-09,6.009879773325951e-10,6.009879773325951e-10,1.3469430699003087e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +430,1,0.20533533333333534,0.49333333333333335,1.999999999999394,2.0023037846067977e-16,9.638320910618428e-10,3.433014556391698e-10,3.433014556391698e-10,9.035015470824596e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +431,1,0.20533533333333534,0.49666666666666665,1.999999999999391,3.769466796520263e-16,9.747061277756499e-10,3.428532671443057e-10,3.428532671443057e-10,9.07521579252856e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +432,1,0.2086686666666687,0.49333333333333335,1.999999999999392,9.452073084518286e-17,9.677510075352283e-10,3.48526677603677e-10,3.48526677603677e-10,9.12645685520356e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +433,1,0.2086686666666687,0.49666666666666665,1.9999999999993894,2.696473405753318e-16,9.777068044058993e-10,3.468541693179654e-10,3.468541693179654e-10,9.145231580567726e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +434,1,0.20533533333333534,0.5033333333333334,1.999999999999388,6.628135442238648e-16,7.888144838174268e-10,7.017975943968992e-11,7.017975943968992e-11,4.3832014940702657e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +435,1,0.20533533333333534,0.5066666666666666,1.9999999999993876,7.71964107604347e-16,7.973655923566316e-10,7.048583938740177e-11,7.048583938740177e-11,4.4242216727770193e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +436,1,0.2086686666666687,0.5033333333333334,1.9999999999993863,5.51021466451375e-16,7.909051191745674e-10,7.296727324921065e-11,7.296727324921065e-11,4.4319829857368643e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +437,1,0.2086686666666687,0.5066666666666666,1.9999999999993858,6.572689825972603e-16,8.013091045400995e-10,7.574385563202698e-11,7.574385563202698e-11,4.5162369570579476e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +438,1,0.20533533333333534,0.5133333333333334,1.9999999999993892,9.187653780481938e-16,5.941735992109896e-10,-2.2474466732092046e-10,-2.2474466732092046e-10,-6.641798222517536e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +439,1,0.20533533333333534,0.5166666666666666,1.9999999999993912,9.564160851115489e-16,6.042291453503325e-10,-2.2472827018086475e-10,-2.2472827018086475e-10,-6.208503796537673e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +440,1,0.2086686666666687,0.5133333333333334,1.9999999999993872,7.966708081151557e-16,5.964650995338162e-10,-2.2168933355715245e-10,-2.2168933355715245e-10,-6.107114813858062e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +441,1,0.2086686666666687,0.5166666666666666,1.999999999999389,8.298251174871573e-16,6.066149292284811e-10,-2.215472250100005e-10,-2.215472250100005e-10,-5.651820891636374e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +442,1,0.20533533333333534,0.5233333333333333,1.9999999999993983,9.545889780470855e-16,3.834293566412196e-10,-5.492003433223899e-10,-5.492003433223899e-10,-6.202450519000328e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +443,1,0.20533533333333534,0.5266666666666666,1.9999999999994031,9.151111639192645e-16,3.951013875044172e-10,-5.490691662019418e-10,-5.490691662019418e-10,-6.150553570723093e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +444,1,0.2086686666666687,0.5233333333333333,1.999999999999396,8.179431292548814e-16,3.857864455242699e-10,-5.460575581449873e-10,-5.460575581449873e-10,-6.147451778395822e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +445,1,0.2086686666666687,0.5266666666666666,1.9999999999994014,7.729068316506018e-16,3.979667877292039e-10,-5.452486325688905e-10,-5.452486325688905e-10,-6.083694232144739e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +446,1,0.20533533333333534,0.5333333333333333,1.9999999999994167,7.493515954617087e-16,1.4981110369332733e-10,-9.176987375142814e-10,-9.176987375142814e-10,-1.2467934377232596e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +447,1,0.20533533333333534,0.5366666666666666,1.9999999999994251,6.230698411319748e-16,1.7229294913844457e-10,-9.177697917878581e-10,-9.177697917878581e-10,-1.2372598672090314e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +448,1,0.2086686666666687,0.5333333333333333,1.999999999999415,5.965769071847977e-16,1.5607071190970588e-10,-9.093525932257744e-10,-9.093525932257744e-10,-1.2321876852183794e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +449,1,0.2086686666666687,0.5366666666666666,1.9999999999994231,4.652832803232742e-16,1.7804834529810107e-10,-9.100959302416472e-10,-9.100959302416472e-10,-1.2238306095031659e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +450,1,0.20533533333333534,0.5433333333333333,1.9999999999994458,2.6535476851771857e-16,-1.038827143964647e-10,-1.359667250583758e-09,-1.359667250583758e-09,-1.9869029498610137e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +451,1,0.20533533333333534,0.5466666666666666,1.9999999999994582,3.3921450233199415e-17,-6.745783419039355e-11,-1.3595634020300725e-09,-1.3595634020300725e-09,-1.971143931838859e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +452,1,0.2086686666666687,0.5433333333333333,1.999999999999444,1.0216492980195977e-16,-9.691802915767767e-11,-1.3503810035987098e-09,-1.3503810035987098e-09,-1.9706520176371767e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +453,1,0.2086686666666687,0.5466666666666666,1.999999999999456,-1.2965979385782785e-16,-5.870995997051636e-11,-1.3478995697369061e-09,-1.3478995697369061e-09,-1.9507322253258097e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +454,1,0.20533533333333534,0.5533333333333333,1.9999999999994873,-5.665006621333705e-16,-4.041990673788235e-10,-1.9131035217539624e-09,-1.9131035217539624e-09,-2.9062332028108606e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +455,1,0.20533533333333534,0.5566666666666666,1.9999999999995044,-9.354894562154152e-16,-3.5950319644283637e-10,-1.9131691103141825e-09,-1.9131691103141825e-09,-2.887171527495758e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +456,1,0.2086686666666687,0.5533333333333333,1.9999999999994857,-7.178169323034094e-16,-3.947010240013837e-10,-1.9004394639173687e-09,-1.9004394639173687e-09,-2.884071101596832e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +457,1,0.2086686666666687,0.5566666666666666,1.9999999999995024,-1.0741493470891974e-15,-3.5201380272225763e-10,-1.9031832520200713e-09,-1.9031832520200713e-09,-2.8696962754810496e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +458,1,0.20533533333333534,0.5633333333333334,1.9999999999995444,-1.868346843492727e-15,-8.328025448743296e-10,-2.614021136301181e-09,-2.614021136301181e-09,-4.091231285376404e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +459,1,0.20533533333333534,0.5666666666666667,1.9999999999995672,-2.432215436687984e-15,-8.24245970621772e-10,-2.615977861681193e-09,-2.615977861681193e-09,-4.090359504096763e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +460,1,0.2086686666666687,0.5633333333333334,1.9999999999995424,-1.9617248260143092e-15,-8.311218380185892e-10,-2.6117801938268527e-09,-2.6117801938268527e-09,-4.087309636046342e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +461,1,0.2086686666666687,0.5666666666666667,1.9999999999995652,-2.4929678901536235e-15,-8.223357038052487e-10,-2.6134308392591412e-09,-2.6134308392591412e-09,-4.085902214858167e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +462,1,0.20533533333333534,0.5733333333333334,1.9999999999996256,-3.325728357870474e-15,-1.1840101548771855e-11,-1.509712013522896e-09,-1.509712013522896e-09,-2.1618057771250372e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +463,1,0.20533533333333534,0.5766666666666667,1.999999999999639,-3.655372685857646e-15,-3.873277766895348e-11,-1.5121551873912392e-09,-1.5121551873912392e-09,-2.17682145813132e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +464,1,0.2086686666666687,0.5733333333333334,1.9999999999996234,-3.312810462787426e-15,-1.7984929784758533e-11,-1.5179051178375362e-09,-1.5179051178375362e-09,-2.1761437096756696e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +465,1,0.2086686666666687,0.5766666666666667,1.9999999999996365,-3.601409971281855e-15,-4.481611662973036e-11,-1.5202663060056e-09,-1.5202663060056e-09,-2.1910159157064654e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +466,1,0.21533533333333532,0.42333333333333334,1.9999999999993392,-2.22701028575463e-16,1.086694495073131e-09,-5.92319355956322e-11,-5.92319355956322e-11,3.8110916132329565e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +467,1,0.21533533333333532,0.42666666666666664,1.9999999999993399,-2.0732323207420734e-16,1.1215630134022184e-09,-5.941776984960023e-11,-5.941776984960023e-11,3.9578733453009395e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +468,1,0.21866866666666868,0.42333333333333334,1.9999999999993359,-3.1333720452231237e-16,1.092896713299315e-09,-5.096231129405484e-11,-5.096231129405484e-11,3.9558100385105556e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +469,1,0.21866866666666868,0.42666666666666664,1.9999999999993363,-2.972336856930174e-16,1.1275274730975917e-09,-5.146515692243888e-11,-5.146515692243888e-11,4.0970440715262584e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +470,1,0.21533533333333532,0.43333333333333335,1.9999999999993423,-2.2032590498867533e-16,1.0796314269940077e-09,-2.1893461402774204e-10,-2.1893461402774204e-10,1.4993544867208503e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +471,1,0.21533533333333532,0.43666666666666665,1.999999999999344,-2.4870637440439884e-16,1.1234978759288287e-09,-2.1844816553941376e-10,-2.1844816553941376e-10,1.6943028177033374e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +472,1,0.21866866666666868,0.43333333333333335,1.9999999999993385,-3.1306611151043837e-16,1.0868379700486208e-09,-2.0932588995492551e-10,-2.0932588995492551e-10,1.6675071579951537e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +473,1,0.21866866666666868,0.43666666666666665,1.9999999999993403,-3.4500205615715404e-16,1.1312988153104703e-09,-2.0804691303055772e-10,-2.0804691303055772e-10,1.8763247366083436e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +474,1,0.21533533333333532,0.44333333333333336,1.9999999999993494,-3.353368559296157e-16,1.0776173116237961e-09,-3.9679985792855194e-10,-3.9679985792855194e-10,-1.050209492020189e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +475,1,0.21533533333333532,0.44666666666666666,1.9999999999993525,-3.935868680391078e-16,1.1224757875320054e-09,-3.9728630641688016e-10,-3.9728630641688016e-10,-8.649081451039807e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +476,1,0.21866866666666868,0.44333333333333336,1.9999999999993454,-4.3617719046917584e-16,1.0855207331307884e-09,-3.862619625859019e-10,-3.862619625859019e-10,-8.657963235236816e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +477,1,0.21866866666666868,0.44666666666666666,1.9999999999993485,-4.954163801344807e-16,1.1297684155719106e-09,-3.875628023636772e-10,-3.875628023636772e-10,-6.947468241728149e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +478,1,0.21533533333333532,0.45333333333333337,1.999999999999361,-5.460198742748669e-16,1.0667596720500473e-09,-5.914557732467066e-10,-5.914557732467066e-10,-3.877541023309905e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +479,1,0.21533533333333532,0.45666666666666667,1.9999999999993658,-6.402028684011317e-16,1.1121988800019053e-09,-5.914229789665964e-10,-5.914229789665964e-10,-3.682333070943195e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +480,1,0.21866866666666868,0.45333333333333337,1.9999999999993567,-6.482215372525101e-16,1.0760814461718833e-09,-5.790267410842547e-10,-5.790267410842547e-10,-3.660032960467038e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +481,1,0.21866866666666868,0.45666666666666667,1.9999999999993614,-7.417875047052325e-16,1.1211681156125384e-09,-5.794639981524131e-10,-5.794639981524131e-10,-3.47305090669508e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +482,1,0.21533533333333532,0.4633333333333334,1.9999999999993778,-8.752569240890944e-16,1.035751313775809e-09,-8.061435279999436e-10,-8.061435279999436e-10,-7.077401912388622e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +483,1,0.21533533333333532,0.4666666666666667,1.9999999999993845,-1.0161279856507891e-15,1.073612310165118e-09,-8.061653908533519e-10,-8.061653908533519e-10,-6.915452825768839e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +484,1,0.21866866666666868,0.4633333333333334,1.999999999999373,-9.754173843427568e-16,1.0431997146462475e-09,-7.96212326839361e-10,-7.96212326839361e-10,-6.903605892078379e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +485,1,0.21866866666666868,0.4666666666666667,1.9999999999993796,-1.1154812965275555e-15,1.0814296466868173e-09,-7.957422754910883e-10,-7.957422754910883e-10,-6.733048306929188e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +486,1,0.21533533333333532,0.4733333333333334,1.9999999999994036,-1.1039134166340244e-15,1.6884176108515698e-09,-8.554387967216395e-11,-8.554387967216395e-11,6.014020051190102e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +487,1,0.21533533333333532,0.4766666666666666,1.9999999999994045,-1.0508277860555596e-15,1.7248643539110532e-09,-8.546189397188403e-11,-8.546189397188403e-11,6.1713916028776e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +488,1,0.21866866666666868,0.4733333333333334,1.9999999999993983,-1.202086595501703e-15,1.6957512317416155e-09,-7.576571848543478e-11,-7.576571848543478e-11,6.185137871957877e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +489,1,0.21866866666666868,0.4766666666666666,1.9999999999993991,-1.1486279822910452e-15,1.7318331384348528e-09,-7.617018127348274e-11,-7.617018127348274e-11,6.333996575099605e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +490,1,0.21533533333333532,0.4833333333333334,1.9999999999993894,-7.583872692695873e-16,2.3255558162943057e-09,6.187132857331367e-10,6.187132857331367e-10,1.88054290088775e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +491,1,0.21533533333333532,0.48666666666666664,1.9999999999993845,-5.190323830620992e-16,2.3628019199315124e-09,6.188663257069937e-10,6.188663257069937e-10,1.896724145266349e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +492,1,0.21866866666666868,0.4833333333333334,1.9999999999993836,-8.561353357359326e-16,2.3316514531101192e-09,6.268408014875585e-10,6.268408014875585e-10,1.894766053457993e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +493,1,0.21866866666666868,0.48666666666666664,1.9999999999993785,-6.171013023914976e-16,2.36979939945041e-09,6.281962983988542e-10,6.281962983988542e-10,1.9130515974771097e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +494,1,0.21533533333333532,0.49333333333333335,1.9999999999993763,-1.0791552302377766e-16,2.2361285472855383e-09,3.6186848389591415e-10,3.6186848389591415e-10,1.4752957829736823e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +495,1,0.21533533333333532,0.49666666666666665,1.9999999999993732,6.384645080704628e-17,2.2660464957460564e-09,3.6268287518536313e-10,3.6268287518536313e-10,1.489281177013116e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +496,1,0.21866866666666868,0.49333333333333335,1.9999999999993703,-2.0801076978800715e-16,2.241756865609766e-09,3.693729083282101e-10,3.693729083282101e-10,1.488428525730205e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +497,1,0.21866866666666868,0.49666666666666665,1.9999999999993672,-3.795427052896159e-17,2.2706950849519288e-09,3.688809941265291e-10,3.688809941265291e-10,1.5001278851601557e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +498,1,0.21533533333333532,0.5033333333333334,1.99999999999937,3.3556344301342035e-16,2.1210684490842374e-09,8.80635735274365e-11,8.80635735274365e-11,1.0348344403610116e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +499,1,0.21533533333333532,0.5066666666666666,1.9999999999993692,4.355184613889617e-16,2.154735876904221e-09,8.750060505218039e-11,8.750060505218039e-11,1.0484590973192092e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +500,1,0.21866866666666868,0.5033333333333334,1.9999999999993634,2.288501978078185e-16,2.1300786775450066e-09,1.0007721147513371e-10,1.0007721147513371e-10,1.0558583067694817e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +501,1,0.21866866666666868,0.5066666666666666,1.999999999999363,3.2559816688554445e-16,2.16112666224105e-09,9.602165216794967e-11,9.602165216794967e-11,1.063370929771806e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +502,1,0.21533533333333532,0.5133333333333334,1.9999999999993705,5.597539278101601e-16,2.00387535624731e-09,-2.0598087338350006e-10,-2.0598087338350006e-10,5.645453335581319e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +503,1,0.21533533333333532,0.5166666666666666,1.9999999999993725,5.840343758558093e-16,2.0411665520196744e-09,-2.058442305497003e-10,-2.058442305497003e-10,5.807224786517163e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +504,1,0.21866866666666868,0.5133333333333334,1.9999999999993643,4.422045201027952e-16,2.0144105187332917e-09,-1.919339900688582e-10,-1.919339900688582e-10,5.891273793587554e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +505,1,0.21866866666666868,0.5166666666666666,1.999999999999366,4.620629042423126e-16,2.051664820940526e-09,-1.918465386552261e-10,-1.918465386552261e-10,6.052184394670438e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +506,1,0.21533533333333532,0.5233333333333333,1.9999999999993792,5.530588756558475e-16,1.901092616662934e-09,-5.220302822495928e-10,-5.220302822495928e-10,6.899643249898171e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +507,1,0.21533533333333532,0.5266666666666666,1.999999999999384,4.978029274102349e-16,1.9606183343512405e-09,-5.220904050964639e-10,-5.220904050964639e-10,9.442156458415137e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +508,1,0.21866866666666868,0.5233333333333333,1.9999999999993725,4.216676793544999e-16,1.9147350371895296e-09,-5.038403882141398e-10,-5.038403882141398e-10,1.008287470610342e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +509,1,0.21866866666666868,0.5266666666666666,1.999999999999377,3.6141407032716837e-16,1.976207915259484e-09,-5.013042972188116e-10,-5.013042972188116e-10,1.3079725337005387e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +510,1,0.21533533333333532,0.5333333333333333,1.9999999999993967,3.0278788636415973e-16,1.84887319129792e-09,-8.74142467812184e-10,-8.74142467812184e-10,-4.5640072917544433e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +511,1,0.21533533333333532,0.5366666666666666,1.9999999999994047,1.6302879356369854e-16,1.9432387323202142e-09,-8.723606452594315e-10,-8.723606452594315e-10,-4.134128936619583e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +512,1,0.21866866666666868,0.5333333333333333,1.9999999999993894,1.573634204204849e-16,1.8699189205597993e-09,-8.460814954630172e-10,-8.460814954630172e-10,-4.072940275643932e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +513,1,0.21866866666666868,0.5366666666666666,1.999999999999397,1.3566379541134393e-17,1.963612178839797e-09,-8.451960498999937e-10,-8.451960498999937e-10,-3.6587485178293073e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +514,1,0.21533533333333532,0.5433333333333333,1.9999999999994245,-2.0762127891896037e-16,1.8815035000093633e-09,-1.2850110719087847e-09,-1.2850110719087847e-09,-1.029371459865683e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +515,1,0.21533533333333532,0.5466666666666666,1.999999999999436,-4.385122586011545e-16,2.0343275781879818e-09,-1.2861916659928162e-09,-1.2861916659928162e-09,-9.655619893377533e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +516,1,0.21866866666666868,0.5433333333333333,1.999999999999416,-3.6044019969060176e-16,1.913584504528931e-09,-1.2422363992160354e-09,-1.2422363992160354e-09,-9.545157826533592e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +517,1,0.21866866666666868,0.5466666666666666,1.9999999999994271,-5.906497380429836e-16,2.067843332462451e-09,-1.2415039936268668e-09,-1.2415039936268668e-09,-8.873585626973245e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +518,1,0.21533533333333532,0.5533333333333333,1.9999999999994635,-9.98382485408442e-16,2.039412058033683e-09,-1.8020948835748183e-09,-1.8020948835748183e-09,-1.700387523092454e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +519,1,0.21533533333333532,0.5566666666666666,1.99999999999948,-1.3273617325335294e-15,2.2778524365863783e-09,-1.8030076577046022e-09,-1.8030076577046022e-09,-1.599502752469562e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +520,1,0.21866866666666868,0.5533333333333333,1.9999999999994542,-1.1359068885565862e-15,2.0903948657528087e-09,-1.7341178066159888e-09,-1.7341178066159888e-09,-1.5814276384144997e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +521,1,0.21866866666666868,0.5566666666666666,1.9999999999994698,-1.4509545007178005e-15,2.3291180949714683e-09,-1.7346534465244829e-09,-1.7346534465244829e-09,-1.4798828829043511e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +522,1,0.21533533333333532,0.5633333333333334,1.9999999999995182,-2.111168484401998e-15,2.2390445053588312e-09,-2.5160372930398644e-09,-2.5160372930398644e-09,-2.634748487760302e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +523,1,0.21533533333333532,0.5666666666666667,1.9999999999995406,-2.5659959891453708e-15,2.4941156832133314e-09,-2.518190784100555e-09,-2.518190784100555e-09,-2.528508684480786e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +524,1,0.21866866666666868,0.5633333333333334,1.999999999999507,-2.1812262752639213e-15,2.293790456720812e-09,-2.4430426912239e-09,-2.4430426912239e-09,-2.507007934582357e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +525,1,0.21866866666666868,0.5666666666666667,1.9999999999995288,-2.5964504376488187e-15,2.5490993931061192e-09,-2.4448791709101714e-09,-2.4448791709101714e-09,-2.4002133613976064e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +526,1,0.21533533333333532,0.5733333333333334,1.9999999999995994,-3.282306530634164e-15,3.053420764095233e-09,-1.6513450436132878e-09,-1.6513450436132878e-09,-1.0504554491210274e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +527,1,0.21533533333333532,0.5766666666666667,1.9999999999996139,-3.5437895673795295e-15,2.7037285231192383e-09,-1.6516456578476472e-09,-1.6516456578476472e-09,-1.2007530013026835e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +528,1,0.21866866666666868,0.5733333333333334,1.9999999999995883,-3.266471046809144e-15,2.978256274078513e-09,-1.7515643636355755e-09,-1.7515643636355755e-09,-1.2258392591600276e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +529,1,0.21866866666666868,0.5766666666666667,1.9999999999996039,-3.5212674935845175e-15,2.6284779481172287e-09,-1.751979757850328e-09,-1.751979757850328e-09,-1.376337676307368e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +530,1,0.22533533333333533,0.42666666666666664,1.999999999999333,-4.558278463937929e-16,8.063703551040542e-11,-8.485519978981187e-11,-8.485519978981187e-11,-8.66629844809861e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +531,1,0.22866866666666869,0.42666666666666664,1.9999999999993325,-5.324715834270812e-16,5.414335646491963e-11,-1.2018010518379244e-10,-1.2018010518379244e-10,-1.484815689204539e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +532,1,0.22533533333333533,0.43333333333333335,1.9999999999993352,-5.106329093621545e-16,-8.281102299616364e-11,-1.8650107099697152e-10,-1.8650107099697152e-10,-3.0192053985117046e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +533,1,0.22533533333333533,0.43666666666666665,1.9999999999993368,-5.507544460809189e-16,-5.4248571446945746e-11,-1.8655026241713956e-10,-1.8655026241713956e-10,-2.897497626446024e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +534,1,0.22866866666666869,0.43333333333333335,1.9999999999993348,-6.10927106389035e-16,-7.749015104799086e-11,-1.7940657506607273e-10,-1.7940657506607273e-10,-2.895051719721005e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +535,1,0.22866866666666869,0.43666666666666665,1.999999999999336,-6.552757693450816e-16,-4.891540164373132e-11,-1.794393693461853e-10,-1.794393693461853e-10,-2.7730569977043564e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +536,1,0.22533533333333533,0.44333333333333336,1.9999999999993414,-6.473616998529917e-16,-7.677277617054077e-11,-3.494722460135757e-10,-3.494722460135757e-10,-5.321486840924843e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +537,1,0.22533533333333533,0.44666666666666666,1.999999999999344,-7.038474169062988e-16,-6.5219624572749485e-12,-3.496690116942483e-10,-3.496690116942483e-10,-5.023222863306162e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +538,1,0.22866866666666869,0.44333333333333336,1.99999999999934,-7.541419345829859e-16,-6.20112508351247e-11,-3.2979021223301905e-10,-3.2979021223301905e-10,-4.977051249765146e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +539,1,0.22866866666666869,0.44666666666666666,1.9999999999993427,-8.086594368648423e-16,8.313350008392772e-12,-3.2988859507335544e-10,-3.2988859507335544e-10,-4.677065572440584e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +540,1,0.22533533333333533,0.45333333333333337,1.9999999999993516,-8.497378076479973e-16,-1.2295122185325574e-11,-5.437947528172588e-10,-5.437947528172588e-10,-7.82118984961225e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +541,1,0.22533533333333533,0.45666666666666667,1.999999999999356,-9.391424813363868e-16,5.79379279595461e-11,-5.437346299703876e-10,-5.437346299703876e-10,-7.519332165464646e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +542,1,0.22866866666666869,0.45333333333333337,1.9999999999993499,-9.501350609007683e-16,2.3393253146562276e-12,-5.242821561506239e-10,-5.242821561506239e-10,-7.479719407945998e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +543,1,0.22866866666666869,0.45666666666666667,1.9999999999993543,-1.0370931826548357e-15,7.24616947641502e-11,-5.243696075642555e-10,-5.243696075642555e-10,-7.180444273357199e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +544,1,0.22533533333333533,0.4633333333333334,1.9999999999993672,-1.1647867411969214e-15,2.5313084961453498e-11,-7.648883236190433e-10,-7.648883236190433e-10,-1.0818491401865822e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +545,1,0.22533533333333533,0.4666666666666667,1.9999999999993734,-1.3010263273690637e-15,8.792146498028435e-11,-7.648937893323955e-10,-7.648937893323955e-10,-1.0550247854832985e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +546,1,0.22866866666666869,0.4633333333333334,1.999999999999365,-1.2581024741673629e-15,3.876283909238948e-11,-7.469553181111286e-10,-7.469553181111286e-10,-1.050466380547734e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +547,1,0.22866866666666869,0.4666666666666667,1.9999999999993712,-1.3921536439258192e-15,1.0111296415533827e-10,-7.473051237656572e-10,-7.473051237656572e-10,-1.0242446207415108e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +548,1,0.22533533333333533,0.4733333333333334,1.9999999999993914,-1.3810816790688239e-15,7.429393852257467e-10,-4.791790895699064e-11,-4.791790895699064e-11,2.499484380153335e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +549,1,0.22533533333333533,0.4766666666666666,1.999999999999392,-1.3248974445964345e-15,7.961180432840399e-10,-4.820212605129478e-11,-4.820212605129478e-11,2.7233326704845245e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +550,1,0.22866866666666869,0.4733333333333334,1.999999999999389,-1.4684103115813603e-15,7.540279511886173e-10,-3.313315433982856e-11,-3.313315433982856e-11,2.7582175859536705e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +551,1,0.22866866666666869,0.4766666666666666,1.9999999999993894,-1.4106158094784375e-15,8.075509491880851e-10,-3.295825151256456e-11,-3.295825151256456e-11,2.9901004749122986e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +552,1,0.22533533333333533,0.4833333333333334,1.9999999999993765,-1.0292870683877487e-15,1.4242651502627274e-09,6.523820799814591e-10,6.523820799814591e-10,1.5423737500861104e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +553,1,0.22533533333333533,0.48666666666666664,1.9999999999993707,-7.89860926651473e-16,1.471447920773873e-09,6.526225713689468e-10,6.526225713689468e-10,1.5629384965730177e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +554,1,0.22866866666666869,0.4833333333333334,1.999999999999373,-1.113069884678554e-15,1.433877973620559e-09,6.651991777919058e-10,6.651991777919058e-10,1.564803671254382e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +555,1,0.22866866666666869,0.48666666666666664,1.9999999999993676,-8.733184619816149e-16,1.4805196385098573e-09,6.6471819501693e-10,6.6471819501693e-10,1.5841058379569767e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +556,1,0.22533533333333533,0.49333333333333335,1.9999999999993618,-3.8300386633339587e-16,1.3648788082648983e-09,3.893227620630145e-10,3.893227620630145e-10,1.1411234350606925e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +557,1,0.22533533333333533,0.49666666666666665,1.9999999999993587,-2.155729477516041e-16,1.4100105698407103e-09,3.8863954789401437e-10,3.8863954789401437e-10,1.1594895983517551e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +558,1,0.22866866666666869,0.49333333333333335,1.9999999999993587,-4.673507399832136e-16,1.374208780956764e-09,4.017627256521746e-10,4.017627256521746e-10,1.1628933713417112e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +559,1,0.22866866666666869,0.49666666666666665,1.9999999999993552,-3.01134440681761e-16,1.4202710802307544e-09,4.023202284140794e-10,4.023202284140794e-10,1.1834307892618525e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +560,1,0.22533533333333533,0.5033333333333334,1.9999999999993547,4.3291322220246756e-17,1.3002904735843062e-09,1.1833269407081647e-10,1.1833269407081647e-10,7.263140516372981e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +561,1,0.22533533333333533,0.5066666666666666,1.999999999999354,1.3472467361029763e-16,1.3478749740268263e-09,1.170427857197441e-10,1.170427857197441e-10,7.448646827539892e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +562,1,0.22866866666666869,0.5033333333333334,1.9999999999993507,-4.600466372059297e-17,1.3109404160506812e-09,1.3253261735931437e-10,1.3253261735931437e-10,7.511639173921697e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +563,1,0.22866866666666869,0.5066666666666666,1.9999999999993499,4.290881393911451e-17,1.3603777933195276e-09,1.3371321144334675e-10,1.3371321144334675e-10,7.740379277702952e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +564,1,0.22533533333333533,0.5133333333333334,1.9999999999993547,2.3926244292734007e-16,1.245422910100247e-09,-1.6369811489242355e-10,-1.6369811489242355e-10,2.998982259109305e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +565,1,0.22533533333333533,0.5166666666666666,1.9999999999993565,2.523668608543249e-16,1.3078358908667432e-09,-1.6401512626683969e-10,-1.6401512626683969e-10,3.2619377284740566e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +566,1,0.22866866666666869,0.5133333333333334,1.9999999999993507,1.4181099661951275e-16,1.2610247888635331e-09,-1.4289560987470784e-10,-1.4289560987470784e-10,3.3630260969193117e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +567,1,0.22866866666666869,0.5166666666666666,1.999999999999352,1.5179970164019715e-16,1.3238640952714891e-09,-1.4264418706051584e-10,-1.4264418706051584e-10,3.6359291645847073e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +568,1,0.22533533333333533,0.5233333333333333,1.9999999999993623,1.9861240225461808e-16,1.2347470054954532e-09,-4.626890323869202e-10,-4.626890323869202e-10,-1.3180704391183644e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +569,1,0.22533533333333533,0.5266666666666666,1.9999999999993663,1.3175352572792552e-16,1.324828793678116e-09,-4.592729615419201e-10,-4.592729615419201e-10,-8.832046205498047e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +570,1,0.22866866666666869,0.5233333333333333,1.9999999999993576,9.205065314251798e-17,1.2567396695955617e-09,-4.3336548025343227e-10,-4.3336548025343227e-10,-8.049082767823944e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +571,1,0.22866866666666869,0.5266666666666666,1.9999999999993614,2.2312899624153577e-17,1.343472341921788e-09,-4.3441489721701634e-10,-4.3441489721701634e-10,-4.4818849486406325e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +572,1,0.22533533333333533,0.5333333333333333,1.9999999999993774,-8.174031813194732e-17,1.3178600091543136e-09,-7.759454617301427e-10,-7.759454617301427e-10,-5.43696369976925e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +573,1,0.22533533333333533,0.5366666666666666,1.9999999999993845,-2.283752854651259e-16,1.4582126958920034e-09,-7.773282872081993e-10,-7.773282872081993e-10,-4.855206834865663e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +574,1,0.22866866666666869,0.5333333333333333,1.9999999999993718,-1.9482403824131258e-16,1.3472190884245825e-09,-7.368000227031131e-10,-7.368000227031131e-10,-4.751918516796231e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +575,1,0.22866866666666869,0.5366666666666666,1.9999999999993783,-3.422232225884126e-16,1.4889860284921063e-09,-7.362971770747296e-10,-7.362971770747296e-10,-4.1371624075299435e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +576,1,0.22533533333333533,0.5433333333333333,1.9999999999994011,-5.98454056853017e-16,1.584213785795675e-09,-1.121602639824025e-09,-1.121602639824025e-09,-9.233407201218826e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +577,1,0.22533533333333533,0.5466666666666666,1.9999999999994116,-8.218978609077257e-16,1.8274995192349225e-09,-1.1211052599089924e-09,-1.1211052599089924e-09,-8.183648630550182e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +578,1,0.22866866666666869,0.5433333333333333,1.9999999999993943,-7.090079873866337e-16,1.635319572065222e-09,-1.0534615914646263e-09,-1.0534615914646263e-09,-8.040938854929453e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +579,1,0.22866866666666869,0.5466666666666666,1.9999999999994034,-9.283935678377508e-16,1.8778797320569934e-09,-1.0539316428128984e-09,-1.0539316428128984e-09,-7.008110331368648e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +580,1,0.22533533333333533,0.5533333333333333,1.9999999999994347,-1.3312130051229077e-15,2.2260538711494657e-09,-1.5185500720130737e-09,-1.5185500720130737e-09,-1.215334158097486e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +581,1,0.22533533333333533,0.5566666666666666,1.9999999999994484,-1.6170843452833753e-15,2.682148520377197e-09,-1.5190638490681609e-09,-1.5190638490681609e-09,-1.020598989935724e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +582,1,0.22866866666666869,0.5533333333333333,1.999999999999425,-1.4188982271898427e-15,2.323534868782402e-09,-1.388575408502496e-09,-1.388575408502496e-09,-9.878784969539744e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +583,1,0.22866866666666869,0.5566666666666666,1.9999999999994373,-1.6900173060908115e-15,2.779358965199213e-09,-1.3894499226388191e-09,-1.3894499226388191e-09,-7.937746186843685e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +584,1,0.22533533333333533,0.5633333333333334,1.99999999999948,-2.2162170868361188e-15,3.5892820339820628e-09,-2.0712211433139874e-09,-2.0712211433139874e-09,-1.4206236187419557e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +585,1,0.22533533333333533,0.5666666666666667,1.9999999999994982,-2.5294784882283877e-15,4.453890931280017e-09,-2.0743967227714997e-09,-2.0743967227714997e-09,-1.0546134905535625e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +586,1,0.22866866666666869,0.5633333333333334,1.9999999999994658,-2.2205718963532867e-15,3.774372950934212e-09,-1.8244332540444618e-09,-1.8244332540444618e-09,-9.887448125202638e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +587,1,0.22866866666666869,0.5666666666666667,1.9999999999994817,-2.480007407714786e-15,4.639002344657243e-09,-1.8275815049352167e-09,-1.8275815049352167e-09,-6.226868593400403e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +588,1,0.22533533333333533,0.5733333333333334,1.999999999999555,-3.1083340416752272e-15,5.112529886621186e-09,-1.9360321892656014e-09,-1.9360321892656014e-09,-5.746760332560651e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +589,1,0.22866866666666869,0.5733333333333334,1.9999999999995366,-3.0134572844228125e-15,5.0456869451828935e-09,-2.025156111183323e-09,-2.025156111183323e-09,-7.306428966120833e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +590,1,0.23533533333333534,0.43333333333333335,1.9999999999993396,-8.618297790737771e-16,-1.4496984809179234e-10,-1.1514071747324811e-10,-1.1514071747324811e-10,-2.2661667414398016e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +591,1,0.23533533333333534,0.43666666666666665,1.9999999999993405,-8.90494665713579e-16,4.809827749760683e-12,-1.1545772884766419e-10,-1.1545772884766419e-10,-1.628782578896231e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +592,1,0.2386686666666687,0.43333333333333335,1.9999999999993399,-9.93570400245009e-16,-1.1352013346438005e-10,-7.320776463669852e-11,-7.320776463669852e-11,-1.532340066800176e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +593,1,0.2386686666666687,0.43666666666666665,1.99999999999934,-1.0113761451278432e-15,3.591520243599698e-11,-7.398389593268261e-11,-7.398389593268261e-11,-9.029905028840503e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +594,1,0.23533533333333534,0.44333333333333336,1.9999999999993432,-9.642671026684503e-16,1.6110326747856082e-10,-2.699242538885592e-10,-2.699242538885592e-10,-3.165618194928427e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +595,1,0.23533533333333534,0.44666666666666666,1.9999999999993454,-1.0093746529835185e-15,2.825322881632859e-10,-2.7039430523683135e-10,-2.7039430523683135e-10,-2.651923125540639e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +596,1,0.2386686666666687,0.44333333333333336,1.9999999999993423,-1.0689002740393674e-15,1.8608021106886622e-10,-2.366216624348156e-10,-2.366216624348156e-10,-2.582822844487963e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +597,1,0.2386686666666687,0.44666666666666666,1.9999999999993443,-1.1086186580680567e-15,3.0804213880541194e-10,-2.3638117104732776e-10,-2.3638117104732776e-10,-2.0566932772243662e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +598,1,0.23533533333333534,0.45333333333333337,1.9999999999993516,-1.1341212777512896e-15,3.5202746700563743e-10,-4.730246963355538e-10,-4.730246963355538e-10,-5.248806517626626e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +599,1,0.23533533333333534,0.45666666666666667,1.9999999999993554,-1.213760352203991e-15,4.521825648960377e-10,-4.732159963028729e-10,-4.732159963028729e-10,-4.822303240486624e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +600,1,0.2386686666666687,0.45333333333333337,1.9999999999993499,-1.224013349969676e-15,3.7358970617928067e-10,-4.442750441040267e-10,-4.442750441040267e-10,-4.74568760357495e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +601,1,0.2386686666666687,0.45666666666666667,1.9999999999993534,-1.2996896578426043e-15,4.735193433939108e-10,-4.447669583057075e-10,-4.447669583057075e-10,-4.324445075536229e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +602,1,0.23533533333333534,0.4633333333333334,1.999999999999365,-1.4211484335208492e-15,4.711936823626348e-10,-7.018631829571238e-10,-7.018631829571238e-10,-8.007215403547608e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +603,1,0.23533533333333534,0.4666666666666667,1.9999999999993712,-1.5488974403850032e-15,5.592422251783527e-10,-7.019998257909228e-10,-7.019998257909228e-10,-7.631816546248818e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +604,1,0.2386686666666687,0.4633333333333334,1.9999999999993627,-1.499723224874172e-15,4.897880391861412e-10,-6.770707071924469e-10,-6.770707071924469e-10,-7.573347077665784e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +605,1,0.2386686666666687,0.4666666666666667,1.9999999999993685,-1.6240804840328087e-15,5.778324827168463e-10,-6.772128157395983e-10,-6.772128157395983e-10,-7.198043870350673e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +606,1,0.23533533333333534,0.4733333333333334,1.999999999999388,-1.61391406492817e-15,1.2502737307001492e-09,4.405364961712633e-12,4.405364961712633e-12,5.421249773882245e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +607,1,0.23533533333333534,0.4766666666666666,1.9999999999993883,-1.5511816826071746e-15,1.3210027943317132e-09,4.285119267968632e-12,4.285119267968632e-12,5.722656536678326e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +608,1,0.2386686666666687,0.4733333333333334,1.999999999999385,-1.683021752641797e-15,1.2654738795320603e-09,2.4672230070931285e-11,2.4672230070931285e-11,5.775919913293567e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +609,1,0.2386686666666687,0.4766666666666666,1.999999999999385,-1.61760576209214e-15,1.336112758893321e-09,2.4431738683443232e-11,2.4431738683443232e-11,6.075222376449157e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +610,1,0.23533533333333534,0.4833333333333334,1.9999999999993716,-1.2462448603851296e-15,1.968013444516495e-09,6.956377354491926e-10,6.956377354491926e-10,1.837202526863055e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +611,1,0.23533533333333534,0.48666666666666664,1.9999999999993658,-1.0040404204841028e-15,2.0258502567790306e-09,6.95238738374497e-10,6.95238738374497e-10,1.8614197362974433e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +612,1,0.2386686666666687,0.4833333333333334,1.9999999999993676,-1.308533516129045e-15,1.9797414989415493e-09,7.112751413492649e-10,7.112751413492649e-10,1.8645679871881884e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +613,1,0.2386686666666687,0.48666666666666664,1.9999999999993618,-1.06487726071563e-15,2.03786116187005e-09,7.112532784958555e-10,7.112532784958555e-10,1.8894451815098134e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +614,1,0.23533533333333534,0.49333333333333335,1.999999999999356,-5.962667961459494e-16,1.940138306421292e-09,4.3212476332253203e-10,4.3212476332253203e-10,1.4488089360698899e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +615,1,0.23533533333333534,0.49666666666666665,1.9999999999993525,-4.306976117088323e-16,1.993893597238218e-09,4.3204824333560374e-10,4.3204824333560374e-10,1.4717376035815268e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +616,1,0.2386686666666687,0.49333333333333335,1.999999999999352,-6.557526128352139e-16,1.9505545896418685e-09,4.4601314094996546e-10,4.4601314094996546e-10,1.473113596917896e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +617,1,0.2386686666666687,0.49666666666666665,1.9999999999993485,-4.902842203682225e-16,2.0047608018103334e-09,4.4653784943175735e-10,4.4653784943175735e-10,1.4970944142497997e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +618,1,0.23533533333333534,0.5033333333333334,1.9999999999993476,-1.797370990398017e-16,1.8983638592719527e-09,1.5982292412585497e-10,1.5982292412585497e-10,1.0419029741534843e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +619,1,0.23533533333333534,0.5066666666666666,1.9999999999993463,-9.434577080789589e-17,1.9565955693241673e-09,1.623480836944789e-10,1.623480836944789e-10,1.0704667921310399e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +620,1,0.2386686666666687,0.5033333333333334,1.9999999999993432,-2.4099587462910824e-16,1.911288904921092e-09,1.7705631832471173e-10,1.7705631832471173e-10,1.0720614140014858e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +621,1,0.2386686666666687,0.5066666666666666,1.9999999999993419,-1.5717592135699317e-16,1.9671512282352173e-09,1.7642229557587992e-10,1.7642229557587992e-10,1.0950966629234944e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +622,1,0.23533533333333534,0.5133333333333334,1.9999999999993463,-3.0690351212762688e-18,1.877565453539247e-09,-1.0999201549566363e-10,-1.0999201549566363e-10,6.475394579515874e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +623,1,0.23533533333333534,0.5166666666666666,1.9999999999993476,2.816372333431701e-18,1.9470210059597975e-09,-1.0925960990649552e-10,-1.0925960990649552e-10,6.783524169734918e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +624,1,0.2386686666666687,0.5133333333333334,1.9999999999993414,-6.925619338232519e-17,1.8933067079930112e-09,-8.900367622398053e-11,-8.900367622398053e-11,6.842690516770329e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +625,1,0.2386686666666687,0.5166666666666666,1.9999999999993423,-6.515641867977793e-17,1.962122771951379e-09,-8.912392191772455e-11,-8.912392191772455e-11,7.135898709538411e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +626,1,0.23533533333333534,0.5233333333333333,1.9999999999993519,-6.254007172480764e-17,1.9069286320945343e-09,-3.8342525735620567e-10,-3.8342525735620567e-10,2.6950476038879206e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +627,1,0.23533533333333534,0.5266666666666666,1.9999999999993552,-1.3378192323775551e-16,2.001858508020418e-09,-3.8604333405181327e-10,-3.8604333405181327e-10,3.0644888336330364e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +628,1,0.2386686666666687,0.5233333333333333,1.9999999999993463,-1.325188374888757e-16,1.92546149964283e-09,-3.5871476729181543e-10,-3.5871476729181543e-10,3.1274811800148463e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +629,1,0.2386686666666687,0.5266666666666666,1.999999999999349,-2.0398103100052116e-16,2.0229452301324452e-09,-3.5792770456912745e-10,-3.5792770456912745e-10,3.5565123495801425e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +630,1,0.23533533333333534,0.5333333333333333,1.9999999999993645,-3.45679635983338e-16,2.040624079969489e-09,-6.563009964548429e-10,-6.563009964548429e-10,-6.30196749485689e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +631,1,0.23533533333333534,0.5366666666666666,1.9999999999993703,-4.863354972159708e-16,2.1862388822368156e-09,-6.563556535883635e-10,-6.563556535883635e-10,-6.914127390280619e-13,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +632,1,0.2386686666666687,0.5333333333333333,1.9999999999993574,-4.116934545447806e-16,2.0713687175744928e-09,-6.153081463148429e-10,-6.153081463148429e-10,8.71781279644127e-12,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +633,1,0.2386686666666687,0.5366666666666666,1.999999999999363,-5.479436845773926e-16,2.2164178185098824e-09,-6.161170718909374e-10,-6.161170718909374e-10,6.972610523147443e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +634,1,0.23533533333333534,0.5433333333333333,1.999999999999384,-8.238646862937444e-16,2.369278790253633e-09,-9.201145828158673e-10,-9.201145828158673e-10,-2.9904420819967957e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +635,1,0.23533533333333534,0.5466666666666666,1.999999999999392,-1.0207380141388815e-15,2.602340906867957e-09,-9.209289741053149e-10,-9.209289741053149e-10,-2.003238600641802e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +636,1,0.2386686666666687,0.5433333333333333,1.999999999999376,-8.680116404773087e-16,2.4188596424979673e-09,-8.540067798234196e-10,-8.540067798234196e-10,-1.833555529628943e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +637,1,0.2386686666666687,0.5466666666666666,1.9999999999993834,-1.0518293663446088e-15,2.6525981411396073e-09,-8.539193284097856e-10,-8.539193284097856e-10,-8.305698009700371e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +638,1,0.23533533333333534,0.5533333333333333,1.9999999999994098,-1.4378722411094802e-15,3.0959344489754308e-09,-1.1428861276167124e-09,-1.1428861276167124e-09,-3.058654184629772e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +639,1,0.23533533333333534,0.5566666666666666,1.9999999999994196,-1.6581331402349368e-15,3.5217258169513353e-09,-1.144268953094769e-09,-1.144268953094769e-09,-1.2535886858481332e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +640,1,0.2386686666666687,0.5533333333333333,1.9999999999993996,-1.4278096942925545e-15,3.186762307030645e-09,-1.0217823168764373e-09,-1.0217823168764373e-09,-9.393374966748548e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +641,1,0.2386686666666687,0.5566666666666666,1.999999999999408,-1.6199722963731948e-15,3.6120986543699873e-09,-1.0237718365365673e-09,-1.0237718365365673e-09,8.551108539205216e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +642,1,0.23533533333333534,0.5633333333333334,1.9999999999994391,-1.9696557330249654e-15,5.1446682811309515e-09,-1.1941709159985361e-09,-1.1941709159985361e-09,4.988993833439263e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +643,1,0.23533533333333534,0.5666666666666667,1.9999999999994489,-2.0609174266895303e-15,6.376488397126405e-09,-1.1988113066343832e-09,-1.1988113066343832e-09,1.0201931607193363e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +644,1,0.2386686666666687,0.5633333333333334,1.9999999999994227,-1.8117444285655284e-15,5.40896558312363e-09,-8.41774513341634e-10,-8.41774513341634e-10,1.1155930879934958e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +645,1,0.2386686666666687,0.5666666666666667,1.999999999999429,-1.8113539586772158e-15,6.6410767483550655e-09,-8.46026838329493e-10,-8.46026838329493e-10,1.6375659802528936e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +646,1,0.24533533333333532,0.43333333333333335,1.9999999999993285,-1.2038680620075866e-15,1.007421155044051e-09,-3.880656479920544e-12,-3.880656479920544e-12,4.2620812861899205e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +647,1,0.24533533333333532,0.43666666666666665,1.9999999999993283,-1.2066659660695213e-15,1.1138782204293074e-09,-4.21406499439259e-12,-4.21406499439259e-12,4.713562873348565e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +648,1,0.24866866666666868,0.43666666666666665,1.999999999999325,-1.2985017343045187e-15,1.1359036788095322e-09,2.51532128459075e-11,2.51532128459075e-11,5.227490235553803e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +649,1,0.24533533333333532,0.44333333333333336,1.9999999999993294,-1.2405963077832032e-15,1.2668635371518082e-09,-1.536029423312777e-10,-1.536029423312777e-10,3.235087411632352e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +650,1,0.24533533333333532,0.44666666666666666,1.9999999999993303,-1.2717287454349496e-15,1.4247119723292534e-09,-1.5361933947133376e-10,-1.5361933947133376e-10,3.911346460392029e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +651,1,0.24866866666666868,0.44333333333333336,1.9999999999993252,-1.3217480360303835e-15,1.300670340662271e-09,-1.0852720431732676e-10,-1.0852720431732676e-10,4.023912826876487e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +652,1,0.24866866666666868,0.44666666666666666,1.9999999999993259,-1.3488615487681346e-15,1.4580227623530203e-09,-1.0920495277297475e-10,-1.0920495277297475e-10,4.688598227613307e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +653,1,0.24533533333333532,0.45333333333333337,1.9999999999993348,-1.371241092351452e-15,1.5369667931526443e-09,-3.788176610004713e-10,-3.788176610004713e-10,1.1753196706474845e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +654,1,0.24533533333333532,0.45666666666666667,1.9999999999993379,-1.4396210016162063e-15,1.6605725341798045e-09,-3.790636181013112e-10,-3.790636181013112e-10,1.7015448878947398e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +655,1,0.24866866666666868,0.45333333333333337,1.9999999999993294,-1.4407854132854762e-15,1.5629398630013506e-09,-3.4418690120218855e-10,-3.4418690120218855e-10,1.7813579671173295e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +656,1,0.24866866666666868,0.45666666666666667,1.9999999999993323,-1.5055957650650653e-15,1.686508710463385e-09,-3.444820497231967e-10,-3.444820497231967e-10,2.3067223345116468e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +657,1,0.24533533333333532,0.4633333333333334,1.9999999999993463,-1.6244420964786106e-15,1.6991850661550132e-09,-6.232279649618871e-10,-6.232279649618871e-10,-1.621034930219769e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +658,1,0.24533533333333532,0.4666666666666667,1.9999999999993516,-1.7408832820762576e-15,1.7978152300202067e-09,-6.23156910688311e-10,-6.23156910688311e-10,-1.1973191668892898e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +659,1,0.24866866666666868,0.4633333333333334,1.9999999999993403,-1.682747693393065e-15,1.7203578732523272e-09,-5.949975554988013e-10,-5.949975554988013e-10,-1.1270027646157981e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +660,1,0.24866866666666868,0.4666666666666667,1.9999999999993452,-1.7950892699414735e-15,1.818721583591609e-09,-5.952817725931052e-10,-5.952817725931052e-10,-7.095042502232168e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +661,1,0.24533533333333532,0.4733333333333334,1.9999999999993672,-1.7835288137835294e-15,2.507782699450009e-09,7.125650497003403e-11,7.125650497003403e-11,1.1765590211500498e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +662,1,0.24533533333333532,0.4766666666666666,1.9999999999993663,-1.7097331598931457e-15,2.5973233820108195e-09,7.081378218852197e-11,7.081378218852197e-11,1.2143011382739552e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +663,1,0.24866866666666868,0.4733333333333334,1.9999999999993603,-1.8290688050687182e-15,2.5265451269590845e-09,9.627307498214125e-11,9.627307498214125e-11,1.220338018671241e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +664,1,0.24866866666666868,0.4766666666666666,1.9999999999993592,-1.7507067636475459e-15,2.6162538802054773e-09,9.605444644806117e-11,9.605444644806117e-11,1.2584723007281435e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +665,1,0.24533533333333532,0.4833333333333334,1.9999999999993485,-1.3867014650518011e-15,3.2764778924187185e-09,7.51409874493011e-10,7.51409874493011e-10,2.4776474888837514e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +666,1,0.24533533333333532,0.48666666666666664,1.9999999999993419,-1.1374654241008646e-15,3.354567905507091e-09,7.511311231120589e-10,7.511311231120589e-10,2.5107164210916898e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +667,1,0.24866866666666868,0.4833333333333334,1.99999999999934,-1.4199842691925585e-15,3.2930349045902714e-09,7.734858907217384e-10,7.734858907217384e-10,2.5162805172840333e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +668,1,0.24866866666666868,0.48666666666666664,1.9999999999993336,-1.1676238161587684e-15,3.3711946055238816e-09,7.73300056467772e-10,7.73300056467772e-10,2.5495120544641995e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +669,1,0.24533533333333532,0.49333333333333335,1.9999999999993314,-7.226190965974407e-16,3.2822319221500385e-09,4.771567756296672e-10,4.771567756296672e-10,2.0883233603924e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +670,1,0.24533533333333532,0.49666666666666665,1.9999999999993272,-5.570088100449631e-16,3.3383402025649997e-09,4.772332956165952e-10,4.772332956165952e-10,2.1124790805515688e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +671,1,0.24866866666666868,0.49333333333333335,1.9999999999993228,-7.495391947765303e-16,3.292701496075793e-09,4.911162075306715e-10,4.911162075306715e-10,2.112752366219163e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +672,1,0.24866866666666868,0.49666666666666665,1.9999999999993188,-5.838150264280922e-16,3.349760810614013e-09,4.924607730152642e-10,4.924607730152642e-10,2.1391271659992544e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +673,1,0.24533533333333532,0.5033333333333334,1.9999999999993217,-3.104026446573213e-16,3.240326297880245e-09,2.0506263354036657e-10,2.0506263354036657e-10,1.6816578898634855e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +674,1,0.24533533333333532,0.5066666666666666,1.99999999999932,-2.294067658221644e-16,3.2906067614336414e-09,2.0550535632187857e-10,2.0550535632187857e-10,1.7038391210742456e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +675,1,0.24866866666666868,0.5033333333333334,1.9999999999993125,-3.3846718202764115e-16,3.250763077525895e-09,2.1897833973456038e-10,2.1897833973456038e-10,1.7060103757033237e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +676,1,0.24866866666666868,0.5066666666666666,1.9999999999993106,-2.588435059756355e-16,3.300072010530973e-09,2.1812568845164823e-10,2.1812568845164823e-10,1.7259247023013379e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +677,1,0.24533533333333532,0.5133333333333334,1.9999999999993188,-1.47060146482839e-16,3.2023942472173597e-09,-5.7346264489192116e-11,-5.7346264489192116e-11,1.2905314423943073e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +678,1,0.24533533333333532,0.5166666666666666,1.9999999999993192,-1.457094059786757e-16,3.2597145495681322e-09,-5.728614164232011e-11,-5.728614164232011e-11,1.3151831760401707e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +679,1,0.24866866666666868,0.5133333333333334,1.999999999999309,-1.7914082760541138e-16,3.21401162094704e-09,-4.18564328496219e-11,-4.18564328496219e-11,1.3176386477635571e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +680,1,0.24866866666666868,0.5166666666666666,1.9999999999993094,-1.790618252871981e-16,3.2713934125730225e-09,-4.171432430246989e-11,-4.171432430246989e-11,1.342433856384909e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +681,1,0.24533533333333532,0.5233333333333333,1.9999999999993223,-2.147588408503372e-16,3.2105859851036792e-09,-3.0916807575592416e-10,-3.0916807575592416e-10,9.342967425359686e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +682,1,0.24533533333333532,0.5266666666666666,1.9999999999993252,-2.8515901622616236e-16,3.29381923445628e-09,-3.09578004257324e-10,-3.09578004257324e-10,9.693825229707998e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +683,1,0.24866866666666868,0.5233333333333333,1.9999999999993125,-2.486641515102481e-16,3.226921635884469e-09,-2.873872080481978e-10,-2.873872080481978e-10,9.724132610244843e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +684,1,0.24866866666666868,0.5266666666666666,1.999999999999315,-3.183454800515116e-16,3.3114543585865065e-09,-2.8606450541701396e-10,-2.8606450541701396e-10,1.0105311459413364e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +685,1,0.24533533333333532,0.5333333333333333,1.9999999999993325,-4.808466173031231e-16,3.320618993449478e-09,-5.426852130068046e-10,-5.426852130068046e-10,6.478578357543413e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +686,1,0.24533533333333532,0.5366666666666666,1.9999999999993374,-6.06134043004257e-16,3.4403604751367744e-09,-5.430076900945722e-10,-5.430076900945722e-10,6.9871493206637e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +687,1,0.24866866666666868,0.5333333333333333,1.9999999999993219,-5.075638893867427e-16,3.3456451284599563e-09,-5.093170329928454e-10,-5.093170329928454e-10,7.062521507787792e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +688,1,0.24866866666666868,0.5366666666666666,1.9999999999993263,-6.271009701807084e-16,3.4642183139182565e-09,-5.111972383859328e-10,-5.111972383859328e-10,7.543832225564985e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +689,1,0.24533533333333532,0.5433333333333333,1.999999999999348,-8.876477142218582e-16,3.5558154711277596e-09,-7.517214201540751e-10,-7.517214201540751e-10,4.500331731203628e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +690,1,0.24533533333333532,0.5466666666666666,1.999999999999355,-1.0438739597383222e-15,3.709085004944564e-09,-7.523335800494997e-10,-7.523335800494997e-10,5.148456020483882e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +691,1,0.24866866666666868,0.5433333333333333,1.9999999999993365,-8.888835217663285e-16,3.5886425455198758e-09,-7.079519876312511e-10,-7.079519876312511e-10,5.266296800353024e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +692,1,0.24866866666666868,0.5466666666666666,1.9999999999993425,-1.0311289925579793e-15,3.741994065036962e-09,-7.084548332596344e-10,-7.084548332596344e-10,5.916334089306451e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +693,1,0.24533533333333532,0.5533333333333333,1.9999999999993685,-1.3456543924751348e-15,3.870516215224243e-09,-8.968634382164547e-10,-8.968634382164547e-10,3.77559180501171e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +694,1,0.24533533333333532,0.5566666666666666,1.9999999999993765,-1.4912085796954793e-15,3.986907214626764e-09,-8.97699692359312e-10,-8.97699692359312e-10,4.2624638861245643e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +695,1,0.24866866666666868,0.5533333333333333,1.9999999999993556,-1.2968229655434955e-15,3.895320988843969e-09,-8.637904067234973e-10,-8.637904067234973e-10,4.3543698561384516e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +696,1,0.24866866666666868,0.5566666666666666,1.9999999999993632,-1.4202714677373566e-15,4.011240570469875e-09,-8.652552179018357e-10,-8.652552179018357e-10,4.830242189130402e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +697,1,0.24533533333333532,0.5633333333333334,1.9999999999993898,-1.6318043777124692e-15,3.97372801330675e-09,-6.988734377535791e-10,-6.988734377535791e-10,7.04635666054925e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +698,1,0.24533533333333532,0.5666666666666667,1.9999999999993956,-1.6268459885091108e-15,3.6949397387895855e-09,-6.979388007703862e-10,-6.979388007703862e-10,5.864901726664148e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +699,1,0.24866866666666868,0.5633333333333334,1.999999999999377,-1.5588196720441366e-15,3.913513615736096e-09,-7.79159301181122e-10,-7.79159301181122e-10,5.641354050567306e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +700,1,0.2553353333333353,0.44333333333333336,1.9999999999993197,-1.4600585682965852e-15,6.073609991010295e-10,-6.536993168992917e-11,-6.536993168992917e-11,1.669119543433996e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +701,1,0.2553353333333353,0.44666666666666666,1.99999999999932,-1.4774532252254503e-15,6.389842501273682e-10,-6.564868307088123e-11,-6.564868307088123e-11,1.8006655995332733e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +702,1,0.2586686666666687,0.44666666666666666,1.9999999999993172,-1.5385398221779844e-15,6.456783825552315e-10,-5.6723173167063615e-11,-5.6723173167063615e-11,1.956862022850075e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +703,1,0.2553353333333353,0.45333333333333337,1.9999999999993225,-1.5511581278876594e-15,6.568489342183821e-10,-2.685578255505602e-10,-2.685578255505602e-10,-1.0214735040720428e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +704,1,0.2553353333333353,0.45666666666666667,1.9999999999993245,-1.6074683736210023e-15,7.955455098104152e-10,-2.687819197979917e-10,-2.687819197979917e-10,-4.3026095506949956e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +705,1,0.2586686666666687,0.45333333333333337,1.999999999999319,-1.6027549942805263e-15,6.861875170635857e-10,-2.294397150902874e-10,-2.294397150902874e-10,-3.369065710173281e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +706,1,0.2586686666666687,0.45666666666666667,1.9999999999993205,-1.6546450631062568e-15,8.253309147221453e-10,-2.2906804658235132e-10,-2.2906804658235132e-10,2.6473182620415724e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +707,1,0.2553353333333353,0.4633333333333334,1.999999999999331,-1.7668395365482234e-15,8.632055753948338e-10,-5.291575724606034e-10,-5.291575724606034e-10,-3.8599414263164706e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +708,1,0.2553353333333353,0.4666666666666667,1.9999999999993352,-1.8699004537420995e-15,9.867511935751206e-10,-5.293816667080363e-10,-5.293816667080363e-10,-3.333661551935685e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +709,1,0.2586686666666687,0.4633333333333334,1.9999999999993263,-1.8048205392915926e-15,8.891704466735141e-10,-4.945377440890278e-10,-4.945377440890278e-10,-3.254094429813939e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +710,1,0.2586686666666687,0.4666666666666667,1.9999999999993305,-1.9031059466511953e-15,1.0127201641388163e-09,-4.947563726231078e-10,-4.947563726231078e-10,-2.7277189054495054e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +711,1,0.2553353333333353,0.4733333333333334,1.9999999999993492,-1.8776381159596515e-15,1.7412505625403515e-09,1.5617729332006914e-10,1.5617729332006914e-10,9.693606601173925e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +712,1,0.2553353333333353,0.4766666666666666,1.999999999999348,-1.78231486098332e-15,1.8558857015285377e-09,1.5565258483827718e-10,1.5565258483827718e-10,1.017740421852627e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +713,1,0.2586686666666687,0.4733333333333334,1.999999999999344,-1.8966089374451983e-15,1.765633109803626e-09,1.8868735633777162e-10,1.8868735633777162e-10,1.0262532703983695e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +714,1,0.2586686666666687,0.4766666666666666,1.9999999999993425,-1.7918265208795914e-15,1.8801534688114233e-09,1.880096078821231e-10,1.880096078821231e-10,1.074365212179359e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +715,1,0.2553353333333353,0.4833333333333334,1.9999999999993283,-1.426629114006306e-15,2.539384087622939e-09,8.149269293566134e-10,8.149269293566134e-10,2.2524887937764175e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +716,1,0.2553353333333353,0.48666666666666664,1.9999999999993214,-1.1662666220056502e-15,2.6130127121877407e-09,8.146427122623091e-10,8.146427122623091e-10,2.2836378941694706e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +717,1,0.2586686666666687,0.4833333333333334,1.9999999999993228,-1.4224614409797234e-15,2.5552401220570924e-09,8.360683086021456e-10,8.360683086021456e-10,2.289486207456112e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +718,1,0.2586686666666687,0.48666666666666664,1.9999999999993154,-1.1578787776454896e-15,2.628950732322174e-09,8.358934057748832e-10,8.358934057748832e-10,2.320826607816494e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +719,1,0.2553353333333353,0.49333333333333335,1.9999999999993094,-7.428038475391448e-16,2.5076501559012175e-09,5.178544772486664e-10,5.178544772486664e-10,1.8144993200271923e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +720,1,0.2553353333333353,0.49666666666666665,1.999999999999305,-5.79703565073306e-16,2.551131272044724e-09,5.179801886557624e-10,5.179801886557624e-10,1.8333136718131133e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +721,1,0.2586686666666687,0.49333333333333335,1.9999999999993032,-7.318642309710205e-16,2.515799534509057e-09,5.287203153924476e-10,5.287203153924476e-10,1.833514536778797e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +722,1,0.2586686666666687,0.49666666666666665,1.9999999999992983,-5.704323476307956e-16,2.559965231249898e-09,5.297588009293273e-10,5.297588009293273e-10,1.8539262432918457e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +723,1,0.2553353333333353,0.5033333333333334,1.999999999999298,-3.418308140842674e-16,2.4220338555271416e-09,2.4203818436664833e-10,2.4203818436664833e-10,1.3837833443211331e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +724,1,0.2553353333333353,0.5066666666666666,1.999999999999296,-2.6705834556107485e-16,2.4584013457430177e-09,2.422185529072643e-10,2.422185529072643e-10,1.399627080900246e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +725,1,0.2586686666666687,0.5033333333333334,1.9999999999992912,-3.3691694977709125e-16,2.4289985407659352e-09,2.5132443135169946e-10,2.5132443135169946e-10,1.4000342765449702e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +726,1,0.2586686666666687,0.5066666666666666,1.999999999999289,-2.6483343526361866e-16,2.4644600889937122e-09,2.5029687724152333e-10,2.5029687724152333e-10,1.4137641484851965e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +727,1,0.2553353333333353,0.5133333333333334,1.999999999999294,-1.9573412655327607e-16,2.3398254274280398e-09,-1.604733440147423e-11,-1.604733440147423e-11,9.798575626099106e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +728,1,0.2553353333333353,0.5166666666666666,1.9999999999992941,-1.9918237606867429e-16,2.37911980714391e-09,-1.5866965860858203e-11,-1.5866965860858203e-11,9.969556804033066e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +729,1,0.2586686666666687,0.5133333333333334,1.9999999999992868,-1.980847681150597e-16,2.3481141817263488e-09,-4.9956620037286754e-12,-4.9956620037286754e-12,9.991979893059656e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +730,1,0.2586686666666687,0.5166666666666666,1.999999999999287,-2.0341961547997754e-16,2.387232292186617e-09,-5.050319137248683e-12,-5.050319137248683e-12,1.015884812169624e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +731,1,0.2553353333333353,0.5233333333333333,1.9999999999992966,-2.7376652925747485e-16,2.288516043336134e-09,-2.523957111686925e-10,-2.523957111686925e-10,6.202272883316398e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +732,1,0.2553353333333353,0.5266666666666666,1.999999999999299,-3.4490243293087706e-16,2.335991229511607e-09,-2.5242850544880456e-10,-2.5242850544880456e-10,6.405269477209714e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +733,1,0.2586686666666687,0.5233333333333333,1.9999999999992895,-2.809791876845242e-16,2.2965998333837436e-09,-2.4161732443854807e-10,-2.4161732443854807e-10,6.390894651093945e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +734,1,0.2586686666666687,0.5266666666666666,1.9999999999992917,-3.5320391252415293e-16,2.3456409464345634e-09,-2.3956221621819586e-10,-2.3956221621819586e-10,6.630429538745365e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +735,1,0.2553353333333353,0.5333333333333333,1.9999999999993054,-5.326240607444464e-16,2.3184476560800232e-09,-4.5393295959701534e-10,-4.5393295959701534e-10,3.451447674671308e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +736,1,0.2553353333333353,0.5366666666666666,1.9999999999993094,-6.492097848846116e-16,2.4044014642535914e-09,-4.5387830246349463e-10,-4.5387830246349463e-10,3.820601954465439e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +737,1,0.2586686666666687,0.5333333333333333,1.9999999999992977,-5.416073498221135e-16,2.3366935736773395e-09,-4.296050694672572e-10,-4.296050694672572e-10,3.87718575194203e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +738,1,0.2586686666666687,0.5366666666666666,1.9999999999993014,-6.5778606228044335e-16,2.421442192056787e-09,-4.31157332059224e-10,-4.31157332059224e-10,4.2182189365401213e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +739,1,0.2553353333333353,0.5433333333333333,1.9999999999993188,-8.87070395145399e-16,2.479989547055086e-09,-6.314483978432991e-10,-6.314483978432991e-10,1.6078352324746872e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +740,1,0.2553353333333353,0.5466666666666666,1.9999999999993239,-1.0083452812660176e-15,2.6018175648145004e-09,-6.318200663512344e-10,-6.318200663512344e-10,2.1246457584731175e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +741,1,0.2586686666666687,0.5433333333333333,1.9999999999993103,-8.856282391212015e-16,2.5057289576579937e-09,-5.97129183706082e-10,-5.97129183706082e-10,2.2084214798759108e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +742,1,0.2586686666666687,0.5466666666666666,1.9999999999993152,-9.972917035036263e-16,2.6274012025868794e-09,-5.977085493213947e-10,-5.977085493213947e-10,2.721597306495267e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +743,1,0.2553353333333353,0.5533333333333333,1.9999999999993354,-1.220341933914721e-15,2.8681235164640347e-09,-7.51245903092451e-10,-7.51245903092451e-10,1.5598735978108804e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +744,1,0.2553353333333353,0.5566666666666666,1.9999999999993414,-1.3110637004428016e-15,3.0982327814399456e-09,-7.522734572026259e-10,-7.522734572026259e-10,2.531376817562256e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +745,1,0.2586686666666687,0.5533333333333333,1.9999999999993257,-1.1847491458796404e-15,2.916622157464683e-09,-6.865810484249239e-10,-6.865810484249239e-10,2.6915085544925e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +746,1,0.2653353333333353,0.45333333333333337,1.9999999999993163,-1.6925119545355077e-15,8.112075114205743e-11,-1.799367492612163e-10,-1.799367492612163e-10,-2.2228646274085747e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +747,1,0.2653353333333353,0.45666666666666667,1.9999999999993177,-1.7373347449412041e-15,1.3809124783829928e-10,-1.8006246066831235e-10,-1.8006246066831235e-10,-1.9805012330974812e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +748,1,0.26866866666666867,0.45666666666666667,1.9999999999993165,-1.777221623716736e-15,1.5002836579906922e-10,-1.641463033872866e-10,-1.641463033872866e-10,-1.7019684806795096e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +749,1,0.2653353333333353,0.4633333333333334,1.9999999999993225,-1.8640720973416014e-15,7.476685937035658e-11,-4.4123064176696635e-10,-4.4123064176696635e-10,-5.982865485083709e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +750,1,0.2653353333333353,0.4666666666666667,1.999999999999326,-1.9459866593363007e-15,1.5009122150261724e-10,-4.415749817081421e-10,-4.415749817081421e-10,-5.66496593224795e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +751,1,0.26866866666666867,0.4633333333333334,1.999999999999321,-1.8916090704370192e-15,9.04548231189368e-11,-4.2031335676886254e-10,-4.2031335676886254e-10,-5.616812997616832e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +752,1,0.26866866666666867,0.4666666666666667,1.999999999999324,-1.9644857315372233e-15,1.6577508596618337e-10,-4.2066316242339025e-10,-4.2066316242339025e-10,-5.299009094764729e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +753,1,0.2653353333333353,0.4733333333333334,1.9999999999993379,-1.883736733456918e-15,1.0321931343836555e-09,3.027076025738579e-10,3.027076025738579e-10,8.748079184127937e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +754,1,0.2653353333333353,0.4766666666666666,1.9999999999993356,-1.7395722455828305e-15,1.280895389754732e-09,3.014231599361376e-10,3.014231599361376e-10,9.795596812322273e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +755,1,0.26866866666666867,0.4733333333333334,1.9999999999993352,-1.870948900592868e-15,1.0855371302708435e-09,3.738329304234484e-10,3.738329304234484e-10,9.992772421495694e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +756,1,0.26866866666666867,0.4766666666666666,1.999999999999332,-1.7045354085483038e-15,1.333735173585199e-09,3.7187620504343196e-10,3.7187620504343196e-10,1.1028525101699827e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +757,1,0.2653353333333353,0.4833333333333334,1.9999999999993139,-1.3304495130769838e-15,1.9750368861738135e-09,8.586799647393781e-10,8.586799647393781e-10,2.073130043702177e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +758,1,0.2653353333333353,0.48666666666666664,1.9999999999993063,-1.0654912684452524e-15,2.00168087233648e-09,8.585979790390988e-10,8.585979790390988e-10,2.0844317724857785e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +759,1,0.26866866666666867,0.4833333333333334,1.9999999999993099,-1.273983976394436e-15,1.9802962688467787e-09,8.656924749699992e-10,8.656924749699992e-10,2.085401936605753e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +760,1,0.26866866666666867,0.48666666666666664,1.999999999999302,-1.0098460362851613e-15,2.007034538564769e-09,8.657362006768152e-10,8.657362006768152e-10,2.0969236603517714e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +761,1,0.2653353333333353,0.49333333333333335,1.999999999999294,-6.496990480657403e-16,1.7907248333743228e-09,5.377114138564849e-10,5.377114138564849e-10,1.5356126626696875e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +762,1,0.2653353333333353,0.49666666666666665,1.9999999999992888,-4.988650723179698e-16,1.7933073829331436e-09,5.381705337780525e-10,5.381705337780525e-10,1.5373753552257074e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +763,1,0.26866866666666867,0.49333333333333335,1.999999999999289,-6.010807128919846e-16,1.790548564118723e-09,5.374763881823521e-10,5.374763881823521e-10,1.5352013677399485e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +764,1,0.26866866666666867,0.49666666666666665,1.9999999999992841,-4.564533296080929e-16,1.7932212979478473e-09,5.380557537976645e-10,5.380557537976645e-10,1.5371744902600208e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +765,1,0.2653353333333353,0.5033333333333334,1.9999999999992815,-2.850325165580492e-16,1.6112198754679136e-09,2.653658489529901e-10,2.653658489529901e-10,1.0696168737048055e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +766,1,0.2653353333333353,0.5066666666666666,1.999999999999279,-2.220339365459054e-16,1.6286227067806815e-09,2.6533305467287805e-10,2.6533305467287805e-10,1.0770283810101196e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +767,1,0.26866866666666867,0.5033333333333334,1.999999999999277,-2.5383321187295137e-16,1.6150936998061436e-09,2.7053094807063275e-10,2.7053094807063275e-10,1.078655797160675e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +768,1,0.26866866666666867,0.5066666666666666,1.9999999999992748,-1.9584047742170726e-16,1.6326850982295588e-09,2.7074957660471327e-10,2.7074957660471327e-10,1.0865072943908295e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +769,1,0.2653353333333353,0.5133333333333334,1.9999999999992766,-1.7168086220622515e-16,1.4682641427463311e-09,7.777710099897156e-12,7.777710099897156e-12,6.403670756054247e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +770,1,0.2653353333333353,0.5166666666666666,1.9999999999992768,-1.8432636787869183e-16,1.4830079045133542e-09,8.12751575442522e-12,8.12751575442522e-12,6.471855530120444e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +771,1,0.26866866666666867,0.5133333333333334,1.9999999999992721,-1.545907606227647e-16,1.4706868201896063e-09,1.1007946690929594e-11,1.1007946690929594e-11,6.460199896397313e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +772,1,0.26866866666666867,0.5166666666666666,1.9999999999992721,-1.7133377827506888e-16,1.4850452491653134e-09,1.0843975290369565e-11,1.0843975290369565e-11,6.519393571999467e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +773,1,0.2653353333333353,0.5233333333333333,1.9999999999992788,-2.762194741167853e-16,1.3096054155644576e-09,-2.321561746262335e-10,-2.321561746262335e-10,2.2960778577586223e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +774,1,0.2653353333333353,0.5266666666666666,1.999999999999281,-3.5546707468241147e-16,1.3054446412752443e-09,-2.3188835467198538e-10,-2.3188835467198538e-10,2.2820719672941227e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +775,1,0.26866866666666867,0.5233333333333333,1.9999999999992744,-2.714414885301907e-16,1.3065924410791632e-09,-2.361734739399549e-10,-2.361734739399549e-10,2.2257751197685128e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +776,1,0.26866866666666867,0.5266666666666666,1.9999999999992766,-3.5480618113300763e-16,1.3035589701688031e-09,-2.344025828139065e-10,-2.344025828139065e-10,2.2380729748105201e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +777,1,0.2653353333333353,0.5333333333333333,1.9999999999992872,-5.589283458719504e-16,1.1527339766486804e-09,-4.1568389755971494e-10,-4.1568389755971494e-10,-9.980529223587211e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +778,1,0.2653353333333353,0.5366666666666666,1.9999999999992908,-6.831420164958612e-16,1.143096557580766e-09,-4.152958319117226e-10,-4.152958319117226e-10,-1.033812351964187e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +779,1,0.26866866666666867,0.5333333333333333,1.9999999999992824,-5.675081461336822e-16,1.15074582341689e-09,-4.183347685354327e-10,-4.183347685354327e-10,-1.0444431644338294e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +780,1,0.26866866666666867,0.5366666666666666,1.9999999999992861,-6.968454185315379e-16,1.1399483066900143e-09,-4.194934997660558e-10,-4.194934997660558e-10,-1.1072715394150784e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +781,1,0.2653353333333353,0.5433333333333333,1.9999999999992983,-8.766158934351197e-16,1.4761689306816651e-09,-4.376396680947035e-10,-4.376396680947035e-10,7.444301585425077e-12,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +782,1,0.2653353333333353,0.5466666666666666,1.9999999999993017,-9.458760997504638e-16,1.832834055466473e-09,-4.391372735531521e-10,-4.391372735531521e-10,1.581613472668463e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +783,1,0.26866866666666867,0.5433333333333333,1.9999999999992926,-8.713437163873695e-16,1.5526615890429145e-09,-3.356494569463633e-10,-3.356494569463633e-10,1.8592717109501053e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +784,1,0.2753353333333353,0.4733333333333334,1.9999999999993328,-1.7264922785872848e-15,7.768240751514759e-10,6.218943309039993e-10,6.218943309039993e-10,1.2213450763563475e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +785,1,0.2753353333333353,0.4766666666666666,1.999999999999327,-1.534663914454073e-15,1.3146243068499297e-09,6.211018024679583e-10,6.211018024679583e-10,1.4506987064613468e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +786,1,0.2753353333333353,0.4833333333333334,1.9999999999993032,-1.0926825387759456e-15,1.7135503272724101e-09,7.739231477898977e-10,7.739231477898977e-10,1.8399832085308914e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +787,1,0.2753353333333353,0.48666666666666664,1.9999999999992966,-8.425295272310583e-16,1.4598770056076871e-09,7.745735676787854e-10,7.745735676787854e-10,1.7321952419444224e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +788,1,0.2786686666666687,0.4833333333333334,1.9999999999993001,-9.934855244350408e-16,1.6581115967430647e-09,7.000048404174411e-10,7.000048404174411e-10,1.7106261706290872e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +789,1,0.2786686666666687,0.48666666666666664,1.9999999999992937,-7.518680171122787e-16,1.404950685705094e-09,7.013384744753301e-10,7.013384744753301e-10,1.604033828838368e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +790,1,0.2753353333333353,0.49333333333333335,1.9999999999992846,-4.635980011420981e-16,9.955810534952785e-10,5.283431811711551e-10,5.283431811711551e-10,1.1814535674567673e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +791,1,0.2753353333333353,0.49666666666666665,1.9999999999992797,-3.3481948659803466e-16,9.694084851092226e-10,5.289772039199872e-10,5.289772039199872e-10,1.1711424992182179e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +792,1,0.2786686666666687,0.49333333333333335,1.9999999999992824,-3.8982589009186627e-16,9.896903809301596e-10,5.204889510843312e-10,5.204889510843312e-10,1.1677086648048247e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +793,1,0.2786686666666687,0.49666666666666665,1.9999999999992777,-2.694012703942251e-16,9.625421827107725e-10,5.198221340553879e-10,5.198221340553879e-10,1.1551211269551623e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +794,1,0.2753353333333353,0.5033333333333334,1.9999999999992721,-1.6357302540332171e-16,7.593228609983698e-10,2.760786471229123e-10,2.760786471229123e-10,7.198221506034599e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +795,1,0.2753353333333353,0.5066666666666666,1.9999999999992695,-1.211050787526767e-16,7.647926736353837e-10,2.760513185561521e-10,2.760513185561521e-10,7.221273152096654e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +796,1,0.2786686666666687,0.5033333333333334,1.9999999999992704,-1.149602350310835e-16,7.601550158562124e-10,2.771881869333699e-10,2.771881869333699e-10,7.217638452717572e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +797,1,0.2786686666666687,0.5066666666666666,1.9999999999992677,-8.094381936558685e-17,7.668259190023281e-10,2.78762312378746e-10,2.78762312378746e-10,7.268715543992008e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +798,1,0.2753353333333353,0.5133333333333334,1.9999999999992666,-9.743551791115523e-17,6.208968382172602e-10,2.8126560909395847e-11,2.8126560909395847e-11,3.0627944624939113e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +799,1,0.2753353333333353,0.5166666666666666,1.9999999999992666,-1.1623390372028026e-16,6.58943668860537e-10,2.814842376280384e-11,2.814842376280384e-11,3.2261646345852183e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +800,1,0.2786686666666687,0.5133333333333334,1.9999999999992648,-6.598601661226941e-17,6.295545281668286e-10,3.967014750882132e-11,3.967014750882132e-11,3.2648072279838566e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +801,1,0.2786686666666687,0.5166666666666666,1.9999999999992646,-8.504462952444955e-17,6.670520546182307e-10,3.895960477306125e-11,3.895960477306125e-11,3.4153603022647113e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +802,1,0.2753353333333353,0.5233333333333333,1.9999999999992681,-2.0601495149029087e-16,7.080175761914751e-10,-1.7497934725095434e-10,-1.7497934725095434e-10,5.3465608009271604e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +803,1,0.2753353333333353,0.5266666666666666,1.9999999999992695,-2.7699761345117545e-16,8.713358240059353e-10,-1.7471699301005788e-10,-1.7471699301005788e-10,1.2383393455960532e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +804,2,0.3146646666666647,0.4733333333333334,-1.9999999999994147,-5.654886494214302e-16,-1.1982346738757493e-10,-6.257968502373276e-10,-6.257968502373276e-10,-9.453484149337167e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +805,2,0.3146646666666647,0.4766666666666666,-1.999999999999409,-6.072153276426585e-16,4.186012220613449e-10,-6.278738213110885e-10,-6.278738213110885e-10,-7.17562078132407e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +806,2,0.31133133333333135,0.4833333333333334,-1.9999999999993818,-7.00088509138782e-16,6.48667786151691e-10,-7.023919907239285e-10,-7.023919907239285e-10,-7.254166498263176e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +807,2,0.31133133333333135,0.48666666666666664,-1.9999999999993752,-8.287401744117678e-16,3.9478915862918473e-10,-7.015051787325663e-10,-7.015051787325663e-10,-8.329549016340158e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +808,2,0.3146646666666647,0.4833333333333334,-1.9999999999993854,-7.815126084029613e-16,5.936420585875081e-10,-7.757596274761704e-10,-7.757596274761704e-10,-8.538100141427452e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +809,2,0.3146646666666647,0.48666666666666664,-1.9999999999993787,-9.140832109420311e-16,3.3924999561699766e-10,-7.755573960821455e-10,-7.755573960821455e-10,-9.625462819957851e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +810,2,0.31133133333333135,0.49333333333333335,-1.999999999999365,-1.0947121311483383e-15,2.4977900090142135e-10,-5.123286410497925e-10,-5.123286410497925e-10,-6.248499153990936e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +811,2,0.31133133333333135,0.49666666666666665,-1.999999999999361,-1.2320324226119173e-15,2.2028771968944747e-10,-5.133138358814898e-10,-5.133138358814898e-10,-6.38896457106652e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +812,2,0.3146646666666647,0.49333333333333335,-1.9999999999993674,-1.1746064747073003e-15,2.4278152138252234e-10,-5.216586137416587e-10,-5.216586137416587e-10,-6.4117736760986e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +813,2,0.3146646666666647,0.49666666666666665,-1.9999999999993632,-1.3025591359334938e-15,2.1376268276841217e-10,-5.220138851095382e-10,-5.220138851095382e-10,-6.541215432557343e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +814,2,0.31133133333333135,0.5033333333333334,-1.9999999999993547,-1.4601171787879883e-15,3.7537870248080746e-10,-2.7066349161941647e-10,-2.7066349161941647e-10,-2.2578554410739107e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +815,2,0.31133133333333135,0.5066666666666666,-1.9999999999993523,-1.5508816435004724e-15,3.7876983600863986e-10,-2.7073317946465445e-10,-2.7073317946465445e-10,-2.2443175523151757e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +816,2,0.3146646666666647,0.5033333333333334,-1.9999999999993563,-1.5121040240537072e-15,3.760397121893151e-10,-2.697821453414079e-10,-2.697821453414079e-10,-2.2424318812087388e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +817,2,0.3146646666666647,0.5066666666666666,-1.9999999999993539,-1.5936962509477203e-15,3.7903219024953544e-10,-2.7038337381012787e-10,-2.7038337381012787e-10,-2.238195953360935e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +818,2,0.31133133333333135,0.5133333333333334,-1.9999999999993496,-1.6577392675603584e-15,5.967018332433752e-10,-3.045632122568633e-11,-3.045632122568633e-11,2.1222032678189437e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +819,2,0.31133133333333135,0.5166666666666666,-1.9999999999993494,-1.6738324269077536e-15,6.342359116528178e-10,-3.060799477120428e-11,-3.060799477120428e-11,2.2808968389234408e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +820,2,0.3146646666666647,0.5133333333333334,-1.9999999999993516,-1.6884007988712487e-15,6.041799539301658e-10,-2.0485493643298877e-11,-2.0485493643298877e-11,2.296692750510723e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +821,2,0.3146646666666647,0.5166666666666666,-1.9999999999993516,-1.7015131199007577e-15,6.417007096633127e-10,-2.0654930757210833e-11,-2.0654930757210833e-11,2.455075459168324e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +822,2,0.3146646666666647,0.5233333333333333,-1.9999999999993534,-1.6585281517978322e-15,9.948568464761372e-10,1.810736176384341e-10,1.810736176384341e-10,6.850438165446781e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +823,2,0.3146646666666647,0.5266666666666666,-1.9999999999993547,-1.6024308626653974e-15,1.1608109345545994e-09,1.8094790623133817e-10,1.8094790623133817e-10,7.559874094253096e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +824,2,0.32133133333333136,0.45666666666666667,-1.999999999999399,-1.4958579625162616e-15,4.2584875796609785e-10,1.6826198554134396e-10,1.6826198554134396e-10,4.2288087561596155e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +825,2,0.32466466666666466,0.45333333333333337,-1.9999999999993983,-1.5763830291977157e-15,3.7338064264356663e-10,1.8734825656653166e-10,1.8734825656653166e-10,4.276606419422862e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +826,2,0.32466466666666466,0.45666666666666667,-1.9999999999993998,-1.4884834352403023e-15,4.398437170038957e-10,1.8692193092507558e-10,1.8692193092507558e-10,4.5553578003748956e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +827,2,0.32133133333333136,0.4633333333333334,-1.9999999999994036,-1.2071831231592474e-15,7.613889006454257e-10,4.18405822809011e-10,4.18405822809011e-10,9.240321328609131e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +828,2,0.32133133333333136,0.4666666666666667,-1.9999999999994067,-1.000550808105984e-15,8.434695676949267e-10,4.191628241082635e-10,4.191628241082635e-10,9.602909920239156e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +829,2,0.32466466666666466,0.4633333333333334,-1.999999999999405,-1.20542424683637e-15,7.78540309144004e-10,4.412743674737827e-10,4.412743674737827e-10,9.640520860242614e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +830,2,0.32466466666666466,0.4666666666666667,-1.9999999999994085,-1.010264652389855e-15,8.606353236910564e-10,4.420504987697667e-10,4.420504987697667e-10,1.000344422681547e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +831,2,0.32133133333333136,0.4733333333333334,-1.9999999999994178,-7.89960001832025e-16,5.860173884614667e-10,-3.7685000419374987e-10,-3.7685000419374987e-10,-2.872068395075845e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +832,2,0.32133133333333136,0.4766666666666666,-1.9999999999994145,-7.860015106113281e-16,8.4553902341283e-10,-3.7684453848039774e-10,-3.7684453848039774e-10,-1.75975473509355e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +833,2,0.32466466666666466,0.4733333333333334,-1.9999999999994205,-8.1166167370057e-16,6.413577361504747e-10,-3.0306287394173823e-10,-3.0306287394173823e-10,-1.5807936156656614e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +834,2,0.32466466666666466,0.4766666666666666,-1.9999999999994178,-8.082182894577983e-16,9.008875696718643e-10,-3.0304647680168263e-10,-3.0304647680168263e-10,-4.682886557160455e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +835,2,0.32133133333333136,0.4833333333333334,-1.9999999999993925,-9.239433560020383e-16,7.668173788252148e-10,-8.669318254725609e-10,-8.669318254725609e-10,-9.09838016892852e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +836,2,0.32133133333333136,0.48666666666666664,-1.9999999999993854,-1.065843692613443e-15,7.970181779516959e-10,-8.667350597918886e-10,-8.667350597918886e-10,-8.96613723437684e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +837,2,0.32466466666666466,0.4833333333333334,-1.9999999999993967,-9.543238279429405e-16,7.724159773330872e-10,-8.594670274620641e-10,-8.594670274620641e-10,-8.967746203744838e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +838,2,0.32466466666666466,0.48666666666666664,-1.9999999999993894,-1.1038727506708523e-15,8.028094428552251e-10,-8.590133732538498e-10,-8.590133732538498e-10,-8.831007719961169e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +839,2,0.32133133333333136,0.49333333333333335,-1.999999999999373,-1.31976539171144e-15,1.0750754133080303e-09,-5.345836593908018e-10,-5.345836593908018e-10,-3.0294433628341747e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +840,2,0.32133133333333136,0.49666666666666665,-1.9999999999993683,-1.4317867541980268e-15,1.076323987201878e-09,-5.342707473013984e-10,-5.342707473013984e-10,-3.019622159154797e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +841,2,0.32466466666666466,0.49333333333333335,-1.9999999999993774,-1.3630853099858907e-15,1.0748735235210918e-09,-5.348528457733885e-10,-5.348528457733885e-10,-3.0341541245294274e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +842,2,0.32466466666666466,0.49666666666666665,-1.9999999999993727,-1.4727489465730116e-15,1.0756947469522296e-09,-5.351097343009332e-10,-5.351097343009332e-10,-3.0343044316466057e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +843,2,0.32133133333333136,0.5033333333333334,-1.9999999999993612,-1.6090566260019953e-15,1.2916645530935962e-09,-2.6597390956339914e-10,-2.6597390956339914e-10,1.7360779480668477e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +844,2,0.32133133333333136,0.5066666666666666,-1.9999999999993592,-1.6743051353193714e-15,1.3072015265108291e-09,-2.663264480746036e-10,-2.663264480746036e-10,1.7976287125520685e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +845,2,0.32466466666666466,0.5033333333333334,-1.9999999999993654,-1.6434907498098136e-15,1.294776935240476e-09,-2.6182406670089364e-10,-2.6182406670089364e-10,1.8087001981607177e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +846,2,0.32466466666666466,0.5066666666666666,-1.9999999999993634,-1.7045689164594895e-15,1.3104512347056763e-09,-2.619935038148052e-10,-2.619935038148052e-10,1.8734552370985457e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +847,2,0.32133133333333136,0.5133333333333334,-1.9999999999993572,-1.7461172757007845e-15,1.5229045375192011e-09,-6.065575392382831e-12,-6.065575392382831e-12,6.440082655191106e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +848,2,0.32133133333333136,0.5166666666666666,-1.9999999999993574,-1.7526809067648177e-15,1.5300349021939674e-09,-6.301967494856882e-12,-6.301967494856882e-12,6.467264330904774e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +849,2,0.32466466666666466,0.5133333333333334,-1.9999999999993614,-1.7677623425310526e-15,1.5239201353814187e-09,-4.7114449094246935e-12,-4.7114449094246935e-12,6.46377993864288e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +850,2,0.32466466666666466,0.5166666666666666,-1.9999999999993614,-1.7698776019529355e-15,1.5310351277373855e-09,-4.968333436968736e-12,-4.968333436968736e-12,6.490602926917825e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +851,2,0.32133133333333136,0.5233333333333333,-1.9999999999993594,-1.7019622674326468e-15,1.7079281578757063e-09,2.4065809174526997e-10,2.4065809174526997e-10,1.0757664844399779e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +852,2,0.32133133333333136,0.5266666666666666,-1.9999999999993616,-1.6446799970364428e-15,1.697027475809311e-09,2.4038207322099423e-10,2.4038207322099423e-10,1.0707004513768378e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +853,2,0.32466466666666466,0.5233333333333333,-1.9999999999993636,-1.7092460175431667e-15,1.7052697715441283e-09,2.3711357663649797e-10,2.3711357663649797e-10,1.0695635829996222e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +854,2,0.32466466666666466,0.5266666666666666,-1.9999999999993658,-1.6464991737115142e-15,1.6943916355453065e-09,2.3686761953565785e-10,2.3686761953565785e-10,1.064550157427499e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +855,2,0.32133133333333136,0.5333333333333333,-1.999999999999367,-1.4584641596910348e-15,1.803345507111176e-09,4.2598540079989795e-10,4.2598540079989795e-10,1.3814129327617872e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +856,2,0.32133133333333136,0.5366666666666666,-1.9999999999993707,-1.3295305927418324e-15,1.7850131629214828e-09,4.252379644990129e-10,4.252379644990129e-10,1.3724884476792236e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +857,2,0.32466466666666466,0.5333333333333333,-1.9999999999993716,-1.4514693249457475e-15,1.7986118577412587e-09,4.196738683066751e-10,4.196738683066751e-10,1.3703677508986455e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +858,2,0.32466466666666466,0.5366666666666666,-1.9999999999993752,-1.3191863200116352e-15,1.7806474243815707e-09,4.1941697977913055e-10,4.1941697977913055e-10,1.36230172441943e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +859,2,0.32133133333333136,0.5433333333333333,-1.9999999999993767,-9.977843439095357e-16,2.0529687351820666e-09,3.359159104722777e-10,3.359159104722777e-10,1.3597236157527106e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +860,2,0.32466466666666466,0.5433333333333333,-1.9999999999993818,-9.76619925732644e-16,2.1283187178456644e-09,4.363825540237417e-10,4.363825540237417e-10,1.5355402419677738e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +861,2,0.32466466666666466,0.5466666666666666,-1.9999999999993854,-7.663365363877684e-16,2.482425888781741e-09,4.357594627016142e-10,4.357594627016142e-10,1.6864103276230502e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +862,2,0.33133133333333137,0.44666666666666666,-1.999999999999398,-1.7092222326609178e-15,7.551740429571157e-10,6.957989739930775e-11,6.957989739930775e-11,4.230458718377751e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +863,2,0.33466466666666467,0.44333333333333336,-1.9999999999993998,-1.7230946448554723e-15,7.070228163614121e-10,8.625988812127594e-11,8.625988812127594e-11,4.262381900424283e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +864,2,0.33466466666666467,0.44666666666666666,-1.9999999999994007,-1.6792803531485723e-15,7.678111138340264e-10,8.642932523518801e-11,8.642932523518801e-11,4.5253237055056583e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +865,2,0.33133133333333137,0.45333333333333337,-1.999999999999401,-1.5631382230867432e-15,1.0956743205033828e-09,2.4201222222822816e-10,2.4201222222822816e-10,8.1530645482749e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +866,2,0.33133133333333137,0.45666666666666667,-1.999999999999403,-1.465267569757763e-15,1.2479945282323662e-09,2.416391872919541e-10,2.416391872919541e-10,8.800536368023759e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +867,2,0.33466466666666467,0.45333333333333337,-1.9999999999994036,-1.5360960382984461e-15,1.1282052215532394e-09,2.853867569613664e-10,2.853867569613664e-10,8.91211890610486e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +868,2,0.33466466666666467,0.45666666666666667,-1.9999999999994063,-1.4367260151552217e-15,1.2807806097743406e-09,2.8535396268125505e-10,2.8535396268125505e-10,9.56554493733654e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +869,2,0.33133133333333137,0.4633333333333334,-1.9999999999994091,-1.191041199292045e-15,1.7298883693027917e-09,4.987586412251126e-10,4.987586412251126e-10,1.4538930743085004e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +870,2,0.33133133333333137,0.4666666666666667,-1.9999999999994134,-1.0146854821553105e-15,1.8659340739191066e-09,4.990045983259527e-10,4.990045983259527e-10,1.512549743573837e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +871,2,0.33466466666666467,0.4633333333333334,-1.999999999999413,-1.162119085722701e-15,1.7585577438694606e-09,5.369844739806666e-10,5.369844739806666e-10,1.520788281630721e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +872,2,0.33466466666666467,0.4666666666666667,-1.9999999999994174,-9.868821794334081e-16,1.894414881375128e-09,5.369790082673149e-10,5.369790082673149e-10,1.579004960971222e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +873,2,0.33133133333333137,0.4733333333333334,-1.999999999999427,-8.36514931658066e-16,1.608103052428935e-09,-1.8615126534244261e-10,-1.8615126534244261e-10,4.232566434089116e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +874,2,0.33133133333333137,0.4766666666666666,-1.9999999999994251,-8.347000982975538e-16,1.7295375388270112e-09,-1.8605288250210653e-10,-1.8605288250210653e-10,4.754405416371388e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +875,2,0.33466466666666467,0.4733333333333334,-1.9999999999994318,-8.118413890775557e-16,1.6338547608868859e-09,-1.5181565406517342e-10,-1.5181565406517342e-10,4.833439631441327e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +876,2,0.33466466666666467,0.4766666666666666,-1.9999999999994302,-8.120375050109941e-16,1.7552933465699778e-09,-1.517118055114854e-10,-1.517118055114854e-10,5.355374263707255e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +877,2,0.33133133333333137,0.4833333333333334,-1.9999999999994054,-9.971855593611822e-16,1.4401293832669107e-09,-8.336032718803965e-10,-8.336032718803965e-10,-5.736635098576062e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +878,2,0.33133133333333137,0.48666666666666664,-1.9999999999993983,-1.1614858537853199e-15,1.5183283690152374e-09,-8.336346997321715e-10,-8.336346997321715e-10,-5.401945557537141e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +879,2,0.33466466666666467,0.4833333333333334,-1.999999999999411,-9.828180001431087e-16,1.455874737005684e-09,-8.126094668953658e-10,-8.126094668953658e-10,-5.369243511337955e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +880,2,0.33466466666666467,0.48666666666666664,-1.999999999999404,-1.1534023793417815e-15,1.5343965414488684e-09,-8.122104698206695e-10,-8.122104698206695e-10,-5.027021534085806e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +881,2,0.33133133333333137,0.49333333333333335,-1.999999999999387,-1.4330615468439186e-15,1.8653471929479357e-09,-5.288036675210605e-10,-5.288036675210605e-10,4.400070051902874e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +882,2,0.33133133333333137,0.49666666666666665,-1.9999999999993823,-1.5403369454783732e-15,1.9052967750518785e-09,-5.281067890686806e-10,-5.281067890686806e-10,6.211749063840426e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +883,2,0.33466466666666467,0.49333333333333335,-1.999999999999393,-1.434722465891121e-15,1.8742272691095137e-09,-5.169635659722889e-10,-5.169635659722889e-10,6.472087822937912e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +884,2,0.33466466666666467,0.49666666666666665,-1.9999999999993885,-1.545458173241781e-15,1.9137812702096027e-09,-5.167941288583766e-10,-5.167941288583766e-10,8.191464600643558e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +885,2,0.33133133333333137,0.5033333333333334,-1.9999999999993756,-1.7024361343699066e-15,2.186690828409609e-09,-2.5111536781598563e-10,-2.5111536781598563e-10,5.784169724384243e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +886,2,0.33133133333333137,0.5066666666666666,-1.9999999999993732,-1.7572599246269805e-15,2.2185231429716627e-09,-2.5111536781598527e-10,-2.5111536781598527e-10,5.920593929650192e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +887,2,0.33466466666666467,0.5033333333333334,-1.999999999999382,-1.7120631005388248e-15,2.1932650567508124e-09,-2.4234973002771286e-10,-2.4234973002771286e-10,5.937568385678993e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +888,2,0.33466466666666467,0.5066666666666666,-1.99999999999938,-1.7679323204852034e-15,2.2251465627330336e-09,-2.4228414146748877e-10,-2.4228414146748877e-10,6.075140390748852e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +889,2,0.33133133333333137,0.5133333333333334,-1.9999999999993712,-1.8072657926907795e-15,2.475000033978877e-09,4.462754951908643e-12,4.462754951908643e-12,1.0670896644936742e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +890,2,0.33133133333333137,0.5166666666666666,-1.9999999999993712,-1.8024478704975018e-15,2.5119048721386713e-09,4.4668542369226325e-12,4.4668542369226325e-12,1.08291187982646e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +891,2,0.33466466666666467,0.5133333333333334,-1.9999999999993783,-1.81944415076901e-15,2.482438186636782e-09,1.4380291829114014e-11,1.4380291829114014e-11,1.0844453540287837e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +892,2,0.33466466666666467,0.5166666666666666,-1.9999999999993783,-1.8150867611064345e-15,2.5192743617725907e-09,1.4292840415481997e-11,1.4292840415481997e-11,1.1001073556389424e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +893,2,0.33133133333333137,0.5233333333333333,-1.9999999999993736,-1.7262149676707196e-15,2.7627455878587187e-09,2.4077150529732404e-10,2.4077150529732404e-10,1.5279931166499142e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +894,2,0.33133133333333137,0.5266666666666666,-1.9999999999993758,-1.654799987037216e-15,2.801922454737518e-09,2.40820696717492e-10,2.40820696717492e-10,1.5448534759124956e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +895,2,0.33466466666666467,0.5233333333333333,-1.9999999999993812,-1.7395023425475308e-15,2.770840650940116e-09,2.5156492273918736e-10,2.5156492273918736e-10,1.5468815971731727e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +896,2,0.33466466666666467,0.5266666666666666,-1.9999999999993834,-1.6682753136512025e-15,2.8099478299736827e-09,2.515211970323714e-10,2.515211970323714e-10,1.5635793514635326e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +897,2,0.33133133333333137,0.5333333333333333,-1.9999999999993814,-1.4444095340834243e-15,3.05313449735842e-09,4.2913228526231266e-10,4.2913228526231266e-10,1.9215323349569124e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +898,2,0.33133133333333137,0.5366666666666666,-1.9999999999993856,-1.3054340617631383e-15,3.125858546363464e-09,4.285857139271124e-10,4.285857139271124e-10,1.9519189683373634e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +899,2,0.33466466666666467,0.5333333333333333,-1.9999999999993898,-1.4547393959087916e-15,3.067939065186484e-09,4.48871709033063e-10,4.48871709033063e-10,1.9560763265557284e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +900,2,0.33466466666666467,0.5366666666666666,-1.9999999999993934,-1.31243050706271e-15,3.1409951562776605e-09,4.4876786047937497e-10,4.4876786047937497e-10,1.987237724803817e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +901,2,0.33133133333333137,0.5433333333333333,-1.999999999999394,-9.414936776505036e-16,3.425204052011673e-09,5.923630816631398e-10,5.923630816631398e-10,2.314177567523772e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +902,2,0.33133133333333137,0.5466666666666666,-1.9999999999993991,-7.165287658581594e-16,3.5295055766937387e-09,5.908135519278466e-10,5.908135519278466e-10,2.356664607051386e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +903,2,0.33466466666666467,0.5433333333333333,-1.9999999999994027,-9.383357301527495e-16,3.4465654262196334e-09,6.208449139404166e-10,6.208449139404166e-10,2.3640207740090055e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +904,2,0.33466466666666467,0.5466666666666666,-1.9999999999994076,-7.065498420888734e-16,3.5517954389573608e-09,6.205333682793522e-10,6.205333682793522e-10,2.4086742856665157e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +905,2,0.33133133333333137,0.5533333333333333,-1.9999999999994094,-1.4303417928596437e-16,3.90754505675572e-09,6.744143705033748e-10,6.744143705033748e-10,2.6381112679001277e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +906,2,0.33466466666666467,0.5533333333333333,-1.9999999999994191,-1.236583871223193e-16,3.953432453202439e-09,7.35597565765671e-10,7.35597565765671e-10,2.745181859609151e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +907,2,0.33466466666666467,0.5566666666666666,-1.9999999999994245,2.274471797803528e-16,4.1631860352271585e-09,7.348487630364473e-10,7.348487630364473e-10,2.8340065337208485e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +908,2,0.3413313333333314,0.43666666666666665,-1.9999999999994038,-1.6714508625385426e-15,1.0496806842533834e-09,-9.455684098961294e-13,-9.455684098961294e-13,4.4851233838016965e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +909,2,0.3446646666666646,0.43333333333333335,-1.9999999999994071,-1.5578948038591486e-15,9.458498941337616e-10,3.500242830621311e-11,3.500242830621311e-11,4.553677093519164e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +910,2,0.3446646666666646,0.43666666666666665,-1.9999999999994071,-1.57971939816885e-15,1.0773836523779968e-09,3.59917224229252e-11,3.59917224229252e-11,5.131525973376063e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +911,2,0.3413313333333314,0.44333333333333336,-1.999999999999405,-1.6391281168418052e-15,1.487346656093588e-09,1.4603702862377058e-10,1.4603702862377058e-10,8.460586077883559e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +912,2,0.3413313333333314,0.44666666666666666,-1.9999999999994063,-1.6028687195325228e-15,1.6831336324685239e-09,1.461531750325005e-10,1.461531750325005e-10,9.30133235390083e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +913,2,0.3446646666666646,0.44333333333333336,-1.999999999999409,-1.566575573010137e-15,1.5295047279988269e-09,2.0224779116408505e-10,2.0224779116408505e-10,9.444274422339034e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +914,2,0.3446646666666646,0.44666666666666666,-1.999999999999411,-1.5316071535417231e-15,1.7251144102969029e-09,2.021275454703412e-10,2.021275454703412e-10,1.0280883836563043e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +915,2,0.3413313333333314,0.45333333333333337,-1.9999999999994107,-1.4650742355333327e-15,2.198305127675527e-09,3.7117386087769664e-10,3.7117386087769664e-10,1.4723791416862219e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +916,2,0.3413313333333314,0.45666666666666667,-1.9999999999994138,-1.3635391488434268e-15,2.3450550902846502e-09,3.7054120455720193e-10,3.7054120455720193e-10,1.5343681880608533e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +917,2,0.3446646666666646,0.45333333333333337,-1.9999999999994162,-1.395688467773677e-15,2.22922808417864e-09,4.124044695485131e-10,4.124044695485131e-10,1.5445327068601487e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +918,2,0.3446646666666646,0.45666666666666667,-1.9999999999994196,-1.2947382014740467e-15,2.3765796168635706e-09,4.1257390666242606e-10,4.1257390666242606e-10,1.6079254167449964e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +919,2,0.3413313333333314,0.4633333333333334,-1.9999999999994222,-1.0894363981326381e-15,2.7845537841332033e-09,6.081439625387033e-10,6.081439625387033e-10,2.0621572825409517e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +920,2,0.3413313333333314,0.4666666666666667,-1.9999999999994271,-9.168687341117595e-16,2.8990775592118426e-09,6.087971152842674e-10,6.087971152842674e-10,2.1121719757826005e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +921,2,0.3446646666666646,0.4633333333333334,-1.9999999999994285,-1.0234181334348042e-15,2.8083614066732594e-09,6.398874592587874e-10,6.398874592587874e-10,2.117708401801091e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +922,2,0.3446646666666646,0.4666666666666667,-1.999999999999434,-8.5304833169519605e-16,2.9224814021780245e-09,6.400022392391787e-10,6.400022392391787e-10,2.1667809427036956e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +923,2,0.3413313333333314,0.4733333333333334,-1.9999999999994427,-7.491186175023741e-16,2.5825246215031954e-09,-8.92045411896666e-11,-8.92045411896666e-11,9.793612075161326e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +924,2,0.3413313333333314,0.4766666666666666,-1.9999999999994418,-7.539361649138653e-16,2.6772440674650296e-09,-8.906789835586659e-11,-8.906789835586659e-11,1.0201504598337748e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +925,2,0.3446646666666646,0.4733333333333334,-1.9999999999994502,-6.910058588864137e-16,2.6024174268548907e-09,-6.268080072074476e-11,-6.268080072074476e-11,1.0257777533367474e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +926,2,0.3446646666666646,0.4766666666666666,-1.9999999999994496,-6.993331878172377e-16,2.697247553512101e-09,-6.239658362644061e-11,-6.239658362644061e-11,1.066825260610269e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +927,2,0.3413313333333314,0.4833333333333334,-1.9999999999994236,-9.41383668435983e-16,2.3336064704547107e-09,-7.701285762952746e-10,-7.701285762952746e-10,-1.000666216555144e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +928,2,0.3413313333333314,0.48666666666666664,-1.999999999999417,-1.1240136245466044e-15,2.408820151891597e-09,-7.702378905623144e-10,-7.702378905623144e-10,-6.7988349992622e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +929,2,0.3446646666666646,0.4833333333333334,-1.9999999999994318,-8.952680760404174e-16,2.3488096937503872e-09,-7.49857611901044e-10,-7.49857611901044e-10,-6.459243396560718e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +930,2,0.3446646666666646,0.48666666666666664,-1.9999999999994253,-1.0828756353327677e-15,2.424105360887551e-09,-7.498576119010441e-10,-7.498576119010441e-10,-3.2322862335394534e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +931,2,0.3413313333333314,0.49333333333333335,-1.9999999999994065,-1.4248955475094793e-15,2.745541913476212e-09,-4.922722059046257e-10,-4.922722059046257e-10,4.734148116260533e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +932,2,0.3413313333333314,0.49666666666666665,-1.9999999999994023,-1.5431475143617254e-15,2.799631637628863e-09,-4.915712281672316e-10,-4.915712281672316e-10,4.975975187448967e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +933,2,0.3446646666666646,0.49333333333333335,-1.9999999999994151,-1.3936845753665176e-15,2.7570629540080583e-09,-4.769108185288279e-10,-4.769108185288279e-10,5.002972395337006e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +934,2,0.3446646666666646,0.49666666666666665,-1.9999999999994111,-1.5168859561079094e-15,2.810819611253324e-09,-4.766539300012841e-10,-4.766539300012841e-10,5.237027905353052e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +935,2,0.3413313333333314,0.5033333333333334,-1.9999999999993967,-1.7205232011601377e-15,3.1076911983955864e-09,-2.213668564693833e-10,-2.213668564693833e-10,1.015629290070419e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +936,2,0.3413313333333314,0.5066666666666666,-1.9999999999993947,-1.7796469211062983e-15,3.1581489560258325e-09,-2.2107034152003742e-10,-2.2107034152003742e-10,1.0376776361253033e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +937,2,0.3446646666666646,0.5033333333333334,-1.9999999999994054,-1.7031655880377064e-15,3.118218162311538e-09,-2.0733090458144622e-10,-2.0733090458144622e-10,1.0401922058743075e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +938,2,0.3446646666666646,0.5066666666666666,-1.999999999999404,-1.766243839226106e-15,3.1685191222899986e-09,-2.072434531678142e-10,-2.072434531678142e-10,1.0618746907416948e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +939,2,0.3413313333333314,0.5133333333333334,-1.9999999999993932,-1.836575550209698e-15,3.4571303085219664e-09,3.761640571680731e-11,3.761640571680731e-11,1.5353649975334249e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +940,2,0.3413313333333314,0.5166666666666666,-1.9999999999993938,-1.8343804593669336e-15,3.5106990818707553e-09,3.7750315693931296e-11,3.7750315693931296e-11,1.5585143432216535e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +941,2,0.3446646666666646,0.5133333333333334,-1.999999999999403,-1.8306906164984674e-15,3.4685539910347295e-09,5.284798240049557e-11,5.284798240049557e-11,1.5620202567298772e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +942,2,0.3446646666666646,0.5166666666666666,-1.9999999999994036,-1.8320591425824255e-15,3.5221494097361103e-09,5.301741951440759e-11,5.301741951440759e-11,1.5852317749074878e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +943,2,0.3413313333333314,0.5233333333333333,-1.9999999999993965,-1.7625754315602639e-15,3.820812384429493e-09,2.802380549837835e-10,2.802380549837835e-10,2.037831100446617e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +944,2,0.3413313333333314,0.5266666666666666,-1.9999999999993996,-1.6929654945963584e-15,3.8953158647376975e-09,2.804061256693574e-10,2.804061256693574e-10,2.0700012644152415e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +945,2,0.3446646666666646,0.5233333333333333,-1.999999999999407,-1.7671086545848386e-15,3.836414263192781e-09,3.0104056000149936e-10,3.0104056000149936e-10,2.07423548422762e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +946,2,0.3446646666666646,0.5266666666666666,-1.9999999999994098,-1.7007896405032937e-15,3.91091466903722e-09,3.0120453140205917e-10,3.0120453140205917e-10,2.1063984744474636e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +947,2,0.3413313333333314,0.5333333333333333,-1.9999999999994065,-1.4767530995144648e-15,4.239126314932764e-09,4.981136870495756e-10,4.981136870495756e-10,2.5283594021848673e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +948,2,0.3413313333333314,0.5366666666666666,-1.999999999999411,-1.3301506413964787e-15,4.344707841360463e-09,4.978117063868773e-10,4.978117063868773e-10,2.5731772268500216e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +949,2,0.3446646666666646,0.5333333333333333,-1.999999999999417,-1.4904679112271857e-15,4.261314719892304e-09,5.276982269956189e-10,5.276982269956189e-10,2.5801323470904395e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +950,2,0.3446646666666646,0.5366666666666666,-1.999999999999422,-1.3464651960326245e-15,4.3673071996426404e-09,5.279441840964589e-10,5.279441840964589e-10,2.6259090628417865e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +951,2,0.3413313333333314,0.5433333333333333,-1.999999999999421,-9.416904989983942e-16,4.726934057850067e-09,6.894806093581659e-10,6.894806093581659e-10,3.0108011810188353e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +952,2,0.3413313333333314,0.5466666666666666,-1.999999999999427,-6.998328147183004e-16,4.857262284693099e-09,6.880718217416863e-10,6.880718217416863e-10,3.0646435816423114e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +953,2,0.3446646666666646,0.5433333333333333,-1.9999999999994327,-9.6270921110356e-16,4.7534871765282474e-09,7.248847675957502e-10,7.248847675957502e-10,3.072758457934602e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +954,2,0.3446646666666646,0.5466666666666666,-1.999999999999439,-7.229559413690603e-16,4.8848637955136205e-09,7.248738361690446e-10,7.248738361690446e-10,3.129047106890192e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +955,2,0.3413313333333314,0.5533333333333333,-1.9999999999994396,-1.0365722472816106e-16,5.179802569771778e-09,8.33190610522321e-10,8.33190610522321e-10,3.410187687791222e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +956,2,0.3413313333333314,0.5566666666666666,-1.9999999999994464,2.5066068098187766e-16,5.2584118256285985e-09,8.345734360003768e-10,8.345734360003768e-10,3.445852833841365e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +957,2,0.3446646666666646,0.5533333333333333,-1.9999999999994522,-1.3115748739741616e-16,5.1968330493624496e-09,8.558979166432077e-10,8.558979166432077e-10,3.4499254735027776e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +958,2,0.3446646666666646,0.5566666666666666,-1.9999999999994595,2.208876968397218e-16,5.274983185297689e-09,8.566685822258412e-10,8.566685822258412e-10,3.4845193397359257e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +959,2,0.3413313333333314,0.5633333333333334,-1.9999999999994593,1.0006600398156201e-15,4.96873380047174e-09,7.495952576601461e-10,7.495952576601461e-10,3.2003077111452336e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +960,2,0.3446646666666646,0.5633333333333334,-1.9999999999994722,9.871352655082887e-16,4.903915905830355e-09,6.631713981383108e-10,6.631713981383108e-10,3.049065956982025e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +961,2,0.3446646666666646,0.5666666666666667,-1.9999999999994778,1.4013376499397082e-15,4.5964299033585005e-09,6.615262184193589e-10,6.615262184193589e-10,2.9149359848955842e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +962,2,0.3513313333333314,0.43333333333333335,-1.9999999999994194,-1.3381205605781982e-15,-2.423604223294592e-09,1.5971497628715258e-10,1.5971497628715258e-10,-8.105232724303194e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +963,2,0.3513313333333314,0.43666666666666665,-1.9999999999994207,-1.3878179495313757e-15,-2.0395589490800184e-09,1.604432825913067e-10,1.604432825913067e-10,-6.448920030467125e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +964,2,0.35466466666666463,0.43333333333333335,-1.9999999999994111,-1.2271625806432206e-15,-2.3414678742903116e-09,2.692301082928554e-10,2.692301082928554e-10,-6.188717914203434e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +965,2,0.35466466666666463,0.43666666666666665,-1.999999999999413,-1.2749901854164336e-15,-1.9580754112142204e-09,2.69087999745703e-10,2.69087999745703e-10,-4.547637480265202e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +966,2,0.3513313333333314,0.44333333333333336,-1.9999999999994245,-1.405923063850529e-15,-1.3764121466517899e-09,3.082361716294064e-10,3.082361716294064e-10,-1.4955353195161408e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +967,2,0.3513313333333314,0.44666666666666666,-1.999999999999427,-1.3743307892165042e-15,-1.2073958926678712e-09,3.079847488152149e-10,3.079847488152149e-10,-7.747716997877989e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +968,2,0.35466466666666463,0.44333333333333336,-1.9999999999994185,-1.2945019662781243e-15,-1.341463692264929e-09,3.5483411081188833e-10,3.5483411081188833e-10,-6.800713838226955e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +969,2,0.35466466666666463,0.44666666666666666,-1.9999999999994214,-1.266186142366601e-15,-1.17185304195398e-09,3.553752164337364e-10,3.553752164337364e-10,5.4561483536347926e-12,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +970,2,0.3513313333333314,0.45333333333333337,-1.9999999999994338,-1.2438666696076005e-15,-7.892524240997561e-10,4.890310378868906e-10,4.890310378868906e-10,3.603647295099451e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +971,2,0.3513313333333314,0.45666666666666667,-1.999999999999438,-1.1449948246327237e-15,-6.757343402778834e-10,4.895420820853011e-10,4.895420820853011e-10,4.097454000027656e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +972,2,0.35466466666666463,0.45333333333333337,-1.999999999999429,-1.141855245230984e-15,-7.649416143242249e-10,5.214454509209302e-10,5.214454509209302e-10,4.170899523195165e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +973,2,0.35466466666666463,0.45666666666666667,-1.9999999999994333,-1.0458401720068917e-15,-6.519830829067643e-10,5.212104252467942e-10,5.212104252467942e-10,4.6516500053537674e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +974,2,0.3513313333333314,0.4633333333333334,-1.9999999999994484,-8.804816555938593e-16,-3.104422701811089e-10,7.00565076036023e-10,7.00565076036023e-10,8.677605642595562e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +975,2,0.3513313333333314,0.4666666666666667,-1.9999999999994544,-7.148403315298759e-16,-2.1804711882221163e-10,7.003573789286469e-10,7.003573789286469e-10,9.070617761171182e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +976,2,0.35466466666666463,0.4633333333333334,-1.9999999999994444,-7.872135197827957e-16,-2.916572966044513e-10,7.256117074715678e-10,7.256117074715678e-10,9.115921692717584e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +977,2,0.35466466666666463,0.4666666666666667,-1.9999999999994509,-6.246019407827953e-16,-1.9889320959429415e-10,7.258959245658717e-10,7.258959245658717e-10,9.517542309822604e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +978,2,0.3513313333333314,0.4733333333333334,-1.9999999999994718,-5.646092494321874e-16,-5.89746371395869e-10,-1.3680680520057904e-11,-1.3680680520057904e-11,-2.7229227419831247e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +979,2,0.3513313333333314,0.4766666666666666,-1.9999999999994715,-5.80019491398481e-16,-5.179214322372273e-10,-1.3155972038265824e-11,-1.3155972038265824e-11,-2.4076057387061994e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +980,2,0.35466466666666463,0.4733333333333334,-1.9999999999994686,-4.810687602604318e-16,-5.751857110261398e-10,5.733533306248796e-12,5.733533306248796e-12,-2.383174000022755e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +981,2,0.35466466666666463,0.4766666666666666,-1.9999999999994689,-5.001471587380678e-16,-5.036805160985884e-10,5.831916146584814e-12,5.831916146584814e-12,-2.075317695471313e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +982,2,0.3513313333333314,0.4833333333333334,-1.9999999999994549,-7.927663489843665e-16,-9.111238259589097e-10,-7.101314408303623e-10,-7.101314408303623e-10,-1.4049551265971906e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +983,2,0.3513313333333314,0.48666666666666664,-1.9999999999994484,-9.901029646039517e-16,-8.506115470105712e-10,-7.10432055064722e-10,-7.10432055064722e-10,-1.379450741668419e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +984,2,0.35466466666666463,0.4833333333333334,-1.9999999999994518,-7.209744009264638e-16,-8.991713356793365e-10,-6.941947871242659e-10,-6.941947871242659e-10,-1.3770659826115237e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +985,2,0.35466466666666463,0.48666666666666664,-1.9999999999994462,-9.227232446372164e-16,-8.380400646938832e-10,-6.936700786424737e-10,-6.936700786424737e-10,-1.3501172829294855e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +986,2,0.3513313333333314,0.49333333333333335,-1.9999999999994387,-1.3204280033625462e-15,-5.416720063941767e-10,-4.4696144221653926e-10,-4.4696144221653926e-10,-8.706614916211323e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +987,2,0.3513313333333314,0.49666666666666665,-1.9999999999994353,-1.4534164265015477e-15,-4.877530857837745e-10,-4.462331359123852e-10,-4.462331359123852e-10,-8.465129452107389e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +988,2,0.35466466666666463,0.49333333333333335,-1.9999999999994365,-1.2621304619244165e-15,-5.306715750591068e-10,-4.322942004364441e-10,-4.322942004364441e-10,-8.449938185059671e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +989,2,0.35466466666666463,0.49666666666666665,-1.999999999999433,-1.3997888355008559e-15,-4.771267142062314e-10,-4.3206464047566054e-10,-4.3206464047566054e-10,-8.217180781964714e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +990,2,0.3513313333333314,0.5033333333333334,-1.9999999999994307,-1.657559184205062e-15,-1.816768957496607e-10,-1.7946396505626948e-10,-1.7946396505626948e-10,-3.342386196873828e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +991,2,0.3513313333333314,0.5066666666666666,-1.999999999999429,-1.728713518769568e-15,-1.2702727758551212e-10,-1.7921527509875319e-10,-1.7921527509875319e-10,-3.1046208339200966e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +992,2,0.35466466666666463,0.5033333333333334,-1.9999999999994282,-1.612973627113118e-15,-1.7013945807775604e-10,-1.6408071482706365e-10,-1.6408071482706365e-10,-3.073179317862713e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +993,2,0.35466466666666463,0.5066666666666666,-1.9999999999994271,-1.6885000451489339e-15,-1.1563536453160423e-10,-1.6402605769354363e-10,-1.6402605769354363e-10,-2.838809529328921e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +994,2,0.3513313333333314,0.5133333333333334,-1.9999999999994285,-1.8086663655727885e-15,1.9019179393790888e-10,8.5270594004564e-11,8.5270594004564e-11,2.033259031227666e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +995,2,0.3513313333333314,0.5166666666666666,-1.9999999999994296,-1.8174648778114976e-15,2.5473947737544624e-10,8.550425325036203e-11,8.550425325036203e-11,2.3132299494713694e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +996,2,0.35466466666666463,0.5133333333333334,-1.9999999999994271,-1.777145473103454e-15,2.0404737728523066e-10,1.0374470513432669e-10,1.0374470513432669e-10,2.356555975998514e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +997,2,0.35466466666666463,0.5166666666666666,-1.999999999999428,-1.7902644830221518e-15,2.685018019887005e-10,1.0385401940136668e-10,1.0385401940136668e-10,2.634350857113959e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +998,2,0.3513313333333314,0.5233333333333333,-1.9999999999994338,-1.767017378585099e-15,6.080978455822974e-10,3.462187801407995e-10,3.462187801407995e-10,7.552116197364103e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +999,2,0.3513313333333314,0.5266666666666666,-1.9999999999994371,-1.707771367119991e-15,7.012090053903046e-10,3.464046143947672e-10,3.464046143947672e-10,7.953818800169406e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1000,2,0.35466466666666463,0.5233333333333333,-1.999999999999433,-1.7486562964873945e-15,6.275089849448425e-10,3.7210029929086026e-10,3.7210029929086026e-10,8.005042782490196e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1001,2,0.35466466666666463,0.5266666666666666,-1.9999999999994362,-1.693929100033938e-15,7.206447404629348e-10,3.7231892782493965e-10,3.7231892782493965e-10,8.407319285197434e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1002,2,0.3513313333333314,0.5333333333333333,-1.9999999999994453,-1.5108623782762023e-15,1.1182972496743964e-09,5.947078726911479e-10,5.947078726911479e-10,1.3288529251335255e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1003,2,0.3513313333333314,0.5366666666666666,-1.9999999999994509,-1.3731994008975232e-15,1.2557148483420663e-09,5.943853956033805e-10,5.943853956033805e-10,1.3872855001514254e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1004,2,0.35466466666666463,0.5333333333333333,-1.9999999999994456,-1.5069892990478113e-15,1.1474103718438322e-09,6.335253689170575e-10,6.335253689170575e-10,1.396783543528865e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1005,2,0.35466466666666463,0.5366666666666666,-1.9999999999994509,-1.374776694515142e-15,1.2853198847131746e-09,6.338587774315298e-10,6.338587774315298e-10,1.4563639183506904e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1006,2,0.3513313333333314,0.5433333333333333,-1.999999999999463,-1.0021977174386659e-15,1.7809008968382725e-09,8.186791415727593e-10,8.186791415727593e-10,1.9327848723203405e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1007,2,0.3513313333333314,0.5466666666666666,-1.99999999999947,-7.688590113584913e-16,1.998722554984716e-09,8.184851087487617e-10,8.184851087487617e-10,2.0258598217773964e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1008,2,0.35466466666666463,0.5433333333333333,-1.9999999999994642,-1.0168441348557408e-15,1.8259048973644766e-09,8.786844756076984e-10,8.786844756076984e-10,2.0377942068814916e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1009,2,0.35466466666666463,0.5466666666666666,-1.999999999999472,-7.911241797290118e-16,2.0444500793158917e-09,8.794551411903315e-10,8.794551411903315e-10,2.1325573785501425e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1010,2,0.3513313333333314,0.5533333333333333,-1.999999999999485,-1.903097991986892e-16,2.6968762266112473e-09,9.596193924957909e-10,9.596193924957909e-10,2.5266889435416626e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1011,2,0.3513313333333314,0.5566666666666666,-1.9999999999994935,1.549007068809319e-16,3.0731837587548133e-09,9.614832007488235e-10,9.614832007488235e-10,2.690626183393236e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1012,2,0.35466466666666463,0.5533333333333333,-1.9999999999994893,-2.281895280248574e-16,2.777641364778344e-09,1.0673062433852477e-09,1.0673062433852477e-09,2.715140932598217e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1013,2,0.35466466666666463,0.5566666666666666,-1.9999999999994982,1.0902516855256228e-16,3.1525797357272295e-09,1.0673445033787112e-09,1.0673445033787112e-09,2.875883462995546e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1014,2,0.3513313333333314,0.5633333333333334,-1.9999999999995068,9.528341612431247e-16,4.298626070482654e-09,7.477546786888596e-10,7.477546786888596e-10,2.910489285476649e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1015,2,0.3513313333333314,0.5666666666666667,-1.9999999999995124,1.4055571095256868e-15,5.308683065790702e-09,7.461641561034284e-10,7.461641561034284e-10,3.3410986797723395e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1016,2,0.35466466666666463,0.5633333333333334,-1.999999999999516,9.21180497809504e-16,4.515104187965753e-09,1.0363921686663294e-09,1.0363921686663294e-09,3.4156048929372225e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1017,2,0.35466466666666463,0.5666666666666667,-1.9999999999995244,1.396121130489017e-15,5.52560390605532e-09,1.035391943122914e-09,1.035391943122914e-09,3.847247307056437e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1018,2,0.36133133333333134,0.42666666666666664,-1.9999999999993756,-9.496304507210979e-16,-2.119486808282999e-09,4.762631314966147e-10,4.762631314966147e-10,-2.2797558712612107e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1019,2,0.36466466666666464,0.42666666666666664,-1.999999999999369,-8.976434389677687e-16,-2.1932103996172903e-09,3.7796500971755855e-10,3.7796500971755855e-10,-3.999973002394723e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1020,2,0.36133133333333134,0.43333333333333335,-1.9999999999993834,-1.0205878811873194e-15,-2.5561498217231145e-09,4.065001327000144e-10,4.065001327000144e-10,-5.147783054527426e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1021,2,0.36133133333333134,0.43666666666666665,-1.999999999999387,-1.0602275483903397e-15,-2.6006786467947836e-09,4.055641292884848e-10,4.055641292884848e-10,-5.351992353570704e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1022,2,0.36466466666666464,0.43333333333333335,-1.9999999999993758,-9.479830522875686e-16,-2.5657575209746795e-09,3.9368986703126347e-10,3.9368986703126347e-10,-5.371962703730576e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1023,2,0.36466466666666464,0.43666666666666665,-1.9999999999993794,-9.74632012284948e-16,-2.6100188676991808e-09,3.931105014159513e-10,3.931105014159513e-10,-5.569930841340047e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1024,2,0.36133133333333134,0.44333333333333336,-1.9999999999993947,-1.0754447835182265e-15,-2.556557700582013e-09,4.3174352981623067e-10,4.3174352981623067e-10,-4.788911147976739e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1025,2,0.36133133333333134,0.44666666666666666,-1.9999999999993983,-1.0510223514430925e-15,-2.4896385807638715e-09,4.320017847721134e-10,4.320017847721134e-10,-4.498425563672119e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1026,2,0.36466466666666464,0.44333333333333336,-1.999999999999387,-9.734862169081509e-16,-2.542395695679893e-09,4.5062620301905605e-10,4.5062620301905605e-10,-4.458464366927316e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1027,2,0.36466466666666464,0.44666666666666666,-1.999999999999391,-9.456914615339735e-16,-2.4759572170296443e-09,4.5024360308441573e-10,4.5024360308441573e-10,-4.1791937432068293e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1028,2,0.36133133333333134,0.45333333333333337,-1.9999999999994071,-9.352287677333382e-16,-2.247836446892612e-09,5.7761795346778e-10,5.7761795346778e-10,-1.3818997228572015e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1029,2,0.36133133333333134,0.45666666666666667,-1.999999999999412,-8.438576160987195e-16,-2.1820719590200856e-09,5.77433485642149e-10,5.77433485642149e-10,-1.1026871723410848e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1030,2,0.36466466666666464,0.45333333333333337,-1.9999999999994,-8.267082714957131e-16,-2.2342975333126197e-09,5.956698382410998e-10,5.956698382410998e-10,-1.0659917393240906e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1031,2,0.36466466666666464,0.45666666666666667,-1.9999999999994051,-7.355198368316318e-16,-2.1681610353250744e-09,5.959813839021635e-10,5.959813839021635e-10,-7.780989527908285e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1032,2,0.36133133333333134,0.4633333333333334,-1.9999999999994242,-5.95452825642675e-16,-1.912345154026366e-09,7.723216937777656e-10,7.723216937777656e-10,2.8374021081407817e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1033,2,0.36133133333333134,0.4666666666666667,-1.9999999999994316,-4.3841918682125287e-16,-1.857857116013188e-09,7.707735304708114e-10,7.707735304708114e-10,3.0488056523836287e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1034,2,0.36466466666666464,0.4633333333333334,-1.9999999999994178,-4.891236335366338e-16,-1.9009819359675546e-09,7.874726511895117e-10,7.874726511895117e-10,3.1025438628463344e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1035,2,0.36466466666666464,0.4666666666666667,-1.999999999999425,-3.3391586490572073e-16,-1.8448572584125374e-09,7.881066739383447e-10,7.881066739383447e-10,3.3521356630654536e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1036,2,0.36133133333333134,0.4733333333333334,-1.99999999999945,-3.074374005646485e-16,-2.2925186535452165e-09,4.407687889887224e-11,4.407687889887224e-11,-9.195410245209906e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1037,2,0.36133133333333134,0.4766666666666666,-1.9999999999994507,-3.334892531294658e-16,-2.2380497455287696e-09,4.428867529126223e-11,4.428867529126223e-11,-8.958946405248127e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1038,2,0.36466466666666464,0.4733333333333334,-1.9999999999994438,-2.0752095801220772e-16,-2.2812999352831545e-09,5.903516991496038e-11,5.903516991496038e-11,-8.933640152428362e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1039,2,0.36466466666666464,0.4766666666666666,-1.999999999999444,-2.3633381974960765e-16,-2.2272645266569377e-09,5.866896712037623e-11,5.866896712037623e-11,-8.70729129823862e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1040,2,0.36133133333333134,0.4833333333333334,-1.9999999999994342,-5.697256140742057e-16,-2.672752275910939e-09,-6.644804364861155e-10,-6.644804364861155e-10,-2.0947230275134227e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1041,2,0.36133133333333134,0.48666666666666664,-1.9999999999994285,-7.799101224541189e-16,-2.6299564235789417e-09,-6.625647039562373e-10,-6.625647039562373e-10,-2.0736451871856003e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1042,2,0.36466466666666464,0.4833333333333334,-1.9999999999994282,-4.78771439175163e-16,-2.663699004957522e-09,-6.524094085482184e-10,-6.524094085482184e-10,-2.0735987286221097e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1043,2,0.36466466666666464,0.48666666666666664,-1.9999999999994227,-6.923961968633085e-16,-2.6223112570278346e-09,-6.523711485547546e-10,-6.523711485547546e-10,-2.0558064652330106e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1044,2,0.36133133333333134,0.49333333333333335,-1.9999999999994198,-1.1365695830489075e-15,-2.352818111279913e-09,-4.051487350737325e-10,-4.051487350737325e-10,-1.587134526368153e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1045,2,0.36133133333333134,0.49666666666666665,-1.9999999999994162,-1.2830445352637746e-15,-2.3101541192825346e-09,-4.0506674937345326e-10,-4.0506674937345326e-10,-1.5687328359403043e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1046,2,0.36466466666666464,0.49333333333333335,-1.9999999999994142,-1.0558575516126467e-15,-2.3441993645379793e-09,-3.936570727511515e-10,-3.936570727511515e-10,-1.5670241173036387e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1047,2,0.36466466666666464,0.49666666666666665,-1.9999999999994111,-1.205694148673831e-15,-2.301428791130234e-09,-3.9343297850372007e-10,-3.9343297850372007e-10,-1.5483737369182702e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1048,2,0.36133133333333134,0.5033333333333334,-1.9999999999994122,-1.513315568236306e-15,-2.0198239662013615e-09,-1.3546907185767707e-10,-1.3546907185767707e-10,-1.059166088168694e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1049,2,0.36133133333333134,0.5066666666666666,-1.9999999999994111,-1.5971116489939627e-15,-1.9742682702336926e-09,-1.353064668854549e-10,-1.353064668854549e-10,-1.0394099256508017e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1050,2,0.36466466666666464,0.5033333333333334,-1.9999999999994071,-1.4425126494120422e-15,-2.0105380608233983e-09,-1.2308786468705699e-10,-1.2308786468705699e-10,-1.0374989756201105e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1051,2,0.36466466666666464,0.5066666666666666,-1.9999999999994063,-1.5294945530890613e-15,-1.9648706593390927e-09,-1.2277631902599285e-10,-1.2277631902599285e-10,-1.0174821668967455e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1052,2,0.36133133333333134,0.5133333333333334,-1.9999999999994116,-1.7020613200245748e-15,-1.663518553676534e-09,1.384082592127153e-10,1.384082592127153e-10,-5.15210438414635e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1053,2,0.36133133333333134,0.5166666666666666,-1.9999999999994131,-1.723214910297523e-15,-1.6030496588279249e-09,1.3855993275823353e-10,1.3855993275823353e-10,-4.890785212716346e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1054,2,0.36466466666666464,0.5133333333333334,-1.999999999999407,-1.6404345072047022e-15,-1.6508107701331284e-09,1.553519706039186e-10,1.553519706039186e-10,-4.855589434800292e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1055,2,0.36466466666666464,0.5166666666666666,-1.9999999999994087,-1.6643925576433168e-15,-1.590513020433856e-09,1.5527545061699056e-10,1.5527545061699056e-10,-4.5982636501881075e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1056,2,0.36133133333333134,0.5233333333333333,-1.9999999999994187,-1.6978744150118778e-15,-1.2392114684827825e-09,4.2281255419906104e-10,4.2281255419906104e-10,7.292730522032373e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1057,2,0.36133133333333134,0.5266666666666666,-1.9999999999994227,-1.6513803294532835e-15,-1.1476194353795465e-09,4.229368991778195e-10,4.229368991778195e-10,1.1235866937707995e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1058,2,0.36466466666666464,0.5233333333333333,-1.9999999999994147,-1.644364039713881e-15,-1.2201303215638656e-09,4.4825408342428677e-10,4.4825408342428677e-10,1.1744998136446863e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1059,2,0.36466466666666464,0.5266666666666666,-1.9999999999994187,-1.6003774713458285e-15,-1.1284101858039382e-09,4.4854923194529476e-10,4.4854923194529476e-10,1.5718025172016217e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1060,2,0.36133133333333134,0.5333333333333333,-1.9999999999994327,-1.4822606574714328e-15,-6.962037783882113e-10,7.130310017635998e-10,7.130310017635998e-10,7.202426689244795e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1061,2,0.36133133333333134,0.5366666666666666,-1.9999999999994393,-1.3596350710481777e-15,-5.51297469214135e-10,7.125418204185955e-10,7.125418204185955e-10,7.816465423633624e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1062,2,0.36466466666666464,0.5333333333333333,-1.9999999999994298,-1.4359313704440086e-15,-6.659356826660845e-10,7.533884627264363e-10,7.533884627264363e-10,7.90868225609441e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1063,2,0.36466466666666464,0.5366666666666666,-1.9999999999994362,-1.315471837910242e-15,-5.206009982080452e-10,7.534704484267167e-10,7.534704484267167e-10,8.532716413775722e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1064,2,0.36133133333333134,0.5433333333333333,-1.9999999999994544,-1.0235771022397959e-15,5.7419710012359566e-11,1.007654814289849e-09,1.007654814289849e-09,1.4641153247050787e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1065,2,0.36133133333333134,0.5466666666666666,-1.9999999999994638,-8.10144719854672e-16,3.0117993569197433e-10,1.007866610682239e-09,1.007866610682239e-09,1.568886559128331e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1066,2,0.36466466666666464,0.5433333333333333,-1.9999999999994529,-9.818238510315628e-16,1.0854496788572141e-10,1.0758218247876614e-09,1.0758218247876614e-09,1.5834075930762632e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1067,2,0.36466466666666464,0.5466666666666666,-1.9999999999994622,-7.686353966866532e-16,3.5205616200073533e-10,1.075701579093918e-09,1.075701579093918e-09,1.6875977538487795e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1068,2,0.36133133333333134,0.5533333333333333,-1.9999999999994842,-2.68436146699202e-16,1.2177763071445734e-09,1.293339452628902e-09,1.293339452628902e-09,2.3695319211032477e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1069,2,0.36133133333333134,0.5566666666666666,-1.9999999999994957,5.984004407113861e-17,1.6809487135560636e-09,1.2960900728732939e-09,1.2960900728732939e-09,2.571963838485872e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1070,2,0.36466466666666464,0.5533333333333333,-1.9999999999994849,-2.175337780802569e-16,1.318209814808841e-09,1.427250796181254e-09,1.427250796181254e-09,2.60387677231987e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1071,2,0.36466466666666464,0.5566666666666666,-1.9999999999994973,1.203793861812241e-16,1.7788888311105636e-09,1.4266768962792946e-09,1.4266768962792946e-09,2.800490779446374e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1072,2,0.36133133333333134,0.5633333333333334,-1.999999999999521,9.117384839425586e-16,3.314582113052191e-09,1.6001149123649879e-09,1.6001149123649879e-09,3.706413637543779e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1073,2,0.36133133333333134,0.5666666666666667,-1.999999999999535,1.435360733043629e-15,4.25551730606125e-09,1.5953037181868866e-09,1.5953037181868866e-09,4.102798442864662e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1074,2,0.36466466666666464,0.5633333333333334,-1.9999999999995264,1.0147481030098944e-15,3.517066296318752e-09,1.8700938233870583e-09,1.8700938233870583e-09,4.178876731832419e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1075,2,0.36466466666666464,0.5666666666666667,-1.9999999999995428,1.5712036555770745e-15,4.460597361562924e-09,1.8687437921891145e-09,1.8687437921891145e-09,4.58131857236857e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1076,2,0.36133133333333134,0.5733333333333334,-1.9999999999995848,2.563380029503243e-15,5.156623845874272e-09,1.669461150518496e-09,1.669461150518496e-09,4.594926148972538e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1077,2,0.36466466666666464,0.5733333333333334,-1.9999999999995954,2.6966504471012703e-15,5.136166364011908e-09,1.6421845080353346e-09,1.6421845080353346e-09,4.547192024627013e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1078,2,0.37133133333333135,0.42333333333333334,-1.9999999999993558,-7.980491802080134e-16,-7.449914189823393e-10,2.2467224661900616e-10,2.2467224661900616e-10,1.6783156061487257e-12,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1079,2,0.37133133333333135,0.42666666666666664,-1.9999999999993578,-8.0635256343526275e-16,-9.010098650081164e-10,2.242718831159719e-10,2.242718831159719e-10,-6.575868055209019e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1080,2,0.37466466666666465,0.42333333333333334,-1.9999999999993534,-7.857297738649171e-16,-7.785840348508193e-10,1.7988209212769854e-10,1.7988209212769854e-10,-7.670445475364069e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1081,2,0.37466466666666465,0.42666666666666664,-1.9999999999993552,-7.860734216173651e-16,-9.346424489054828e-10,1.7942843791948228e-10,1.7942843791948228e-10,-1.4423470964594842e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1082,2,0.37133133333333135,0.43333333333333335,-1.9999999999993627,-8.148346379314804e-16,-1.0232423455555848e-09,3.6515611047714326e-10,3.6515611047714326e-10,8.311915258638271e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1083,2,0.37133133333333135,0.43666666666666665,-1.9999999999993658,-8.150133292004487e-16,-1.0967913756696986e-09,3.644496670263973e-10,3.644496670263973e-10,5.0588934750696516e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1084,2,0.37466466666666465,0.43333333333333335,-1.9999999999993596,-7.723829176403137e-16,-1.0392070110426102e-09,3.43869889827778e-10,3.43869889827778e-10,4.586826644999043e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1085,2,0.37466466666666465,0.43666666666666665,-1.9999999999993627,-7.583487659108146e-16,-1.1124926620945748e-09,3.435146184598975e-10,3.435146184598975e-10,1.3952599759319958e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1086,2,0.37133133333333135,0.44333333333333336,-1.9999999999993732,-7.782442710778404e-16,-1.0888715570226491e-09,4.769340478105728e-10,4.769340478105728e-10,2.1467511529111167e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1087,2,0.37133133333333135,0.44666666666666666,-1.9999999999993778,-7.412965216862645e-16,-1.0940800402400226e-09,4.763150557734585e-10,4.763150557734585e-10,2.11558633859218e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1088,2,0.37466466666666465,0.44333333333333336,-1.9999999999993698,-6.979736729424066e-16,-1.090024480932837e-09,4.753968159303226e-10,4.753968159303226e-10,2.1198495950067368e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1089,2,0.37466466666666465,0.44666666666666666,-1.999999999999374,-6.516327317034987e-16,-1.0953467193093483e-09,4.746261503476897e-10,4.746261503476897e-10,2.0860304936412326e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1090,2,0.37133133333333135,0.45333333333333337,-1.9999999999993876,-6.12103885491944e-16,-9.639489206847431e-10,6.260510059081973e-10,6.260510059081973e-10,4.812376138611049e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1091,2,0.37133133333333135,0.45666666666666667,-1.9999999999993932,-5.198589986892015e-16,-9.43539947028372e-10,6.248485489707543e-10,6.248485489707543e-10,4.882665212317778e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1092,2,0.37466466666666465,0.45333333333333337,-1.9999999999993838,-5.096749054330383e-16,-9.608109180065238e-10,6.302350094791538e-10,6.302350094791538e-10,4.885596201102786e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1093,2,0.37466466666666465,0.45666666666666667,-1.9999999999993894,-4.1405802040148783e-16,-9.393730238116392e-10,6.304044465930662e-10,6.304044465930662e-10,4.979893420708189e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1094,2,0.37133133333333135,0.4633333333333334,-1.9999999999994058,-2.7524581367452697e-16,-7.535486764490641e-10,8.128731875645975e-10,8.128731875645975e-10,8.382979780426822e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1095,2,0.37133133333333135,0.4666666666666667,-1.9999999999994131,-1.2287751546259828e-16,-7.248249863559627e-10,8.132175275057726e-10,8.132175275057726e-10,8.511000451414046e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1096,2,0.37466466666666465,0.4633333333333334,-1.9999999999994023,-1.6586803244342702e-16,-7.476385322801292e-10,8.207533797898437e-10,8.207533797898437e-10,8.520883144368645e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1097,2,0.37466466666666465,0.4666666666666667,-1.9999999999994094,-1.3294929516920184e-17,-7.195994227843659e-10,8.201849456012358e-10,8.201849456012358e-10,8.632930268084665e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1098,2,0.37133133333333135,0.4733333333333334,-1.9999999999994322,-4.325929346879038e-18,-1.2190054094346052e-09,8.074908263412123e-11,8.074908263412123e-11,-4.0707505742322855e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1099,2,0.37133133333333135,0.4766666666666666,-1.999999999999433,-3.814264144308915e-17,-1.1932957186480483e-09,8.166595604891954e-11,8.166595604891954e-11,-3.947467993507067e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1100,2,0.37466466666666465,0.4733333333333334,-1.9999999999994287,1.0399587210668506e-16,-1.211703558003416e-09,9.048488454237275e-11,9.048488454237275e-11,-3.9003740408378885e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1101,2,0.37466466666666465,0.4766666666666666,-1.9999999999994298,6.871357080378224e-17,-1.1882679455783745e-09,8.836965347514851e-11,8.836965347514851e-11,-3.830153288548057e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1102,2,0.37133133333333135,0.4833333333333334,-1.9999999999994178,-2.918690366468829e-16,-1.677096752071241e-09,-6.324486233867137e-10,-6.324486233867137e-10,-1.622253784297265e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1103,2,0.37133133333333135,0.48666666666666664,-1.9999999999994127,-5.117787197544549e-16,-1.6505043485783344e-09,-6.324718526684589e-10,-6.324718526684589e-10,-1.6108902246313708e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1104,2,0.37466466666666465,0.4833333333333334,-1.9999999999994145,-1.8842972992234048e-16,-1.6721120214942141e-09,-6.258023159506796e-10,-6.258023159506796e-10,-1.6106227462842063e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1105,2,0.37466466666666465,0.48666666666666664,-1.9999999999994098,-4.1029072934554795e-16,-1.6435919292234755e-09,-6.232552935286481e-10,-6.232552935286481e-10,-1.5947612461366968e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1106,2,0.37133133333333135,0.49333333333333335,-1.9999999999994047,-8.875750418230418e-16,-1.4054480656201238e-09,-3.724555706587417e-10,-3.724555706587417e-10,-1.1344142719211125e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1107,2,0.37133133333333135,0.49666666666666665,-1.9999999999994023,-1.0434616807840478e-15,-1.379973742114787e-09,-3.729748134271805e-10,-3.729748134271805e-10,-1.1242384800880224e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1108,2,0.37466466666666465,0.49333333333333335,-1.9999999999994018,-7.897168930940532e-16,-1.4004674343281162e-09,-3.658147289360599e-10,-3.658147289360599e-10,-1.1227927989064222e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1109,2,0.37466466666666465,0.49666666666666665,-1.9999999999993991,-9.472820574193416e-16,-1.3745872816063914e-09,-3.657928660826515e-10,-3.657928660826515e-10,-1.1116700722351012e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1110,2,0.37133133333333135,0.5033333333333334,-1.9999999999993987,-1.2918705467195846e-15,-1.1185288592776905e-09,-1.008506099144422e-10,-1.008506099144422e-10,-6.234418109967845e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1111,2,0.37133133333333135,0.5066666666666666,-1.9999999999993978,-1.384392773694107e-15,-1.0867693070246371e-09,-1.0002938648330405e-10,-1.0002938648330405e-10,-6.086573979867073e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1112,2,0.37466466666666465,0.5033333333333334,-1.9999999999993956,-1.1984769652854661e-15,-1.111988450037852e-09,-9.213006426132523e-11,-9.213006426132523e-11,-6.08180856103831e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1113,2,0.37466466666666465,0.5066666666666666,-1.9999999999993952,-1.2921067088262937e-15,-1.0809022053483496e-09,-9.220658424825311e-11,-9.220658424825311e-11,-5.949674940753688e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1114,2,0.37133133333333135,0.5133333333333334,-1.999999999999399,-1.5054205379441908e-15,-7.968702620841062e-10,1.8600642393861427e-10,1.8600642393861427e-10,-7.579236383802567e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1115,2,0.37133133333333135,0.5166666666666666,-1.999999999999401,-1.5339260752197447e-15,-7.52999030650104e-10,1.8593810252171407e-10,1.8593810252171407e-10,-5.708800953331016e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1116,2,0.37466466666666465,0.5133333333333334,-1.9999999999993963,-1.4143928660723617e-15,-7.880998417966535e-10,1.9770031765521904e-10,1.9770031765521904e-10,-5.532804983396581e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1117,2,0.37466466666666465,0.5166666666666666,-1.9999999999993983,-1.4430492797775939e-15,-7.441158800247657e-10,1.9778230335549881e-10,1.9778230335549881e-10,-3.63606580741852e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1118,2,0.37133133333333135,0.5233333333333333,-1.9999999999994071,-1.5220598762784473e-15,-4.12008546937579e-10,4.938777592017759e-10,4.938777592017759e-10,5.289645644578598e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1119,2,0.37133133333333135,0.5266666666666666,-1.9999999999994118,-1.4816881400615942e-15,-3.4420739762726254e-10,4.93832667066622e-10,4.93832667066622e-10,5.579577825406324e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1120,2,0.37466466666666465,0.5233333333333333,-1.999999999999405,-1.4303409688817985e-15,-3.9782194632537604e-10,5.12793226684711e-10,5.12793226684711e-10,5.620666325529998e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1121,2,0.37466466666666465,0.5266666666666666,-1.9999999999994098,-1.3889762442807685e-15,-3.3017144573932476e-10,5.125472695838708e-10,5.125472695838708e-10,5.907083369458225e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1122,2,0.37133133333333135,0.5333333333333333,-1.9999999999994236,-1.3233398921429297e-15,7.7896663478546e-11,8.271291344149529e-10,8.271291344149529e-10,1.2149973335121662e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1123,2,0.37133133333333135,0.5366666666666666,-1.9999999999994316,-1.2053633804411197e-15,1.8515821354780075e-10,8.267970923288179e-10,8.267970923288179e-10,1.2604922234187993e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1124,2,0.37466466666666465,0.5333333333333333,-1.9999999999994227,-1.2271783444998577e-15,1.0021522073727211e-10,8.568872107599192e-10,8.568872107599192e-10,1.2670739671158598e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1125,2,0.37466466666666465,0.5366666666666666,-1.9999999999994302,-1.1067451693199784e-15,2.077421995111833e-10,8.569090736133254e-10,8.569090736133254e-10,1.3131881906666917e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1126,2,0.37133133333333135,0.5433333333333333,-1.9999999999994496,-8.723329159148819e-16,7.518153621023119e-10,1.200250155674299e-09,1.200250155674299e-09,2.0368496632928433e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1127,2,0.37133133333333135,0.5466666666666666,-1.9999999999994604,-6.572789630904577e-16,9.293147448156206e-10,1.1990408665951676e-09,1.1990408665951676e-09,2.111193271485506e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1128,2,0.37466466666666465,0.5433333333333333,-1.9999999999994493,-7.656185829560191e-16,7.882815767656089e-10,1.248871775225366e-09,1.248871775225366e-09,2.121937497507195e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1129,2,0.37466466666666465,0.5466666666666666,-1.9999999999994604,-5.449251717719425e-16,9.667207205683763e-10,1.248915500932179e-09,1.248915500932179e-09,2.1984738815752667e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1130,2,0.37133133333333135,0.5533333333333333,-1.999999999999486,-8.439839245289882e-17,1.735615412074433e-09,1.6523070091632435e-09,1.6523070091632435e-09,3.1042737611222445e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1131,2,0.37133133333333135,0.5566666666666666,-1.999999999999501,2.7342822536023e-16,2.0221680740152035e-09,1.652644516962729e-09,1.652644516962729e-09,3.2275641988104047e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1132,2,0.37466466666666465,0.5533333333333333,-1.9999999999994875,4.4830597139828294e-17,1.7965717802326276e-09,1.7335821667074895e-09,1.7335821667074895e-09,3.2465052868246903e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1133,2,0.37466466666666465,0.5566666666666666,-1.999999999999503,4.138929548675166e-16,2.0822769149967467e-09,1.73278963827145e-09,1.73278963827145e-09,3.3678181611006868e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1134,2,0.37133133333333135,0.5633333333333334,-1.9999999999995364,1.2433487158926876e-15,3.1594494541965248e-09,2.2925087469397684e-09,2.2925087469397684e-09,4.629062261712459e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1135,2,0.37133133333333135,0.5666666666666667,-1.9999999999995572,1.855442588612007e-15,3.52890981393837e-09,2.292027764164792e-09,2.292027764164792e-09,4.786715297637575e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1136,2,0.37466466666666465,0.5633333333333334,-1.9999999999995404,1.4028117718304041e-15,3.2390432216708667e-09,2.3986337702388853e-09,2.3986337702388853e-09,4.814781052485926e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1137,2,0.37466466666666465,0.5666666666666667,-1.9999999999995612,2.022668231065593e-15,3.608466687847586e-09,2.3981035960437462e-09,2.3981035960437462e-09,4.972348003425744e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1138,2,0.37133133333333135,0.5733333333333334,-1.9999999999996136,2.9700255339117536e-15,3.199392545765866e-09,1.5746487874296768e-09,1.5746487874296768e-09,3.6206665016563342e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1139,2,0.37133133333333135,0.5766666666666667,-1.9999999999996279,3.4725146064921194e-15,3.041322065983497e-09,1.5761545914581531e-09,1.5761545914581531e-09,3.5550731589331416e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1140,2,0.37466466666666465,0.5733333333333334,-1.9999999999996185,3.120381580545869e-15,3.1655006820913587e-09,1.5294596358636667e-09,1.5294596358636667e-09,3.5415854864158247e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1141,2,0.37466466666666465,0.5766666666666667,-1.9999999999996319,3.598238470790892e-15,3.007169897710599e-09,1.5306183670942905e-09,1.5306183670942905e-09,3.475384766296397e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1142,2,0.38133133333333136,0.42333333333333334,-1.9999999999993499,-7.649141691724429e-16,9.762754707218429e-11,1.186155447367829e-10,1.186155447367829e-10,2.1129115551205437e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1143,2,0.38133133333333136,0.42666666666666664,-1.9999999999993507,-7.458319759833735e-16,7.325114873642986e-11,1.178694748642347e-10,1.178694748642347e-10,1.9977831355023399e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1144,2,0.38466466666666466,0.42333333333333334,-1.99999999999935,-7.62152782813658e-16,9.217242353980304e-11,1.1134204669360788e-10,1.1134204669360788e-10,1.9856253393649787e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1145,2,0.38466466666666466,0.42666666666666664,-1.999999999999351,-7.263449291699876e-16,6.798254267218557e-11,1.1084466677857586e-10,1.1084466677857586e-10,1.8748489940033042e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1146,2,0.38133133333333136,0.43333333333333335,-1.9999999999993545,-6.847944950068983e-16,1.5796833926410386e-10,3.1089114189014224e-10,3.1089114189014224e-10,5.118309195276755e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1147,2,0.38133133333333136,0.43666666666666665,-1.9999999999993572,-6.428392072194934e-16,1.2219217091149815e-10,3.103514026966306e-10,3.103514026966306e-10,4.957272199572589e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1148,2,0.38466466666666466,0.43333333333333335,-1.9999999999993547,-6.356303195880195e-16,1.5019507005630514e-10,3.0052678294640904e-10,3.0052678294640904e-10,4.936932913761467e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1149,2,0.38466466666666466,0.43666666666666665,-1.999999999999357,-5.80723563649723e-16,1.1361851630471611e-10,2.989198632209203e-10,2.989198632209203e-10,4.757220258747674e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1150,2,0.38133133333333136,0.44333333333333336,-1.9999999999993643,-5.3623470677691755e-16,1.856672081037056e-10,4.721679457676282e-10,4.721679457676282e-10,7.540972974267726e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1151,2,0.38133133333333136,0.44666666666666666,-1.9999999999993685,-4.71585494121748e-16,1.6239898315006973e-10,4.697111076159039e-10,4.697111076159039e-10,7.406154322298943e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1152,2,0.38466466666666466,0.44333333333333336,-1.9999999999993638,-4.529696839049312e-16,1.7853342735809098e-10,4.626562381068093e-10,4.626562381068093e-10,7.374518090203386e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1153,2,0.38466466666666466,0.44666666666666666,-1.9999999999993678,-3.8012256009843775e-16,1.5757514950984432e-10,4.632793294289359e-10,4.632793294289359e-10,7.293598204027015e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1154,2,0.38133133333333136,0.45333333333333337,-1.9999999999993783,-3.0453102809484284e-16,2.5925723106795946e-10,6.372939782732612e-10,6.372939782732612e-10,1.021530210848072e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1155,2,0.38133133333333136,0.45666666666666667,-1.999999999999384,-2.0212577472310947e-16,2.5309498087066333e-10,6.394078429121492e-10,6.394078429121492e-10,1.021909053104781e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1156,2,0.38466466666666466,0.45333333333333337,-1.9999999999993776,-2.0138725498498318e-16,2.584353244226523e-10,6.361981027461886e-10,6.361981027461886e-10,1.0196124286756857e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1157,2,0.38466466666666466,0.45666666666666667,-1.9999999999993832,-9.54990736780246e-17,2.4882660034983475e-10,6.33716668884378e-10,6.33716668884378e-10,1.0119494985561832e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1158,2,0.38133133333333136,0.4633333333333334,-1.999999999999397,5.342057907971966e-17,3.855968535923727e-10,8.307433373689616e-10,8.307433373689616e-10,1.3520319906381065e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1159,2,0.38133133333333136,0.4666666666666667,-1.999999999999404,2.0656167951081186e-16,3.861683622447416e-10,8.325511220601377e-10,8.325511220601377e-10,1.3548594724765137e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1160,2,0.38466466666666466,0.4633333333333334,-1.9999999999993965,1.6413098296318102e-16,3.865407139668465e-10,8.320018178682622e-10,8.320018178682622e-10,1.3542343315118815e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1161,2,0.38466466666666466,0.4666666666666667,-1.9999999999994036,3.1787285829742444e-16,3.863548797128782e-10,8.327998120176541e-10,8.327998120176541e-10,1.3552946799021693e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1162,2,0.38133133333333136,0.4733333333333334,-1.9999999999994236,3.218450148117612e-16,-1.6238668529502737e-10,9.777751258227982e-11,9.777751258227982e-11,7.008786713395929e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1163,2,0.38133133333333136,0.4766666666666666,-1.9999999999994247,2.8398724968161594e-16,-1.6337837066133086e-10,9.364953257318122e-11,9.364953257318122e-11,6.376574482111697e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1164,2,0.38466466666666466,0.4733333333333334,-1.9999999999994231,4.331806657601918e-16,-1.618302073543769e-10,9.851948316981395e-11,9.851948316981395e-11,7.138631566214409e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1165,2,0.38466466666666466,0.4766666666666666,-1.999999999999424,3.9474659788871277e-16,-1.5728273384551212e-10,1.0177704832760628e-10,1.0177704832760628e-10,7.798889739136094e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1166,2,0.38133133333333136,0.4833333333333334,-1.9999999999994098,2.084629888212929e-17,-6.884100127553419e-10,-6.166718417961631e-10,-6.166718417961631e-10,-1.1759926366039496e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1167,2,0.38133133333333136,0.48666666666666664,-1.9999999999994045,-2.0443688678719834e-16,-6.826115741030384e-10,-6.16209989017919e-10,-6.16209989017919e-10,-1.1728478017840436e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1168,2,0.38466466666666466,0.4833333333333334,-1.999999999999409,1.3027914399513537e-16,-6.860467749447704e-10,-6.135208580487358e-10,-6.135208580487358e-10,-1.1704784150459504e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1169,2,0.38466466666666466,0.48666666666666664,-1.9999999999994043,-9.575424202694852e-17,-6.818204120953363e-10,-6.15155106340984e-10,-6.15155106340984e-10,-1.1710017570994043e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1170,2,0.38133133333333136,0.49333333333333335,-1.999999999999397,-5.900290086871329e-16,-4.759109345924958e-10,-3.5489286723042396e-10,-3.5489286723042396e-10,-7.109516394402465e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1171,2,0.38133133333333136,0.49666666666666665,-1.9999999999993943,-7.503379449177308e-16,-4.684475030103389e-10,-3.5346085033219884e-10,-3.5346085033219884e-10,-7.057072874790024e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1172,2,0.38466466666666466,0.49333333333333335,-1.9999999999993963,-4.822418925857799e-16,-4.749240317253746e-10,-3.5357699674093e-10,-3.5357699674093e-10,-7.086488660836316e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1173,2,0.38466466666666466,0.49666666666666665,-1.9999999999993936,-6.426961571225182e-16,-4.686821870773904e-10,-3.537737624216024e-10,-3.537737624216024e-10,-7.062548836354556e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1174,2,0.38133133333333136,0.5033333333333334,-1.9999999999993912,-1.0056981709381438e-15,-2.4625703186022584e-10,-7.855596515163113e-11,-7.855596515163113e-11,-2.1776153529957017e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1175,2,0.38133133333333136,0.5066666666666666,-1.9999999999993907,-1.1007494607279503e-15,-2.3797852577445145e-10,-7.937855501110729e-11,-7.937855501110729e-11,-2.153887324906323e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1176,2,0.38466466666666466,0.5033333333333334,-1.9999999999993903,-8.973255108062953e-16,-2.447054524824265e-10,-7.648719264789872e-11,-7.648719264789872e-11,-2.141411834180382e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1177,2,0.38466466666666466,0.5066666666666666,-1.9999999999993903,-9.915005999533256e-16,-2.3621993250344494e-10,-7.703376398309874e-11,-7.703376398309874e-11,-2.1128534819161756e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1178,2,0.38133133333333136,0.5133333333333334,-1.9999999999993925,-1.2238065691134597e-15,1.011942666414493e-11,2.168316808155607e-10,2.168316808155607e-10,3.140964411640054e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1179,2,0.38133133333333136,0.5166666666666666,-1.9999999999993943,-1.2518123877091543e-15,2.437537351450093e-11,2.16760626541985e-10,2.16760626541985e-10,3.201046265661922e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1180,2,0.38466466666666466,0.5133333333333334,-1.9999999999993918,-1.1114515142034957e-15,1.2717348541767794e-11,2.2029557665239154e-10,2.2029557665239154e-10,3.201582588784591e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1181,2,0.38466466666666466,0.5166666666666666,-1.9999999999993936,-1.1372273393066278e-15,2.691180611691381e-11,2.2014253667853542e-10,2.2014253667853542e-10,3.2602296930515616e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1182,2,0.38133133333333136,0.5233333333333333,-1.9999999999994018,-1.235405371165993e-15,3.0787406811983726e-10,5.422151616585322e-10,5.422151616585322e-10,9.065391172778326e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1183,2,0.38133133333333136,0.5266666666666666,-1.9999999999994067,-1.1909925360271348e-15,3.3473497478116097e-10,5.421673366667028e-10,5.421673366667028e-10,9.179826130015002e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1184,2,0.38466466666666466,0.5233333333333333,-1.9999999999994014,-1.1149420064630378e-15,3.127727137115679e-10,5.487466891141747e-10,5.487466891141747e-10,9.179692903252052e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1185,2,0.38466466666666466,0.5266666666666666,-1.9999999999994067,-1.0668808485163137e-15,3.395055177162041e-10,5.485280605800942e-10,5.485280605800942e-10,9.291138798499349e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1186,2,0.38133133333333136,0.5333333333333333,-1.9999999999994202,-1.0203792200950076e-15,6.708169062965055e-10,9.02814233628445e-10,9.02814233628445e-10,1.5772275793105697e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1187,2,0.38133133333333136,0.5366666666666666,-1.9999999999994285,-8.941787393017397e-16,7.108751194533193e-10,9.028907536153733e-10,9.028907536153733e-10,1.5945046992162442e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1188,2,0.38466466666666466,0.5333333333333333,-1.9999999999994205,-8.880275996551229e-16,6.796969824580833e-10,9.146543351772158e-10,9.146543351772158e-10,1.5979477570209115e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1189,2,0.38466466666666466,0.5366666666666666,-1.9999999999994285,-7.572355087406572e-16,7.194354513838052e-10,9.143045295226875e-10,9.143045295226875e-10,1.614478807054046e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1190,2,0.38133133333333136,0.5433333333333333,-1.999999999999449,-5.366461091853071e-16,1.1331896105231802e-09,1.3286233651727423e-09,1.3286233651727423e-09,2.3836860690424203e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1191,2,0.38133133333333136,0.5466666666666666,-1.9999999999994615,-3.0531395986214616e-16,1.197203703694729e-09,1.329624957144496e-09,1.329624957144496e-09,2.4125515260755916e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1192,2,0.38466466666666466,0.5433333333333333,-1.9999999999994496,-3.910722565939284e-16,1.1468146090884651e-09,1.3467900299264496e-09,1.3467900299264496e-09,2.4154777323614224e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1193,2,0.38466466666666466,0.5466666666666666,-1.9999999999994618,-1.557010953616685e-16,1.209823352610329e-09,1.3464511556986238e-09,1.3464511556986238e-09,2.4419973735453277e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1194,2,0.38133133333333136,0.5533333333333333,-1.9999999999994902,3.1265452480529654e-16,1.746312837925553e-09,1.8596556773130812e-09,1.8596556773130812e-09,3.4050707552724955e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1195,2,0.38133133333333136,0.5566666666666666,-1.9999999999995073,6.992908601495721e-16,1.834794538524419e-09,1.8583111118284889e-09,1.8583111118284889e-09,3.44107067626545e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1196,2,0.38466466666666466,0.5533333333333333,-1.9999999999994913,4.652983855980841e-16,1.7646848085370534e-09,1.88415163812841e-09,1.88415163812841e-09,3.447938686699322e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1197,2,0.38466466666666466,0.5566666666666666,-1.9999999999995084,8.509267053255707e-16,1.8543061103698116e-09,1.884326540955674e-09,1.884326540955674e-09,3.4865976772380302e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1198,2,0.38133133333333136,0.5633333333333334,-1.9999999999995461,1.71261227435345e-15,2.5112216579696694e-09,2.549171813808034e-09,2.549171813808034e-09,4.717911873141341e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1199,2,0.38133133333333136,0.5666666666666667,-1.9999999999995688,2.3392973532130424e-15,2.5816453248676935e-09,2.550327812181982e-09,2.550327812181982e-09,4.749744870917547e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1200,2,0.38466466666666466,0.5633333333333334,-1.9999999999995477,1.8492613069101554e-15,2.5269659868871917e-09,2.570164252364729e-09,2.570164252364729e-09,4.754648640615544e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1201,2,0.38466466666666466,0.5666666666666667,-1.9999999999995703,2.4619675887672432e-15,2.5969612785012563e-09,2.570749083693387e-09,2.570749083693387e-09,4.785482096062516e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1202,2,0.38133133333333136,0.5733333333333334,-1.9999999999996263,3.3938034414071853e-15,1.8606692255327894e-09,1.476465445631012e-09,1.476465445631012e-09,2.9066660189869303e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1203,2,0.38133133333333136,0.5766666666666667,-1.9999999999996394,3.8216244507416704e-15,1.8744325749672967e-09,1.4775995811515522e-09,1.4775995811515522e-09,2.914184790916776e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1204,2,0.38466466666666466,0.5733333333333334,-1.999999999999628,3.4759339070239037e-15,1.863730366616996e-09,1.480546967076616e-09,1.480546967076616e-09,2.9138086815167326e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1205,2,0.38466466666666466,0.5766666666666667,-1.999999999999641,3.877193943423412e-15,1.8776597370945703e-09,1.481902463987912e-09,1.481902463987912e-09,2.9217148358804006e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1206,2,0.39133133333333137,0.42333333333333334,-1.999999999999352,-7.432766548922791e-16,1.1837539495637913e-09,1.0435959788642692e-10,1.0435959788642692e-10,6.564082610793778e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1207,2,0.39133133333333137,0.42666666666666664,-1.999999999999353,-6.725829434298426e-16,1.1939669765690903e-09,1.0364222300897655e-10,1.0364222300897655e-10,6.597604513995771e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1208,2,0.39466466666666467,0.42333333333333334,-1.999999999999355,-7.071318805239229e-16,1.1860147052490148e-09,1.0737393880005515e-10,1.0737393880005515e-10,6.616833576782266e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1209,2,0.39466466666666467,0.42666666666666664,-1.999999999999356,-6.161261663329701e-16,1.1955974671834082e-09,1.0581621049473491e-10,1.0581621049473491e-10,6.635649294996535e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1210,2,0.39133133333333137,0.43333333333333335,-1.999999999999356,-5.22484669303217e-16,1.332536474325689e-09,2.853662605362983e-10,2.853662605362983e-10,9.78753146905723e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1211,2,0.39133133333333137,0.43666666666666665,-1.9999999999993583,-4.4308010663903e-16,1.3218663770413304e-09,2.826429688586642e-10,2.826429688586642e-10,9.702898313872326e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1212,2,0.39466466666666467,0.43333333333333335,-1.9999999999993592,-4.3627724526667405e-16,1.328186108104581e-09,2.795657722414863e-10,2.795657722414863e-10,9.68602292389803e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1213,2,0.39466466666666467,0.43666666666666665,-1.9999999999993618,-3.474340383913332e-16,1.3189886789615034e-09,2.788060380855583e-10,2.788060380855583e-10,9.635752025343009e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1214,2,0.39133133333333137,0.44333333333333336,-1.9999999999993647,-2.767898649645136e-16,1.3994019618315594e-09,4.4820899128913286e-10,4.4820899128913286e-10,1.2400422569122888e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1215,2,0.39133133333333137,0.44666666666666666,-1.9999999999993687,-1.8990418595418653e-16,1.3661888714339572e-09,4.5039800948660905e-10,4.5039800948660905e-10,1.2289352441668553e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1216,2,0.39466466666666467,0.44333333333333336,-1.999999999999368,-1.6940040910138446e-16,1.39104864379428e-09,4.3707123390609416e-10,4.3707123390609416e-10,1.2205511814919656e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1217,2,0.39466466666666467,0.44666666666666666,-1.9999999999993716,-8.020998668677896e-17,1.3556690812667793e-09,4.3637162259703853e-10,4.3637162259703853e-10,1.2043890671100998e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1218,2,0.39133133333333137,0.45333333333333337,-1.9999999999993783,8.502579548778539e-18,1.4261029963773354e-09,6.250917732149196e-10,6.250917732149196e-10,1.504175245897318e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1219,2,0.39133133333333137,0.45666666666666667,-1.9999999999993838,1.2002366604141377e-16,1.391240626975768e-09,6.232197663918598e-10,6.232197663918598e-10,1.4865599349779863e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1220,2,0.39466466666666467,0.45333333333333337,-1.9999999999993812,1.2065207344375026e-16,1.4180028091896738e-09,6.142915236313643e-10,6.142915236313643e-10,1.4852748091260993e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1221,2,0.39466466666666467,0.45666666666666667,-1.9999999999993867,2.323237111596712e-16,1.3864793074320068e-09,6.168713403335117e-10,6.168713403335117e-10,1.4754501893758777e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1222,2,0.39133133333333137,0.4633333333333334,-1.9999999999993967,3.860437017225465e-16,1.482757164913332e-09,8.230626436810639e-10,8.230626436810639e-10,1.8112711330786624e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1223,2,0.39133133333333137,0.4666666666666667,-1.9999999999994038,5.405426509110404e-16,1.4598407952567305e-09,8.241612520648162e-10,8.241612520648162e-10,1.803019272345479e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1224,2,0.39466466666666467,0.4633333333333334,-1.9999999999993991,4.97983883087109e-16,1.4797339422155059e-09,8.190316800839618e-10,8.190316800839618e-10,1.8042169467837328e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1225,2,0.39466466666666467,0.4666666666666667,-1.9999999999994063,6.519724172986221e-16,1.4552926385336964e-09,8.180970431007693e-10,8.180970431007693e-10,1.7924069066583985e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1226,2,0.39133133333333137,0.4733333333333334,-1.9999999999994231,6.554101843987596e-16,8.692079534765848e-10,9.613233286332756e-11,9.613233286332756e-11,5.098495984375756e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1227,2,0.39133133333333137,0.4766666666666666,-1.9999999999994242,6.15778768697981e-16,8.50086496921693e-10,9.747006620622975e-11,9.747006620622975e-11,5.035657361181974e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1228,2,0.39466466666666467,0.4733333333333334,-1.9999999999994253,7.656413772014472e-16,8.665300955411886e-10,9.256185561613311e-11,9.256185561613311e-11,5.036012632549843e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1229,2,0.39466466666666467,0.4766666666666666,-1.9999999999994262,7.253218028927543e-16,8.460487011829026e-10,9.208633855450898e-11,9.208633855450898e-11,4.941442127276853e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1230,2,0.39133133333333137,0.4833333333333334,-1.9999999999994091,3.4880942085737244e-16,2.8093185897240313e-10,-6.139348858351473e-10,-6.139348858351473e-10,-7.566504687763247e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1231,2,0.39133133333333137,0.48666666666666664,-1.9999999999994043,1.2147148871755828e-16,2.6284513027646335e-10,-6.143038214864104e-10,-6.143038214864104e-10,-7.649289748620993e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1232,2,0.39466466666666467,0.4833333333333334,-1.9999999999994111,4.574037325609315e-16,2.779219589508729e-10,-6.17948085863857e-10,-6.17948085863857e-10,-7.636735688265605e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1233,2,0.39466466666666467,0.48666666666666664,-1.9999999999994063,2.2980523653781797e-16,2.594027556859565e-10,-6.188936542737535e-10,-6.188936542737535e-10,-7.729611822399499e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1234,2,0.39133133333333137,0.49333333333333335,-1.9999999999993965,-2.663165765040675e-16,4.3273043268335175e-10,-3.5154511780232304e-10,-3.5154511780232304e-10,-3.167514114247403e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1235,2,0.39133133333333137,0.49666666666666665,-1.9999999999993936,-4.2676670958587e-16,4.19061708411251e-10,-3.51838899894994e-10,-3.51838899894994e-10,-3.2302912481659746e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1236,2,0.39466466666666467,0.49333333333333335,-1.9999999999993983,-1.5765175070520488e-16,4.2896011529172456e-10,-3.5657220765782653e-10,-3.5657220765782653e-10,-3.2554881867186955e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1237,2,0.39466466666666467,0.49666666666666665,-1.9999999999993954,-3.1751024192510505e-16,4.1561830899949085e-10,-3.564300991106746e-10,-3.564300991106746e-10,-3.310637234440391e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1238,2,0.39133133333333137,0.5033333333333334,-1.9999999999993903,-6.791894194875254e-16,5.991986394239849e-10,-7.530933142054262e-11,-7.530933142054262e-11,1.4921465772379026e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1239,2,0.39133133333333137,0.5066666666666666,-1.9999999999993898,-7.711619963073702e-16,5.829671788039662e-10,-7.570422921022466e-11,-7.570422921022466e-11,1.4169417775852168e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1240,2,0.39466466666666467,0.5033333333333334,-1.999999999999392,-5.673398317179978e-16,5.951628933277007e-10,-8.06903262155875e-11,-8.06903262155875e-11,1.3979791683246176e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1241,2,0.39466466666666467,0.5066666666666666,-1.9999999999993914,-6.573109302909824e-16,5.799408816423799e-10,-7.973929209233947e-11,-7.973929209233947e-11,1.3463281771482112e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1242,2,0.39133133333333137,0.5133333333333334,-1.9999999999993916,-8.839312540091238e-16,7.757312740881602e-10,2.2243130414468563e-10,2.2243130414468563e-10,6.502152662444764e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1243,2,0.39133133333333137,0.5166666666666666,-1.9999999999993938,-9.04727934891025e-16,7.5867995646534e-10,2.2239714343623553e-10,2.2239714343623553e-10,6.42858757679767e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1244,2,0.39466466666666467,0.5133333333333334,-1.9999999999993932,-7.64550823163047e-16,7.71977353836589e-10,2.174260771425911e-10,2.174260771425911e-10,6.414561189908107e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1245,2,0.39466466666666467,0.5166666666666666,-1.9999999999993952,-7.8181961746212e-16,7.549926495952471e-10,2.174807342761113e-10,2.174807342761113e-10,6.342550416495487e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1246,2,0.39133133333333137,0.5233333333333333,-1.9999999999994014,-8.698313006694125e-16,9.667968989482192e-10,5.533228576181362e-10,5.533228576181362e-10,1.2048027532894316e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1247,2,0.39133133333333137,0.5266666666666666,-1.9999999999994071,-8.141379855658971e-16,9.429944005144239e-10,5.525767877455881e-10,5.525767877455881e-10,1.1935358684284501e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1248,2,0.39466466666666467,0.5233333333333333,-1.999999999999403,-7.389079949971633e-16,9.617906471248706e-10,5.466478551870071e-10,5.466478551870071e-10,1.1931214990349509e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1249,2,0.39466466666666467,0.5266666666666666,-1.9999999999994083,-6.7872757823313225e-16,9.379819997635572e-10,5.4589358674443e-10,5.4589358674443e-10,1.1818402666764219e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1250,2,0.39133133333333137,0.5333333333333333,-1.999999999999421,-6.186516454422767e-16,1.1584097783576484e-09,9.23586677222724e-10,9.23586677222724e-10,1.815870872471456e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1251,2,0.39133133333333137,0.5366666666666666,-1.9999999999994298,-4.788586204221732e-16,1.1182907591397944e-09,9.205723363090946e-10,9.205723363090946e-10,1.7943708057871937e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1252,2,0.39466466666666467,0.5333333333333333,-1.9999999999994225,-4.746182416696924e-16,1.1483655052520955e-09,9.101943130819847e-10,9.101943130819847e-10,1.7924342352251556e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1253,2,0.39466466666666467,0.5366666666666666,-1.9999999999994307,-3.3068932187028486e-16,1.110195696058398e-09,9.097789188672328e-10,9.097789188672328e-10,1.7754823252639255e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1254,2,0.39133133333333137,0.5433333333333333,-1.9999999999994507,-9.711501188357557e-17,1.3487966299408082e-09,1.355319275612252e-09,1.355319275612252e-09,2.5142260922778483e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1255,2,0.39133133333333137,0.5466666666666666,-1.9999999999994635,1.4483557163491483e-16,1.293730592740653e-09,1.3593106127875504e-09,1.3593106127875504e-09,2.4963282722996342e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1256,2,0.39466466666666467,0.5433333333333333,-1.9999999999994515,5.5482689526791506e-17,1.336935348752798e-09,1.3395042340282389e-09,1.3395042340282389e-09,2.4865497695058256e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1257,2,0.39466466666666467,0.5466666666666666,-1.9999999999994635,2.9772578112445676e-16,1.2790069857916183e-09,1.3396791368555039e-09,1.3396791368555039e-09,2.4619731894185457e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1258,2,0.39133133333333137,0.5533333333333333,-1.9999999999994926,7.662654141963128e-16,1.5539467148948032e-09,1.8985346628141976e-09,1.8985346628141976e-09,3.378169538975201e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1259,2,0.39133133333333137,0.5566666666666666,-1.99999999999951,1.145744673239214e-15,1.4654622814392664e-09,1.897835051505141e-09,1.897835051505141e-09,3.3392481941956057e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1260,2,0.39466466666666467,0.5533333333333333,-1.9999999999994929,9.081075425207071e-16,1.5351781384582026e-09,1.8735098942320618e-09,1.8735098942320618e-09,3.3343761939564706e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1261,2,0.39466466666666467,0.5566666666666666,-1.9999999999995097,1.2762462123192858e-15,1.4478087105264684e-09,1.874296956954749e-09,1.874296956954749e-09,3.2980565287324095e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1262,2,0.39133133333333137,0.5633333333333334,-1.999999999999549,2.1039036447628766e-15,1.8134447789573331e-09,2.5821382638906225e-09,2.5821382638906225e-09,4.465959567968321e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1263,2,0.39133133333333137,0.5666666666666667,-1.9999999999995721,2.6825833572436274e-15,1.7359915214744743e-09,2.583750649329465e-09,2.583750649329465e-09,4.435068722531148e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1264,2,0.39466466666666467,0.5633333333333334,-1.9999999999995488,2.193913359167779e-15,1.7973766065237071e-09,2.560714033979112e-09,2.560714033979112e-09,4.428467165623176e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1265,2,0.39466466666666467,0.5666666666666667,-1.999999999999571,2.7434418362176833e-15,1.719644597659892e-09,2.5619547509100146e-09,2.5619547509100146e-09,4.396925900297148e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1266,2,0.39133133333333137,0.5733333333333334,-1.9999999999996296,3.611562352623167e-15,8.171121898761569e-10,1.4859074654465903e-09,1.4859074654465903e-09,2.472915889156339e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1267,2,0.39133133333333137,0.5766666666666667,-1.999999999999643,3.9618616355218904e-15,8.026061866399486e-10,1.4870224709703994e-09,1.4870224709703994e-09,2.468291895660547e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1268,2,0.39466466666666467,0.5733333333333334,-1.9999999999996283,3.622111604154335e-15,8.136329217205247e-10,1.4812684412390827e-09,1.4812684412390827e-09,2.4647975967931954e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1269,2,0.39466466666666467,0.5766666666666667,-1.9999999999996412,3.951252895041021e-15,7.990162377889372e-10,1.4822358725023879e-09,1.4822358725023879e-09,2.4599153483415183e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1270,2,0.4013313333333314,0.42333333333333334,-1.9999999999993625,-5.9424250409194025e-16,2.177187319318816e-09,1.5123218916484732e-10,1.5123218916484732e-10,1.1491262642292754e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1271,2,0.4013313333333314,0.42666666666666664,-1.9999999999993636,-4.654134931730562e-16,2.3884887230434076e-09,1.4752233622717683e-10,1.4752233622717683e-10,1.2343842187717108e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1272,2,0.4046646666666647,0.42333333333333334,-1.9999999999993678,-4.565981604852606e-16,2.2210937362825266e-09,2.097740784497914e-10,2.097740784497914e-10,1.2515745704779242e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1273,2,0.4046646666666647,0.42666666666666664,-1.9999999999993694,-3.14458918660625e-16,2.4345134455380996e-09,2.0888863288676698e-10,2.0888863288676698e-10,1.3417752379259947e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1274,2,0.4013313333333314,0.43333333333333335,-1.9999999999993672,-2.3533615674298274e-16,2.6615830906761264e-09,2.677024414109694e-10,2.677024414109694e-10,1.5231105265911519e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1275,2,0.4013313333333314,0.43666666666666665,-1.9999999999993696,-1.340878312317966e-16,2.6340420443095706e-09,2.7153663932739804e-10,2.7153663932739804e-10,1.5167846466003812e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1276,2,0.4046646666666647,0.43333333333333335,-1.9999999999993738,-7.781313157982647e-17,2.6556083827682277e-09,2.597361642004311e-10,2.597361642004311e-10,1.5091695414727058e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1277,2,0.4046646666666647,0.43666666666666665,-1.9999999999993763,1.6693413676333206e-17,2.625818878571481e-09,2.6057241834328616e-10,2.6057241834328616e-10,1.4975972598781822e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1278,2,0.4013313333333314,0.44333333333333336,-1.9999999999993758,5.715245341244928e-17,2.6361753805522684e-09,4.079594781649992e-10,4.079594781649992e-10,1.7125887033295393e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1279,2,0.4013313333333314,0.44666666666666666,-1.9999999999993796,1.4714441254550633e-16,2.5640908200094074e-09,4.066039812537027e-10,4.066039812537027e-10,1.679758896080748e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1280,2,0.4046646666666647,0.44333333333333336,-1.999999999999382,1.9397678624455325e-16,2.6212632064925835e-09,3.880765794187593e-10,3.880765794187593e-10,1.6777936305236197e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1281,2,0.4046646666666647,0.44666666666666666,-1.9999999999993858,2.767536135566112e-16,2.5504371264490195e-09,3.883990565065273e-10,3.883990565065273e-10,1.6479002777731908e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1282,2,0.4013313333333314,0.45333333333333337,-1.9999999999993883,3.475624625443753e-16,2.567657197971587e-09,5.865134019481613e-10,5.865134019481613e-10,1.9383008019137647e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1283,2,0.4013313333333314,0.45666666666666667,-1.9999999999993936,4.579885534101844e-16,2.509561447538997e-09,5.889647743865335e-10,5.889647743865335e-10,1.916904583783191e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1284,2,0.4046646666666647,0.45333333333333337,-1.9999999999993943,4.662404597160526e-16,2.5573157267025134e-09,5.727247735894025e-10,5.727247735894025e-10,1.914170702285935e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1285,2,0.4046646666666647,0.45666666666666667,-1.9999999999993991,5.729504785634336e-16,2.4970658019950755e-09,5.72303913661298e-10,5.72303913661298e-10,1.8877480775140277e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1286,2,0.4013313333333314,0.4633333333333334,-1.9999999999994054,7.206724976781648e-16,2.555087082083237e-09,7.993387148767044e-10,7.993387148767044e-10,2.2369497707166753e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1287,2,0.4013313333333314,0.4666666666666667,-1.9999999999994125,8.729303510803325e-16,2.5027979688729825e-09,7.981307922259116e-10,7.981307922259116e-10,2.2128145469825813e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1288,2,0.4046646666666647,0.4633333333333334,-1.9999999999994107,8.296333086975422e-16,2.544113296100757e-09,7.847070002333999e-10,7.847070002333999e-10,2.2113442700908932e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1289,2,0.4046646666666647,0.4666666666666667,-1.9999999999994174,9.796061199842662e-16,2.4929801812644496e-09,7.850404087478729e-10,7.850404087478729e-10,2.1899063758960116e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1290,2,0.4013313333333314,0.4733333333333334,-1.999999999999431,9.831462151793589e-16,1.8688691619891323e-09,7.700780184467688e-11,7.700780184467688e-11,9.109550720591652e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1291,2,0.4013313333333314,0.4766666666666666,-1.9999999999994316,9.411042258762117e-16,1.8281861494747677e-09,7.719500252698299e-11,7.719500252698299e-11,8.937869248134472e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1292,2,0.4046646666666647,0.4733333333333334,-1.999999999999436,1.085983538913369e-15,1.8602391422134072e-09,6.550110881037729e-11,6.550110881037729e-11,8.908183592491423e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1293,2,0.4046646666666647,0.4766666666666666,-1.9999999999994365,1.0423881465557419e-15,1.819419828472325e-09,6.550657452372934e-11,6.550657452372934e-11,8.733321758077527e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1294,2,0.4013313333333314,0.4833333333333334,-1.9999999999994165,6.708461457985401e-16,1.2236888425631005e-09,-6.317230499392348e-10,-6.317230499392348e-10,-3.780234245290066e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1295,2,0.4013313333333314,0.48666666666666664,-1.9999999999994114,4.42630055024033e-16,1.1925694619863998e-09,-6.325579376537537e-10,-6.325579376537537e-10,-3.925529986540477e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1296,2,0.4046646666666647,0.4833333333333334,-1.999999999999421,7.70074932078303e-16,1.217274486337442e-09,-6.402755249067754e-10,-6.402755249067754e-10,-3.929902557222068e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1297,2,0.4046646666666647,0.48666666666666664,-1.9999999999994158,5.413571099585099e-16,1.1870723207826259e-09,-6.398874592587839e-10,-6.398874592587839e-10,-4.0537966146285556e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1298,2,0.4013313333333314,0.49333333333333335,-1.9999999999994034,5.577036707120503e-17,1.3256770040689279e-09,-3.684860963368494e-10,-3.684860963368494e-10,4.1738578405469405e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1299,2,0.4013313333333314,0.49666666666666665,-1.9999999999994003,-1.0287323010710686e-16,1.2931307307002706e-09,-3.6910645480230224e-10,-3.6910645480230224e-10,2.6903949153970337e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1300,2,0.4046646666666647,0.49333333333333335,-1.9999999999994074,1.5466635831675732e-16,1.3179283305712146e-09,-3.788176610004686e-10,-3.788176610004686e-10,2.3658340244135372e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1301,2,0.4046646666666647,0.49666666666666665,-1.9999999999994047,-3.306571205192866e-18,1.2854332982652292e-09,-3.793696980490206e-10,-3.793696980490206e-10,8.943273472211289e-12,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1302,2,0.4013313333333314,0.5033333333333334,-1.999999999999397,-3.4738000004593684e-16,1.434322746044578e-09,-9.099046302743271e-11,-9.099046302743271e-11,4.847233725513439e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1303,2,0.4013313333333314,0.5066666666666666,-1.9999999999993963,-4.332431728064472e-16,1.4021163717249957e-09,-8.988228964531467e-11,-8.988228964531467e-11,4.72503745531692e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1304,2,0.4046646666666647,0.5033333333333334,-1.9999999999994007,-2.4487877194391604e-16,1.4262492042095042e-09,-1.0175518547419836e-10,-1.0175518547419836e-10,4.658851082695036e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1305,2,0.4046646666666647,0.5066666666666666,-1.9999999999994003,-3.2847804316068143e-16,1.3928837570522156e-09,-1.0219244254235838e-10,-1.0219244254235838e-10,4.509609779618656e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1306,2,0.4013313333333314,0.5133333333333334,-1.9999999999993978,-5.294131609882689e-16,1.5447195659353715e-09,2.038123516110946e-10,2.038123516110946e-10,9.531831734167238e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1307,2,0.4013313333333314,0.5166666666666666,-1.9999999999993998,-5.397199764095743e-16,1.5019954510911199e-09,2.0413482869886271e-10,2.0413482869886271e-10,9.35333520037428e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1308,2,0.4046646666666647,0.5133333333333334,-1.9999999999994018,-4.190907289356523e-16,1.5357206105083879e-09,1.9181374437511392e-10,1.9181374437511392e-10,9.321856107537584e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1309,2,0.4046646666666647,0.5166666666666666,-1.9999999999994036,-4.261041434938519e-16,1.4921602415212784e-09,1.9102121593907373e-10,1.9102121593907373e-10,9.123846977077992e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1310,2,0.4013313333333314,0.5233333333333333,-1.9999999999994067,-4.812521759893008e-16,1.633020897993623e-09,5.278198391177006e-10,5.278198391177006e-10,1.4538944407368394e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1311,2,0.4013313333333314,0.5266666666666666,-1.9999999999994122,-4.124775601477212e-16,1.562348199530995e-09,5.238066390889943e-10,5.238066390889943e-10,1.4178729984975638e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1312,2,0.4046646666666647,0.5233333333333333,-1.9999999999994107,-3.6080585115866583e-16,1.6147001684447972e-09,5.0339219971927e-10,5.0339219971927e-10,1.4111460717895855e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1313,2,0.4046646666666647,0.5266666666666666,-1.9999999999994156,-2.884941442652795e-16,1.5481031841073452e-09,5.048132851907899e-10,5.048132851907899e-10,1.3846346291757076e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1314,2,0.4013313333333314,0.5333333333333333,-1.9999999999994253,-1.922337597377372e-16,1.6558569899853663e-09,8.768206673546656e-10,8.768206673546656e-10,1.9622539490718247e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1315,2,0.4013313333333314,0.5366666666666666,-1.9999999999994338,-4.0764575169334556e-17,1.5566700065724384e-09,8.8041983959696e-10,8.8041983959696e-10,1.9248869165267024e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1316,2,0.4046646666666647,0.5333333333333333,-1.9999999999994285,-6.240616999821859e-17,1.6335937730743272e-09,8.471363781399509e-10,8.471363781399509e-10,1.9103064429460683e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1317,2,0.4046646666666647,0.5366666666666666,-1.999999999999436,9.137009737545412e-17,1.5314081626736594e-09,8.467373810652554e-10,8.467373810652554e-10,1.8659426140962237e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1318,2,0.4013313333333314,0.5433333333333333,-1.9999999999994533,3.5224367923188777e-16,1.5896726670059874e-09,1.2872301515297022e-09,1.2872301515297022e-09,2.5201885023307097e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1319,2,0.4013313333333314,0.5466666666666666,-1.9999999999994653,5.937827490647035e-16,1.4189138752840327e-09,1.2869691637171449e-09,1.2869691637171449e-09,2.446633323289077e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1320,2,0.4046646666666647,0.5433333333333333,-1.9999999999994555,4.837553478531182e-16,1.55370963957816e-09,1.239279448292599e-09,1.239279448292599e-09,2.436274771665782e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1321,2,0.4046646666666647,0.5466666666666666,-1.9999999999994662,7.223643309571054e-16,1.3829539223199676e-09,1.2390225597650536e-09,1.2390225597650536e-09,2.3627267663729156e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1322,2,0.4013313333333314,0.5533333333333333,-1.9999999999994929,1.178010389045796e-15,1.3504793864390529e-09,1.7879113574263782e-09,1.7879113574263782e-09,3.1329359619401434e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1323,2,0.4013313333333314,0.5566666666666666,-1.9999999999995093,1.5206989591940662e-15,1.0739088251144635e-09,1.7888186658428122e-09,1.7888186658428122e-09,3.0157018762530715e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1324,2,0.4046646666666647,0.5533333333333333,-1.999999999999493,1.2853989920608791e-15,1.2914414836674182e-09,1.7091941537308625e-09,1.7091941537308625e-09,2.9951808554729866e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1325,2,0.4046646666666647,0.5566666666666666,-1.9999999999995084,1.6098246700606592e-15,1.0149898016082326e-09,1.7102599678345008e-09,1.7102599678345008e-09,2.878224154738536e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1326,2,0.4013313333333314,0.5633333333333334,-1.9999999999995466,2.344621432634062e-15,8.941831890314672e-10,2.45497707632799e-09,2.45497707632799e-09,3.890331475767761e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1327,2,0.4013313333333314,0.5666666666666667,-1.9999999999995683,2.8258553359257793e-15,4.921926114539368e-10,2.457894400829617e-09,2.457894400829617e-09,3.7222174060940013e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1328,2,0.4046646666666647,0.5633333333333334,-1.999999999999544,2.361352758680047e-15,8.080018705396258e-10,2.340068651672204e-09,2.340068651672204e-09,3.689241732620137e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1329,2,0.4046646666666647,0.5666666666666667,-1.9999999999995641,2.788455169299646e-15,4.0572126854735503e-10,2.3425992769541753e-09,2.3425992769541753e-09,3.5204509393119816e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1330,2,0.4013313333333314,0.5733333333333334,-1.9999999999996243,3.611158010716879e-15,-4.632947017477394e-10,1.5096313942509518e-09,1.5096313942509518e-09,1.9580614053237536e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1331,2,0.4013313333333314,0.5766666666666667,-1.9999999999996374,3.9152267822162015e-15,-3.0458780796694706e-10,1.508361982324949e-09,1.508361982324949e-09,2.024265199906949e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1332,2,0.4046646666666647,0.5733333333333334,-1.9999999999996199,3.5415770209984427e-15,-4.287633496110522e-10,1.5556731970998688e-09,1.5556731970998688e-09,2.0386345603093578e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1333,2,0.4046646666666647,0.5766666666666667,-1.9999999999996332,3.867596462077581e-15,-2.7010052314415995e-10,1.5543450287553317e-09,1.5543450287553317e-09,2.1047355311601238e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1334,2,0.4113313333333314,0.42666666666666664,-1.999999999999391,7.856318425635326e-18,1.0858886439607958e-09,1.6272385148742904e-10,1.6272385148742904e-10,6.978434923938103e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1335,2,0.4146646666666646,0.42666666666666664,-1.9999999999993916,2.0982611309161586e-16,9.45235001381661e-10,-2.4814338618083457e-11,-2.4814338618083457e-11,3.696516597091642e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1336,2,0.4113313333333314,0.43333333333333335,-1.9999999999993947,2.538833326047472e-16,1.79261733662245e-10,1.8698205377194638e-10,1.8698205377194638e-10,3.4394367695802826e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1337,2,0.4113313333333314,0.43666666666666665,-1.999999999999397,3.2637160632108196e-16,-9.978274616829506e-11,1.8910548340919867e-10,1.8910548340919867e-10,2.2738665651244303e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1338,2,0.4146646666666646,0.43333333333333335,-1.9999999999993927,4.530323924135928e-16,1.2008855448514714e-10,1.0808448153581533e-10,1.0808448153581533e-10,2.0587292554479882e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1339,2,0.4146646666666646,0.43666666666666665,-1.9999999999993938,4.974421083004405e-16,-1.5936380420428634e-10,1.096640726945435e-10,1.096640726945435e-10,8.836418776179646e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1340,2,0.4113313333333314,0.44333333333333336,-1.9999999999994023,4.665518542530825e-16,-3.8904401068206295e-10,3.358243597736303e-10,3.358243597736303e-10,3.130159379557322e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1341,2,0.4113313333333314,0.44666666666666666,-1.999999999999405,5.342438284687464e-16,-5.053554156338933e-10,3.3635863325378914e-10,3.3635863325378914e-10,2.639314408051733e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1342,2,0.4146646666666646,0.44333333333333336,-1.999999999999398,6.006921929459627e-16,-4.127419773480002e-10,3.0422707088571524e-10,3.0422707088571524e-10,2.577206824018789e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1343,2,0.4146646666666646,0.44666666666666666,-1.9999999999994005,6.595325617046357e-16,-5.29158938888941e-10,3.0462060224705817e-10,3.0462060224705817e-10,2.0838988654339525e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1344,2,0.4113313333333314,0.45333333333333337,-1.9999999999994127,7.006032846164815e-16,-5.607739913452515e-10,5.332459260478978e-10,5.332459260478978e-10,5.214481837776056e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1345,2,0.4113313333333314,0.45666666666666667,-1.9999999999994174,7.992707665485502e-16,-6.50036605739282e-10,5.327840732696563e-10,5.327840732696563e-10,4.825329879255287e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1346,2,0.4146646666666646,0.45333333333333337,-1.9999999999994078,8.117983581808086e-16,-5.790895967878058e-10,5.08825118791162e-10,5.08825118791162e-10,4.787117710783112e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1347,2,0.4146646666666646,0.45666666666666667,-1.9999999999994122,9.052237858983063e-16,-6.678459494826082e-10,5.090382816118891e-10,5.090382816118891e-10,4.4097785252443637e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1348,2,0.4113313333333314,0.4633333333333334,-1.9999999999994285,1.0428395986295229e-15,-6.42162562441556e-10,7.514426687731213e-10,7.514426687731213e-10,7.982770000580778e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1349,2,0.4113313333333314,0.4666666666666667,-1.999999999999435,1.1877409487784235e-15,-7.102971202663445e-10,7.522420293508514e-10,7.522420293508514e-10,7.702184189584969e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1350,2,0.4146646666666646,0.4633333333333334,-1.999999999999423,1.1400120793819204e-15,-6.560755357790747e-10,7.328920376564324e-10,7.328920376564324e-10,7.658133956038685e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1351,2,0.4146646666666646,0.4666666666666667,-1.9999999999994291,1.2813749451480333e-15,-7.245882526464037e-10,7.3318718617744e-10,7.3318718617744e-10,7.368724434050265e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1352,2,0.4113313333333314,0.4733333333333334,-1.9999999999994527,1.285550633228827e-15,-1.3790162174569374e-09,3.770932284379139e-11,3.770932284379139e-11,-5.371364891332708e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1353,2,0.4113313333333314,0.4766666666666666,-1.9999999999994529,1.2384589675303232e-15,-1.4423122525368635e-09,3.7410075037769236e-11,3.7410075037769236e-11,-5.64690858176129e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1354,2,0.4146646666666646,0.4733333333333334,-1.9999999999994467,1.3731190740813787e-15,-1.392331720003661e-09,1.995531944815481e-11,1.995531944815481e-11,-5.682059950756338e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1355,2,0.4146646666666646,0.4766666666666666,-1.9999999999994469,1.3235003372486035e-15,-1.4553254328138078e-09,2.005916800184282e-11,2.005916800184282e-11,-5.950549454890004e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1356,2,0.4113313333333314,0.4833333333333334,-1.9999999999994371,9.61380585158357e-16,-2.084865271876006e-09,-6.624102975540435e-10,-6.624102975540435e-10,-1.839814113024064e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1357,2,0.4113313333333314,0.48666666666666664,-1.9999999999994313,7.313938684849146e-16,-2.1371926450797235e-09,-6.613226205969956e-10,-6.613226205969956e-10,-1.8606863058870169e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1358,2,0.4146646666666646,0.4833333333333334,-1.9999999999994305,1.042729572739389e-15,-2.094942339261671e-09,-6.75846387401603e-10,-6.75846387401603e-10,-1.8633272702572855e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1359,2,0.4146646666666646,0.48666666666666664,-1.999999999999425,8.115775450629703e-16,-2.148134661603343e-09,-6.759119759618256e-10,-6.759119759618256e-10,-1.886217677775466e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1360,2,0.4113313333333314,0.49333333333333335,-1.999999999999423,3.446281225840677e-16,-2.038305251079902e-09,-3.9821547768671996e-10,-3.9821547768671996e-10,-1.44243864715813e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1361,2,0.4113313333333314,0.49666666666666665,-1.9999999999994196,1.8784909335667247e-16,-2.085040516310354e-09,-3.9895608184591645e-10,-3.9895608184591645e-10,-1.4635260524843193e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1362,2,0.4146646666666646,0.49333333333333335,-1.999999999999416,4.2394856827008954e-16,-2.047335975965747e-09,-4.102564442011779e-10,-4.102564442011779e-10,-1.4635103385584299e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1363,2,0.4146646666666646,0.49666666666666665,-1.9999999999994127,2.6747161915363665e-16,-2.0933436181062127e-09,-4.1002688424039437e-10,-4.1002688424039437e-10,-1.4828999566746539e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1364,2,0.4113313333333314,0.5033333333333334,-1.9999999999994158,-4.824713564689365e-17,-1.968090306110509e-09,-1.1969775598047898e-10,-1.1969775598047898e-10,-1.0144640683051871e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1365,2,0.4113313333333314,0.5066666666666666,-1.9999999999994151,-1.2756433542305728e-16,-2.0181938171941294e-09,-1.2199608844499534e-10,-1.2199608844499534e-10,-1.0392203337189067e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1366,2,0.4146646666666646,0.5033333333333334,-1.999999999999409,3.33270426875375e-17,-1.9800612431726413e-09,-1.3565900539665897e-10,-1.3565900539665897e-10,-1.0423962547835033e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1367,2,0.4146646666666646,0.5066666666666666,-1.999999999999408,-4.4340584662101615e-17,-2.0290517983749635e-09,-1.3647339668610684e-10,-1.3647339668610684e-10,-1.0645556231408534e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1368,2,0.4113313333333314,0.5133333333333334,-1.9999999999994165,-2.0773943483229542e-16,-1.911892183032323e-09,1.6520391892089928e-10,1.6520391892089928e-10,-5.833767656982816e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1369,2,0.4113313333333314,0.5166666666666666,-1.9999999999994182,-2.0859733446536487e-16,-1.975934971198967e-09,1.6416406695568112e-10,1.6416406695568112e-10,-6.123091777200131e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1370,2,0.4146646666666646,0.5133333333333334,-1.9999999999994091,-1.206509277844141e-16,-1.9287750883624838e-09,1.426933784806839e-10,1.426933784806839e-10,-6.227702114686578e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1371,2,0.4146646666666646,0.5166666666666666,-1.9999999999994107,-1.1929364355708253e-16,-1.9914271940881285e-09,1.43507769770132e-10,1.43507769770132e-10,-6.48457697794723e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1372,2,0.4113313333333314,0.5233333333333333,-1.9999999999994247,-1.308342372674162e-16,-1.9004032535664123e-09,4.640035364480775e-10,4.640035364480775e-10,-1.5159634231692432e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1373,2,0.4113313333333314,0.5266666666666666,-1.9999999999994293,-5.2213240436397925e-17,-1.985284415494646e-09,4.672665673192219e-10,4.672665673192219e-10,-1.8331251047024675e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1374,2,0.4146646666666646,0.5233333333333333,-1.9999999999994165,-3.7690501861884156e-17,-1.9188233907768283e-09,4.3944335350086143e-10,4.3944335350086143e-10,-1.9457666247455154e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1375,2,0.4146646666666646,0.5266666666666666,-1.999999999999421,4.2555355605982763e-17,-2.0071807463969306e-09,4.380714594495097e-10,4.380714594495097e-10,-2.344039492422431e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1376,2,0.4113313333333314,0.5333333333333333,-1.999999999999441,1.8334498054851794e-16,-1.972636413191036e-09,7.835277725777043e-10,7.835277725777043e-10,2.739097837434194e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1377,2,0.4113313333333314,0.5366666666666666,-1.999999999999448,3.4028220470241354e-16,-2.1110330577628767e-09,7.839732282158923e-10,7.839732282158923e-10,2.1523330126718492e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1378,2,0.4146646666666646,0.5333333333333333,-1.999999999999432,2.7841249795721655e-16,-2.0023162615136546e-09,7.439546414808814e-10,7.439546414808814e-10,2.0465680432397853e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1379,2,0.4146646666666646,0.5366666666666666,-1.9999999999994387,4.3402378284058134e-16,-2.1403788143568557e-09,7.448455527572572e-10,7.448455527572572e-10,1.4675986921457276e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1380,2,0.4113313333333314,0.5433333333333333,-1.9999999999994653,7.282294194750962e-16,-2.221180504481989e-09,1.1306893882717222e-09,1.1306893882717222e-09,6.633360527530386e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1381,2,0.4113313333333314,0.5466666666666666,-1.999999999999475,9.59239410093879e-16,-2.45361645531043e-09,1.1300430676678499e-09,1.1300430676678499e-09,5.627973301067447e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1382,2,0.4146646666666646,0.5433333333333333,-1.9999999999994549,8.133679240450271e-16,-2.2701977050368996e-09,1.0653331208651752e-09,1.0653331208651752e-09,5.489625847915762e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1383,2,0.4146646666666646,0.5466666666666666,-1.9999999999994644,1.037100780366104e-15,-2.5019316533066925e-09,1.0656228036728293e-09,1.0656228036728293e-09,4.500618681154611e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1384,2,0.4113313333333314,0.5533333333333333,-1.999999999999499,1.4781185276797746e-15,-2.8057487956910034e-09,1.5251581194556455e-09,1.5251581194556455e-09,9.763335439262067e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1385,2,0.4113313333333314,0.5566666666666666,-1.9999999999995126,1.7659876546468808e-15,-3.221111924198373e-09,1.5261105200072346e-09,1.5261105200072346e-09,7.996813467824593e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1386,2,0.4146646666666646,0.5533333333333333,-1.9999999999994862,1.5303629546665674e-15,-2.8948180604752126e-09,1.4063990997433767e-09,1.4063990997433767e-09,7.685052594297308e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1387,2,0.4146646666666646,0.5566666666666666,-1.9999999999994988,1.799892272645948e-15,-3.310059235253414e-09,1.407514105267187e-09,1.407514105267187e-09,5.921376209873694e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1388,2,0.4113313333333314,0.5633333333333334,-1.999999999999544,2.3669712641124057e-15,-3.973992417190158e-09,2.048869108560981e-09,2.048869108560981e-09,1.223816262005618e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1389,2,0.4113313333333314,0.5666666666666667,-1.9999999999995615,2.6800857466108166e-15,-4.6981054943820265e-09,2.052663680055607e-09,2.052663680055607e-09,9.189029024871433e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1390,2,0.4146646666666646,0.5633333333333334,-1.9999999999995268,2.314092223509229e-15,-4.129562333113987e-09,1.8414425539958744e-09,1.8414425539958744e-09,8.608197915166858e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1391,2,0.4146646666666646,0.5666666666666667,-1.9999999999995424,2.5587628563931217e-15,-4.853561655146709e-09,1.8453887990360178e-09,1.8453887990360178e-09,5.561718607028656e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1392,2,0.4113313333333314,0.5733333333333334,-1.9999999999996172,3.3972692758795845e-15,-3.932718082812521e-09,1.921988038807635e-09,1.921988038807635e-09,1.060246591376968e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1393,2,0.4146646666666646,0.5733333333333334,-1.9999999999996017,3.314823871956129e-15,-3.5911800029435437e-09,2.3773721452996114e-09,2.3773721452996114e-09,1.857168777737917e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1394,2,0.42133133333333134,0.43333333333333335,-1.9999999999993763,8.297773498171799e-16,-2.1389990633425563e-09,2.01821465522628e-12,2.01821465522628e-12,-9.138307204964882e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1395,2,0.42133133333333134,0.43666666666666665,-1.999999999999376,8.238818282085342e-16,-2.1535730463885813e-09,3.0170737703044256e-12,3.0170737703044256e-12,-9.186497716375298e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1396,2,0.42466466666666464,0.43333333333333335,-1.9999999999993703,9.75043504090661e-16,-2.1416564248528846e-09,-1.5249340252082166e-12,-1.5249340252082166e-12,-9.200312306872478e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1397,2,0.42466466666666464,0.43666666666666665,-1.9999999999993698,9.556991200612567e-16,-2.156290872352866e-09,-6.066941820720895e-13,-6.066941820720895e-13,-9.24991365554189e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1398,2,0.42133133333333134,0.44333333333333336,-1.9999999999993783,8.597134152041053e-16,-2.1166712826925513e-09,2.3647955388766524e-10,2.3647955388766524e-10,-5.693169013144274e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1399,2,0.42133133333333134,0.44666666666666666,-1.99999999999938,9.014405238083215e-16,-2.240783285418938e-09,2.367391752718854e-10,2.367391752718854e-10,-6.221368719339953e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1400,2,0.42466466666666464,0.44333333333333336,-1.9999999999993716,9.707051160778945e-16,-2.1430255860475617e-09,2.0134048274765317e-10,2.0134048274765317e-10,-6.308102758094509e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1401,2,0.42466466666666464,0.44666666666666666,-1.9999999999993734,1.005055496123936e-15,-2.266971567730879e-09,2.0182146552262938e-10,2.0182146552262938e-10,-6.83242863995192e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1402,2,0.42133133333333134,0.45333333333333337,-1.9999999999993863,1.0262611197345257e-15,-2.312145346978084e-09,4.5511765296606185e-10,4.5511765296606185e-10,-3.4075135875337626e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1403,2,0.42133133333333134,0.45666666666666667,-1.99999999999939,1.109354607056512e-15,-2.4206640111182974e-09,4.555590093192364e-10,4.555590093192364e-10,-3.866288485946478e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1404,2,0.42466466666666464,0.45333333333333337,-1.9999999999993785,1.1176377293614739e-15,-2.335018332534957e-09,4.246203388902354e-10,4.246203388902354e-10,-3.9412165838607186e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1405,2,0.42466466666666464,0.45666666666666667,-1.9999999999993823,1.1958695825529686e-15,-2.4436958439694626e-09,4.2484989885101977e-10,4.2484989885101977e-10,-4.403697919140262e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1406,2,0.42133133333333134,0.4633333333333334,-1.9999999999994,1.3264612936108882e-15,-2.4448057253870033e-09,6.897361314573721e-10,6.897361314573721e-10,-6.243655165532731e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1407,2,0.42133133333333134,0.4666666666666667,-1.9999999999994063,1.460474492843275e-15,-2.535033379794746e-09,6.896965050355682e-10,6.896965050355682e-10,-1.0116215557550628e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1408,2,0.42466466666666464,0.4633333333333334,-1.9999999999993916,1.403894406173689e-15,-2.4640856876291034e-09,6.64029515134574e-10,6.64029515134574e-10,-1.0742313022022309e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1409,2,0.42466466666666464,0.4666666666666667,-1.9999999999993978,1.5336873766029113e-15,-2.553939282279317e-09,6.644886350561421e-10,6.644886350561421e-10,-1.4527592803950464e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1410,2,0.42133133333333134,0.4733333333333334,-1.9999999999994234,1.5393498454699892e-15,-3.2310608889273517e-09,-1.7784064819072448e-11,-1.7784064819072448e-11,-1.4101461878532563e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1411,2,0.42133133333333134,0.4766666666666666,-1.999999999999423,1.4842119988643085e-15,-3.3047998525804486e-09,-1.7315379899138417e-11,-1.7315379899138417e-11,-1.4410790509618176e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1412,2,0.42466466666666464,0.4733333333333334,-1.9999999999994142,1.6046530105312805e-15,-3.2465080196813622e-09,-3.8380239157749466e-11,-3.8380239157749466e-11,-1.4461894929459394e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1413,2,0.42466466666666464,0.4766666666666666,-1.9999999999994138,1.545825674030419e-15,-3.3205165113241267e-09,-3.8270924890709406e-11,-3.8270924890709406e-11,-1.4777512546970686e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1414,2,0.42133133333333134,0.4833333333333334,-1.9999999999994056,1.1951244734403308e-15,-3.962960216396232e-09,-7.081282568868541e-10,-7.081282568868541e-10,-2.7100233168653193e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1415,2,0.42133133333333134,0.48666666666666664,-1.9999999999993996,9.611747946220559e-16,-4.028817963002823e-09,-7.082211740138373e-10,-7.082211740138373e-10,-2.7383808041638366e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1416,2,0.42466466666666464,0.4833333333333334,-1.999999999999396,1.2507157748685207e-15,-3.9765155271162726e-09,-7.262020045135835e-10,-7.262020045135835e-10,-2.741652375212095e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1417,2,0.42466466666666464,0.48666666666666664,-1.9999999999993898,1.0144332122075058e-15,-4.0422297987473826e-09,-7.261036216732467e-10,-7.261036216732467e-10,-2.7696750875678005e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1418,2,0.42133133333333134,0.49333333333333335,-1.99999999999939,5.711731356174264e-16,-3.947929504678226e-09,-4.3904025714115253e-10,-4.3904025714115253e-10,-2.3191701550637445e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1419,2,0.42133133333333134,0.49666666666666665,-1.9999999999993863,4.1512115543108115e-16,-4.002925170818974e-09,-4.393422378038499e-10,-4.393422378038499e-10,-2.343171127213634e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1420,2,0.42466466666666464,0.49333333333333335,-1.9999999999993798,6.219527712416326e-16,-3.9594269743212455e-09,-4.5437021666517633e-10,-4.5437021666517633e-10,-2.345997584230784e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1421,2,0.42466466666666464,0.49666666666666665,-1.9999999999993763,4.657548929367838e-16,-4.014007587854321e-09,-4.541187938509839e-10,-4.541187938509839e-10,-2.3690301002961138e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1422,2,0.42133133333333134,0.5033333333333334,-1.9999999999993818,1.8455735206098943e-16,-3.907009416847223e-09,-1.6341389779811907e-10,-1.6341389779811907e-10,-1.9078810326461227e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1423,2,0.42133133333333134,0.5066666666666666,-1.9999999999993807,1.1004552887724993e-16,-3.96124329918953e-09,-1.6206250017183698e-10,-1.6206250017183698e-10,-1.929193557040994e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1424,2,0.42466466666666464,0.5033333333333334,-1.9999999999993714,2.363364121568381e-16,-3.917884819989366e-09,-1.7791443532097652e-10,-1.7791443532097652e-10,-1.9332569733111163e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1425,2,0.42466466666666464,0.5066666666666666,-1.9999999999993703,1.631158096817479e-16,-3.973267526956846e-09,-1.7809480386159207e-10,-1.7809480386159207e-10,-1.957250088498066e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1426,2,0.42133133333333134,0.5133333333333334,-1.9999999999993814,4.1030669635322627e-17,-3.877177553372002e-09,1.1268114646484788e-10,1.1268114646484788e-10,-1.500674456495361e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1427,2,0.42133133333333134,0.5166666666666666,-1.9999999999993832,4.6527633577139217e-17,-3.942411525442295e-09,1.1255270220107583e-10,1.1255270220107583e-10,-1.5288153649023042e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1428,2,0.42466466666666464,0.5133333333333334,-1.9999999999993707,9.688063499307742e-17,-3.891512753065959e-09,9.356754687290117e-11,9.356754687290117e-11,-1.5341232557812688e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1429,2,0.42466466666666464,0.5166666666666666,-1.999999999999372,1.0386606277950135e-16,-3.957298078970639e-09,9.270396416328501e-11,9.270396416328501e-11,-1.563550656468434e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1430,2,0.42133133333333134,0.5233333333333333,-1.999999999999388,1.348927690897051e-16,-3.888272951476559e-09,3.915964988174477e-10,3.915964988174477e-10,-1.1069791237507444e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1431,2,0.42133133333333134,0.5266666666666666,-1.999999999999392,2.1776094066045426e-16,-3.978472935710454e-09,3.9059900613070677e-10,3.9059900613070677e-10,-1.1470612494034722e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1432,2,0.42466466666666464,0.5233333333333333,-1.9999999999993774,1.9377600484648429e-16,-3.9079454202587485e-09,3.6536654044119544e-10,3.6536654044119544e-10,-1.1528815509091864e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1433,2,0.42466466666666464,0.5266666666666666,-1.9999999999993805,2.76700519127043e-16,-3.9968643779257704e-09,3.66077083176955e-10,3.66077083176955e-10,-1.1899746145725354e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1434,2,0.42133133333333134,0.5333333333333333,-1.9999999999994016,4.523667413733272e-16,-3.99614768626249e-09,6.666339275468006e-10,6.666339275468006e-10,-7.603005404742087e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1435,2,0.42133133333333134,0.5366666666666666,-1.999999999999408,6.04104370515449e-16,-4.131080776604585e-09,6.666981496786883e-10,6.666981496786883e-10,-8.180372618609842e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1436,2,0.42466466666666464,0.5333333333333333,-1.9999999999993896,5.06982280278739e-16,-4.024676660317426e-09,6.285952954735535e-10,6.285952954735535e-10,-8.268681466023962e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1437,2,0.42466466666666464,0.5366666666666666,-1.9999999999993954,6.54339527149874e-16,-4.15968661225354e-09,6.285570354800892e-10,6.285570354800892e-10,-8.847842117085321e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1438,2,0.42133133333333134,0.5433333333333333,-1.9999999999994218,9.629318253270494e-16,-4.2712243998065665e-09,9.386283203674302e-10,9.386283203674302e-10,-4.896271422493417e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1439,2,0.42133133333333134,0.5466666666666666,-1.9999999999994302,1.1700216509965243e-15,-4.478891787366244e-09,9.395315294988476e-10,9.395315294988476e-10,-5.773371524443201e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1440,2,0.42466466666666464,0.5433333333333333,-1.999999999999409,9.96287560252303e-16,-4.315719064169778e-09,8.793021012164745e-10,8.793021012164745e-10,-5.934480257635125e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1441,2,0.42466466666666464,0.5466666666666666,-1.9999999999994165,1.1908783464835926e-15,-4.523571944376348e-09,8.799579868187136e-10,8.799579868187136e-10,-6.815908521345523e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1442,2,0.42133133333333134,0.5533333333333333,-1.9999999999994484,1.6072987235348139e-15,-4.863676640918751e-09,1.182553542268859e-09,1.182553542268859e-09,-3.9507064286681245e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1443,2,0.42133133333333134,0.5566666666666666,-1.9999999999994593,1.8374859704036236e-15,-5.220157981092109e-09,1.1840156205905192e-09,1.1840156205905192e-09,-5.457596767673048e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1444,2,0.42466466666666464,0.5533333333333333,-1.9999999999994338,1.5906604377581697e-15,-4.939515463320278e-09,1.0814351124001643e-09,1.0814351124001643e-09,-5.720278951370204e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1445,2,0.42466466666666464,0.5566666666666666,-1.999999999999443,1.7958517428014512e-15,-5.296060342411344e-09,1.0828124721648693e-09,1.0828124721648693e-09,-7.228651865121854e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1446,2,0.42133133333333134,0.5633333333333334,-1.9999999999994809,2.1872894012516038e-15,-6.5131677828844625e-09,1.3550200278062271e-09,1.3550200278062271e-09,-8.556147243701582e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1447,2,0.42133133333333134,0.5666666666666667,-1.9999999999994924,2.306905585230768e-15,-7.576208378605559e-09,1.3575629509432495e-09,1.3575629509432495e-09,-1.3075708037691722e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1448,2,0.42466466666666464,0.5633333333333334,-1.9999999999994618,2.081798508020212e-15,-6.74117308982695e-09,1.0510129518829362e-09,1.0510129518829362e-09,-1.3876271072359241e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1449,2,0.42466466666666464,0.5666666666666667,-1.9999999999994706,2.162553968195684e-15,-7.803931859703317e-09,1.0539316428129033e-09,1.0539316428129033e-09,-1.8389255929972755e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1450,2,0.43133133333333135,0.43333333333333335,-1.9999999999993598,1.2254854885888355e-15,-8.780876880310787e-10,-2.5457926365281572e-11,-2.5457926365281572e-11,-4.1269176110657884e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1451,2,0.43133133333333135,0.43666666666666665,-1.9999999999993596,1.1903136133129878e-15,-1.0019441686582609e-09,-2.651554189889373e-11,-2.651554189889373e-11,-4.672839892805316e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1452,2,0.43466466666666465,0.43666666666666665,-1.9999999999993565,1.2495806790313084e-15,-1.0276251644497208e-09,-6.075686962084064e-11,-6.075686962084064e-11,-5.272063127939371e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1453,2,0.43133133333333135,0.44333333333333336,-1.99999999999936,1.1770367840094215e-15,-1.1491419781551614e-09,1.2778427888476414e-10,1.2778427888476414e-10,-3.099404493739784e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1454,2,0.43133133333333135,0.44666666666666666,-1.9999999999993612,1.1989318299817032e-15,-1.2893703199140932e-09,1.2813408453929214e-10,1.2813408453929214e-10,-3.695385877641945e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1455,2,0.43466466666666465,0.44333333333333336,-1.9999999999993563,1.2488991503430174e-15,-1.17837910369627e-09,8.880144482995654e-11,8.880144482995654e-11,-3.781604089698907e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1456,2,0.43466466666666465,0.44666666666666666,-1.999999999999357,1.2691627753636061e-15,-1.318841104700996e-09,8.88397048234207e-11,8.88397048234207e-11,-4.3830375226696936e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1457,2,0.43133133333333135,0.45333333333333337,-1.999999999999365,1.2899825965769531e-15,-1.3782342788405142e-09,3.599828127894742e-10,3.599828127894742e-10,-7.641067266097092e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1458,2,0.43133133333333135,0.45666666666666667,-1.9999999999993683,1.35913831719992e-15,-1.5029553669985677e-09,3.600169734979257e-10,3.600169734979257e-10,-1.298137665737788e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1459,2,0.43466466666666465,0.45333333333333337,-1.9999999999993603,1.355338326107813e-15,-1.4045147950652738e-09,3.2494212448979936e-10,3.2494212448979936e-10,-1.377318771854053e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1460,2,0.43466466666666465,0.45666666666666667,-1.9999999999993632,1.4212502518314297e-15,-1.5290729366440158e-09,3.2519354730399115e-10,3.2519354730399115e-10,-1.907547624131653e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1461,2,0.43133133333333135,0.4633333333333334,-1.9999999999993765,1.5494774367344452e-15,-1.5489995610970756e-09,6.092193416407095e-10,6.092193416407095e-10,2.0645639044512517e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1462,2,0.43133133333333135,0.4666666666666667,-1.9999999999993814,1.670660835646001e-15,-1.6587931028766457e-09,6.09261700919189e-10,6.09261700919189e-10,1.5946252865170693e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1463,2,0.43466466666666465,0.4633333333333334,-1.9999999999993707,1.6037025628850936e-15,-1.572004748595645e-09,5.785457583092825e-10,5.785457583092825e-10,1.5277761961512572e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1464,2,0.43466466666666465,0.4666666666666667,-1.9999999999993756,1.7202429482151383e-15,-1.6816291948683854e-09,5.788135782635312e-10,5.788135782635312e-10,1.0617831400430481e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1465,2,0.43133133333333135,0.4733333333333334,-1.9999999999993971,1.724712927423236e-15,-2.379193594274162e-09,-8.309524009046769e-11,-8.309524009046769e-11,-1.1383618833895937e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1466,2,0.43133133333333135,0.4766666666666666,-1.9999999999993967,1.657581620288907e-15,-2.4712252756951495e-09,-8.281102299616369e-11,-8.281102299616369e-11,-1.177398008149583e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1467,2,0.43466466666666465,0.4733333333333334,-1.9999999999993905,1.763650059407914e-15,-2.398976743751729e-09,-1.0947277272722346e-10,-1.0947277272722346e-10,-1.1845225655039169e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1468,2,0.43466466666666465,0.4766666666666666,-1.9999999999993898,1.690516785270636e-15,-2.4909387373274806e-09,-1.0909563850593535e-10,-1.0909563850593535e-10,-1.2233960852916845e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1469,2,0.43133133333333135,0.4833333333333334,-1.9999999999993783,1.3489392958702644e-15,-3.147066538990482e-09,-7.638102116603627e-10,-7.638102116603627e-10,-2.439900247653577e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1470,2,0.43133133333333135,0.48666666666666664,-1.9999999999993716,1.1074282785859742e-15,-3.21746253571466e-09,-7.635519567044806e-10,-7.635519567044806e-10,-2.469701024884109e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1471,2,0.43466466666666465,0.4833333333333334,-1.999999999999371,1.372132892661813e-15,-3.1620914433880474e-09,-7.838434175237814e-10,-7.838434175237814e-10,-2.4749583579145694e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1472,2,0.43466466666666465,0.48666666666666664,-1.9999999999993645,1.1268822741902921e-15,-3.232607344198885e-09,-7.837450346834446e-10,-7.837450346834446e-10,-2.5050389113473074e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1473,2,0.43133133333333135,0.49333333333333335,-1.999999999999361,7.095570761967293e-16,-3.1328741310578426e-09,-4.852036721121512e-10,-4.852036721121512e-10,-2.0358084448992898e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1474,2,0.43133133333333135,0.49666666666666665,-1.9999999999993572,5.531968910917841e-16,-3.1848667293187523e-09,-4.843072951224222e-10,-4.843072951224222e-10,-2.056810448454352e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1475,2,0.43466466666666465,0.49333333333333335,-1.9999999999993539,7.254492960875902e-16,-3.1427892766854564e-09,-4.984238662823007e-10,-4.984238662823007e-10,-2.058943784697052e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1476,2,0.43466466666666465,0.49666666666666665,-1.9999999999993494,5.692669364564189e-16,-3.195474654113732e-09,-4.984511948490611e-10,-4.984511948490611e-10,-2.0815622729759783e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1477,2,0.43133133333333135,0.5033333333333334,-1.9999999999993519,3.2638788510119956e-16,-3.0775836580031755e-09,-2.079908894686993e-10,-2.079908894686993e-10,-1.6160942669566434e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1478,2,0.43133133333333135,0.5066666666666666,-1.9999999999993503,2.5593906421556677e-16,-3.1267026574692643e-09,-2.0877248647803568e-10,-2.0877248647803568e-10,-1.6382618338840216e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1479,2,0.43466466666666465,0.5033333333333334,-1.9999999999993436,3.444003270786549e-16,-3.0874188675730126e-09,-2.211045022284879e-10,-2.211045022284879e-10,-1.6390430892862747e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1480,2,0.43466466666666465,0.5066666666666666,-1.9999999999993423,2.7571607733206905e-16,-3.1359926621322465e-09,-2.211591593620084e-10,-2.211591593620084e-10,-1.6599385114309676e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1481,2,0.43133133333333135,0.5133333333333334,-1.9999999999993503,1.9556535531183074e-16,-3.027141614298811e-09,5.7783521557352154e-11,5.7783521557352154e-11,-1.2147985181889886e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1482,2,0.43133133333333135,0.5166666666666666,-1.9999999999993516,2.056404672937313e-16,-3.082784284257606e-09,5.751160231809011e-11,5.751160231809011e-11,-1.2390338327988426e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1483,2,0.43466466666666465,0.5133333333333334,-1.9999999999993419,2.1887729467764268e-16,-3.038533527352722e-09,4.259430415214203e-11,4.259430415214203e-11,-1.2413796486481046e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1484,2,0.43466466666666465,0.5166666666666666,-1.9999999999993427,2.3072276176980587e-16,-3.0938205843365424e-09,4.279653554616609e-11,4.279653554616609e-11,-1.2647851996497093e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1485,2,0.43133133333333135,0.5233333333333333,-1.9999999999993558,2.990693638460992e-16,-3.0146838871412617e-09,3.171917429566609e-10,3.171917429566609e-10,-8.388763188367402e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1486,2,0.43133133333333135,0.5266666666666666,-1.9999999999993587,3.824231484165661e-16,-3.0886940868194503e-09,3.18166006361655e-10,3.18166006361655e-10,-8.692031709774003e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1487,2,0.43466466666666465,0.5233333333333333,-1.9999999999993467,3.267698183179697e-16,-3.029256845366036e-09,2.9776113199029786e-10,2.9776113199029786e-10,-8.728798880278751e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1488,2,0.43466466666666465,0.5266666666666666,-1.9999999999993494,4.109714077739697e-16,-3.1042396004137987e-09,2.9743865490252996e-10,2.9743865490252996e-10,-9.054760360308705e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1489,2,0.43133133333333135,0.5333333333333333,-1.9999999999993665,6.051038807009667e-16,-3.0905186102577644e-09,5.574344404871798e-10,5.574344404871798e-10,-5.281730608430727e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1490,2,0.43133133333333135,0.5366666666666666,-1.9999999999993718,7.444308284148984e-16,-3.2004358138019242e-09,5.564191842320439e-10,5.564191842320439e-10,-5.767307998693333e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1491,2,0.43466466666666465,0.5333333333333333,-1.9999999999993574,6.319457261348445e-16,-3.113271691727977e-09,5.270969985268974e-10,5.270969985268974e-10,-5.812635842735643e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1492,2,0.43466466666666465,0.5366666666666666,-1.9999999999993618,7.687184550397168e-16,-3.2223536659505317e-09,5.271953813672339e-10,5.271953813672339e-10,-6.278724548827489e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1493,2,0.43133133333333135,0.5433333333333333,-1.9999999999993834,1.054314179665344e-15,-3.2875299064235493e-09,7.73640297123935e-10,7.73640297123935e-10,-3.037409640044712e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1494,2,0.43133133333333135,0.5466666666666666,-1.9999999999993905,1.2248705832018543e-15,-3.432595062891917e-09,7.744533219850439e-10,7.744533219850439e-10,-3.647502812607573e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1495,2,0.43466466666666465,0.5433333333333333,-1.9999999999993734,1.065957788496898e-15,-3.3178984346285178e-09,7.331489261839741e-10,7.331489261839741e-10,-3.7460086314940135e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1496,2,0.43466466666666465,0.5466666666666666,-1.9999999999993796,1.2264243930492027e-15,-3.463151133386279e-09,7.337118946592299e-10,7.337118946592299e-10,-4.3604777908093166e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1497,2,0.43133133333333135,0.5533333333333333,-1.9999999999994045,1.5571717357147684e-15,-3.5874069526952377e-09,9.242125014015285e-10,9.242125014015285e-10,-2.1715654915291997e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1498,2,0.43133133333333135,0.5566666666666666,-1.9999999999994125,1.718916484691168e-15,-3.7120952465731803e-09,9.245199477775781e-10,9.245199477775781e-10,-2.7015518027768025e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1499,2,0.43466466666666465,0.5533333333333333,-1.9999999999993938,1.5400031237128437e-15,-3.6134076927177934e-09,8.895448480381263e-10,8.895448480381263e-10,-2.778249425388757e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1500,2,0.43466466666666465,0.5566666666666666,-1.9999999999994011,1.6931152498241748e-15,-3.737769068615866e-09,8.902881850540005e-10,8.902881850540005e-10,-3.300607650439461e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1501,2,0.43133133333333135,0.5633333333333334,-1.9999999999994265,1.915922265064427e-15,-3.4956154210546543e-09,7.414650090490459e-10,7.414650090490459e-10,-4.388851675247889e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1502,2,0.43133133333333135,0.5666666666666667,-1.999999999999433,1.9511832964612813e-15,-3.019005558367274e-09,7.39558841517534e-10,7.39558841517534e-10,-2.373468942752109e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1503,2,0.43466466666666465,0.5633333333333334,-1.9999999999994167,1.923195230600709e-15,-3.393041061791829e-09,8.782308213994817e-10,8.782308213994817e-10,-1.995449959115201e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1504,2,0.44133133333333135,0.44333333333333336,-1.9999999999993499,1.382547649493259e-15,-5.160309786316033e-10,3.387375849902486e-11,3.387375849902486e-11,-1.727650501292235e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1505,2,0.44133133333333135,0.44666666666666666,-1.9999999999993499,1.4008645714449319e-15,-5.371580103795941e-10,3.3685191388380735e-11,3.3685191388380735e-11,-1.8208887389356773e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1506,2,0.44466466666666465,0.44666666666666666,-1.999999999999348,1.4491952801205967e-15,-5.410687282829501e-10,2.8470900850571987e-11,2.8470900850571987e-11,-1.9121388233473273e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1507,2,0.44133133333333135,0.45333333333333337,-1.999999999999352,1.4782186299571229e-15,-5.266812627050615e-10,2.522686333332577e-10,2.522686333332577e-10,1.3466322074534159e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1508,2,0.44133133333333135,0.45666666666666667,-1.999999999999354,1.5372557665176398e-15,-6.590201888474654e-10,2.522208083414274e-10,2.522208083414274e-10,7.787821669598297e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1509,2,0.44466466666666465,0.45333333333333337,-1.9999999999993499,1.5239964714569249e-15,-5.549325102003005e-10,2.1460030333960605e-10,2.1460030333960605e-10,6.874364325645165e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1510,2,0.44466466666666465,0.45666666666666667,-1.9999999999993512,1.578821814707092e-15,-6.86993709783005e-10,2.1492278042737413e-10,2.1492278042737413e-10,1.2606667846389778e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1511,2,0.44133133333333135,0.4633333333333334,-1.9999999999993605,1.7038222693786605e-15,-7.21285936960542e-10,5.134887387087538e-10,5.134887387087538e-10,4.2443279660084615e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1512,2,0.44133133333333135,0.4666666666666667,-1.999999999999365,1.8113516356791618e-15,-8.475616789601534e-10,5.136691072493697e-10,5.136691072493697e-10,3.705722908018924e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1513,2,0.44466466666666465,0.4633333333333334,-1.9999999999993572,1.7372210310099485e-15,-7.481167821984297e-10,4.777142783915702e-10,4.777142783915702e-10,3.618274910457752e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1514,2,0.44466466666666465,0.4666666666666667,-1.9999999999993614,1.8407949040626356e-15,-8.741916592323554e-10,4.781624668864343e-10,4.781624668864343e-10,3.084356701667557e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1515,2,0.44133133333333135,0.4733333333333334,-1.999999999999379,1.8308886182000197e-15,-1.607868709968966e-09,-1.673902042616994e-10,-1.673902042616994e-10,-9.282154532177009e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1516,2,0.44133133333333135,0.4766666666666666,-1.9999999999993774,1.742896234420369e-15,-1.7291269271114447e-09,-1.6656488154554775e-10,-1.6656488154554775e-10,-9.79004228112829e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1517,2,0.44466466666666465,0.4733333333333334,-1.9999999999993747,1.843236487241531e-15,-1.6337577444748881e-09,-2.019089169362614e-10,-2.019089169362614e-10,-9.886232003981808e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1518,2,0.44466466666666465,0.4766666666666666,-1.999999999999373,1.7421041973677326e-15,-1.7552701172882335e-09,-2.0142246844793341e-10,-2.0142246844793341e-10,-1.040005005192003e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1519,2,0.44133133333333135,0.4833333333333334,-1.999999999999358,1.4019938634570372e-15,-2.4160591476192387e-09,-8.235053664625769e-10,-8.235053664625769e-10,-2.211890158211926e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1520,2,0.44133133333333135,0.48666666666666664,-1.999999999999351,1.1490838762733815e-15,-2.4872340084960746e-09,-8.232908372135091e-10,-8.232908372135091e-10,-2.242087199660474e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1521,2,0.44466466666666465,0.4833333333333334,-1.999999999999353,1.3838719032788386e-15,-2.430945701147582e-09,-8.433541045003644e-10,-8.433541045003644e-10,-2.2466254497780616e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1522,2,0.44466466666666465,0.48666666666666664,-1.9999999999993459,1.1267718990637694e-15,-2.5021379839857287e-09,-8.431628045330441e-10,-8.431628045330441e-10,-2.276863142469671e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1523,2,0.44133133333333135,0.49333333333333335,-1.9999999999993396,7.415289683934336e-16,-2.3676817771335966e-09,-5.241878725952959e-10,-5.241878725952959e-10,-1.7635605796219619e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1524,2,0.44133133333333135,0.49666666666666665,-1.9999999999993354,5.86884047697151e-16,-2.4005054354548704e-09,-5.232395713287245e-10,-5.232395713287245e-10,-1.77627314566455e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1525,2,0.44466466666666465,0.49333333333333335,-1.9999999999993345,7.181592695945389e-16,-2.3736759566453163e-09,-5.321801119442598e-10,-5.321801119442598e-10,-1.777546998482644e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1526,2,0.44466466666666465,0.49666666666666665,-1.9999999999993299,5.666466443403871e-16,-2.4073666137470485e-09,-5.323878090516365e-10,-5.323878090516365e-10,-1.7922825616796421e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1527,2,0.44133133333333135,0.5033333333333334,-1.9999999999993294,3.678803151040451e-16,-2.254951097641494e-09,-2.442299354208023e-10,-2.442299354208023e-10,-1.3153075210189302e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1528,2,0.44133133333333135,0.5066666666666666,-1.9999999999993274,3.0352150320722817e-16,-2.2872138371300164e-09,-2.4510991527047444e-10,-2.4510991527047444e-10,-1.3303915234421137e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1529,2,0.44466466666666465,0.5033333333333334,-1.9999999999993234,3.545305172576509e-16,-2.26084996877664e-09,-2.52095096934331e-10,-2.52095096934331e-10,-1.3290715536676056e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1530,2,0.44466466666666465,0.5066666666666666,-1.9999999999993217,2.939270154290721e-16,-2.292669985483649e-09,-2.5238477974198686e-10,-2.5238477974198686e-10,-1.3431225362672622e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1531,2,0.44133133333333135,0.5133333333333334,-1.9999999999993263,2.55012244559036e-16,-2.151125090021057e-09,1.6968307101286417e-11,1.6968307101286417e-11,-8.976703141500446e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1532,2,0.44133133333333135,0.5166666666666666,-1.9999999999993272,2.708617978076638e-16,-2.182527662870808e-09,1.710768279176245e-11,1.710768279176245e-11,-9.109294515278279e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1533,2,0.44466466666666465,0.5133333333333334,-1.9999999999993205,2.5210186179923105e-16,-2.157394946449971e-09,8.608498529401207e-12,8.608498529401207e-12,-9.122999791508416e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1534,2,0.44466466666666465,0.5166666666666666,-1.999999999999321,2.708802099979714e-16,-2.1888938524975505e-09,8.61942995610521e-12,8.61942995610521e-12,-9.257838939902282e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1535,2,0.44133133333333135,0.5233333333333333,-1.99999999999933,3.7323459770902513e-16,-2.068141555447222e-09,2.62262690197391e-10,2.62262690197391e-10,-5.116853949096785e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1536,2,0.44133133333333135,0.5266666666666666,-1.9999999999993328,4.59757844361758e-16,-2.104314671232012e-09,2.619333809679333e-10,2.619333809679333e-10,-5.276586005738166e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1537,2,0.44466466666666465,0.5233333333333333,-1.9999999999993243,3.785947282991469e-16,-2.07523024405768e-09,2.5281110538344365e-10,2.5281110538344365e-10,-5.282256683340877e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1538,2,0.44466466666666465,0.5266666666666666,-1.9999999999993263,4.675308984015811e-16,-2.1113449450310287e-09,2.525596825692516e-10,2.525596825692516e-10,-5.440625727715102e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1539,2,0.44133133333333135,0.5333333333333333,-1.9999999999993394,6.811614741076639e-16,-2.0586896290261874e-09,4.719042250983951e-10,4.719042250983951e-10,-2.0814666229923155e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1540,2,0.44133133333333135,0.5366666666666666,-1.9999999999993436,8.160418572008348e-16,-2.1342015334478384e-09,4.710802688105812e-10,4.710802688105812e-10,-2.416859874625307e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1541,2,0.44466466666666465,0.5333333333333333,-1.999999999999333,6.968334623041833e-16,-2.0743529970646856e-09,4.510197343803982e-10,4.510197343803982e-10,-2.44694521055723e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1542,2,0.44466466666666465,0.5366666666666666,-1.999999999999337,8.37199856104349e-16,-2.149447799236159e-09,4.5075191442615014e-10,4.5075191442615014e-10,-2.7726060763528084e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1543,2,0.44133133333333135,0.5433333333333333,-1.9999999999993539,1.0932077892127228e-15,-2.2089007546154643e-09,6.521566193056903e-10,6.521566193056903e-10,-1.5019438684213664e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1544,2,0.44133133333333135,0.5466666666666666,-1.99999999999936,1.2354933381314367e-15,-2.344380757899847e-09,6.528179706212822e-10,6.528179706212822e-10,-7.213750964095974e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1545,2,0.44466466666666465,0.5433333333333333,-1.9999999999993472,1.114758355676083e-15,-2.2377463984377314e-09,6.13695760876e-10,6.13695760876e-10,-8.232594093617343e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1546,2,0.44466466666666465,0.5466666666666666,-1.9999999999993525,1.2519504614476474e-15,-2.373386273837663e-09,6.141439493708637e-10,6.141439493708637e-10,-1.3981704682919384e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1547,2,0.44133133333333135,0.5533333333333333,-1.999999999999373,1.524785688883624e-15,-2.3982545863750903e-09,8.279161971376396e-10,8.279161971376396e-10,1.5491403032158882e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1548,2,0.44133133333333135,0.5566666666666666,-1.9999999999993803,1.6717924907170937e-15,-2.4496767008048835e-09,8.27022553004589e-10,8.27022553004589e-10,1.315993468044606e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1549,2,0.44466466666666465,0.5533333333333333,-1.9999999999993654,1.5554165498183468e-15,-2.4087303092283755e-09,8.139485666666042e-10,8.139485666666042e-10,1.3047067699727223e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1550,2,0.45133133333333136,0.45333333333333337,-1.9999999999993459,1.6164986546551057e-15,-4.8008434834383254e-11,1.5975870199396847e-10,1.5975870199396847e-10,2.0765167363379088e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1551,2,0.45133133333333136,0.45666666666666667,-1.9999999999993476,1.6641804919405391e-15,-7.132482638693405e-11,1.5991584125283895e-10,1.5991584125283895e-10,1.9788341905251184e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1552,2,0.45466466666666466,0.45666666666666667,-1.9999999999993467,1.7113129922663529e-15,-7.61455855633988e-11,1.534881623508855e-10,1.534881623508855e-10,1.866349809740945e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1553,2,0.45133133333333136,0.4633333333333334,-1.9999999999993523,1.8033477636485144e-15,6.277235141939086e-11,4.222208907287075e-10,4.222208907287075e-10,6.30075137363608e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1554,2,0.45133133333333136,0.4666666666666667,-1.9999999999993558,1.894833198071054e-15,2.5140914990865536e-11,4.230079534513951e-10,4.230079534513951e-10,6.150717542123641e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1555,2,0.45466466666666466,0.4633333333333334,-1.9999999999993514,1.8350695487197708e-15,5.5061596308055766e-11,4.119398839135933e-10,4.119398839135933e-10,6.120833754371576e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1556,2,0.45466466666666466,0.4666666666666667,-1.999999999999355,1.912155859558184e-15,1.742196130950247e-11,4.127160152095772e-10,4.127160152095772e-10,5.970608622891838e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1557,2,0.45133133333333136,0.4733333333333334,-1.9999999999993678,1.8530756676454696e-15,-8.863043632345571e-10,-3.098704199216563e-10,-3.098704199216563e-10,-8.225167555600339e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1558,2,0.45133133333333136,0.4766666666666666,-1.9999999999993654,1.7198327027973403e-15,-1.2102431877171789e-09,-3.0853268657875266e-10,-3.0853268657875266e-10,-9.594366327055823e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1559,2,0.45466466666666466,0.4733333333333334,-1.999999999999366,1.8282821424892145e-15,-9.554531524932268e-10,-4.020688055998807e-10,-4.020688055998807e-10,-9.838639304969282e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1560,2,0.45466466666666466,0.4766666666666666,-1.9999999999993623,1.6673221145818273e-15,-1.2794155478646793e-09,-4.00762500108752e-10,-4.00762500108752e-10,-1.1208388063830788e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1561,2,0.45133133333333136,0.4833333333333334,-1.9999999999993445,1.3243846986707707e-15,-1.931221336694584e-09,-8.642044345099121e-10,-8.642044345099121e-10,-2.062244050740411e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1562,2,0.45133133333333136,0.48666666666666664,-1.9999999999993368,1.0621796593923583e-15,-1.909971326396175e-09,-8.643110159202754e-10,-8.643110159202754e-10,-2.053289162627324e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1563,2,0.45466466666666466,0.4833333333333334,-1.9999999999993407,1.2481545278633089e-15,-1.926372907344279e-09,-8.577398620428314e-10,-8.577398620428314e-10,-2.0509310489230187e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1564,2,0.45466466666666466,0.48666666666666664,-1.9999999999993334,9.899469690522057e-16,-1.9053954994992967e-09,-8.582099133911049e-10,-8.582099133911049e-10,-2.0426122332012717e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1565,2,0.45133133333333136,0.49333333333333335,-1.9999999999993245,6.568361308619281e-16,-1.6391968124742982e-09,-5.425840973097918e-10,-5.425840973097918e-10,-1.4776330586458313e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1566,2,0.45133133333333136,0.49666666666666665,-1.99999999999932,5.136976416099202e-16,-1.6256712215706043e-09,-5.417669731636683e-10,-5.417669731636683e-10,-1.4706690566212125e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1567,2,0.45466466666666466,0.49333333333333335,-1.9999999999993217,5.970070792259278e-16,-1.6356488812946801e-09,-5.378535224036366e-10,-5.378535224036366e-10,-1.4693545525600619e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1568,2,0.45466466666666466,0.49666666666666665,-1.999999999999317,4.62274748210763e-16,-1.6231050691518383e-09,-5.383454366053173e-10,-5.383454366053173e-10,-1.4646813676440987e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1569,2,0.45133133333333136,0.5033333333333334,-1.9999999999993134,3.1872951088227815e-16,-1.4207243928318846e-09,-2.6498461544668733e-10,-2.6498461544668733e-10,-9.874313332803612e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1570,2,0.45133133333333136,0.5066666666666666,-1.9999999999993117,2.6689986940664903e-16,-1.4356642370654087e-09,-2.6608049097376305e-10,-2.6608049097376305e-10,-9.953996601334077e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1571,2,0.45466466666666466,0.5033333333333334,-1.9999999999993103,2.826261863293904e-16,-1.4232567261492822e-09,-2.683610598698869e-10,-2.683610598698869e-10,-9.933401110209608e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1572,2,0.45466466666666466,0.5066666666666666,-1.9999999999993086,2.377099554631872e-16,-1.4373869615925427e-09,-2.683774570099432e-10,-2.683774570099432e-10,-9.994193506967206e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1573,2,0.45133133333333136,0.5133333333333334,-1.99999999999931,2.4045917137173905e-16,-1.2588467020927633e-09,-4.3069821213766164e-12,-4.3069821213766164e-12,-5.45658561070293e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1574,2,0.45133133333333136,0.5166666666666666,-1.9999999999993103,2.6584811481245977e-16,-1.2686330618495204e-09,-4.1430107208166004e-12,-4.1430107208166004e-12,-5.496184703938181e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1575,2,0.45466466666666466,0.5133333333333334,-1.9999999999993068,2.229939763422073e-16,-1.2602486575675494e-09,-6.17625608776093e-12,-6.17625608776093e-12,-5.489297905114659e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1576,2,0.45466466666666466,0.5166666666666666,-1.999999999999307,2.5319422808743154e-16,-1.270469541535791e-09,-6.591650302512987e-12,-6.591650302512987e-12,-5.539035896617869e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1577,2,0.45133133333333136,0.5233333333333333,-1.9999999999993128,3.8568725816776816e-16,-1.0909830304119452e-09,2.394829633745897e-10,2.394829633745897e-10,-1.2544563678427667e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1578,2,0.45133133333333136,0.5266666666666666,-1.9999999999993148,4.801374580823544e-16,-1.0894153955011732e-09,2.386398770900435e-10,2.386398770900435e-10,-1.2597820222901214e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1579,2,0.45466466666666466,0.5233333333333333,-1.9999999999993094,3.8197806047882043e-16,-1.0904726694277018e-09,2.4016344468691495e-10,2.4016344468691495e-10,-1.2425479448770951e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1580,2,0.45466466666666466,0.5266666666666666,-1.9999999999993112,4.805616411249833e-16,-1.0883588047888135e-09,2.40048664706523e-10,2.40048664706523e-10,-1.2351282390017538e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1581,2,0.45133133333333136,0.5333333333333333,-1.9999999999993212,7.309074716793098e-16,-8.403196087687535e-10,4.394337885024955e-10,4.394337885024955e-10,2.676255798169571e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1582,2,0.45133133333333136,0.5366666666666666,-1.9999999999993254,8.872272853616766e-16,-7.450986836068706e-10,4.3812201729801596e-10,4.3812201729801596e-10,3.0656058887993486e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1583,2,0.45466466666666466,0.5333333333333333,-1.999999999999318,7.53404542331057e-16,-8.191273300676234e-10,4.676901601040026e-10,4.676901601040026e-10,3.1707423011959305e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1584,2,0.45466466666666466,0.5366666666666666,-1.9999999999993225,9.276638628909649e-16,-7.233939942789922e-10,4.670616030685235e-10,4.670616030685235e-10,3.572048639783204e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1585,2,0.45133133333333136,0.5433333333333333,-1.999999999999334,1.1686113674730867e-15,-9.385138819941234e-10,4.949107790253037e-10,4.949107790253037e-10,3.0479516346723814e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1586,2,0.45133133333333136,0.5466666666666666,-1.999999999999339,1.2936756359021259e-15,-1.2722862080111625e-09,4.959670281305779e-10,4.959670281305779e-10,1.6325880818175619e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1587,2,0.45466466666666466,0.5433333333333333,-1.9999999999993312,1.2170416311121935e-15,-1.0093628497123473e-09,4.004454887343378e-10,4.004454887343378e-10,1.3948090545804572e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1588,2,0.4613313333333314,0.4733333333333334,-1.9999999999993627,1.7212998952158631e-15,-7.372929617260454e-10,-6.15353238449994e-10,-6.15353238449994e-10,-1.19505875281115e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1589,2,0.4613313333333314,0.4766666666666666,-1.9999999999993574,1.521119700038442e-15,-1.2178828885549384e-09,-6.153614370200209e-10,-6.153614370200209e-10,-1.4010375765521476e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1590,2,0.4613313333333314,0.4833333333333334,-1.999999999999334,1.074703999238789e-15,-1.5494552649477944e-09,-7.929028374047226e-10,-7.929028374047226e-10,-1.7967705955558044e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1591,2,0.4613313333333314,0.48666666666666664,-1.9999999999993272,8.284684936165854e-16,-1.266233272080904e-09,-7.939454222266174e-10,-7.939454222266174e-10,-1.6768791483584136e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1592,2,0.46466466666666467,0.4833333333333334,-1.9999999999993314,9.459983609072645e-16,-1.4876810894293153e-09,-7.105372700467451e-10,-7.105372700467451e-10,-1.6526308526793542e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1593,2,0.46466466666666467,0.48666666666666664,-1.9999999999993254,7.137030663880874e-16,-1.2040092000321368e-09,-7.109799928282593e-10,-7.109799928282593e-10,-1.5316896469112919e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1594,2,0.4613313333333314,0.49333333333333335,-1.999999999999316,4.656244492480377e-16,-7.661502201891873e-10,-5.306579107757269e-10,-5.306579107757269e-10,-1.0864328240464043e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1595,2,0.4613313333333314,0.49666666666666665,-1.9999999999993117,3.490159105017029e-16,-7.515472005409785e-10,-5.301386680072863e-10,-5.301386680072863e-10,-1.0794326116708303e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1596,2,0.46466466666666467,0.49333333333333335,-1.9999999999993157,3.764840808472741e-16,-7.617250420165734e-10,-5.247576732122426e-10,-5.247576732122426e-10,-1.0761074083103063e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1597,2,0.46466466666666467,0.49666666666666665,-1.9999999999993112,2.715603898256463e-16,-7.48245226462202e-10,-5.257360359022503e-10,-5.257360359022503e-10,-1.0717280054870161e-09,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1598,2,0.4613313333333314,0.5033333333333334,-1.9999999999993057,2.0361171968858743e-16,-5.483934673888e-10,-2.7293859480218703e-10,-2.7293859480218703e-10,-6.249380500268948e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1599,2,0.4613313333333314,0.5066666666666666,-1.9999999999993037,1.7481606762181022e-16,-5.551275678455507e-10,-2.7426539671838525e-10,-2.7426539671838525e-10,-6.297195243886424e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1600,2,0.46466466666666467,0.5033333333333334,-1.9999999999993048,1.504888512981081e-16,-5.51117442280603e-10,-2.7657056132459246e-10,-2.7657056132459246e-10,-6.312939914411026e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1601,2,0.46466466666666467,0.5066666666666666,-1.9999999999993028,1.3434100379220016e-16,-5.560939742875998e-10,-2.755539386411203e-10,-2.755539386411203e-10,-6.319744727534275e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1602,2,0.4613313333333314,0.5133333333333334,-1.9999999999993014,1.8522813437833826e-16,-4.0470362104262865e-10,-1.6029570833080293e-11,-1.6029570833080293e-11,-1.9634379592267044e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1603,2,0.4613313333333314,0.5166666666666666,-1.9999999999993014,2.244358532016429e-16,-4.411080048236312e-10,-1.5570450911512163e-11,-1.5570450911512163e-11,-2.1128978908371582e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1604,2,0.46466466666666467,0.5133333333333334,-1.9999999999993006,1.6067430958678307e-16,-4.1180050822311835e-10,-2.5492087073731526e-11,-2.5492087073731526e-11,-2.1290319934380987e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1605,2,0.46466466666666467,0.5166666666666666,-1.9999999999993001,2.0315546288727224e-16,-4.5000447812526524e-10,-2.7432415313691827e-11,-2.7432415313691827e-11,-2.3204822678753096e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1606,2,0.4613313333333314,0.5233333333333333,-1.9999999999993032,3.726448186047982e-16,-4.534188409348433e-10,2.1198632592901195e-10,2.1198632592901195e-10,1.0851524806936981e-10,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 +1607,2,0.4613313333333314,0.5266666666666666,-1.9999999999993052,4.816460651846469e-16,-6.005688254399153e-10,2.1129491318998368e-10,2.1129491318998368e-10,4.446323651144176e-11,0.0,0.0,0.0,0.0,1.0,1.0,1000.0,1000000.0,0.3 diff --git a/solver.py b/solver.py new file mode 100644 index 0000000..e7b3893 --- /dev/null +++ b/solver.py @@ -0,0 +1,170 @@ +import numpy as np +from particles import Particles +from nodes import Grid +from shape_function import shape_function, gradient_shape_function + + +class MPMSolver: + def __init__(self, particles: Particles, grid: Grid, dt: float): + self.particles = particles + self.grid = grid + self.dt = dt + self.time = 0.0 + + # Initialize initial_volume and initial_density for each particle + for particle in self.particles.particles: + if 'initial_volume' not in particle: + particle['initial_volume'] = particle['volume'] + if 'initial_density' not in particle: + particle['initial_density'] = particle['density'] + + def step(self): + self.prepare_step() + self.particle_to_grid() + self.update_grid() + self.grid_to_particle() + self.update_particles() + # self.apply_boundary_conditions() + self.time += self.dt + + def prepare_step(self): + self.grid.reset_nodes() + + # Initialize node_particle_map as a 2D list of lists + self.grid.node_particle_map = [[[] for _ in range(self.grid.node_count[1])] + for _ in range(self.grid.node_count[0])] + + for p_idx in range(len(self.particles.particles)): + particle_pos = self.particles.particles[p_idx]['position'] + i = int(particle_pos[0] / self.grid.cell_size) + j = int(particle_pos[1] / self.grid.cell_size) + + node_range = 2 # Influence radius + + for di in range(-node_range, node_range + 1): + for dj in range(-node_range, node_range + 1): + node_i = i + di + node_j = j + dj + + if 0 <= node_i < self.grid.node_count[0] and 0 <= node_j < self.grid.node_count[1]: + node_pos = np.array([node_i * self.grid.cell_size, node_j * self.grid.cell_size]) + shape_x, shape_y = shape_function(particle_pos, node_pos, self.grid.cell_size) + + if shape_x * shape_y > 0: + self.grid.node_particle_map[node_i][node_j].append(p_idx) + + def particle_to_grid(self): + for i in range(self.grid.node_count[0]): + for j in range(self.grid.node_count[1]): + node = self.grid.nodes[i, j] + node_pos = np.array([i * self.grid.cell_size, j * self.grid.cell_size]) + + node.force = np.zeros(2) + node.mass = 0 + node.momentum = np.zeros(2) + + particle_indices = self.grid.node_particle_map[i][j] + + for p_idx in particle_indices: + particle = self.particles.get_particle(p_idx) + particle_pos = particle['position'] + + shape_x, shape_y = shape_function(particle_pos, node_pos, self.grid.cell_size) + grad_shape_x, grad_shape_y = gradient_shape_function(particle_pos, node_pos, self.grid.cell_size) + + shape_value = shape_x * shape_y + + # Update node properties + node.mass += particle['mass'] * shape_value + node.momentum += particle['mass'] * particle['velocity'] * shape_value + + force_x = -(particle['mass'] / particle['density']) * ( + grad_shape_x * shape_y * particle['stress'][0, 0] + + grad_shape_y * shape_x * particle['stress'][0, 1] + ) + force_y = -(particle['mass'] / particle['density']) * ( + grad_shape_x * shape_y * particle['stress'][1, 0] + + grad_shape_y * shape_x * particle['stress'][1, 1] + ) + + node.force[0] += force_x + node.force[1] += force_y + + if node.mass > 0: + node.velocity = node.momentum / node.mass + else: + node.velocity = np.zeros(2) + + def update_grid(self): + dt = self.dt # Time step + for node in self.grid.nodes.flat: + if node.mass > 1e-9: + # Update momentum using explicit integration + node.momentum += node.force * dt + + # Update velocity based on new momentum + node.velocity = node.momentum / node.mass + + # Apply external forces (e.g., gravity) if needed + gravity = np.array([0, 0]) + for node in self.grid.nodes.flat: + if node.mass > 0: + node.velocity += gravity * dt + + # Clear forces for the next step + for node in self.grid.nodes.flat: + node.force = np.zeros(2) + + def grid_to_particle(self): + for p_idx, particle in enumerate(self.particles.particles): + particle_velocity_update = np.zeros(2) + strain_rate = np.zeros((2, 2)) + + nearby_nodes = self.grid.get_nearby_nodes(particle['position']) + + for node in nearby_nodes: + if node.mass > 1e-9: + shape_x, shape_y = shape_function(particle['position'], node.position, self.grid.cell_size) + grad_shape_x, grad_shape_y = gradient_shape_function(particle['position'], node.position, self.grid.cell_size) + + shape_value = shape_x * shape_y + particle_velocity_update += shape_value * node.velocity + + # Calculate strain rate components + strain_rate[0, 0] += grad_shape_x * shape_y * node.velocity[0] # exx + strain_rate[0, 1] += 0.5 * (grad_shape_x * shape_y * node.velocity[1] + + grad_shape_y * shape_x * node.velocity[0]) # exy + strain_rate[1, 0] = strain_rate[0, 1] # eyx = exy + strain_rate[1, 1] += grad_shape_y * shape_x * node.velocity[1] # eyy + + # Update particle velocity + particle['velocity'] = particle_velocity_update + + # Store strain rate in particle + particle['strain_rate'] = strain_rate + + def update_particles(self): + for particle in self.particles.particles: + # Update position using current velocity + particle['position'] += particle['velocity'] * self.dt + + # Update deformation gradient (F) + identity = np.eye(2) + particle['F'] = np.dot(identity + self.dt * particle['strain_rate'], particle.get('F', identity)) + + # Update volume + J = np.linalg.det(particle['F']) + particle['volume'] = particle['initial_volume'] * J + + # Update density + particle['density'] = particle['initial_density'] / J + + # Update stress using the material model + material = particle['material'] + stress_rate = material.compute_stress_rate(particle['strain_rate']) + particle['stress'] += stress_rate * self.dt + + def apply_boundary_conditions(self): + pass + # Implement boundary conditions here +