Page MenuHomec4science

No OneTemporary

File Metadata

Created
Sat, Sep 21, 06:50
This file is larger than 256 KB, so syntax highlighting was skipped.
diff --git a/CODE/.gitkeep b/CODE/.gitkeep
new file mode 100644
index 0000000..e69de29
diff --git a/CODE/DATASET/generate_dataset.py b/CODE/DATASET/generate_dataset.py
new file mode 100644
index 0000000..5bb0823
--- /dev/null
+++ b/CODE/DATASET/generate_dataset.py
@@ -0,0 +1,150 @@
+# Create LAMMPS files to generate DEM dataset
+# Also creates a batch file to execute to launch all the computation
+
+import numpy as np
+import os
+import pathlib
+ref_path = str(pathlib.Path(__file__).parent.resolve()) + r'\ref_lammps'
+
+# PARAMETERS
+
+# Location of data set
+path = r'C:/Travail/EPFL/Cours/M2/Projet CSE/LAMMPS/Test'
+
+# List of confinement pressures
+P_min = 10e3
+P_max = 210e3
+P_step = 10e3
+conf_Ps = np.arange(P_min,P_max,P_step)
+
+# Initial size of box before confinement
+box_size = 0.10
+
+# Size of each subregion of the box (for particle insertion)
+region_size = 0.0025
+
+# Number of data points per confinement pressure
+dataset_size = 1000
+
+# Maximum deformation of the box
+max_deformation = 0.1
+
+# Random seed
+np.random.seed(42)
+
+def create_lammps_files(path, conf_P, box_size, region_size):
+ """
+ Write LAMMPS files
+ """
+
+ path_p = path + '/P={}Pa'.format(conf_P)
+
+ if not os.path.exists(path_p):
+ os.makedirs(path_p)
+
+ with open(os.path.join(ref_path, 'ref_lammps_generate.txt')) as f:
+ lines_ref = f.readlines()
+
+ ref_part0 = lines_ref[:8]
+ ref_part1 = lines_ref[8:29]
+ ref_part2 = lines_ref[29:40]
+ ref_part3 = lines_ref[40:]
+
+ line_pressure = 'variable confinement_pressure equal {}'.format(conf_P)
+ line_box = 'region reg block 0.0 {size} 0 {size} -0.0005 0.0005 units box'.format(size=box_size)
+
+ nb_regions = int(box_size/region_size)
+ seeds = np.random.randint(1,1000,nb_regions)
+ steps = [region_size*i for i in range(nb_regions+1)]
+
+ region_lines = []
+ group_lines = []
+ fix_lines = []
+ unfix_lines = []
+
+ for i in range(nb_regions):
+ line1 = 'region region_gouge_{} block 0.00 {} '.format(str(i+1),str(box_size))
+ line2 = '{:.4f} {:.4f} -0.0005 0.0005 units box'.format(steps[i],steps[i+1])
+ region_lines.append(line1+line2)
+ line3 = 'group nve_group region region_gouge_{}'.format(str(i+1))
+ group_lines.append(line3)
+ line4 = 'fix ins_{nb} nve_group pour 50000 1 {seed} region region_gouge_{nb} vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5'.format(nb=str(i+1), seed=seeds[i])
+ fix_lines.append(line4)
+ line5 = 'unfix ins_{}'.format(str(i+1))
+ unfix_lines.append(line5)
+
+ with open(path_p + '/1_generate_conf_{}Pa.in'.format(conf_P), 'w') as f:
+ for line in ref_part0:
+ f.write(line)
+ f.write(line_box)
+ f.write('\n')
+ f.write(line_pressure)
+ f.write('\n')
+ for line in ref_part1:
+ f.write(line)
+ for line in region_lines:
+ f.write(line)
+ f.write('\n')
+ f.write('\n')
+ for line in group_lines:
+ f.write(line)
+ f.write('\n')
+ f.write('\n')
+ for line in fix_lines:
+ f.write(line)
+ f.write('\n')
+ f.write('\n')
+ for line in ref_part2:
+ f.write(line)
+ for line in unfix_lines:
+ f.write(line)
+ f.write('\n')
+ f.write('\n')
+ for line in ref_part3:
+ f.write(line)
+
+ with open(os.path.join(ref_path, 'ref_lammps_shear.txt')) as f:
+ lines_shear = f.readlines()
+
+ line_1 = 'read_restart confined.restart \n\n'
+ line_2 = 'variable nb_points equal {} \n'.format(dataset_size)
+ line_3 = 'variable eps_max equal {} \n'.format(max_deformation)
+
+ with open(path_p + '/2_shear.in', 'w') as f:
+ f.write(line_1)
+ f.write(line_2)
+ f.write(line_3)
+ for line in lines_shear:
+ f.write(line)
+
+def prepare_simulation(path, conf_Ps, box_size, region_size):
+ """
+ Write LAMMPS files and batch file to start computation
+ """
+
+ loc = 'cd ' + path + '/P={}Pa'
+ lmmps1 = 'lmp -in 1_generate_conf_{}Pa.in'
+ lmmps2 = 'lmp -in 2_shear.in'
+
+ with open(path + '/start_DEM.bat', 'w') as f:
+
+ for conf_P in conf_Ps:
+
+ conf_P = int(conf_P)
+
+ create_lammps_files(path, conf_P, box_size, region_size)
+
+ f.write(loc.format(conf_P))
+ f.write('\n')
+ f.write(lmmps1.format(conf_P))
+ f.write('\n')
+ f.write(lmmps2)
+ f.write('\n')
+
+# Check if required reference files exist
+for file in ['ref_lammps_generate.txt','ref_lammps_shear.txt']:
+ if not os.path.exists(os.path.join(ref_path, file)):
+ raise Exception(f'Missing reference file: {file}')
+
+# Start file writing
+prepare_simulation(path, conf_Ps, box_size, region_size)
\ No newline at end of file
diff --git a/CODE/DATASET/packing_fraction.py b/CODE/DATASET/packing_fraction.py
new file mode 100644
index 0000000..f83ce05
--- /dev/null
+++ b/CODE/DATASET/packing_fraction.py
@@ -0,0 +1,49 @@
+# Compute packing fraction for each confinement pressure
+
+import matplotlib.pyplot as plt
+import os
+
+path = r'C:/Travail/EPFL/Cours/M2/Projet CSE/LAMMPS/Dataset/'
+
+def pack_fra(path):
+
+ with open(path + '/box_confined.data') as f:
+ lines = f.readlines()
+
+ nb_p = int(lines[2].split()[0])
+
+ xlo = float(lines[5].split()[0])
+ xhi = float(lines[5].split()[1])
+ ylo = float(lines[6].split()[0])
+ yhi = float(lines[6].split()[1])
+ vol = (xhi - xlo)*(yhi - ylo)
+
+ vol_p_tot = 0
+ for line in lines[11:nb_p+11]:
+ radius = float(line.split()[2])/2
+ vol_p = 3.14*(radius)**2
+ vol_p_tot += vol_p
+
+ frac = vol_p_tot / vol
+ return frac
+
+subfolds = [x[0] for x in os.walk(path)][1:]
+
+plt.figure(figsize=(8,6))
+
+values = {}
+
+pressures = []
+fractions = []
+
+for current_path in subfolds:
+ pressures.append(int(current_path.split('/')[-1][2:-2])/1000)
+ fractions.append(pack_fra(current_path))
+
+print(pressures)
+print(fractions)
+
+plt.plot(pressures,fractions,'.')
+plt.xlabel('Confinement pressure [kPa]')
+plt.ylabel('Packing density')
+plt.show()
\ No newline at end of file
diff --git a/CODE/DATASET/plot_dataset.py b/CODE/DATASET/plot_dataset.py
new file mode 100644
index 0000000..1013f61
--- /dev/null
+++ b/CODE/DATASET/plot_dataset.py
@@ -0,0 +1,75 @@
+# Plot the dataset from a pickle file
+
+import pandas as pd
+import numpy as np
+import matplotlib.pyplot as plt
+from matplotlib.collections import LineCollection
+
+# Location of the dataset
+path = r'C:/Travail/EPFL/Cours/M2/Projet CSE/LAMMPS/Dataset/'
+
+def multiline(xs, ys, c, ax=None, **kwargs):
+ """
+ Plot lines with different colorings
+
+ Parameters
+ ----------
+ xs : iterable container of x coordinates
+ ys : iterable container of y coordinates
+ c : iterable container of numbers mapped to colormap
+ ax (optional): Axes to plot on.
+ kwargs (optional): passed to LineCollection
+
+ Notes:
+ len(xs) == len(ys) == len(c) is the number of line segments
+ len(xs[i]) == len(ys[i]) is the number of points for each line (indexed by i)
+
+ Returns
+ -------
+ lc : LineCollection instance.
+ """
+
+ # find axes
+ ax = plt.gca() if ax is None else ax
+
+ # create LineCollection
+ segments = [np.column_stack([x, y]) for x, y in zip(xs, ys)]
+ lc = LineCollection(segments, **kwargs)
+
+ # set coloring of line segments
+ # Note: I get an error if I pass c as a list here... not sure why.
+ lc.set_array(np.asarray(c))
+
+ # add lines to axes and rescale
+ # Note: adding a collection doesn't autoscalee xlim/ylim
+ ax.add_collection(lc)
+ ax.autoscale()
+ return lc
+
+df = pd.read_pickle(path + 'dataset')
+col = df.columns
+dataset = {}
+for i in range(int(len(col)/2)):
+ Pressure = int(col[2*i].split()[1][2:-2])
+ Strain = df[col[2*i]].dropna()
+ Stress = df[col[2*i+1]].dropna()
+ dataset[Pressure] = np.array([[e,s] for e,s in zip(Strain,Stress)])
+
+pressures = [p for p in dataset.keys()]
+pressures.sort()
+pressures_kPa = [int(p/1e3) for p in dataset.keys()]
+pressures_kPa.sort()
+
+n_lines = len(pressures)
+xs = np.array([dataset[p][:,0] for p in pressures],dtype=object)
+ys = np.array([dataset[p][:,1]/1e6 for p in pressures],dtype=object)
+colors = np.arange(n_lines)
+fig, ax = plt.subplots()
+lc = multiline(xs, ys, pressures_kPa, cmap='bwr', lw=2)
+axcb = fig.colorbar(lc)
+axcb.set_label('Confinement pressure [kPa]')
+ax.set_title('Constitutive law')
+ax.set_xlabel('Strain')
+ax.set_ylabel('Stress [MPa]')
+plt.savefig(path + 'constitutive.pdf')
+plt.show()
\ No newline at end of file
diff --git a/CODE/DATASET/ref_lammps/ref_lammps_generate.txt b/CODE/DATASET/ref_lammps/ref_lammps_generate.txt
new file mode 100644
index 0000000..2f68f76
--- /dev/null
+++ b/CODE/DATASET/ref_lammps/ref_lammps_generate.txt
@@ -0,0 +1,99 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/CODE/DATASET/ref_lammps/ref_lammps_shear.txt b/CODE/DATASET/ref_lammps/ref_lammps_shear.txt
new file mode 100644
index 0000000..d2657ab
--- /dev/null
+++ b/CODE/DATASET/ref_lammps/ref_lammps_shear.txt
@@ -0,0 +1,32 @@
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/CODE/DATASET/save_dataset.py b/CODE/DATASET/save_dataset.py
new file mode 100644
index 0000000..e01f851
--- /dev/null
+++ b/CODE/DATASET/save_dataset.py
@@ -0,0 +1,40 @@
+# From a txt file generated by LAMMPS, create the dataset stored as a dataframe in a pickle file
+
+import numpy as np
+import matplotlib.pyplot as plt
+import os
+import pandas as pd
+
+move = True # move all points such that the first one is (0,0)
+
+dataset_dir = r'C:/Travail/EPFL/Cours/M2/Projet CSE/LAMMPS/Dataset/'
+
+subfolds = [x[0] for x in os.walk(dataset_dir)][1:]
+
+plt.figure(figsize=(8,6))
+
+values = {}
+
+for path in subfolds:
+ pressure = path.split('/')[-1]
+ press_value = float(pressure[2:-2])
+ with open(path + '/StrainStress.txt') as f:
+ lines = f.readlines()
+ if move:
+ stress_0 = -float(lines[1].split()[1])
+ strain_0 = float(lines[1].split()[0])
+ else:
+ stress_0 = 0.0
+ strain_0 = 0.0
+ Strain_pos = np.array([float(line.split()[0]) - strain_0 for line in lines[1:]])
+ Stress_pos = np.array([-float(line.split()[1]) - stress_0 for line in lines[1:]])
+ Strain = np.concatenate((np.flip(-Strain_pos)[:-1],Strain_pos))
+ Stress = np.concatenate((np.flip(-Stress_pos)[:-1],Stress_pos))
+ plt.plot(Strain, Stress, '.', label=pressure)
+ values['Strain ' + pressure] = Strain
+ values['Stress ' + pressure] = Stress
+
+df = pd.DataFrame(dict([ (k,pd.Series(v)) for k,v in values.items() ]))
+df.to_pickle(dataset_dir + 'dataset')
+
+# TO READ DATASET: pd.read_pickle(path + 'dataset')
\ No newline at end of file
diff --git a/CODE/DDM/ddm_wave_prop.py b/CODE/DDM/ddm_wave_prop.py
new file mode 100644
index 0000000..c6d9564
--- /dev/null
+++ b/CODE/DDM/ddm_wave_prop.py
@@ -0,0 +1,544 @@
+import numpy as np
+import matplotlib.pyplot as plt
+import random
+import imageio # to create gif
+import pandas as pd
+
+# MAIN COMPUTATION
+
+# Fixed node at the top
+def wave_propagation_old(dataset, Nnodes, E, A, L, displacement, Ttime, dt):
+ """
+ INPUT
+ dataset = array of points [epsilon,sigma]
+ Nnodes = number of nodes in the 1D mesh
+ E = Young modulus
+ A = beam section
+ L = beam length
+ displacement = imposed displacement at bottom node 0 (function of time)
+ Ttime = total time of simulation
+ dt = time step for simumation
+ OUTPUT
+ coords = nodes coordinates
+ all_displacements = nodes displacements at each timestep
+ KE_list = kinetic energy at each timestep
+ SE_list = strain energy at each timestep
+ TE_list = total energy at each timestep
+ """
+
+ # Dataset properties
+ Ndata = dataset.shape[0]
+
+ # Distance function
+ Ce = 1
+ We = lambda x : 0.5*Ce*x**2
+ We_s = lambda x : 0.5/Ce*x**2
+ def F_cost(epsis, sigmas, weights):
+ return np.multiply(weights, We(epsis)+We_s(sigmas))
+
+ # Geometry
+ coords = L*np.arange(Nnodes)
+ Nel = Nnodes - 1
+
+ # Time parameters
+ Nt = int(Ttime/dt)
+ beta = 0.25
+ gamma = 0.5
+
+ # Generate matrices
+ M, Ktot = compute_M_K(Nnodes, E, A, L)
+ B, weights = compute_B_weights_old(Nnodes, coords)
+ Keq = compute_Keq(Ce, B, weights)
+
+ # Apply boundary conditions
+ Nfree = Nnodes - 2
+ F_free = np.zeros(Nfree)
+ Keq_free = Keq[1:-1,1:-1]
+ M_free = M[1:-1,1:-1]
+ B_free = B[:,1:-1]
+ BigMat = compute_BigMat(Keq_free, M_free, beta, dt)
+ virtual_force = np.hstack((Keq[1:-1,0],M[1:-1,0]/(beta*dt**2)))
+
+ # Pick initial guess
+ random.seed(42)
+ guess_list = [random.randint(0,Ndata-1) for _ in range(Nel)]
+ initial_guess = dataset[guess_list,:]
+
+ # Initialize displacement, velocity and acceleration vectors
+ u, v, a = np.zeros(Nnodes), np.zeros(Nnodes), np.zeros(Nnodes)
+ eta = np.zeros(Nnodes)
+ converged = False
+ all_displacements = np.zeros(Nnodes)
+ guess = initial_guess
+
+ # Energy (for plotting only)
+ KE_list = []
+ SE_list = []
+ TE_list = []
+
+ for k in range(Nt): # Loop for time integration
+ u_previous, v_previous , a_previous = u.copy(), v.copy(), a.copy()
+
+ # Predictor step
+ u_pred = u_previous + dt*v_previous + (0.5-beta)*dt**2*a_previous
+ v_pred = v_previous + (1-gamma)*dt*a_previous
+
+ # Solving corrector step with fixed point:
+ for i in range(100): # Loop for fixed point
+
+ # Imposed displacement
+ disp = displacement(k*dt)
+
+ rhs_up = Ce*np.einsum('e,e,ei->i',weights,guess[:,0],B_free)
+ rhs_down = F_free.ravel() - np.einsum('e,e,ei->i',weights,guess[:,1],B_free) + M_free.dot(u_pred[1:-1])/(beta*dt**2)
+ rhs = np.vstack((rhs_up.reshape((-1,1)), rhs_down.reshape((-1,1)))).ravel() - disp*virtual_force
+
+ u_eta = np.linalg.solve(BigMat, rhs)
+
+ u[1:-1]=u_eta[:Nfree]
+ u[0] = disp
+ eta[1:-1] = u_eta[Nfree:]
+
+ epsi_comp = B.dot(u)
+ sigma_comp = guess[:,1] + Ce*B.dot(eta)
+ closest = find_closest(epsi_comp, sigma_comp, weights, dataset, F_cost)
+
+ if closest == guess_list:
+ converged = True
+ break
+ guess_list=closest
+ guess=dataset[guess_list,:]
+
+ if converged:
+ all_displacements = np.vstack([all_displacements,u])
+ a = (u-u_pred)/(beta*dt**2)
+ v = v_pred+gamma*dt*a
+ KE = v.T @ M @ v
+ SE = u.T @ Ktot @ u
+ KE_list.append(KE)
+ SE_list.append(SE)
+ TE_list.append(KE+SE)
+ else: break
+
+ print('DD computation finished')
+
+ return coords, all_displacements, KE_list, SE_list, TE_list
+
+# Free node at the top
+def wave_propagation(dataset, Nnodes, E, A, L, displacement, Ttime, dt):
+ """
+ INPUT
+ dataset = array of points [epsilon,sigma]
+ Nnodes = number of nodes in the 1D mesh
+ E = Young modulus
+ A = beam section
+ L = beam length
+ displacement = imposed displacement at bottom node 0 (function of time)
+ Ttime = total time of simulation
+ dt = time step for simumation
+ OUTPUT
+ coords = nodes coordinates
+ all_displacements = nodes displacements at each timestep
+ KE_list = kinetic energy at each timestep
+ SE_list = strain energy at each timestep
+ TE_list = total energy at each timestep
+ """
+
+ # Dataset properties
+ Ndata = dataset.shape[0]
+
+ # Distance function
+ Ce = 1
+ We = lambda x : 0.5*Ce*x**2
+ We_s = lambda x : 0.5/Ce*x**2
+ def F_cost(epsis, sigmas, weights):
+ return np.multiply(weights, We(epsis)+We_s(sigmas))
+
+ # Geometry
+ coords = L*np.arange(Nnodes)
+ Nel = Nnodes - 1
+
+ # Time parameters
+ Nt = int(Ttime/dt)
+ beta = 0.25
+ gamma = 0.5
+
+ # Generate matrices
+ M, Ktot = compute_M_K(Nnodes, E, A, L) # Ktot only used for energy verification
+ B, weights = compute_B_weights_old(Nnodes, coords)
+ Keq = compute_Keq(Ce, B, weights)
+
+ # Apply boundary conditions
+ Nfree = Nnodes - 1
+ F_free = np.zeros(Nfree)
+ Keq_free = Keq[1:,1:]
+ M_free = M[1:,1:]
+ B_free = B[:,1:]
+ BigMat = compute_BigMat(Keq_free, M_free, beta, dt)
+ virtual_force = np.hstack((Keq[1:,0],M[1:,0]/(beta*dt**2)))
+
+ # Pick initial guess
+ random.seed(42)
+ guess_list = [random.randint(0,Ndata-1) for _ in range(Nel)]
+ initial_guess = dataset[guess_list,:]
+
+ # Initialize displacement, velocity and acceleration vectors
+ u, v, a = np.zeros(Nnodes), np.zeros(Nnodes), np.zeros(Nnodes)
+ eta = np.zeros(Nnodes)
+ converged = False
+ all_displacements = np.zeros(Nnodes)
+ guess = initial_guess
+
+ # Energy (for plotting only)
+ KE_list = []
+ SE_list = []
+ TE_list = []
+
+ for k in range(Nt): # Loop for time integration
+ u_previous, v_previous , a_previous = u.copy(), v.copy(), a.copy()
+
+ # Predictor step
+ u_pred = u_previous + dt*v_previous + (0.5-beta)*dt**2*a_previous
+ v_pred = v_previous + (1-gamma)*dt*a_previous
+
+ # Solving corrector step with fixed point:
+ for i in range(100): # Loop for fixed point
+
+ # Imposed displacement
+ disp = displacement(k*dt)
+
+ rhs_up = Ce*np.einsum('e,e,ei->i',weights,guess[:,0],B_free)
+ rhs_down = F_free.ravel() - np.einsum('e,e,ei->i',weights,guess[:,1],B_free) + M_free.dot(u_pred[1:])/(beta*dt**2)
+ rhs = np.vstack((rhs_up.reshape((-1,1)), rhs_down.reshape((-1,1)))).ravel() - disp*virtual_force
+
+ u_eta = np.linalg.solve(BigMat, rhs)
+
+ u[1:]=u_eta[:Nfree]
+ u[0] = disp
+ eta[1:] = u_eta[Nfree:]
+
+ epsi_comp = B.dot(u)
+ sigma_comp = guess[:,1] + Ce*B.dot(eta)
+ closest = find_closest(epsi_comp, sigma_comp, weights, dataset, F_cost)
+
+ if closest == guess_list:
+ converged = True
+ break
+ guess_list=closest
+ guess=dataset[guess_list,:]
+
+ if converged:
+ all_displacements = np.vstack([all_displacements,u])
+ a = (u-u_pred)/(beta*dt**2)
+ v = v_pred+gamma*dt*a
+ KE = v.T @ M @ v
+ SE = u.T @ Ktot @ u
+ KE_list.append(KE)
+ SE_list.append(SE)
+ TE_list.append(KE+SE)
+ else: break
+
+ print('DD computation finished')
+
+ return coords, all_displacements, KE_list, SE_list, TE_list
+
+# Free node at the top, confinement pressure
+def wave_propagation_pressure(dataset, E, A, L, displacement, Ttime, dt, rho=1):
+ """
+ INPUT
+ dataset = array of points [epsilon,sigma]
+ Nnodes = number of nodes in the 1D mesh
+ E = Young modulus
+ A = beam section
+ L = beam length
+ displacement = imposed displacement at bottom node 0 (function of time)
+ Ttime = total time of simulation
+ dt = time step for simumation
+ OUTPUT
+ coords = nodes coordinates
+ all_displacements = nodes displacements at each timestep
+ KE_list = kinetic energy at each timestep
+ SE_list = strain energy at each timestep
+ TE_list = total energy at each timestep
+ """
+
+ # Dataset properties
+ pressures = [p for p in dataset.keys()]
+ pressures.sort(reverse=True) # all pressures from largest to smallest
+ Nel = len(pressures)
+ Nnodes = Nel + 1
+
+ # Distance function
+ Ce = E
+ We = lambda x : 0.5*Ce*x**2
+ We_s = lambda x : 0.5/Ce*x**2
+ def F_cost(epsis, sigmas, weights):
+ return np.multiply(weights, We(epsis)+We_s(sigmas))
+
+ # Geometry
+ coords = L*np.arange(Nnodes)
+
+ # Time parameters
+ Nt = int(Ttime/dt)
+ beta = 0.25
+ gamma = 0.5
+
+ # Generate matrices
+ M, Ktot = compute_M_K(Nnodes, E, A, L, rho) # Ktot only used for energy verification
+ B, weights = compute_B_weights(Nnodes, A, L)
+ Keq = compute_Keq(Ce, B, weights)
+
+ # Apply boundary conditions
+ Nfree = Nnodes - 1
+ F_free = np.zeros(Nfree)
+ Keq_free = Keq[1:,1:]
+ M_free = M[1:,1:]
+ B_free = B[:,1:]
+ BigMat = compute_BigMat(Keq_free, M_free, beta, dt)
+ virtual_force = np.hstack((Keq[1:,0],M[1:,0]/(beta*dt**2)))
+
+ # Pick initial guess
+ initial_guess = np.zeros((Nel,2))
+ guess_indices = np.zeros(Nel,dtype=int)
+ for i, p in enumerate(pressures):
+ Ndata = dataset[p].shape[0]
+ guess_index = random.randint(0,Ndata-1)
+ guess_indices[i] = guess_index
+ initial_guess[i,:] = dataset[p][guess_index,:]
+
+ # Initialize displacement, velocity and acceleration vectors
+ u, v, a = np.zeros(Nnodes), np.zeros(Nnodes), np.zeros(Nnodes)
+ eta = np.zeros(Nnodes)
+ converged = False
+ all_displacements = np.zeros(Nnodes)
+ guess = initial_guess
+ guess_indices_old = np.copy(guess_indices)
+
+ # Energy (for plotting only)
+ KE_list = []
+ SE_list = []
+ TE_list = []
+
+ for k in range(Nt): # Loop for time integration
+ converged = False # NEW BUT NECESSARY
+
+ u_previous, v_previous , a_previous = u.copy(), v.copy(), a.copy()
+
+ # Predictor step
+ u_pred = u_previous + dt*v_previous + (0.5-beta)*dt**2*a_previous
+ v_pred = v_previous + (1-gamma)*dt*a_previous
+
+ # Solving corrector step with fixed point:
+ for i in range(100): # Loop for fixed point
+
+ # Imposed displacement
+ disp = displacement(k*dt)
+
+ rhs_up = Ce*np.einsum('e,e,ei->i',weights,guess[:,0],B_free)
+ rhs_down = F_free.ravel() - np.einsum('e,e,ei->i',weights,guess[:,1],B_free) + M_free.dot(u_pred[1:])/(beta*dt**2)
+ rhs = np.vstack((rhs_up.reshape((-1,1)), rhs_down.reshape((-1,1)))).ravel() - disp*virtual_force
+
+ u_eta = np.linalg.solve(BigMat, rhs)
+
+ u[1:]=u_eta[:Nfree]
+ u[0] = disp
+ eta[1:] = u_eta[Nfree:]
+
+ epsi_comp = B.dot(u)
+ sigma_comp = guess[:,1] + Ce*B.dot(eta)
+
+ for j, p in enumerate(pressures):
+ closest_index = find_closest(epsi_comp[j], sigma_comp[j], weights[j], dataset[p], F_cost)
+ guess_indices[j] = closest_index
+
+ if (guess_indices_old == guess_indices).all():
+ converged = True
+ break
+ guess_indices_old = np.copy(guess_indices)
+ for j, p in enumerate(pressures):
+ guess[j] = dataset[p][guess_indices[j],:]
+
+ if converged:
+ all_displacements = np.vstack([all_displacements,u])
+ a = (u-u_pred)/(beta*dt**2)
+ v = v_pred+gamma*dt*a
+ KE = v.T @ M @ v
+ SE = u.T @ Ktot @ u
+ KE_list.append(KE)
+ SE_list.append(SE)
+ TE_list.append(KE+SE)
+ else:
+ print('Convergence failed!')
+ break
+
+ print('DD computation finished')
+
+ return coords, all_displacements, KE_list, SE_list, TE_list
+
+# LOAD DATASET
+
+def load_dataset(path):
+ """
+ From pickle file, load dataset in the form of a dictionnary (key = confinement pressure)
+ """
+ df = pd.read_pickle(path + 'dataset')
+ col = df.columns
+ dataset = {}
+ for i in range(int(len(col)/2)):
+ Pressure = int(col[2*i].split()[1][2:-2])
+ Strain = df[col[2*i]].dropna()
+ Stress = df[col[2*i+1]].dropna()
+ dataset[Pressure] = np.array([[e,s] for e,s in zip(Strain,Stress)])
+ return dataset
+
+# PLOTS
+
+def plot_energy(KE, SE, TE, N0=0):
+ plt.figure()
+ plt.plot(KE, label='Kinetic energy')
+ plt.plot(SE, label='Strain energy')
+ plt.plot(TE, label='Total energy')
+ plt.vlines(N0,np.amin(TE),np.amax(TE),colors='r', linestyles='dashed', label='Pulse end')
+ plt.legend()
+ plt.show()
+
+def plot_disp(absolute_path,coords,disp,xmin,xmax,num=0):
+ Nnodes = coords.shape[0]
+ Nel = Nnodes-1
+ fig = plt.figure(figsize=(5, 10))
+ plt.xlim(xmin,xmax)
+ for bar in range(Nel):
+ plt.plot([disp[bar],disp[bar+1]],[coords[bar],coords[bar+1]],'ko-')
+ plt.savefig(absolute_path+'{0}.png'.format(str(num).zfill(3)))
+ plt.close(fig)
+
+def save_gif(absolute_path, coords, all_displacements):
+ disp_min = np.amin(all_displacements)
+ disp_max = np.amax(all_displacements)
+ nbtot = all_displacements.shape[0]
+ with imageio.get_writer('displacement.gif', mode='I') as writer:
+ for k,disp in enumerate(all_displacements):
+ if k%20 == 0: print('Plotting displacement {nb} out of {tot}'.format(nb=k,tot=nbtot))
+ plot_disp(absolute_path,coords,disp,disp_min,disp_max,k)
+ filename = absolute_path+'{0}.png'.format(str(k).zfill(3))
+ image = imageio.imread(filename)
+ writer.append_data(image)
+
+def plot_disp_T(absolute_path,coords,disp,xmin,xmax,num=0):
+ """
+ disp is a dictionnary where the keys are the sinus periods
+ """
+ Nnodes = coords.shape[0]
+ Nel = Nnodes-1
+ periods = [i for i in disp.keys()]
+ fig = plt.figure(figsize=(5, 10))
+ plt.xlim(xmin,xmax)
+ color = plt.cm.rainbow(np.linspace(0, 1, len(periods)))
+ for i, T in enumerate(periods):
+ for bar in range(Nel-1):
+ plt.plot([disp[T][bar],disp[T][bar+1]],[coords[bar],coords[bar+1]],'o-',c=color[i])
+ plt.plot([disp[T][Nel-1],disp[T][Nel]],[coords[Nel-1],coords[Nel]],'o-',c=color[i],label=f'T={T}s')
+ plt.legend(loc='lower right')
+ plt.savefig(absolute_path+'{0}.png'.format(str(num).zfill(3)))
+ plt.close(fig)
+
+def save_gif_T(absolute_path, coords, all_displacements):
+ """
+ all_displacements is a dictionnary where the keys are the sinus periods
+ """
+ periods = [i for i in all_displacements.keys()]
+ disp_min = np.amin(list(all_displacements.values()))
+ disp_max = np.amax(list(all_displacements.values()))
+ nbtot = all_displacements[periods[0]].shape[0]
+ with imageio.get_writer('displacement.gif', mode='I') as writer:
+ for k in range(nbtot):
+ disp = {T:all_displacements[T][k] for T in periods}
+ if k%10 == 0: print('Plotting displacement {nb} out of {tot}'.format(nb=k,tot=nbtot))
+ plot_disp_T(absolute_path,coords,disp,disp_min,disp_max,k)
+ filename = absolute_path+'{0}.png'.format(str(k).zfill(3))
+ image = imageio.imread(filename)
+ writer.append_data(image)
+
+# TOOLS
+
+def compute_M_K(Nnodes, E, A, L, rho=1):
+ """
+ Compute mass and rigidity matrices
+ """
+ M = np.identity(Nnodes)
+ M[0,0] = 1/2
+ M[-1,-1] = 1/2
+ M = M*(L*A*rho)
+ Ktot = 2*np.identity(Nnodes) - np.diag(np.ones(Nnodes-1),1) - np.diag(np.ones(Nnodes-1),-1)
+ Ktot[0,0] = 1
+ Ktot[-1,-1] = 1
+ Ktot = Ktot*(E*A/L)
+ return M, Ktot
+
+def compute_B_weights_old(Nnodes, coords):
+ """
+ Compute strain-displacement matrix (B) and weights of each element
+ """
+ Nel = Nnodes - 1
+ B = np.zeros((Nel, Nnodes)) # link element deformation to node displacement
+ weights = np.zeros((Nel,1)) # weights of each element
+ for i in range(Nel):
+ dX = np.abs(coords[i+1] - coords[i])
+ B[i,i] = -1/dX
+ B[i,i+1] = 1/dX
+ weights[i] = dX
+ return B, weights.ravel()
+
+def compute_B_weights(Nnodes, A, L):
+ """
+ Compute strain-displacement matrix (B) and weights of each element
+ """
+ Nel = Nnodes - 1
+ B = np.zeros((Nel, Nnodes)) # link element deformation to node displacement
+ weights = np.zeros((Nel,1)) # weights of each element
+ for i in range(Nel):
+ B[i,i] = -1/L
+ B[i,i+1] = 1/L
+ weights[i] = A*L
+ return B, weights.ravel()
+
+def compute_Keq(Ce, B, weights):
+ """
+ Compute equivalent stiffness matrix (see DDM algorithm)
+ """
+ return Ce*np.einsum('e,ei,ej->ij',weights,B,B)
+
+def compute_BigMat(Keq, M, beta, dt):
+ """
+ Compute big matrix used in DDM algorithm
+ """
+ Mmod = M/(beta*dt**2)
+ return np.hstack((np.vstack((Keq,Mmod)),np.vstack((-Mmod,Keq))))
+
+def compute_distance(epsi, sigma, weight, dataset, F_cost):
+ """
+ Computes distances between (epsi,sigma) and the whole dataset (can be intensive)
+ """
+ depsi = epsi-dataset[:,0]
+ dsigma = sigma-dataset[:,1]
+ return F_cost(depsi, dsigma, weight)
+
+def find_closest(epsis, sigmas, weights, dataset, F_cost):
+ """
+ Returns indices of closest dataset points to each point of (epsis,sigmas)
+ """
+ if isinstance(weights, float):
+ e,s,w = epsis, sigmas, weights
+ distances = compute_distance(e,s,w,dataset,F_cost)
+ closest_indices = np.argmin(distances)
+
+ else:
+ Nel = weights.shape[0]
+ closest_indices = []
+ for i in range(Nel):
+ e,s,w = epsis[i], sigmas[i], weights[i]
+ distances = compute_distance(e,s,w,dataset,F_cost)
+ closest_index = np.argmin(distances)
+ closest_indices.append(closest_index)
+
+ return closest_indices
\ No newline at end of file
diff --git a/CODE/DDM/frequence_response.py b/CODE/DDM/frequence_response.py
new file mode 100644
index 0000000..c9d50d4
--- /dev/null
+++ b/CODE/DDM/frequence_response.py
@@ -0,0 +1,41 @@
+# Plot frequency response of the 1D wave propagation with DDM
+
+import numpy as np
+import matplotlib.pyplot as plt
+from ddm_wave_prop import *
+
+path = r'C:/Travail/EPFL/Cours/M2/Projet CSE/LAMMPS/Dataset/'
+
+# PARAMETERS
+Ttime = 1.0
+dt = 0.001
+L = 0.05
+A = L**2
+E = 2e6 # fix value to get right strain energy
+rho = 2000 # 2500*0.8
+
+# SINUS PARAMETERS
+nb_periods = 500 # about 30 minutes for 500 periods
+periods = np.logspace(-2,0,num=nb_periods)
+ampl = 0.01
+
+# DATASET
+dataset = load_dataset(path)
+
+ampl_ratio = []
+for k, t0 in enumerate(periods):
+ Ttime = 10*t0 # 10 PERIODS
+ dt = t0/50 # 50 timestep per period
+ displacement = lambda t: ampl*np.sin(2*np.pi*t/t0)
+ coords, all_displacements, KE, SE, TE = wave_propagation_pressure(dataset, E, A, L, displacement, Ttime, dt, rho)
+ disp_nodes = np.array(all_displacements).T # transpose displacements to index it by nodes
+ max_ampl = np.abs(np.max(disp_nodes[-1]))
+ ampl_ratio.append(max_ampl/ampl)
+ if k%10 == 0: print('Progression: {}%'.format(100*k/nb_periods))
+
+plt.figure(figsize=(10, 6))
+plt.semilogx(periods, ampl_ratio)
+plt.xlabel('Period [s]')
+plt.ylabel('Amplification ratio')
+plt.savefig('Frequency_response.png')
+plt.show()
\ No newline at end of file
diff --git a/CODE/DDM/plots.py b/CODE/DDM/plots.py
new file mode 100644
index 0000000..2bfdd06
--- /dev/null
+++ b/CODE/DDM/plots.py
@@ -0,0 +1,58 @@
+import numpy as np
+import matplotlib.pyplot as plt
+from ddm_wave_prop import *
+
+dataset_path = r'C:/Travail/EPFL/Cours/M2/Projet CSE/LAMMPS/Dataset/'
+gif_path = r'C:/Travail/EPFL/Cours/M2/Projet CSE/CODE/DDM/img/'
+
+create_gif = True
+plot_energies = True
+plot_displacements = True
+
+# PARAMETERS
+Ttime = 0.3 # total time (s) BEFORE 2s
+dt = 0.001 # timestep (s)
+L = 0.05 # element length (m)
+A = L**2 # element cross-section area (m2)
+E = 2e6 # young modulus (only useful for strain energy)
+rho = 2000 # = 2500*0.8 kg/m3
+
+# BC POSSIBLE DISPLACEMENTS
+t0 = 0.1 # sinus period (s)
+ampl = 0.01 # sinus amplitude (m)
+sinus = lambda t: ampl*np.sin(2*np.pi*t/t0)
+def pulse_sinus(t):
+ if t<t0: return ampl*np.sin(2*np.pi*t/t0)
+ else: return 0
+def zero(t):
+ return 0
+
+# CHOOSE DISPLACEMENT
+displacement = sinus
+
+# DATASET
+dataset = load_dataset(dataset_path)
+
+# DDM SIMULATION
+coords, all_displacements, KE, SE, TE = wave_propagation_pressure(dataset, E, A, L, displacement, Ttime, dt, rho)
+#np.savetxt("coordinates.csv", coords, delimiter=",")
+#np.savetxt("displacement.csv", all_displacements, delimiter=",")
+
+if plot_displacements:
+ Nnodes = coords.shape[0]
+ disp_nodes = np.array(all_displacements).T # transpose displacements to index it by nodes
+ plt.figure(figsize=(10, 6))
+ plt.plot(np.arange(0,Ttime+dt,dt),disp_nodes[0],label='Bottom node')
+ plt.plot(np.arange(0,Ttime+dt,dt),disp_nodes[-1],label='Top node')
+ plt.xlabel('Time [s]')
+ plt.ylabel('Horizontal displacement [m]')
+ plt.legend()
+ plt.show()
+
+# PLOT ENERGY
+if plot_energies:
+ plot_energy(KE, SE, TE, t0/dt)
+
+# CREATE GIF
+if create_gif:
+ save_gif(gif_path, coords, all_displacements)
\ No newline at end of file
diff --git a/CODE/DDM/plots_multiple.py b/CODE/DDM/plots_multiple.py
new file mode 100644
index 0000000..0e88cb8
--- /dev/null
+++ b/CODE/DDM/plots_multiple.py
@@ -0,0 +1,32 @@
+import numpy as np
+import matplotlib.pyplot as plt
+from ddm_wave_prop import *
+
+dataset_path = r'C:/Travail/EPFL/Cours/M2/Projet CSE/LAMMPS/Dataset/'
+gif_path = r'C:/Travail/EPFL/Cours/M2/Projet CSE/CODE/DDM/img/'
+
+create_gif = True
+plot_energies = True
+plot_displacements = True
+
+# PARAMETERS
+L = 0.05 # element length (m)
+A = L**2 # element cross-section area (m2)
+E = 2e6 # young modulus (only useful for strain energy)
+rho = 2000 # = 2500*0.8 kg/m3
+
+periods = [0.07, 0.11,0.2] # sinus periods (s)
+ampl = 0.01 # sinus amplitude (m)
+
+# DATASET
+dataset = load_dataset(dataset_path)
+all_displacements = {}
+
+for t0 in periods:
+ dt = t0/100. # timestep to get 100 points per periods
+ Ttime = 3*t0 # plot 3 periods
+ displacement = lambda t: ampl*np.sin(2*np.pi*t/t0)
+ coords, all_displacements_t0, KE, SE, TE = wave_propagation_pressure(dataset, E, A, L, displacement, Ttime, dt, rho)
+ all_displacements[t0] = all_displacements_t0
+
+save_gif_T(gif_path, coords, all_displacements)
\ No newline at end of file
diff --git a/CODE/DDM/test/ddm_wave_prop.py b/CODE/DDM/test/ddm_wave_prop.py
new file mode 100644
index 0000000..87ac885
--- /dev/null
+++ b/CODE/DDM/test/ddm_wave_prop.py
@@ -0,0 +1,509 @@
+import numpy as np
+import matplotlib.pyplot as plt
+import random
+import imageio # to create gif
+import pandas as pd
+
+# MAIN COMPUTATION
+
+# Fixed node at the top
+def wave_propagation_old(dataset, Nnodes, E, A, L, displacement, Ttime, dt):
+ """
+ INPUT
+ dataset = array of points [epsilon,sigma]
+ Nnodes = number of nodes in the 1D mesh
+ E = Young modulus
+ A = beam section
+ L = beam length
+ displacement = imposed displacement at bottom node 0 (function of time)
+ Ttime = total time of simulation
+ dt = time step for simumation
+ OUTPUT
+ coords = nodes coordinates
+ all_displacements = nodes displacements at each timestep
+ KE_list = kinetic energy at each timestep
+ SE_list = strain energy at each timestep
+ TE_list = total energy at each timestep
+ """
+
+ # Dataset properties
+ Ndata = dataset.shape[0]
+
+ # Distance function
+ Ce = 1
+ We = lambda x : 0.5*Ce*x**2
+ We_s = lambda x : 0.5/Ce*x**2
+ def F_cost(epsis, sigmas, weights):
+ return np.multiply(weights, We(epsis)+We_s(sigmas))
+
+ # Geometry
+ coords = L*np.arange(Nnodes)
+ Nel = Nnodes - 1
+
+ # Time parameters
+ Nt = int(Ttime/dt)
+ beta = 0.25
+ gamma = 0.5
+
+ # Generate matrices
+ M, Ktot = compute_M_K(Nnodes, E, A, L)
+ B, weights = compute_B_weights_old(Nnodes, coords)
+ Keq = compute_Keq(Ce, B, weights)
+
+ # Apply boundary conditions
+ Nfree = Nnodes - 2
+ F_free = np.zeros(Nfree)
+ Keq_free = Keq[1:-1,1:-1]
+ M_free = M[1:-1,1:-1]
+ B_free = B[:,1:-1]
+ BigMat = compute_BigMat(Keq_free, M_free, beta, dt)
+ virtual_force = np.hstack((Keq[1:-1,0],M[1:-1,0]/(beta*dt**2)))
+
+ # Pick initial guess
+ random.seed(42)
+ guess_list = [random.randint(0,Ndata-1) for _ in range(Nel)]
+ initial_guess = dataset[guess_list,:]
+
+ # Initialize displacement, velocity and acceleration vectors
+ u, v, a = np.zeros(Nnodes), np.zeros(Nnodes), np.zeros(Nnodes)
+ eta = np.zeros(Nnodes)
+ converged = False
+ all_displacements = np.zeros(Nnodes)
+ guess = initial_guess
+
+ # Energy (for plotting only)
+ KE_list = []
+ SE_list = []
+ TE_list = []
+
+ for k in range(Nt): # Loop for time integration
+ u_previous, v_previous , a_previous = u.copy(), v.copy(), a.copy()
+
+ # Predictor step
+ u_pred = u_previous + dt*v_previous + (0.5-beta)*dt**2*a_previous
+ v_pred = v_previous + (1-gamma)*dt*a_previous
+
+ # Solving corrector step with fixed point:
+ for i in range(100): # Loop for fixed point
+
+ # Imposed displacement
+ disp = displacement(k*dt)
+
+ rhs_up = Ce*np.einsum('e,e,ei->i',weights,guess[:,0],B_free)
+ rhs_down = F_free.ravel() - np.einsum('e,e,ei->i',weights,guess[:,1],B_free) + M_free.dot(u_pred[1:-1])/(beta*dt**2)
+ rhs = np.vstack((rhs_up.reshape((-1,1)), rhs_down.reshape((-1,1)))).ravel() - disp*virtual_force
+
+ u_eta = np.linalg.solve(BigMat, rhs)
+
+ u[1:-1]=u_eta[:Nfree]
+ u[0] = disp
+ eta[1:-1] = u_eta[Nfree:]
+
+ epsi_comp = B.dot(u)
+ sigma_comp = guess[:,1] + Ce*B.dot(eta)
+ closest = find_closest(epsi_comp, sigma_comp, weights, dataset, F_cost)
+
+ if closest == guess_list:
+ converged = True
+ break
+ guess_list=closest
+ guess=dataset[guess_list,:]
+
+ if converged:
+ all_displacements = np.vstack([all_displacements,u])
+ a = (u-u_pred)/(beta*dt**2)
+ v = v_pred+gamma*dt*a
+ KE = v.T @ M @ v
+ SE = u.T @ Ktot @ u
+ KE_list.append(KE)
+ SE_list.append(SE)
+ TE_list.append(KE+SE)
+ else: break
+
+ print('DD computation finished')
+
+ return coords, all_displacements, KE_list, SE_list, TE_list
+
+# Free node at the top
+def wave_propagation(dataset, Nnodes, E, A, L, displacement, Ttime, dt):
+ """
+ INPUT
+ dataset = array of points [epsilon,sigma]
+ Nnodes = number of nodes in the 1D mesh
+ E = Young modulus
+ A = beam section
+ L = beam length
+ displacement = imposed displacement at bottom node 0 (function of time)
+ Ttime = total time of simulation
+ dt = time step for simumation
+ OUTPUT
+ coords = nodes coordinates
+ all_displacements = nodes displacements at each timestep
+ KE_list = kinetic energy at each timestep
+ SE_list = strain energy at each timestep
+ TE_list = total energy at each timestep
+ """
+
+ # Dataset properties
+ Ndata = dataset.shape[0]
+
+ # Distance function
+ Ce = 1
+ We = lambda x : 0.5*Ce*x**2
+ We_s = lambda x : 0.5/Ce*x**2
+ def F_cost(epsis, sigmas, weights):
+ return np.multiply(weights, We(epsis)+We_s(sigmas))
+
+ # Geometry
+ coords = L*np.arange(Nnodes)
+ Nel = Nnodes - 1
+
+ # Time parameters
+ Nt = int(Ttime/dt)
+ beta = 0.25
+ gamma = 0.5
+
+ # Generate matrices
+ M, Ktot = compute_M_K(Nnodes, E, A, L) # Ktot only used for energy verification
+ B, weights = compute_B_weights_old(Nnodes, coords)
+ Keq = compute_Keq(Ce, B, weights)
+
+ # Apply boundary conditions
+ Nfree = Nnodes - 1
+ F_free = np.zeros(Nfree)
+ Keq_free = Keq[1:,1:]
+ M_free = M[1:,1:]
+ B_free = B[:,1:]
+ BigMat = compute_BigMat(Keq_free, M_free, beta, dt)
+ virtual_force = np.hstack((Keq[1:,0],M[1:,0]/(beta*dt**2)))
+
+ # Pick initial guess
+ random.seed(42)
+ guess_list = [random.randint(0,Ndata-1) for _ in range(Nel)]
+ initial_guess = dataset[guess_list,:]
+
+ # Initialize displacement, velocity and acceleration vectors
+ u, v, a = np.zeros(Nnodes), np.zeros(Nnodes), np.zeros(Nnodes)
+ eta = np.zeros(Nnodes)
+ converged = False
+ all_displacements = np.zeros(Nnodes)
+ guess = initial_guess
+
+ # Energy (for plotting only)
+ KE_list = []
+ SE_list = []
+ TE_list = []
+
+ for k in range(Nt): # Loop for time integration
+ u_previous, v_previous , a_previous = u.copy(), v.copy(), a.copy()
+
+ # Predictor step
+ u_pred = u_previous + dt*v_previous + (0.5-beta)*dt**2*a_previous
+ v_pred = v_previous + (1-gamma)*dt*a_previous
+
+ # Solving corrector step with fixed point:
+ for i in range(100): # Loop for fixed point
+
+ # Imposed displacement
+ disp = displacement(k*dt)
+
+ rhs_up = Ce*np.einsum('e,e,ei->i',weights,guess[:,0],B_free)
+ rhs_down = F_free.ravel() - np.einsum('e,e,ei->i',weights,guess[:,1],B_free) + M_free.dot(u_pred[1:])/(beta*dt**2)
+ rhs = np.vstack((rhs_up.reshape((-1,1)), rhs_down.reshape((-1,1)))).ravel() - disp*virtual_force
+
+ u_eta = np.linalg.solve(BigMat, rhs)
+
+ u[1:]=u_eta[:Nfree]
+ u[0] = disp
+ eta[1:] = u_eta[Nfree:]
+
+ epsi_comp = B.dot(u)
+ sigma_comp = guess[:,1] + Ce*B.dot(eta)
+ closest = find_closest(epsi_comp, sigma_comp, weights, dataset, F_cost)
+
+ if closest == guess_list:
+ converged = True
+ break
+ guess_list=closest
+ guess=dataset[guess_list,:]
+
+ if converged:
+ all_displacements = np.vstack([all_displacements,u])
+ a = (u-u_pred)/(beta*dt**2)
+ v = v_pred+gamma*dt*a
+ KE = v.T @ M @ v
+ SE = u.T @ Ktot @ u
+ KE_list.append(KE)
+ SE_list.append(SE)
+ TE_list.append(KE+SE)
+ else: break
+
+ print('DD computation finished')
+
+ return coords, all_displacements, KE_list, SE_list, TE_list
+
+# Free node at the top, confinement pressure
+def wave_propagation_pressure(dataset, E, A, L, displacement, Ttime, dt, rho=1):
+ """
+ INPUT
+ dataset = array of points [epsilon,sigma]
+ Nnodes = number of nodes in the 1D mesh
+ E = Young modulus
+ A = beam section
+ L = beam length
+ displacement = imposed displacement at bottom node 0 (function of time)
+ Ttime = total time of simulation
+ dt = time step for simumation
+ OUTPUT
+ coords = nodes coordinates
+ all_displacements = nodes displacements at each timestep
+ KE_list = kinetic energy at each timestep
+ SE_list = strain energy at each timestep
+ TE_list = total energy at each timestep
+ """
+
+ # Dataset properties
+ pressures = [p for p in dataset.keys()]
+ pressures.sort(reverse=True) # all pressures from largest to smallest
+ Nel = len(pressures)
+ Nnodes = Nel + 1
+
+ # Distance function
+ Ce = E
+ We = lambda x : 0.5*Ce*x**2
+ We_s = lambda x : 0.5/Ce*x**2
+ def F_cost(epsis, sigmas, weights):
+ return np.multiply(weights, We(epsis)+We_s(sigmas))
+
+ # Geometry
+ coords = L*np.arange(Nnodes)
+
+ # Time parameters
+ Nt = int(Ttime/dt)
+ beta = 0.25
+ gamma = 0.5
+
+ # Generate matrices
+ M, Ktot = compute_M_K(Nnodes, E, A, L, rho) # Ktot only used for energy verification
+ B, weights = compute_B_weights(Nnodes, A, L)
+ Keq = compute_Keq(Ce, B, weights)
+
+ # Apply boundary conditions
+ Nfree = Nnodes - 1
+ F_free = np.zeros(Nfree)
+ Keq_free = Keq[1:,1:]
+ M_free = M[1:,1:]
+ B_free = B[:,1:]
+ BigMat = compute_BigMat(Keq_free, M_free, beta, dt)
+ virtual_force = np.hstack((Keq[1:,0],M[1:,0]/(beta*dt**2)))
+
+ # Pick initial guess
+ initial_guess = np.zeros((Nel,2))
+ guess_indices = np.zeros(Nel,dtype=int)
+ for i, p in enumerate(pressures):
+ Ndata = dataset[p].shape[0]
+ guess_index = random.randint(0,Ndata-1)
+ guess_indices[i] = guess_index
+ initial_guess[i,:] = dataset[p][guess_index,:]
+
+ # Initialize displacement, velocity and acceleration vectors
+ u, v, a = np.zeros(Nnodes), np.zeros(Nnodes), np.zeros(Nnodes)
+ eta = np.zeros(Nnodes)
+ converged = False
+ all_displacements = np.zeros(Nnodes)
+ guess = initial_guess
+ guess_indices_old = np.copy(guess_indices)
+
+ # Energy (for plotting only)
+ KE_list = []
+ SE_list = []
+ TE_list = []
+
+ for k in range(Nt): # Loop for time integration
+ converged = False # NEW BUT NECESSARY
+
+ u_previous, v_previous , a_previous = u.copy(), v.copy(), a.copy()
+
+ # Predictor step
+ u_pred = u_previous + dt*v_previous + (0.5-beta)*dt**2*a_previous
+ v_pred = v_previous + (1-gamma)*dt*a_previous
+
+ # Solving corrector step with fixed point:
+ for i in range(100): # Loop for fixed point
+
+ # Imposed displacement
+ disp = displacement(k*dt)
+
+ rhs_up = Ce*np.einsum('e,e,ei->i',weights,guess[:,0],B_free)
+ rhs_down = F_free.ravel() - np.einsum('e,e,ei->i',weights,guess[:,1],B_free) + M_free.dot(u_pred[1:])/(beta*dt**2)
+ rhs = np.vstack((rhs_up.reshape((-1,1)), rhs_down.reshape((-1,1)))).ravel() - disp*virtual_force
+
+ u_eta = np.linalg.solve(BigMat, rhs)
+
+ u[1:]=u_eta[:Nfree]
+ u[0] = disp
+ eta[1:] = u_eta[Nfree:]
+
+ epsi_comp = B.dot(u)
+ sigma_comp = guess[:,1] + Ce*B.dot(eta)
+
+ for j, p in enumerate(pressures):
+ closest_index = find_closest(epsi_comp[j], sigma_comp[j], weights[j], dataset[p], F_cost)
+ guess_indices[j] = closest_index
+
+ if (guess_indices_old == guess_indices).all():
+ converged = True
+ break
+ guess_indices_old = np.copy(guess_indices)
+ for j, p in enumerate(pressures):
+ guess[j] = dataset[p][guess_indices[j],:]
+
+ if converged:
+ all_displacements = np.vstack([all_displacements,u])
+ a = (u-u_pred)/(beta*dt**2)
+ v = v_pred+gamma*dt*a
+ KE = v.T @ M @ v
+ SE = u.T @ Ktot @ u
+ KE_list.append(KE)
+ SE_list.append(SE)
+ TE_list.append(KE+SE)
+ else:
+ print('Convergence failed!')
+ break
+
+ print('DD computation finished')
+
+ return coords, all_displacements, KE_list, SE_list, TE_list
+
+# LOAD DATASET
+
+def load_dataset(path):
+ """
+ From pickle file, load dataset in the form of a dictionnary (key = confinement pressure)
+ """
+ df = pd.read_pickle(path + 'dataset')
+ col = df.columns
+ dataset = {}
+ for i in range(int(len(col)/2)):
+ Pressure = int(col[2*i].split()[1][2:-2])
+ Strain = df[col[2*i]].dropna()
+ Stress = df[col[2*i+1]].dropna()
+ dataset[Pressure] = np.array([[e,s] for e,s in zip(Strain,Stress)])
+ return dataset
+
+# PLOTS
+
+def plot_energy(KE, SE, TE, N0=0):
+ plt.figure()
+ plt.plot(KE, label='Kinetic energy')
+ plt.plot(SE, label='Strain energy')
+ plt.plot(TE, label='Total energy')
+ plt.vlines(N0,np.amin(TE),np.amax(TE),colors='r', linestyles='dashed', label='Pulse end')
+ plt.legend()
+ plt.show()
+
+def plot_disp(absolute_path,coords,disp,xmin,xmax,num=0):
+ Nnodes = coords.shape[0]
+ Nel = Nnodes-1
+ fig = plt.figure(figsize=(5, 10))
+ plt.xlim(xmin,xmax)
+ for bar in range(Nel):
+ plt.plot([disp[bar],disp[bar+1]],[coords[bar],coords[bar+1]],'ko-')
+ plt.savefig(absolute_path+'{0}.png'.format(str(num).zfill(3)))
+ plt.close(fig)
+
+def save_gif(absolute_path, coords, all_displacements):
+ disp_min = np.amin(all_displacements)
+ disp_max = np.amax(all_displacements)
+ nbtot = all_displacements.shape[0]
+ with imageio.get_writer('displacement.gif', mode='I') as writer:
+ for k,disp in enumerate(all_displacements):
+ if k%20 == 0: print('Plotting displacement {nb} out of {tot}'.format(nb=k,tot=nbtot))
+ plot_disp(absolute_path,coords,disp,disp_min,disp_max,k)
+ filename = absolute_path+'{0}.png'.format(str(k).zfill(3))
+ image = imageio.imread(filename)
+ writer.append_data(image)
+
+# TOOLS
+
+def compute_M_K(Nnodes, E, A, L, rho=1):
+ """
+ Compute mass and rigidity matrices
+ """
+ M = np.identity(Nnodes)
+ M[0,0] = 1/2
+ M[-1,-1] = 1/2
+ M = M*(L*A*rho)
+ Ktot = 2*np.identity(Nnodes) - np.diag(np.ones(Nnodes-1),1) - np.diag(np.ones(Nnodes-1),-1)
+ Ktot[0,0] = 1
+ Ktot[-1,-1] = 1
+ Ktot = Ktot*(E*A/L)
+ return M, Ktot
+
+def compute_B_weights_old(Nnodes, coords):
+ """
+ Compute strain-displacement matrix (B) and weights of each element
+ """
+ Nel = Nnodes - 1
+ B = np.zeros((Nel, Nnodes)) # link element deformation to node displacement
+ weights = np.zeros((Nel,1)) # weights of each element
+ for i in range(Nel):
+ dX = np.abs(coords[i+1] - coords[i])
+ B[i,i] = -1/dX
+ B[i,i+1] = 1/dX
+ weights[i] = dX
+ return B, weights.ravel()
+
+def compute_B_weights(Nnodes, A, L):
+ """
+ Compute strain-displacement matrix (B) and weights of each element
+ """
+ Nel = Nnodes - 1
+ B = np.zeros((Nel, Nnodes)) # link element deformation to node displacement
+ weights = np.zeros((Nel,1)) # weights of each element
+ for i in range(Nel):
+ B[i,i] = -1/L
+ B[i,i+1] = 1/L
+ weights[i] = A*L
+ return B, weights.ravel()
+
+def compute_Keq(Ce, B, weights):
+ """
+ Compute equivalent stiffness matrix (see DDM algorithm)
+ """
+ return Ce*np.einsum('e,ei,ej->ij',weights,B,B)
+
+def compute_BigMat(Keq, M, beta, dt):
+ """
+ Compute big matrix used in DDM algorithm
+ """
+ Mmod = M/(beta*dt**2)
+ return np.hstack((np.vstack((Keq,Mmod)),np.vstack((-Mmod,Keq))))
+
+def compute_distance(epsi, sigma, weight, dataset, F_cost):
+ """
+ Computes distances between (epsi,sigma) and the whole dataset (can be intensive)
+ """
+ depsi = epsi-dataset[:,0]
+ dsigma = sigma-dataset[:,1]
+ return F_cost(depsi, dsigma, weight)
+
+def find_closest(epsis, sigmas, weights, dataset, F_cost):
+ """
+ Returns indices of closest dataset points to each point of (epsis,sigmas)
+ """
+ if isinstance(weights, float):
+ e,s,w = epsis, sigmas, weights
+ distances = compute_distance(e,s,w,dataset,F_cost)
+ closest_indices = np.argmin(distances)
+
+ else:
+ Nel = weights.shape[0]
+ closest_indices = []
+ for i in range(Nel):
+ e,s,w = epsis[i], sigmas[i], weights[i]
+ distances = compute_distance(e,s,w,dataset,F_cost)
+ closest_index = np.argmin(distances)
+ closest_indices.append(closest_index)
+
+ return closest_indices
\ No newline at end of file
diff --git a/CODE/DDM/test/fem_wave_prop.py b/CODE/DDM/test/fem_wave_prop.py
new file mode 100644
index 0000000..255f624
--- /dev/null
+++ b/CODE/DDM/test/fem_wave_prop.py
@@ -0,0 +1,135 @@
+import numpy as np
+import matplotlib.pyplot as plt
+import imageio # to create gif
+
+# PARAMETERS
+
+absolute_path = r'C:/Travail/EPFL/Cours/M2/Projet CSE/CODE/DDM/img/'
+Nnodes = 100 #50
+Ttime = 20 #50
+dt = 0.1
+L = 0.1
+E = 1
+
+f = 2 # sinus frequence
+t0 = 5 # pulse duration
+linear = lambda t : 0.1*t # linear displacement
+sinus = lambda t : 0.1*np.sin(2*np.pi*f*t/Ttime) # sinus excitation
+def pulse(t):
+ if t<t0: return 1
+ else: return 0
+def pulse_sinus(t):
+ if t<t0: return 0.01*np.sin(2*np.pi*t/t0)
+ else: return 0
+displacement = pulse_sinus
+
+# Geometry
+
+coords = L*np.arange(Nnodes)
+Nel = Nnodes - 1
+
+# Time parameters
+
+Nt = int(Ttime/dt)
+beta = 0.25
+gamma = 0.5
+
+# Generate matrices
+
+def compute_M_B_and_weights():
+ B = np.zeros((Nel, Nnodes)) # link element deformation to node displacement
+ M = np.zeros((Nnodes, Nnodes)) # mass matrix (1D)
+ weights = np.zeros((Nel,1)) # weights of each element
+ for i in range(Nel):
+ dX = np.abs(coords[i+1] - coords[i])
+ B[i,i] = -1/dX
+ B[i,i+1] = 1/dX
+ weights[i]=dX
+ M[i, i] += weights[i]/2
+ M[i+1, i+1] += weights[i]/2
+ return M, B, weights.ravel()
+
+def compute_M_K():
+ M = np.identity(Nnodes)
+ M[0,0] = 1/2
+ M[-1,-1] = 1/2
+ M = M*L
+ Ktot = 2*np.identity(Nnodes) - np.diag(np.ones(Nnodes-1),1) - np.diag(np.ones(Nnodes-1),-1)
+ Ktot[0,0] = 1
+ Ktot[-1,-1] = 1
+ Ktot = Ktot*(E/L)
+ return M, Ktot
+
+M, Ktot = compute_M_K()
+
+# Apply boundary conditions
+
+Nfree = Nnodes - 2
+F_free = np.zeros(Nfree)
+K_free = Ktot[1:-1,1:-1]
+M_free = M[1:-1,1:-1]
+virtual_force = Ktot[1:-1,0]
+
+# Loop
+
+all_displacements = np.zeros(Nnodes)
+
+u, v, a = np.zeros(Nnodes), np.zeros(Nnodes), np.zeros(Nnodes)
+Mprime = M_free/(dt**2*beta) + K_free
+
+KE_list = []
+SE_list = []
+TE_list = []
+
+for k in range(Nt):
+ u_previous, v_previous , a_previous = u.copy(), v.copy(), a.copy()
+ u_pred = u_previous + dt*v_previous + (0.5-beta)*dt**2*a_previous
+ v_pred = v_previous + (1-gamma)*dt*a_previous
+
+ disp = displacement(k*dt)
+
+ u[1:-1]=np.linalg.solve(Mprime,F_free+M_free.dot(u_pred[1:-1])/(beta*dt**2)-disp*virtual_force)
+ u[0] = disp
+
+ a = (u-u_pred)/(beta*dt**2)
+ v = v_pred+gamma*dt*a
+
+ all_displacements = np.vstack([all_displacements,u])
+
+ KE = v.T @ M @ v
+ SE = u.T @ Ktot @ u
+ KE_list.append(KE)
+ SE_list.append(SE)
+ TE_list.append(KE+SE)
+
+print('FEM computation finished')
+
+plt.figure()
+plt.plot(KE_list, label='Kinetic energy')
+plt.plot(SE_list, label='Strain energy')
+plt.plot(TE_list, label='Total energy')
+plt.vlines(t0/dt,np.amin(TE_list),np.amax(TE_list),colors='r', linestyles='dashed', label='Pulse end')
+plt.legend()
+plt.show()
+
+# Create gif
+
+disp_min = np.amin(all_displacements)
+disp_max = np.amax(all_displacements)
+nbtot = all_displacements.shape[0]
+
+def plot_disp(coords,disp,num=0):
+ fig = plt.figure(figsize=(5, 10))
+ plt.xlim(disp_min,disp_max)
+ for bar in range(Nel):
+ plt.plot([disp[bar],disp[bar+1]],[coords[bar],coords[bar+1]],'ko-')
+ plt.savefig(absolute_path+'{0}.png'.format(str(num).zfill(3)))
+ plt.close(fig)
+
+with imageio.get_writer('displacement_FEM.gif', mode='I') as writer:
+ for k,disp in enumerate(all_displacements):
+ if k%20 == 0: print('Plotting displacement {nb} out of {tot}'.format(nb=k,tot=nbtot))
+ plot_disp(coords,disp,k)
+ filename = absolute_path+'{0}.png'.format(str(k).zfill(3))
+ image = imageio.imread(filename)
+ writer.append_data(image)
\ No newline at end of file
diff --git a/CODE/DDM/test/generate_gif_simple.py b/CODE/DDM/test/generate_gif_simple.py
new file mode 100644
index 0000000..7e7bbe8
--- /dev/null
+++ b/CODE/DDM/test/generate_gif_simple.py
@@ -0,0 +1,68 @@
+import numpy as np
+import matplotlib.pyplot as plt
+import random
+from ddm_wave_prop import *
+
+# PARAMETERS
+gif_path = r'C:/Travail/EPFL/Cours/M2/Projet CSE/CODE/DDM/img/'
+Nnodes = 20
+Ttime = 20
+dt = 0.1
+Ndata = 1001
+L = 0.1
+E = 1
+A = 1
+
+# BC DISPLACEMENTS
+t0 = 5 # pulse duration
+f = 2 # sinus frequence
+linear = lambda t : 0.1*t # linear displacement
+sinus = lambda t : 0.1*np.sin(2*np.pi*f*t) # sinus excitation
+def pulse(t):
+ if t<t0: return 1
+ else: return 0
+def pulse_sinus(t):
+ if t<t0: return 0.01*np.sin(2*np.pi*t/t0)
+ else: return 0
+
+displacement = pulse_sinus
+
+# DATASET
+Young = lambda epsi : E*epsi
+DBepsis = np.linspace(-1,1,Ndata)
+DBsigmas = Young(DBepsis)
+#dataset = np.array([[e,s] for e,s in zip(DBepsis,DBsigmas)])
+dataset = {i:np.array([[e,s] for e,s in zip(DBepsis,DBsigmas)]) for i in range(Nnodes-1)}
+
+# DDM SIMULATION
+#coords, all_displacements, KE, SE, TE = wave_propagation(dataset, Nnodes, E, A, L, displacement, Ttime, dt)
+coords, all_displacements, KE, SE, TE = wave_propagation_pressure(dataset, E, A, L, displacement, Ttime, dt)
+
+# PLOT ENERGY
+plot_energy(KE, SE, TE, t0/dt)
+
+# CREATE GIF
+save_gif(gif_path, coords, all_displacements)
+
+"""
+# PLOT ENERGY GAIN VS SIZE OF DATASET
+#Ndata_list = [101, 251, 501, 751, 1001, 1501, 2001, 2501, 3001, 5001, 7501, 10001]
+Ndata_list = [2**n + 1 for n in range(6,16)]
+delta_TE = [] # total energy variation btw pulse stop and end
+for Ndata in Ndata_list:
+ # Create dataset
+ Young = lambda epsi : E*epsi
+ DBepsis = np.linspace(-1,1,Ndata)
+ DBsigmas = Young(DBepsis)
+ dataset = np.array([[e,s] for e,s in zip(DBepsis,DBsigmas)])
+ # DDM computation
+ _, _, _, _, TE = wave_propagation(dataset, Nnodes, E, A, L, displacement, Ttime, dt)
+ delta_TE.append(TE[-1] - TE[int(t0/dt)])
+ print('Done for Ndata = ' + str(Ndata))
+plt.plot(Ndata_list,delta_TE, '.k')
+plt.xscale('log')
+plt.yscale('log')
+plt.xlabel('Dataset size')
+plt.ylabel('Energy created')
+plt.show()
+"""
\ No newline at end of file
diff --git a/DATASET/P=100000Pa/1_generate_conf_100000Pa.in b/DATASET/P=100000Pa/1_generate_conf_100000Pa.in
new file mode 100644
index 0000000..895e6e8
--- /dev/null
+++ b/DATASET/P=100000Pa/1_generate_conf_100000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 100000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 263 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 764 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 144 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 346 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 624 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 572 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 881 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 2 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 897 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 304 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 254 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 652 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 453 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 37 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 160 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 9 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 233 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 99 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 659 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 816 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 208 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 131 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 404 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 152 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 54 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 120 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 673 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 920 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 628 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 587 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 625 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 968 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 420 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 422 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 104 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 852 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 254 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 227 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 112 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 510 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=100000Pa/2_shear.in b/DATASET/P=100000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=100000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=100000Pa/StrainStress.txt b/DATASET/P=100000Pa/StrainStress.txt
new file mode 100644
index 0000000..5cd84b3
--- /dev/null
+++ b/DATASET/P=100000Pa/StrainStress.txt
@@ -0,0 +1,999 @@
+# Fix print output for fix output_file
+2.26715360317226e-05 776.14714674738331723
+0.000122879725291979 557.75704738275180716
+0.000223087914552389 339.39911542049236459
+0.000323296103812646 121.07968845064198149
+0.000423504293072902 -97.203238917691365373
+0.000523712482333159 -315.48209024551681523
+0.000623920671593569 -533.73593312713262549
+0.000724128860853826 -751.99579595817169775
+0.000824337050114082 -970.27990259834564313
+0.000924545239374339 -1188.5998416387585621
+0.00102475342863475 -1406.9577596452088528
+0.00112496161789501 -1625.3349478185812131
+0.00122516980715526 -1843.7188599922892536
+0.00132537799641552 -2062.1011857169664836
+0.00142558618567593 -2280.4750545601150407
+0.00152579437493619 -2498.834276641633096
+0.00162600256419644 -2717.1729847979981969
+0.00172621075345685 -2935.4854117578593105
+0.00182641894271711 -3153.7657153338277567
+0.00192662713197737 -3372.0082713230713125
+0.00202683532123762 -3590.21489990506916
+0.00212704351049803 -3808.3753781700129366
+0.00222725169975829 -4026.4794459420968451
+0.00232745988901855 -4244.5219114427281966
+0.0024276680782788 -4462.4871210764968055
+0.00252787626753921 -4680.3374118721339983
+0.00262808445679947 -4898.0610698089394646
+0.00272829264605973 -5115.7013326284377399
+0.00282850083531998 -5333.3164947336435944
+0.00292870902458039 -5550.8900458523685302
+0.00302891721384065 -5768.4070998809193043
+0.00312912540310091 -5985.8604148867389085
+0.00322933359236116 -6203.2694976942630092
+0.00332954178162157 -6420.6063516789290588
+0.00342974997088183 -6637.8877303735316673
+0.00352995816014209 -6855.1439361644524979
+0.00363016634940234 -7072.3972633298999426
+0.00373037453866275 -7289.6447153729759521
+0.00383058272792301 -7506.8833452171475074
+0.00393079091718327 -7724.1102208792772217
+0.00403099910644352 -7941.322395060051349
+0.00413120729570393 -8158.5168753251055023
+0.00423141548496419 -8375.6905919714863558
+0.00433162367422445 -8592.8403602336857148
+0.00443183186348485 -8809.9628325850553665
+0.00453204005274511 -9027.0544340567321342
+0.00463224824200537 -9244.1112689320325444
+0.00473245643126563 -9461.1289762625892763
+0.00483266462052603 -9678.1039109159664804
+0.00493287280978629 -9895.0413027821832657
+0.00503308099904655 -10111.927755914635782
+0.00513328918830681 -10328.747441734662061
+0.00523349737756721 -10545.457950752970646
+0.00533370556682747 -10762.080862921568041
+0.00543391375608773 -10978.681231390426547
+0.00553412194534798 -11195.252365580194237
+0.00563433013460839 -11411.79897581946534
+0.00573453832386865 -11628.322010599669738
+0.00583474651312891 -11844.819310162978582
+0.00593495470238916 -12061.288714340898878
+0.00603516289164957 -12277.72805230801896
+0.00613537108090983 -12494.135133269261132
+0.00623557927017009 -12710.50773712445698
+0.00633578745943034 -12926.84360428006039
+0.00643599564869075 -13143.140423761791681
+0.00653620383795101 -13359.395818001727093
+0.00663641202721127 -13575.60732217419536
+0.00673662021647152 -13791.772353215346811
+0.00683682840573193 -14007.888158464453227
+0.00693703659499219 -14223.951716542638678
+0.00703724478425245 -14439.959494173968778
+0.0071374529735127 -14655.906415838433531
+0.00723766116277311 -14871.78493021156828
+0.00733786935203337 -15087.604657320920523
+0.00743807754129363 -15303.363546406446403
+0.00753828573055404 -15519.061596628433108
+0.00763849391981429 -15734.695101951841934
+0.00773870210907455 -15950.256782867063521
+0.00783891029833481 -16165.732132817225647
+0.00793911848759522 -16381.131526801413202
+0.00803932667685547 -16596.46466043304099
+0.00813953486611573 -16811.728444197990029
+0.00823974305537599 -17026.919592540489248
+0.0083399512446364 -17242.034457293968444
+0.00844015943389665 -17457.068091949153313
+0.00854036762315691 -17672.016680448254192
+0.00864057581241717 -17886.881719948181853
+0.00874078400167758 -18101.659327794495766
+0.00884099219093783 -18316.345265823187219
+0.00894120038019809 -18530.934817822744662
+0.00904140856945835 -18745.42257954904926
+0.00914161675871876 -18959.802024329281267
+0.00924182494797901 -19174.064674749304686
+0.00934203313723927 -19388.223270152760961
+0.00944224132649953 -19602.277752845508076
+0.00954244951575994 -19816.209085723225144
+0.00964265770502019 -20029.995389082741895
+0.00974286589428045 -20243.629122522885154
+0.00984307408354071 -20457.129399248187838
+0.00994328227280112 -20670.515355545911007
+0.0100434904620614 -20883.757525676148362
+0.0101436986513216 -21096.862462352142757
+0.010243906840582 -21309.908376426425093
+0.0103441150298423 -21522.884287934393797
+0.0104443232191026 -21735.783695970236295
+0.0105445314083628 -21948.600335214116058
+0.0106447395976232 -22161.327078738864657
+0.0107449477868835 -22373.951907960206881
+0.0108451559761437 -22586.467023372886615
+0.010945364165404 -22798.891010087812901
+0.0110455723546644 -23011.270291417287808
+0.0111457805439247 -23223.61063793631547
+0.0112459887331849 -23435.878568228337826
+0.0113461969224452 -23648.057249302510172
+0.0114464051117056 -23860.12903171848302
+0.0115466133009658 -24072.065209882959607
+0.0116468214902261 -24283.884302055161243
+0.0117470296794863 -24495.573058055171714
+0.0118472378687468 -24707.098179978129338
+0.011947446058007 -24918.461111555108801
+0.0120476542472673 -25129.680899268892972
+0.0121478624365275 -25340.826074853102909
+0.0122480706257879 -25551.851091054319113
+0.0123482788150482 -25762.772540872534591
+0.0124484870043085 -25973.605380643435637
+0.0125486951935687 -26184.362699223893287
+0.0126489033828291 -26395.075175475463766
+0.0127491115720894 -26605.73806335556219
+0.0128493197613496 -26816.34614203855017
+0.0129495279506099 -27026.893572624663648
+0.0130497361398703 -27237.373241799017705
+0.0131499443291306 -27447.774781364048977
+0.0132501525183908 -27658.073113587364787
+0.0133503607076512 -27868.289652998832025
+0.0134505688969115 -28078.425466120927013
+0.0135507770861717 -28288.492352986697369
+0.013650985275432 -28498.496048343313305
+0.0137511934646924 -28708.432804516516626
+0.0138514016539527 -28918.359814740237198
+0.0139516098432129 -29128.250815872212115
+0.0140518180324732 -29338.073873189372534
+0.0141520262217336 -29547.837336854478053
+0.0142522344109938 -29757.537717156777944
+0.0143524426002541 -29967.164016994840495
+0.0144526507895144 -30176.702911848115036
+0.0145528589787748 -30386.135144857478736
+0.014653067168035 -30595.416240593061957
+0.0147532753572953 -30804.513670054802787
+0.0148534835465555 -31013.549992660809949
+0.0149536917358159 -31222.50239682170286
+0.0150538999250762 -31431.406416326455656
+0.0151541081143365 -31640.259989708094508
+0.0152543163035967 -31849.04718827707984
+0.0153545244928571 -32057.767341374197713
+0.0154547326821174 -32266.455777307877725
+0.0155549408713776 -32475.146126176394318
+0.0156551490606379 -32683.835315819542302
+0.0157553572498983 -32892.512625115159608
+0.0158555654391586 -33101.166605158556195
+0.0159557736284188 -33309.788061357721745
+0.0160559818176792 -33518.365726390919008
+0.0161561900069395 -33726.884258356796636
+0.0162563981961997 -33935.409900741869933
+0.01635660638546 -34143.949650593756814
+0.0164568145747204 -34352.481198051384126
+0.0165570227639807 -34560.989192758061108
+0.0166572309532409 -34769.484748946684704
+0.0167574391425012 -34977.962862270178448
+0.0168576473317616 -35186.418493962963112
+0.0169578555210218 -35394.846910380889312
+0.0170580637102821 -35603.24349664379406
+0.0171582718995424 -35811.606729429702682
+0.0172584800888028 -36019.947777418397891
+0.017358688278063 -36228.253633099076978
+0.0174588964673233 -36436.515581792402372
+0.0175591046565835 -36644.725453056846163
+0.0176593128458439 -36852.873232096899301
+0.0177595210351042 -37060.937492509649019
+0.0178597292243645 -37268.918987015415041
+0.0179599374136247 -37476.842927779944148
+0.0180601456028851 -37684.698549321678001
+0.0181603537921454 -37892.476524916586641
+0.0182605619814056 -38100.162928046585876
+0.0183607701706659 -38307.811345372363576
+0.0184609783599263 -38515.40176059314399
+0.0185611865491866 -38722.950460916523298
+0.0186613947384468 -38930.450933587278996
+0.0187616029277072 -39137.895038792514242
+0.0188618111169675 -39345.271590850134089
+0.0189620193062277 -39552.554577079368755
+0.019062227495488 -39759.768603637610795
+0.0191624356847484 -39966.922997612200561
+0.0192626438740087 -40174.045038773088891
+0.0193628520632689 -40381.203225606957858
+0.0194630602525292 -40588.363608470179315
+0.0195632684417896 -40795.519826563162496
+0.0196634766310498 -41002.655281887098681
+0.0197636848203101 -41209.753622422424087
+0.0198638930095704 -41416.785809345383313
+0.0199641011988308 -41623.759514910700091
+0.020064309388091 -41830.67865896391595
+0.0201645175773513 -42037.508726053449209
+0.0202647257666115 -42244.306238344652229
+0.0203649339558719 -42451.073139834275935
+0.0204651421451322 -42657.809720855002524
+0.0205653503343925 -42864.503039552408154
+0.0206655585236527 -43071.132682097704674
+0.0207657667129131 -43277.669594178274565
+0.0208659749021734 -43484.120552047985257
+0.0209661830914336 -43690.539477008816903
+0.0210663912806939 -43896.937918261421146
+0.0211665994699543 -44103.30747412769415
+0.0212668076592146 -44309.643564644000435
+0.0213670158484748 -44515.95443160499417
+0.0214672240377352 -44722.235283777437871
+0.0215674322269955 -44928.480610172191518
+0.0216676404162557 -45134.683632634012611
+0.021767848605516 -45340.834879678644938
+0.0218680567947764 -45546.915441050048685
+0.0219682649840367 -45752.898367704539851
+0.0220684731732969 -45958.851936624101654
+0.0221686813625572 -46164.77553022763459
+0.0222688895518176 -46370.667342002234363
+0.0223690977410778 -46576.524180049927963
+0.0224693059303381 -46782.340100364635873
+0.0225695141195984 -46988.109499523037812
+0.0226697223088588 -47193.826011839701096
+0.022769930498119 -47399.481533780373866
+0.0228701386873793 -47605.060612891313212
+0.0229703468766395 -47810.565189055298106
+0.0230705550659 -48015.996925609615573
+0.0231707632551602 -48221.342306070313498
+0.0232709714444205 -48426.577178138351883
+0.0233711796336807 -48631.644437317256234
+0.0234713878229411 -48836.633940830222855
+0.0235715960122014 -49041.698005941638257
+0.0236718042014616 -49246.800570073297422
+0.0237720123907219 -49451.917425311119587
+0.0238722205799823 -49657.037670738682209
+0.0239724287692426 -49862.135584331081191
+0.0240726369585028 -50067.207658709994575
+0.0241728451477631 -50272.208681482043175
+0.0242730533370235 -50477.173301352864655
+0.0243732615262837 -50682.10320366351516
+0.024473469715544 -50887.055166218080558
+0.0245736779048044 -51092.063651151394879
+0.0246738860940647 -51297.10797600344813
+0.0247740942833249 -51502.176159397495212
+0.0248743024725852 -51707.260222384065855
+0.0249745106618456 -51912.353179443096451
+0.0250747188511058 -52117.448175509147404
+0.0251749270403661 -52322.53792324076494
+0.0252751352296264 -52527.614001546586223
+0.0253753434188868 -52732.680332213974907
+0.025475551608147 -52937.743167304506642
+0.0255757597974073 -53142.757648251434148
+0.0256759679866675 -53347.77229307176458
+0.025776176175928 -53552.787822314669029
+0.0258763843651882 -53757.787991663251887
+0.0259765925544485 -53962.749112782628799
+0.0260768007437087 -54167.672407563775778
+0.0261770089329691 -54372.59400155874755
+0.0262772171222294 -54577.504391995033075
+0.0263774253114896 -54782.371138767666707
+0.0264776335007499 -54987.213304936529312
+0.0265778416900103 -55192.060249269125052
+0.0266780498792706 -55396.910887429294235
+0.0267782580685308 -55601.780870329799654
+0.0268784662577911 -55806.676779241424811
+0.0269786744470515 -56011.654448824752762
+0.0270788826363117 -56216.678033942807815
+0.027179090825572 -56421.726091793272644
+0.0272792990148323 -56626.769563910347642
+0.0273795072040927 -56831.815142045539687
+0.0274797153933529 -57036.894182603304216
+0.0275799235826132 -57242.025734174254467
+0.0276801317718736 -57447.201365124863514
+0.0277803399611339 -57652.414204991873703
+0.0278805481503941 -57857.666294358772575
+0.0279807563396544 -58062.97790210495441
+0.0280809645289148 -58268.307579513697419
+0.028181172718175 -58473.674692118103849
+0.0282813809074353 -58679.085177124019538
+0.0283815890966955 -58884.522676645530737
+0.028481797285956 -59089.981800894915068
+0.0285820054752162 -59295.493816728368984
+0.0286822136644765 -59501.055658426164882
+0.0287824218537367 -59706.664365955723042
+0.0288826300429971 -59912.31702193334786
+0.0289828382322574 -60118.010696436198486
+0.0290830464215176 -60323.742390636143682
+0.0291832546107779 -60529.530857542034937
+0.0292834628000383 -60735.372615268875961
+0.0293836709892986 -60941.255631758336676
+0.0294838791785588 -61147.175300061877351
+0.0295840873678191 -61353.130255513831798
+0.0296842955570795 -61559.108231560087006
+0.0297845037463398 -61765.090445887304668
+0.0298847119356 -61971.061360418752884
+0.0299849201248604 -62177.057656288881844
+0.0300851283141207 -62383.086971245145833
+0.0301853365033809 -62589.15958231757395
+0.0302855446926412 -62795.273127533444494
+0.0303857528819016 -63001.43030491600075
+0.0304859610711619 -63207.631229799138964
+0.0305861692604221 -63413.870791954541346
+0.0306863774496824 -63620.145686195792223
+0.0307865856389428 -63826.452686571115919
+0.030886793828203 -64032.78812398701848
+0.0309870020174633 -64239.146456690104969
+0.0310872102067235 -64445.51991802061093
+0.031187418395984 -64651.918379734306654
+0.0312876265852442 -64858.3437926128463
+0.0313878347745045 -65064.7974618066728
+0.0314880429637647 -65271.276420068068546
+0.0315882511530251 -65477.775125883330475
+0.0316884593422854 -65684.296227716273279
+0.0317886675315457 -65890.839071803580737
+0.0318888757208059 -66097.401423868170241
+0.0319890839100663 -66303.981002811065991
+0.0320892920993266 -66510.575456900231075
+0.0321895002885868 -66717.182341074963915
+0.0322897084778471 -66923.799092187269707
+0.0323899166671075 -67130.422999309492297
+0.0324901248563678 -67337.051166088145692
+0.032590333045628 -67543.680460793097154
+0.0326905412348883 -67750.308474260687944
+0.0327907494241487 -67956.936948032365763
+0.0328909576134089 -68163.558758564075106
+0.0329911658026692 -68370.167610936696292
+0.0330913739919296 -68576.75643917490379
+0.0331915821811899 -68783.315792459165095
+0.0332917903704501 -68989.827011810717522
+0.0333919985597104 -69196.27836494865187
+0.0334922067489708 -69402.671759201912209
+0.033592414938231 -69608.979038423349266
+0.0336926231274913 -69815.271045114495791
+0.0337928313167516 -70021.579667559097288
+0.033893039506012 -70227.902697672485374
+0.0339932476952722 -70434.237761215947103
+0.0340934558845325 -70640.582245833938941
+0.0341936640737927 -70846.933166117538349
+0.0342938722630531 -71053.28684202140721
+0.0343940804523134 -71259.637482980513596
+0.0344942886415737 -71465.977856729281484
+0.0345944968308339 -71672.348821490100818
+0.0346947050200943 -71878.760538407848799
+0.0347949132093546 -72085.186316158404225
+0.0348951213986148 -72291.634298186327214
+0.0349953295878751 -72498.098331760556903
+0.0350955377771355 -72704.572324331616983
+0.0351957459663958 -72911.049446922377683
+0.035295954155656 -73117.519667887012474
+0.0353961623449163 -73323.961003630232881
+0.0354963705341767 -73530.403882483107736
+0.0355965787234369 -73736.853091067576315
+0.0356967869126972 -73943.30386838625418
+0.0357969951019574 -74149.750230326491874
+0.0358972032912179 -74356.183042339223903
+0.0359974114804781 -74562.580282364113373
+0.0360976196697384 -74768.966268843825674
+0.0361978278589988 -74975.34683852501621
+0.036298036048259 -75181.712482859264128
+0.0363982442375193 -75388.037978668362484
+0.0364984524267796 -75594.319999956249376
+0.03659866061604 -75800.61906730926421
+0.0366988688053002 -76006.932859949549311
+0.0367990769945605 -76213.258846294120303
+0.0368992851838207 -76419.594163830188336
+0.0369994933730811 -76625.935337100483594
+0.0370997015623414 -76832.277178212665603
+0.0371999097516017 -77038.610710286899121
+0.0373001179408619 -77244.947462119394913
+0.0374003261301223 -77451.28583800738852
+0.0375005343193826 -77657.621382861019811
+0.0376007425086428 -77863.946766258464777
+0.0377009506979031 -78070.248294338438427
+0.0378011588871635 -78276.54793515043275
+0.0379013670764238 -78482.845267061537015
+0.038001575265684 -78689.136656484377454
+0.0381017834549443 -78895.445230683180853
+0.0382019916442047 -79101.749277700364473
+0.0383021998334649 -79308.035533014844987
+0.0384024080227252 -79514.317298328896868
+0.0385026162119855 -79720.660227255531936
+0.0386028244012459 -79927.04061272162653
+0.0387030325905061 -80133.448891510808608
+0.0388032407797664 -80339.877959860372357
+0.0389034489690266 -80546.32103885228571
+0.039003657158287 -80752.777729203764466
+0.0391038653475473 -80959.278652697248617
+0.0392040735368076 -81165.80055804681615
+0.039304281726068 -81372.36140359682031
+0.0394044899153282 -81578.952972836850677
+0.0395046981045885 -81785.56802353382227
+0.0396049062938487 -81992.198621526462375
+0.0397051144831091 -82198.829927878832677
+0.0398053226723694 -82405.4647551204107
+0.0399055308616297 -82612.111376875138376
+0.0400057390508899 -82818.757391114588245
+0.0401059472401503 -83025.40553599417035
+0.0402061554294106 -83232.06163615603873
+0.0403063636186708 -83438.718996934592724
+0.0404065718079311 -83645.3680152544257
+0.0405067799971915 -83851.987474242312601
+0.0406069881864518 -84058.570107323670527
+0.040707196375712 -84265.203705819600145
+0.0408074045649723 -84471.870831733103842
+0.0409076127542327 -84678.563320173911052
+0.0410078209434929 -84885.274379048409173
+0.0411080291327532 -85091.996244799214764
+0.0412082373220135 -85298.713131326556322
+0.0413084455112739 -85505.435127804550575
+0.0414086537005341 -85712.169070509262383
+0.0415088618897944 -85918.909902278144727
+0.0416090700790548 -86125.651850128982915
+0.041709278268315 -86332.387972906784853
+0.0418094864575753 -86539.109235300522414
+0.0419096946468356 -86745.801870227660402
+0.042009902836096 -86952.431115062863682
+0.0421101110253562 -87159.012869119236711
+0.0422103192146165 -87365.545068394494592
+0.0423105274038767 -87572.05019830322999
+0.0424107355931371 -87778.567569524500868
+0.0425109437823974 -87985.102027584624011
+0.0426111519716577 -88191.642338678138913
+0.0427113601609179 -88398.189277954792487
+0.0428115683501783 -88604.767999146060902
+0.0429117765394386 -88811.442319143403438
+0.0430119847286988 -89018.174892177339643
+0.0431121929179591 -89224.952485113855801
+0.0432124011072195 -89431.774813837866532
+0.0433126092964798 -89638.633953476150054
+0.04341281748574 -89845.521299709173036
+0.0435130256750003 -90052.425233342626598
+0.0436132338642607 -90259.316338490432827
+0.0437134420535209 -90466.200228111541946
+0.0438136502427812 -90673.126304073317442
+0.0439138584320415 -90880.089729155006353
+0.0440140666213019 -91087.084448651236016
+0.0441142748105621 -91294.101521064018016
+0.0442144829998224 -91501.117433279228862
+0.0443146911890826 -91708.131724648934323
+0.044414899378343 -91915.194385113805765
+0.0445151075676033 -92122.302623202456743
+0.0446153157568636 -92329.453286882024258
+0.044715523946124 -92536.642557515617227
+0.0448157321353842 -92743.86482438040548
+0.0449159403246445 -92951.109645680771791
+0.0450161485139047 -93158.386725108066457
+0.0451163567031652 -93365.697804816125426
+0.0452165648924254 -93573.037479286358575
+0.0453167730816857 -93780.396782383904792
+0.0454169812709459 -93987.779114829871105
+0.0455171894602063 -94195.231474786705803
+0.0456173976494666 -94402.731077222531894
+0.0457176058387268 -94610.276548747657216
+0.0458178140279871 -94817.867135089007206
+0.0459180222172475 -95025.480310864615603
+0.0460182304065078 -95233.13088466472982
+0.046118438595768 -95440.840326556004584
+0.0462186467850283 -95648.60499761965184
+0.0463188549742887 -95856.420641122807865
+0.0464190631635489 -96064.297076182599994
+0.0465192713528092 -96272.23159445055353
+0.0466194795420695 -96480.192152783449274
+0.0467196877313299 -96688.219692008860875
+0.0468198959205901 -96896.317096643731929
+0.0469201041098504 -97104.481469837221084
+0.0470203122991108 -97312.710086441176827
+0.0471205204883711 -97521.000229234196013
+0.0472207286776313 -97729.349048487420077
+0.0473209368668916 -97937.753384632145753
+0.0474211450561518 -98146.211119489307748
+0.0475213532454122 -98354.724147000073572
+0.0476215614346725 -98563.278797270701034
+0.0477217696239327 -98771.858306939422619
+0.0478219778131932 -98980.498596351360902
+0.0479221860024534 -99189.199240944086341
+0.0480223941917137 -99397.957564714728505
+0.0481226023809739 -99606.770553895141347
+0.0482228105702343 -99815.634518512975774
+0.0483230187594946 -100024.54418424781761
+0.0484232269487548 -100233.48641050263541
+0.0485234351380151 -100442.46742108330363
+0.0486236433272755 -100651.49666197721672
+0.0487238515165358 -100860.56437581474893
+0.048824059705796 -101069.64922828671115
+0.0489242678950563 -101278.79571976834268
+0.0490244760843167 -101488.00910000719887
+0.0491246842735769 -101697.28838756115874
+0.0492248924628372 -101906.63260106397502
+0.0493251006520975 -102116.04075736021332
+0.0494253088413579 -102325.51186959873303
+0.0495255170306181 -102535.04494553370751
+0.0496257252198784 -102744.63898570310266
+0.0497259334091386 -102954.29298165229557
+0.0498261415983991 -103164.00591410626657
+0.0499263497876593 -103373.77675096435996
+0.0500265579769196 -103583.60444532590918
+0.05012676616618 -103793.48793320894765
+0.0502269743554402 -104003.42613119396265
+0.0503271825447005 -104213.41793371418316
+0.0504273907339607 -104423.46221012021124
+0.0505275989232212 -104633.55780130777566
+0.0506278071124814 -104843.70351590486825
+0.0507280153017417 -105053.89812581223669
+0.0508282234910019 -105264.14036100223893
+0.0509284316802623 -105474.42890338637517
+0.0510286398695226 -105684.76237932755612
+0.0511288480587829 -105895.139350493846
+0.0512290562480431 -106105.55830242754018
+0.0513292644373035 -106316.01762983534718
+0.0514294726265638 -106526.51561721843609
+0.051529680815824 -106737.05041239442653
+0.0516298890050843 -106947.61998860347376
+0.0517300971943447 -107158.22208685336227
+0.051830305383605 -107368.85412002699741
+0.0519305135728652 -107579.51299008702335
+0.0520307217621255 -107790.1946433653211
+0.0521309299513859 -108000.89196987217292
+0.0522311381406461 -108211.60342182933528
+0.0523313463299064 -108422.3629851484875
+0.0524315545191666 -108633.15290526975878
+0.0525317627084271 -108843.95240135316271
+0.0526319708976873 -109054.76780704715929
+0.0527321790869476 -109265.61405374557944
+0.0528323872762078 -109476.47980839225056
+0.0529325954654682 -109687.3577330334665
+0.0530328036547285 -109898.25780678831507
+0.0531330118439887 -110109.18618242850062
+0.0532332200332492 -110320.13822173113294
+0.0533334282225094 -110531.13265497905377
+0.0534336364117697 -110742.1669422556879
+0.0535338446010299 -110953.23822387494147
+0.0536340527902902 -111164.34316832954937
+0.0537342609795506 -111375.47771103432751
+0.0538344691688109 -111586.63653597142547
+0.0539346773580711 -111797.81177515021409
+0.0540348855473315 -112008.98715950174665
+0.0541350937365918 -112220.1389098695654
+0.054235301925852 -112431.31738265333115
+0.0543355101151123 -112642.51168444746872
+0.0544357183043727 -112853.73471495769627
+0.054535926493633 -113064.98709035885986
+0.0546361346828932 -113276.29865750619501
+0.0547363428721535 -113487.66855290882813
+0.0548365510614139 -113699.09589925871114
+0.0549367592506741 -113910.57980335023603
+0.0550369674399344 -114122.1193537539657
+0.0551371756291947 -114333.7136183900584
+0.0552373838184551 -114545.36164174735313
+0.0553375920077153 -114757.06244177780172
+0.0554378001969756 -114968.83704429250793
+0.0555380083862358 -115180.68300445297791
+0.0556382165754962 -115392.59154278195638
+0.0557384247647565 -115604.55898804575554
+0.0558386329540168 -115816.58270464073576
+0.0559388411432772 -116028.66047474740481
+0.0560390493325374 -116240.79027244324971
+0.0561392575217977 -116452.9701514836197
+0.0562394657110579 -116665.19817567618156
+0.0563396739003183 -116877.47236582374899
+0.0564398820895786 -117089.79065022752911
+0.0565400902788389 -117302.15080973290605
+0.0566402984680991 -117514.5504065490386
+0.0567405066573595 -117726.98667956420104
+0.0568407148466198 -117939.45636966983147
+0.05694092303588 -118151.95537978860375
+0.0570411312251403 -118364.47793592564994
+0.0571413394144007 -118577.0130334625137
+0.057241547603661 -118789.54119063798862
+0.0573417557929212 -119002.10181903159537
+0.0574419639821815 -119214.69361843273509
+0.0575421721714419 -119427.30647645331919
+0.0576423803607021 -119639.9331345060491
+0.0577425885499624 -119852.59412742209679
+0.0578427967392227 -120065.28171014165855
+0.0579430049284831 -120277.9715689222503
+0.0580432131177433 -120490.68222922530549
+0.0581434213070036 -120703.44695337121084
+0.0582436294962638 -120916.26382367328915
+0.0583438376855242 -121129.12997995805927
+0.0584440458747845 -121342.04741919205117
+0.0585442540640448 -121555.01392462995136
+0.0586444622533052 -121768.0231754091219
+0.0587446704425654 -121981.08268042570853
+0.0588448786318257 -122194.19523421183112
+0.0589450868210859 -122407.35979894330376
+0.0590452950103462 -122620.57528646757419
+0.0591455031996066 -122833.84054942699731
+0.0592457113888669 -123047.15437006899447
+0.0593459195781271 -123260.51544559730974
+0.0594461277673875 -123473.92236871997011
+0.0595463359566478 -123687.37360067962436
+0.059646544145908 -123900.86743231711444
+0.0597467523351683 -124114.40192478877725
+0.0598469605244287 -124327.97481221068301
+0.059947168713689 -124541.58332459237135
+0.0600473769029492 -124755.22381007847434
+0.0601475850922095 -124968.89066568997805
+0.0602477932814699 -125182.56856942274317
+0.0603480014707301 -125396.25955649626849
+0.0604482096599904 -125609.99211459371145
+0.0605484178492507 -125823.76373287459137
+0.0606486260385111 -126037.57123259398213
+0.0607488342277713 -126251.41025130405615
+0.0608490424170316 -126465.27384473652637
+0.0609492506062918 -126679.14406691165641
+0.0610494587955522 -126893.00685786861868
+0.0611496669848125 -127106.91714866603434
+0.0612498751740728 -127320.88284211001883
+0.061350083363333 -127534.90310330863576
+0.0614502915525934 -127748.97705862777366
+0.0615504997418537 -127963.10378960773232
+0.0616507079311139 -128177.28232534059498
+0.0617509161203743 -128391.51163286001247
+0.0618511243096346 -128605.79060471462435
+0.0619513324988949 -128820.11804256401956
+0.0620515406881551 -129034.49357536957541
+0.0621517488774154 -129248.93275365274167
+0.0622519570666758 -129463.42793217048165
+0.062352165255936 -129677.97359476567362
+0.0624523734451963 -129892.56596814439399
+0.0625525816344567 -130107.20132033768459
+0.062652789823717 -130321.87524511451193
+0.0627529980129772 -130536.58158567888313
+0.0628532062022375 -130751.30881883947586
+0.0629534143914979 -130966.02708962216275
+0.0630536225807581 -131180.78399022397934
+0.0631538307700184 -131395.59597646255861
+0.0632540389592787 -131610.46761514412356
+0.0633542471485391 -131825.39803009695606
+0.0634544553377993 -132040.38632771660923
+0.0635546635270596 -132255.43158638701425
+0.0636548717163198 -132470.53284362429986
+0.0637550799055802 -132685.68907909700647
+0.0638552880948405 -132900.89918955561006
+0.0639554962841008 -133116.16194801486563
+0.0640557044733612 -133331.47592824575258
+0.0641559126626214 -133546.83933625585632
+0.0642561208518817 -133762.24948317519738
+0.0643563290411419 -133977.69903806893853
+0.0644565372304022 -134193.19423910486512
+0.0645567454196626 -134408.7412788097572
+0.0646569536089229 -134624.33886305728811
+0.0647571617981831 -134839.98532449349295
+0.0648573699874435 -135055.67775703564985
+0.0649575781767038 -135271.41174268806935
+0.065057786365964 -135487.19630394075648
+0.0651579945552243 -135703.03112876502564
+0.0652582027444847 -135918.91527379231411
+0.065358410933745 -136134.8477506802883
+0.0654586191230052 -136350.82751905417535
+0.0655588273122655 -136566.85347759610158
+0.0656590355015259 -136782.92445244055125
+0.0657592436907861 -136999.03918167905067
+0.0658594518800464 -137215.19629321678076
+0.0659596600693067 -137431.40076159065939
+0.0660598682585671 -137647.65235171539825
+0.0661600764478273 -137863.94573880601092
+0.0662602846370876 -138080.27709882988711
+0.0663604928263478 -138296.64448815700598
+0.0664607010156082 -138513.04398165081511
+0.0665609092048685 -138729.46518620621646
+0.0666611173941288 -138945.91392632175121
+0.066761325583389 -139162.39884410591912
+0.0668615337726494 -139378.91671677873819
+0.0669617419619097 -139595.46270057631773
+0.0670619501511699 -139812.02499041179544
+0.0671621583404304 -140028.61610806817771
+0.0672623665296906 -140245.24130668499856
+0.0673625747189509 -140461.94089640374295
+0.0674627829082111 -140678.69893044530181
+0.0675629910974714 -140895.49959152520751
+0.0676631992867318 -141112.32982284654281
+0.067763407475992 -141329.1750400470919
+0.0678636156652523 -141546.01901240000734
+0.0679638238545127 -141762.88978435788886
+0.068064032043773 -141979.77433989336714
+0.0681642402330332 -142196.70540147615247
+0.0682644484222935 -142413.68526970027597
+0.0683646566115539 -142630.70663445032551
+0.0684648648008142 -142847.74908838531701
+0.0685650729900744 -143064.82687729728059
+0.0686652811793347 -143281.95944957999745
+0.0687654893685951 -143499.1403956366994
+0.0688656975578553 -143716.35217702444061
+0.0689659057471156 -143933.59568520027096
+0.0690661139363758 -144150.89954547502566
+0.0691663221256363 -144368.25315495635732
+0.0692665303148965 -144585.68179227918154
+0.0693667385041568 -144803.18636633746792
+0.069466946693417 -145020.76582671963843
+0.0695671548826774 -145238.41892365241074
+0.0696673630719377 -145456.14404912176542
+0.069767571261198 -145673.93883307997021
+0.0698677794504582 -145891.79845995953656
+0.0699679876397186 -146109.71257603573031
+0.0700681958289789 -146327.7036109121691
+0.0701684040182391 -146545.77406042974326
+0.0702686122074995 -146763.92355556838447
+0.0703688203967598 -146982.15173108369345
+0.0704690285860201 -147200.45822483542725
+0.0705692367752803 -147418.84267726901453
+0.0706694449645407 -147637.31787705759052
+0.070769653153801 -147855.88503755768761
+0.0708698613430612 -148074.5379264492949
+0.0709700695323215 -148293.27439714904176
+0.0710702777215819 -148512.09308583504753
+0.0711704859108422 -148730.99296387846698
+0.0712706941001024 -148949.97318326251116
+0.0713709022893627 -149169.03300587570993
+0.0714711104786231 -149388.17176564983674
+0.0715713186678833 -149607.38884591392707
+0.0716715268571436 -149826.68366469012108
+0.0717717350464038 -150046.0556645229517
+0.0718719432356643 -150265.50430487465928
+0.0719721514249245 -150485.0290561511938
+0.0720723596141848 -150704.62939473040751
+0.072172567803445 -150924.30479837380699
+0.0722727759927054 -151144.05474187887739
+0.0723729841819657 -151363.87869252057862
+0.0724731923712259 -151583.77610501574236
+0.0725734005604864 -151803.74641559636802
+0.0726736087497466 -152023.78903458995046
+0.0727738169390069 -152243.90333667417872
+0.0728740251282671 -152464.08864745963365
+0.0729742333175274 -152684.34422374959104
+0.0730744415067878 -152904.66922302125022
+0.073174649696048 -153125.06265211428399
+0.0732748578853083 -153345.52327198069543
+0.0733750660745687 -153566.04939148220001
+0.073475274263829 -153786.63828611641657
+0.0735754824530892 -154007.28233857930172
+0.0736756906423495 -154227.979813441023
+0.0737758988316099 -154448.75257177621825
+0.0738761070208701 -154669.64337196431006
+0.0739763152101304 -154890.63944750846713
+0.0740765233993907 -155111.7303915283992
+0.0741767315886511 -155332.91192326520104
+0.0742769397779113 -155554.18139977939427
+0.0743771479671716 -155775.53692589406273
+0.0744773561564318 -155996.97702377126552
+0.0745775643456923 -156218.50047672094661
+0.0746777725349525 -156440.10624407752766
+0.0747779807242128 -156661.79404559897375
+0.074878188913473 -156883.59344088891521
+0.0749783971027334 -157105.49507646189886
+0.0750786052919937 -157327.49103015827131
+0.075178813481254 -157549.57781331756269
+0.0752790216705142 -157771.75313602588722
+0.0753792298597746 -157994.01526617072523
+0.0754794380490349 -158216.36278893987765
+0.0755796462382951 -158438.79449116543401
+0.0756798544275554 -158661.30929674571962
+0.0757800626168158 -158883.90622663710383
+0.0758802708060761 -159106.5843717592652
+0.0759804789953363 -159329.34287335371482
+0.0760806871845966 -159552.18090734325233
+0.076180895373857 -159775.09767079295125
+0.0762811035631172 -159998.0923689501069
+0.0763813117523775 -160221.16420101915719
+0.0764815199416379 -160444.31234267499531
+0.0765817281308982 -160667.53592140969704
+0.0766819363201584 -160890.83397710093413
+0.0767821445094187 -161114.20538891642354
+0.0768823526986791 -161337.64871058100834
+0.0769825608879393 -161561.16164996643784
+0.0770827690771996 -161784.73730405056267
+0.0771829772664599 -162008.38236249567126
+0.0772831854557203 -162232.1038911678188
+0.0773833936449805 -162455.90146439976525
+0.0774836018342408 -162679.77466313430341
+0.077583810023501 -162903.72307404817548
+0.0776840182127614 -163127.74628863527323
+0.0777842264020217 -163351.84390239501954
+0.077884434591282 -163576.01551402898622
+0.0779846427805422 -163800.26072459621355
+0.0780848509698026 -164024.57913666698732
+0.0781850591590629 -164248.97035341986339
+0.0782852673483231 -164473.43397767606075
+0.0783854755375834 -164697.96961075853324
+0.0784856837268438 -164922.57685116239008
+0.0785858919161041 -165147.25529293311411
+0.0786861001053643 -165372.0045235119178
+0.0787863082946247 -165596.82412076814217
+0.078886516483885 -165821.71364868350793
+0.0789867246731452 -166046.67265032837167
+0.0790869328624055 -166271.70063523086719
+0.0791871410516659 -166496.79705264556105
+0.0792873492409262 -166721.96121644030791
+0.0793875574301864 -166947.1917794381734
+0.0794877656194467 -167172.4883971172967
+0.0795879738087071 -167397.85309142127517
+0.0796881819979673 -167623.28545189267606
+0.0797883901872276 -167848.78505594359012
+0.0798885983764879 -168074.35146580208675
+0.0799888065657483 -168299.98422445610049
+0.0800890147550085 -168525.68284992210101
+0.0801892229442688 -168751.4468266722979
+0.080289431133529 -168977.27559185985592
+0.0803896393227894 -169203.16851046012016
+0.0804898475120497 -169429.12482188371359
+0.08059005570131 -169655.14348118001362
+0.0806902638905702 -169881.22199330982403
+0.0807904720798306 -170107.3616530916479
+0.0808906802690909 -170333.56451296590967
+0.0809908884583511 -170559.82985805577482
+0.0810910966476114 -170786.15684737975243
+0.0811913048368718 -171012.54443968948908
+0.0812915130261321 -171238.99123758700443
+0.0813917212153923 -171465.49507120961789
+0.0814919294046526 -171692.05094891964109
+0.081592137593913 -171918.65230142773362
+0.0816923457831732 -172145.31921578169568
+0.0817925539724335 -172372.05187424438191
+0.0818927621616939 -172598.84968185191974
+0.0819929703509542 -172825.71127876636456
+0.0820931785402144 -173052.63809528254205
+0.0821933867294747 -173279.63066983449971
+0.0822935949187351 -173506.6887454536336
+0.0823938031079953 -173733.81206463003764
+0.0824940112972556 -173961.00036919518607
+0.0825942194865159 -174188.25340025132755
+0.0826944276757763 -174415.57089795498177
+0.0827946358650365 -174642.95260145756765
+0.0828948440542968 -174870.39824871736346
+0.082995052243557 -175097.9075763092842
+0.0830952604328175 -175325.48031926489784
+0.0831954686220777 -175553.11621086203377
+0.083295676811338 -175780.81498236977495
+0.0833958850005982 -176008.57636274784454
+0.0834960931898586 -176236.40007834142307
+0.0835963013791189 -176464.2858524529729
+0.0836965095683791 -176692.23340486662346
+0.0837967177576394 -176920.24245115538361
+0.0838969259468998 -177148.31270188328926
+0.0839971341361601 -177376.44386145996395
+0.0840973423254203 -177604.63562640114105
+0.0841975505146806 -177832.8876827993663
+0.084297758703941 -178061.19970196080976
+0.0843979668932012 -178289.57133225290454
+0.0844981750824615 -178518.00218071171548
+0.0845983832717219 -178746.49175583440228
+0.0846985914609822 -178975.03904330011574
+0.0847987996502424 -179203.64448062225711
+0.0848990078395027 -179432.30868953827303
+0.0849992160287631 -179661.03136422572425
+0.0850994242180233 -179889.81219307266292
+0.0851996324072836 -180118.65085798874497
+0.0852998405965439 -180347.54703369110939
+0.0854000487858043 -180576.50038683309685
+0.0855002569750645 -180805.51057488657534
+0.0856004651643248 -181034.57724493968999
+0.085700673353585 -181263.70003213157179
+0.0858008815428454 -181492.87855777467485
+0.0859010897321057 -181722.1124269067077
+0.086001297921366 -181951.40122522506863
+0.0861015061106262 -182180.74451495113317
+0.0862017142998866 -182410.14182922939654
+0.0863019224891469 -182639.59266414595186
+0.0864021306784071 -182869.09708818647778
+0.0865023388676674 -183098.69551621901337
+0.0866025470569278 -183328.38149979148875
+0.0867027552461881 -183558.1444677108957
+0.0868029634354483 -183787.97719850443536
+0.0869031716247086 -184017.87479911191622
+0.087003379813969 -184247.82945197966183
+0.0871035880032292 -184477.84613238356542
+0.0872037961924895 -184707.92897263891064
+0.0873040043817499 -184938.07666607000283
+0.0874042125710102 -185168.28802500289748
+0.0875044207602704 -185398.5619313782081
+0.0876046289495307 -185628.89729248051299
+0.0877048371387909 -185859.29297953066998
+0.0878050453280513 -186089.74896894133417
+0.0879052535173116 -186320.27118328076904
+0.0880054617065719 -186550.85688436427154
+0.0881056698958323 -186781.5037035397545
+0.0882058780850925 -187012.20991960496758
+0.0883060862743528 -187242.973952128581
+0.088406294463613 -187473.79418096630252
+0.0885065026528735 -187704.66880607671919
+0.0886067108421337 -187935.5956514934951
+0.088706919031394 -188166.57174993457738
+0.0888071272206542 -188397.59186336709536
+0.0889073354099146 -188628.64400318227126
+0.0890075435991749 -188859.74590598567738
+0.0891077517884351 -189090.89484483702108
+0.0892079599776954 -189322.1343125194544
+0.0893081681669558 -189553.45282044145279
+0.0894083763562161 -189784.84911956518772
+0.0895085845454763 -190016.3250995783601
+0.0896087927347366 -190247.87831074403948
+0.089709000923997 -190479.50697495805798
+0.0898092091132573 -190711.20968721489771
+0.0899094173025175 -190942.98527472148999
+0.0900096254917778 -191174.83271988268825
+0.0901098336810382 -191406.75111350879888
+0.0902100418702984 -191638.73962412666879
+0.0903102500595587 -191870.7974763448583
+0.0904104582488191 -192102.92393442656612
+0.0905106664380794 -192335.11828895186773
+0.0906108746273396 -192567.3798448893067
+0.0907110828165999 -192799.70790986673092
+0.0908112910058601 -193032.10178131423891
+0.0909114991951205 -193264.56073062162613
+0.0910117073843808 -193497.08398144718376
+0.091111915573641 -193729.67067660420435
+0.0912121237629015 -193962.3198211741983
+0.0913123319521617 -194195.03016978109372
+0.091412540141422 -194427.79994959989563
+0.0915127483306822 -194660.62580053284182
+0.0916129565199426 -194893.49907721375348
+0.0917131647092029 -195126.43557401449652
+0.0918133728984631 -195359.44164009278757
+0.0919135810877234 -195592.51897841267055
+0.0920137892769838 -195825.66511444008211
+0.0921139974662441 -196058.87913677774486
+0.0922142056555043 -196292.16042301850393
+0.0923144138447646 -196525.50847096741199
+0.092414622034025 -196758.92284404157544
+0.0925148302232852 -196992.40314703976037
+0.0926150384125455 -197225.94901341907098
+0.0927152466018059 -197459.56009774198174
+0.0928154547910662 -197693.23607096588239
+0.0929156629803264 -197926.97661713929847
+0.0930158711695867 -198160.78143115737475
+0.0931160793588469 -198394.65021703849197
+0.0932162875481074 -198628.58268662783667
+0.0933164957373676 -198862.57855862221913
+0.0934167039266279 -199096.63755774919991
+0.0935169121158883 -199330.75941407427308
+0.0936171203051485 -199564.94386247039074
+0.0937173284944088 -199799.19064219214488
+0.093817536683669 -200033.49949642576394
+0.0939177448729293 -200267.87017196233501
+0.0940179530621897 -200502.30241890551406
+0.09411816125145 -200736.79599042941118
+0.0942183694407102 -200971.35064248068375
+0.0943185776299706 -201205.96613361692289
+0.0944187858192309 -201440.64222481730394
+0.0945189940084911 -201675.37867928625201
+0.0946192021977514 -201910.175262292556
+0.0947194103870118 -202145.03174099660828
+0.0948196185762721 -202379.94788441163837
+0.0949198267655323 -202614.92346316232579
+0.0950200349547926 -202849.95824939891463
+0.095120243144053 -203085.05201671685791
+0.0952204513333132 -203320.2045400198258
+0.0953206595225735 -203555.41559541452443
+0.0954208677118338 -203790.68496010519448
+0.0955210759010942 -204026.01241232518805
+0.0956212840903544 -204261.39773120597238
+0.0957214922796147 -204496.8406967241317
+0.0958217004688751 -204732.3410895706038
+0.0959219086581354 -204967.89869108275161
+0.0960221168473956 -205203.51328316627769
+0.0961223250366559 -205439.18464817039785
+0.0962225332259161 -205674.91256882855669
+0.0963227414151765 -205910.69682814009138
+0.0964229496044368 -206146.53720928847906
+0.0965231577936971 -206382.43349552701693
+0.0966233659829575 -206618.3854701051896
+0.0967235741722177 -206854.39291610702639
+0.096823782361478 -207090.45561636128696
+0.0969239905507382 -207326.57335331122158
+0.0970241987399986 -207562.74590886844089
+0.0971244069292589 -207798.97306426180876
+0.0972246151185192 -208035.25459981558379
+0.0973248233077794 -208271.59029483268387
+0.0974250314970398 -208507.979927285749
+0.0975252396863001 -208744.42327356839087
+0.0976254478755603 -208980.92010817828123
+0.0977256560648206 -209217.47020331918611
+0.097825864254081 -209454.07332836653222
+0.0979260724433413 -209690.72924928818247
+0.0980262806326015 -209927.43772779116989
+0.0981264888218619 -210164.19852017212543
+0.0982266970111222 -210401.01137580809882
+0.0983269052003824 -210637.87603477269295
+0.0984271133896427 -210874.79222428990761
+0.098527321578903 -211111.75965271735913
+0.0986275297681634 -211348.77799843586399
+0.0987277379574236 -211585.84688604512485
+0.0988279461466839 -211822.96581985961529
+0.0989281543359443 -212060.13376841685385
+0.0990283625252045 -212297.35018693096936
+0.0991285707144648 -212534.61743770539761
+0.0992287789037251 -212771.93530214059865
+0.0993289870929853 -213009.31006455046008
+0.0994291952822457 -213246.74350412003696
+0.099529403471506 -213484.23186535475543
+0.0996296116607662 -213721.77389421430416
+0.0997298198500266 -213959.36879355533165
+0.0998300280392869 -214197.01595645889756
+0.0999302362285472 -214434.71487650330528
diff --git a/DATASET/P=100000Pa/box_confined.data b/DATASET/P=100000Pa/box_confined.data
new file mode 100644
index 0000000..6e19a8b
--- /dev/null
+++ b/DATASET/P=100000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2255968
+
+240 atoms
+6 atom types
+
+0.027328463968258734 0.07267153603174126 xlo xhi
+0.027328463968258734 0.07267153603174126 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+3 1 0.0025 1500.0000000000005 0.030962801774074428 0.028767347248521955 0 0 0 0
+6 1 0.0035 1071.4285714285713 0.03374182048209036 0.027823026338574246 0 0 0 0
+239 1 0.0025 1500.0000000000005 0.03626015708439703 0.029408430876079517 0 0 1 0
+12 1 0.0035 1071.4285714285713 0.03912955526275504 0.02867446990884373 0 0 0 0
+234 1 0.0035 1071.4285714285713 0.04230091677180011 0.07265470577604655 0 0 0 0
+16 1 0.0035 1071.4285714285713 0.04519744332424039 0.02924991265187148 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.048498694712400585 0.028322859411128085 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.05201041681454182 0.027816372424495975 0 0 0 0
+238 1 0.0025 1500.0000000000005 0.05493252943353309 0.028101140966599776 0 0 1 0
+4 1 0.0025 1500.0000000000005 0.05738638506089172 0.028183676183204533 0 0 0 0
+236 1 0.0035 1071.4285714285713 0.062371997761341426 0.028430846320622427 0 0 1 0
+8 1 0.0025 1500.0000000000005 0.06757183460871145 0.02907277302767972 0 0 0 0
+240 1 0.0035 1071.4285714285713 0.070133117638196 0.027682125395000815 0 0 1 0
+24 1 0.0035 1071.4285714285713 0.027562792638272285 0.029902025910589033 0 0 0 0
+15 1 0.0025 1500.0000000000005 0.030316436054610905 0.031056735196951266 0 0 0 0
+21 1 0.0025 1500.0000000000005 0.032718112164495765 0.03059299087581635 0 0 0 0
+10 1 0.0035 1071.4285714285713 0.04194130458629319 0.03073918944350786 0 0 0 0
+20 1 0.0035 1071.4285714285713 0.04795163099978127 0.03179621136517764 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.05056418025416128 0.03042513557878091 0 0 0 0
+9 1 0.0035 1071.4285714285713 0.05348723584732049 0.030942347327847054 0 0 0 0
+23 1 0.0025 1500.0000000000005 0.056448337946976686 0.030418916195636157 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.0594923684715212 0.030248269527102654 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.06224664571639304 0.03136361748691273 0 0 0 0
+13 1 0.0035 1071.4285714285713 0.0651392464136821 0.03066600433388965 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.06783080956645193 0.031815183137627885 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.07003941552507958 0.030635494266714792 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.028442517790865016 0.03327760547272214 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.03201820847021003 0.033457336449735864 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.035267663454821845 0.032175018199406435 0 0 0 0
+17 1 0.0035 1071.4285714285713 0.03878797057654513 0.03212790899182273 0 0 0 0
+30 1 0.0025 1500.0000000000005 0.041710163343262774 0.03367462648258051 0 0 0 0
+26 1 0.0035 1071.4285714285713 0.04466447183079233 0.03291137433895641 0 0 0 0
+35 1 0.0025 1500.0000000000005 0.05088142044845831 0.032884018879288074 0 0 0 0
+29 1 0.0025 1500.0000000000005 0.053168759333947206 0.03395791764822609 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.05677599483824647 0.033317877071353814 0 0 0 0
+39 1 0.0035 1071.4285714285713 0.06032393836300987 0.03357019615065337 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.06379688216545375 0.0338408326128095 0 0 0 0
+32 1 0.0035 1071.4285714285713 0.07034284313790878 0.033551656708977785 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.030055983692454494 0.03572703123918352 0 0 0 0
+41 1 0.0025 1500.0000000000005 0.03450472277053335 0.03503146914395197 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.03692083748635875 0.03475574583832412 0 0 0 0
+40 1 0.0025 1500.0000000000005 0.03942402656352843 0.035012228897002604 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.04330114791998851 0.035566317309123185 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.045764493405001876 0.035650176745588305 0 0 0 0
+36 1 0.0025 1500.0000000000005 0.04824224950019266 0.034738572223747516 0 0 0 0
+43 1 0.0035 1071.4285714285713 0.05094432394616432 0.03594088692998449 0 0 0 0
+34 1 0.0035 1071.4285714285713 0.054899199062481675 0.0363012847012687 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.05835830042015902 0.036410756498669025 0 0 0 0
+46 1 0.0035 1071.4285714285713 0.06712795830036515 0.034684192767489685 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.02974455068427918 0.03812687611574709 0 0 0 0
+62 1 0.0035 1071.4285714285713 0.03256253501447823 0.03725467882424267 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.03566130902199515 0.03733066527265024 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.0381242390001146 0.037242769294250994 0 0 0 0
+53 1 0.0035 1071.4285714285713 0.04107852983127244 0.03746256315327284 0 0 0 0
+47 1 0.0035 1071.4285714285713 0.0444735878261172 0.038317482001581346 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.04790198358080696 0.03770464628050352 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.061792609743265656 0.03669452026007914 0 0 0 0
+48 1 0.0025 1500.0000000000005 0.0648599388822226 0.03670903247952384 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.06725342040834463 0.03759594508729296 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.06951115903764549 0.03669197736916914 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.07253942950366092 0.03648349198410259 0 -1 0 0
+66 1 0.0035 1071.4285714285713 0.028113289513581625 0.040609968460402074 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.03157606445638969 0.04051263425194125 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.034448058866266514 0.03980447167591823 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.036940106919656275 0.039371934382540254 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.03927592514333398 0.040120386923243226 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.04172024338822602 0.04032889039601069 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.04647303014756903 0.040544971498029915 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.048990133223125246 0.040820966020888576 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.05058608323717366 0.038974160207941776 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.05352026871266182 0.03942134927328815 0 0 0 0
+61 1 0.0035 1071.4285714285713 0.05694486574644749 0.03957435079313887 0 0 0 0
+64 1 0.0025 1500.0000000000005 0.059860932512674256 0.03895012013345579 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.062115043888856775 0.03978718311499664 0 0 0 0
+70 1 0.0035 1071.4285714285713 0.06508931169200532 0.03965803206847796 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.06803331466982365 0.03992364686330561 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.07080534880678278 0.03889125666017717 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.03386551371880963 0.04235666186875909 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.036229366869625156 0.04173667919628915 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.03882828153691328 0.04309722787050277 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.04183151469010125 0.04279915846594178 0 0 0 0
+65 1 0.0025 1500.0000000000005 0.0439914893797844 0.0412404560015571 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.0487944628503534 0.043253197621815884 0 0 0 0
+63 1 0.0035 1071.4285714285713 0.05158429740636909 0.04233183641598064 0 0 0 0
+74 1 0.0035 1071.4285714285713 0.05507548922977466 0.04256128754489166 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.058020781312390274 0.04232576753693743 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.060276806119969946 0.04140475233790327 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.06326888880397959 0.042634191288754446 0 0 0 0
+81 1 0.0035 1071.4285714285713 0.06681388092700767 0.042667441362409755 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.07021697523084004 0.04190076146664741 0 0 0 0
+85 1 0.0035 1071.4285714285713 0.02990310325554647 0.043547641417808425 0 1 0 0
+96 1 0.0025 1500.0000000000005 0.03268521418421802 0.04453501092457286 0 0 0 0
+97 1 0.0035 1071.4285714285713 0.03570680134008431 0.044714756532751934 0 0 0 0
+98 1 0.0025 1500.0000000000005 0.04072593043544644 0.045336677883739386 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.043208731651597755 0.044833764440070596 0 0 0 0
+91 1 0.0035 1071.4285714285713 0.045850299585660524 0.043501555344662254 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.05343855894879711 0.045017104322234575 0 0 0 0
+80 1 0.0035 1071.4285714285713 0.0573655875987249 0.045186322616633676 0 0 0 0
+90 1 0.0025 1500.0000000000005 0.06014888339040292 0.04385355931215962 0 0 0 0
+94 1 0.0035 1071.4285714285713 0.06969122042585237 0.04530027499392354 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.07234116822333932 0.043934913755641014 0 0 0 0
+86 1 0.0025 1500.0000000000005 0.028215061887947954 0.04615111680273516 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.030720679433743438 0.046361760306665493 0 0 0 0
+116 1 0.0035 1071.4285714285713 0.033503049265274774 0.04742208962167723 0 0 0 0
+107 1 0.0025 1500.0000000000005 0.03831161106050559 0.04638087135457363 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.042412573670123827 0.04711917231549777 0 0 0 0
+117 1 0.0035 1071.4285714285713 0.045338013994864604 0.0469395997117291 0 0 0 0
+111 1 0.0025 1500.0000000000005 0.04824527045567769 0.04744966434349819 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.050578346037173844 0.04562453054118131 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.05491786105473727 0.0469559403992774 0 0 0 0
+100 1 0.0035 1071.4285714285713 0.06039563071014074 0.046907173624689505 0 0 0 0
+99 1 0.0035 1071.4285714285713 0.06373943378545208 0.04603167638622904 0 0 0 0
+101 1 0.0025 1500.0000000000005 0.06669359347203833 0.045639675445813536 0 0 0 0
+119 1 0.0035 1071.4285714285713 0.030612696997131324 0.04932256762958252 0 1 0 0
+113 1 0.0035 1071.4285714285713 0.036633613672715774 0.04895571239906566 0 0 0 0
+114 1 0.0035 1071.4285714285713 0.04006670181235969 0.04884003938590159 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.04332659129133873 0.04991076639387373 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.049629475994158206 0.049480471404505746 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.0523910305285669 0.04851016556492806 0 0 0 0
+115 1 0.0035 1071.4285714285713 0.05733344057705879 0.04866866312572456 0 0 0 0
+120 1 0.0025 1500.0000000000005 0.06005795910245601 0.04990746202502473 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.06245817938118534 0.04904595907990969 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.06500328402433758 0.048657429556840125 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.06798564962506946 0.04831482344797944 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.07145715778222884 0.048302916562544804 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.027866133024868463 0.05133868630709656 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.03378182204972726 0.051021823450294504 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.03861185088823807 0.05141015702786194 0 0 0 0
+127 1 0.0035 1071.4285714285713 0.0467773520537021 0.05003856460568876 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.05140153582572234 0.05180812871378762 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.05478922280398905 0.051026761934195315 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.058018162832311315 0.05213912370417748 0 0 0 0
+123 1 0.0025 1500.0000000000005 0.06096822212397706 0.05214605804905426 0 0 0 0
+124 1 0.0025 1500.0000000000005 0.06330560132880576 0.05143497045842238 0 0 0 0
+130 1 0.0035 1071.4285714285713 0.06628254387430761 0.05132158948225345 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.06974640179290977 0.05132439224483539 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.030893909966601074 0.05300104536617611 0 0 0 0
+155 1 0.0035 1071.4285714285713 0.03409583826139656 0.05447334634009817 0 0 0 0
+144 1 0.0025 1500.0000000000005 0.03637032178769113 0.052586322379754545 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.038661314367870944 0.05388537745523805 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.04135790426002905 0.052719699354028066 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.04484883908539861 0.05297719610342602 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.0485095837741604 0.052415321779044954 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.05371862893094157 0.05434448537790808 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.06271927502697494 0.0538570590406672 0 0 0 0
+143 1 0.0025 1500.0000000000005 0.0651718078200808 0.05410370596967922 0 0 0 0
+139 1 0.0035 1071.4285714285713 0.06810254291120328 0.05438893601129356 0 0 0 0
+135 1 0.0035 1071.4285714285713 0.07155460261538214 0.05440640943827727 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.02904534005048572 0.05544336232160728 0 0 0 0
+137 1 0.0025 1500.0000000000005 0.03149889504662529 0.05589549038430359 0 0 0 0
+145 1 0.0025 1500.0000000000005 0.03682795921733552 0.05551896339669601 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.03948293564014709 0.05681583851867746 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.04281026768284818 0.055807875762931634 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.047305972980616874 0.05462069436869092 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.04565171045398031 0.056514660150689906 0 0 0 0
+141 1 0.0035 1071.4285714285713 0.0502646029247325 0.055052704393970836 0 0 0 0
+140 1 0.0025 1500.0000000000005 0.05678558248137536 0.05479109552643771 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.059922724933209284 0.055033527227508275 0 0 0 0
+152 1 0.0035 1071.4285714285713 0.0628569874891037 0.05679220448732204 0 0 0 0
+146 1 0.0025 1500.0000000000005 0.06602543067950371 0.056483883530039775 0 0 0 0
+166 1 0.0025 1500.0000000000005 0.0698264407300543 0.056827546604320364 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.030536932914952786 0.05869620954858514 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.03355160980270373 0.05739513121787975 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.036392043889720185 0.0584191478930652 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.04187087620907753 0.058584718124140685 0 0 0 0
+170 1 0.0025 1500.0000000000005 0.04442924405357219 0.058680668909046205 0 0 0 0
+151 1 0.0025 1500.0000000000005 0.04809186279381023 0.05711744742304872 0 0 0 0
+179 1 0.0025 1500.0000000000005 0.05034383845159675 0.05808353834814835 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.052508258533872844 0.05702226476087704 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.05541322998465836 0.05745250565911063 0 0 0 0
+167 1 0.0035 1071.4285714285713 0.05880084979636992 0.05830950402954261 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.06804002058218492 0.05859415702181807 0 0 0 0
+161 1 0.0035 1071.4285714285713 0.07260153371661912 0.05776473287715223 0 -1 0 0
+176 1 0.0025 1500.0000000000005 0.028160732588388037 0.060625186220881144 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.03354471642267982 0.06035454585943062 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.039400856727363605 0.060288116416926246 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.042927430420423456 0.06128685731289964 0 0 0 0
+163 1 0.0025 1500.0000000000005 0.04685811919476042 0.05930326622269196 0 0 0 0
+185 1 0.0035 1071.4285714285713 0.04940225667040869 0.06087321490295436 0 0 0 0
+173 1 0.0035 1071.4285714285713 0.0528383100378235 0.060003134667715195 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.056490959789654065 0.060155852637379235 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.061809484879419216 0.06013553406728854 0 0 0 0
+165 1 0.0035 1071.4285714285713 0.06523838173924679 0.05929634288298125 0 0 0 0
+180 1 0.0035 1071.4285714285713 0.07039051669080766 0.06045887497168461 0 0 0 0
+172 1 0.0035 1071.4285714285713 0.03064223740210882 0.06222938320746208 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.03363253296501856 0.06338274497556598 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.03654301316536427 0.06222699731949593 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.04625362957612183 0.06223614466409308 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.051652558353430474 0.0635223654275795 0 0 0 0
+192 1 0.0035 1071.4285714285713 0.0550258651004941 0.06271435252996194 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.0585481123377959 0.06232171253783539 0 0 0 0
+197 1 0.0025 1500.0000000000005 0.06434428824457143 0.06207396499244037 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.0673924020909894 0.062295703627973355 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.07001137096639767 0.0636555229136266 0 -1 0 0
+190 1 0.0025 1500.0000000000005 0.0722758552603345 0.06274650444933509 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.028657612214499608 0.06510689027983868 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.031782890113981284 0.06498914943495493 0 0 0 0
+188 1 0.0025 1500.0000000000005 0.0354709256676753 0.06505705883660244 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.03795382602214821 0.065190373807348 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.0404333041930228 0.06364064010143482 0 0 0 0
+186 1 0.0025 1500.0000000000005 0.04390022054150022 0.06409223997204722 0 0 0 0
+195 1 0.0035 1071.4285714285713 0.04636811643591918 0.0657132990230362 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.04873580707922573 0.06381876834250484 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.05615991958963748 0.06547411469208664 0 0 0 0
+204 1 0.0035 1071.4285714285713 0.059059037338459276 0.06580004223476242 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.06174375591713254 0.06359012600938578 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.06497388729770691 0.06491458958416063 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.030831261230600097 0.06778856521860059 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.033608413699045915 0.0666816376445084 0 0 0 0
+200 1 0.0035 1071.4285714285713 0.036505311349380766 0.06783281712280348 0 0 0 0
+205 1 0.0025 1500.0000000000005 0.04090339612766716 0.06656565944875123 0 0 0 0
+207 1 0.0025 1500.0000000000005 0.04345567778150296 0.06648636894058604 0 0 0 0
+215 1 0.0035 1071.4285714285713 0.049895675442236304 0.06660815484308079 0 0 0 0
+219 1 0.0035 1071.4285714285713 0.05337607582162761 0.06660953143208358 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.06229827773617003 0.06704469690932026 0 0 0 0
+213 1 0.0035 1071.4285714285713 0.06820297887797613 0.06607179235348537 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.07142816375039353 0.06739661822807745 0 -1 0 0
+226 1 0.0025 1500.0000000000005 0.02835785003219775 0.06927690517081937 0 1 0 0
+218 1 0.0035 1071.4285714285713 0.03365895858618438 0.06974658410493277 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.03930295154427215 0.06864860608535386 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.042233820339084856 0.06918916666876818 0 0 0 0
+208 1 0.0025 1500.0000000000005 0.04513251268487631 0.06843665836357343 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.04759258385595501 0.06848497742318473 0 0 0 0
+225 1 0.0035 1071.4285714285713 0.05007916228809809 0.07016692138925658 0 0 0 0
+232 1 0.0035 1071.4285714285713 0.05357872823694953 0.07007704998065825 0 0 0 0
+217 1 0.0035 1071.4285714285713 0.056666306221369325 0.06840327227287094 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.05981716945634577 0.06868153295355901 0 0 0 0
+216 1 0.0035 1071.4285714285713 0.06559190486489573 0.06832636032009468 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.06872811123586374 0.06972655578874527 0 0 0 0
+1 1 0.0025 1500.0000000000005 0.027776330711889955 0.07230580884119879 0 0 -1 0
+224 1 0.0035 1071.4285714285713 0.03051707527497841 0.07123919159193269 0 0 0 0
+233 1 0.0035 1071.4285714285713 0.03673523352171613 0.07142583205911261 0 0 0 0
+237 1 0.0025 1500.0000000000005 0.03970832930842863 0.07111623081203962 0 0 0 0
+229 1 0.0025 1500.0000000000005 0.0447598941303 0.07089012991626975 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.04725129357521409 0.07092926961560224 0 0 0 0
+223 1 0.0025 1500.0000000000005 0.05627941163002319 0.0712882120057848 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.059609523416118075 0.07164104090177 0 0 0 0
+227 1 0.0035 1071.4285714285713 0.06280741402142384 0.07038795927349462 0 0 0 0
+235 1 0.0035 1071.4285714285713 0.06592295919438092 0.07182129178374873 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.0715689930520693 0.07042551912932689 0 0 0 0
+
+Velocities
+
+3 14.59689543402189 7.207442726259011 0 0 0 0
+6 4.197650866936622 -37.746086985305475 0 0 0 0
+239 -30.686455801317784 26.446333233976212 0 0 0 0
+12 -19.959861805424694 16.515868547205404 0 0 0 0
+234 -0.7466835922959147 2.0274544722749477 0 0 0 0
+16 -6.118428002579076 -9.0917789516304 0 0 0 0
+11 -18.6047566421644 -33.90322676065891 0 0 0 0
+5 6.91515875990385 29.66185763094322 0 0 0 0
+238 -33.53639473210887 25.090150560952523 0 0 0 0
+4 2.8930438944329047 11.475956670585969 0 0 0 0
+236 2.199015203226657 -6.709000502009278 0 0 0 0
+8 15.512352897479918 14.108849112335129 0 0 0 0
+240 -18.287849505981427 1.8005964664674863 0 0 0 0
+24 15.483544999285147 19.956057507381466 0 0 0 0
+15 7.864246220322555 -20.383009827828015 0 0 0 0
+21 12.340014359908007 43.322649748635435 0 0 0 0
+10 -9.809401581749821 -2.8599285953039977 0 0 0 0
+20 38.177705916806794 -16.765044799456327 0 0 0 0
+7 5.160940783193469 17.595516993109975 0 0 0 0
+9 21.094658971352523 42.250228217034596 0 0 0 0
+23 46.35372911984376 -12.670596939961552 0 0 0 0
+19 47.70187193383073 10.436920844221559 0 0 0 0
+18 -28.562252708616043 30.99545825462952 0 0 0 0
+13 37.54193578580689 16.49210993542909 0 0 0 0
+14 -41.59094925075887 -13.188098630174412 0 0 0 0
+2 -17.10948628541797 -4.816526728447799 0 0 0 0
+31 19.64525537903139 -4.037272632957417 0 0 0 0
+27 1.0953069328334175 -14.262753971405322 0 0 0 0
+22 8.451297884915947 -25.041566874975867 0 0 0 0
+17 15.02313684884292 -26.373799237259902 0 0 0 0
+30 14.06619811125915 9.175489131721276 0 0 0 0
+26 -9.078860384006138 12.880280664601042 0 0 0 0
+35 0.27362245452540485 33.780318865990175 0 0 0 0
+29 -32.17434461008671 -7.362849097019239 0 0 0 0
+33 -4.991975897364672 14.909574512321536 0 0 0 0
+39 -15.456885282693642 36.66261176646285 0 0 0 0
+25 3.4324540449292806 -0.6383971573542768 0 0 0 0
+32 -28.37015263152176 2.1688004822552336 0 0 0 0
+28 -8.218271006262546 -2.628222709906184 0 0 0 0
+41 4.448021752508772 -25.827003152124462 0 0 0 0
+37 -18.190177791885223 3.006704131599397 0 0 0 0
+40 -28.680911384832786 21.288832448674658 0 0 0 0
+45 -37.15558487329612 -20.373541175643275 0 0 0 0
+38 24.663862210769977 9.158415514339852 0 0 0 0
+36 18.028622827611215 41.232458716505874 0 0 0 0
+43 25.343300171647915 5.16846286427817 0 0 0 0
+34 24.053308490574917 -28.531124987066566 0 0 0 0
+57 -11.015675157897233 16.729075791381092 0 0 0 0
+46 18.458553734342136 2.5023154595563266 0 0 0 0
+60 3.849634880125477 -64.0763620509294 0 0 0 0
+62 -4.674729819606653 -5.0765755522889515 0 0 0 0
+54 8.36347173772382 -8.228961006808019 0 0 0 0
+51 7.007725735117937 -38.298538573935005 0 0 0 0
+53 5.791872431084319 -38.40646191502035 0 0 0 0
+47 20.706452626900802 -3.0959762989034147 0 0 0 0
+49 5.788513393815424 3.5318612672677068 0 0 0 0
+55 3.6567353842777575 6.980457526960586 0 0 0 0
+48 16.53816005440884 -8.381895620700252 0 0 0 0
+58 20.774957953614237 2.182531771288256 0 0 0 0
+44 -5.190246425656404 -1.3821242860121952 0 0 0 0
+42 -22.84219186690252 -1.2607722771109593 0 0 0 0
+66 -28.55161609974061 -9.405434428252502 0 0 0 0
+82 -3.3325597210520708 20.055779405298203 0 0 0 0
+68 -16.379496035425685 12.201287907671642 0 0 0 0
+59 -0.7849509882706386 3.007454978648622 0 0 0 0
+84 -18.68803155537435 30.642791328347453 0 0 0 0
+71 13.937161079260685 -12.901748928291017 0 0 0 0
+78 13.778766301061731 -45.72336801059444 0 0 0 0
+72 -15.88150440012484 36.88309293441218 0 0 0 0
+50 -7.794245881509817 -25.54084719962411 0 0 0 0
+52 5.003920705002232 -11.94957248928605 0 0 0 0
+61 -10.797617613909106 -15.911062352515993 0 0 0 0
+64 -9.235254549995743 45.3457069520597 0 0 0 0
+76 27.74787705254991 -35.861211971391356 0 0 0 0
+70 -16.32848801311927 19.42404583810395 0 0 0 0
+73 -43.3367660785797 11.926599800591958 0 0 0 0
+56 0.5347424566354911 -48.79935677190074 0 0 0 0
+95 2.4745188812450096 -25.105726518070586 0 0 0 0
+69 39.86641838128132 15.960926580228662 0 0 0 0
+83 -5.593638445419418 0.5916383583911153 0 0 0 0
+75 -34.65721050294236 0.8359830053311061 0 0 0 0
+65 8.580530011491975 -25.636288950004076 0 0 0 0
+89 12.968614093586538 4.084422227602921 0 0 0 0
+63 24.666926360661638 21.48771899837909 0 0 0 0
+74 20.19599968907115 1.3892154054946957 0 0 0 0
+77 -26.180255206283917 20.768828751222344 0 0 0 0
+79 -0.8602544799619023 18.55851376617022 0 0 0 0
+92 6.261408269372577 14.178940184441196 0 0 0 0
+81 3.803454048348047 10.879212473880187 0 0 0 0
+67 -21.96386349807784 -13.368850412208227 0 0 0 0
+85 -8.070387724592447 15.563349955257534 0 0 0 0
+96 12.28736022625211 -7.588995602144065 0 0 0 0
+97 4.254789602628311 -5.218592890177848 0 0 0 0
+98 -14.086899316236794 17.27357194002425 0 0 0 0
+102 -3.6709726032139005 -34.687108924506965 0 0 0 0
+91 -0.9021460815018345 20.09352404915422 0 0 0 0
+88 -32.558231363454524 -45.14801610406864 0 0 0 0
+80 -3.5487044626331685 26.214704671743807 0 0 0 0
+90 5.072490026635103 -34.905471666666735 0 0 0 0
+94 -18.50979997564095 -28.16696540710793 0 0 0 0
+103 18.70487240284938 20.44108401360485 0 0 0 0
+86 -21.16154075528722 -4.099569159284401 0 0 0 0
+110 -3.7211460474175 -3.208456059653817 0 0 0 0
+116 7.7044640450313695 31.767980866489115 0 0 0 0
+107 23.17149124991662 -32.80900979430119 0 0 0 0
+109 2.620358963718212 20.54856313911297 0 0 0 0
+117 33.38321661864276 -0.262448992644479 0 0 0 0
+111 -15.848177508347499 52.7762463054109 0 0 0 0
+93 25.415359870803623 7.448664662242306 0 0 0 0
+87 22.327685583717 1.2168550136552383 0 0 0 0
+100 19.834584319384156 3.5359776538763956 0 0 0 0
+99 -13.90688155638997 -19.905415409652342 0 0 0 0
+101 -48.915738871827344 -39.34347688151622 0 0 0 0
+119 7.16663438625897 -7.030547499591344 0 0 0 0
+113 -36.747210612234575 18.11857019020017 0 0 0 0
+114 2.8470575420343125 5.865863771185116 0 0 0 0
+122 8.617940692446892 -0.7591275466189422 0 0 0 0
+105 -15.638605821201615 -40.223995888381985 0 0 0 0
+106 -3.634897213202443 -14.411390494666733 0 0 0 0
+115 -21.361758437141834 -4.878358252677119 0 0 0 0
+120 57.60886800856538 27.147275583724575 0 0 0 0
+112 43.16812025340599 35.53505405521865 0 0 0 0
+118 0.27718989712544834 29.01170240053421 0 0 0 0
+104 5.048174839267902 0.6887300461229546 0 0 0 0
+108 0.21354336823751552 -27.623996307410497 0 0 0 0
+133 -7.520832254751659 11.54166474772121 0 0 0 0
+131 -15.843744831195979 -35.40690627021227 0 0 0 0
+125 50.324092432503974 -23.124287230287763 0 0 0 0
+127 -7.241838266684544 23.324061570266217 0 0 0 0
+132 24.850017613451378 2.8387410718632684 0 0 0 0
+121 -12.740473276664545 -8.496205639426668 0 0 0 0
+129 21.561408033298026 -5.6204764554709055 0 0 0 0
+123 -12.855706126195425 -5.048927342591811 0 0 0 0
+124 34.553310516086576 44.95263859505389 0 0 0 0
+130 -21.73215986514829 9.0092028757245 0 0 0 0
+126 -25.624235432604074 -6.313383294181962 0 0 0 0
+128 9.843416330374373 28.30334312120261 0 0 0 0
+155 22.666772302249665 -3.294739249141527 0 0 0 0
+144 -69.66350259665585 -13.999593721749681 0 0 0 0
+150 1.6472329047606529 15.715096623669956 0 0 0 0
+138 27.919320316557396 -6.221470484511247 0 0 0 0
+149 6.557350074288661 18.148495287813827 0 0 0 0
+136 -13.094387129059596 4.402695311302153 0 0 0 0
+134 -5.859669387536686 5.177236922073098 0 0 0 0
+148 -14.376032482940829 -30.74919032855105 0 0 0 0
+143 14.618186285554573 -43.59784744455099 0 0 0 0
+139 -17.474136046910584 -10.421456546790255 0 0 0 0
+135 -7.232705563959822 -12.26991592251233 0 0 0 0
+147 36.30284900862746 -49.88240941568625 0 0 0 0
+137 -6.551697111898411 -41.5458986147316 0 0 0 0
+145 1.2572023124718468 -1.626672335065415 0 0 0 0
+168 1.2967274332057939 9.280125585088953 0 0 0 0
+154 -10.15066272922387 29.174194149252376 0 0 0 0
+142 11.569969115485993 -68.4662502019481 0 0 0 0
+160 -41.748514078655184 7.301815436931253 0 0 0 0
+141 -16.756044682134775 0.8131588732945175 0 0 0 0
+140 -17.265685622563684 5.8305862972770655 0 0 0 0
+153 -0.8563869522285044 -27.479641718664524 0 0 0 0
+152 -29.984159687208574 -7.973005502938386 0 0 0 0
+146 0.8448856351993088 12.632266571038365 0 0 0 0
+166 -52.56763374780356 53.58914738978838 0 0 0 0
+158 27.422913557890574 -9.905859208953007 0 0 0 0
+162 -48.63858856846094 51.635731865249056 0 0 0 0
+174 -0.4366674634239264 4.165001085817179 0 0 0 0
+159 -7.072436259604313 22.13404909882465 0 0 0 0
+170 -23.767966116197755 -36.41590717600403 0 0 0 0
+151 -38.25245250078825 -34.201055525798196 0 0 0 0
+179 -5.780617204339815 -7.131361700843593 0 0 0 0
+156 44.28873778949514 -15.559456852488179 0 0 0 0
+157 -7.142383088173951 17.076921757334084 0 0 0 0
+167 38.641533440322206 -3.5681992670834806 0 0 0 0
+164 -23.978188968165778 -63.23943215130056 0 0 0 0
+161 23.80507158592926 11.464652243243917 0 0 0 0
+176 -22.422330696594948 -1.6424643593105908 0 0 0 0
+171 -19.31393564379052 -20.589819932950714 0 0 0 0
+178 3.4501877915754813 21.35633660971113 0 0 0 0
+182 15.49266622973597 -4.1666599552050085 0 0 0 0
+163 -45.64424765560269 -17.008756787003456 0 0 0 0
+185 -9.428982298747554 5.85168186594267 0 0 0 0
+173 10.09596901227625 -16.628482429026047 0 0 0 0
+181 -2.42425491471957 -4.697853982746321 0 0 0 0
+169 10.689889389854503 13.305782208397522 0 0 0 0
+165 8.511619217741238 4.847540474877792 0 0 0 0
+180 7.073194424870312 24.44799030008456 0 0 0 0
+172 7.257803883765979 -8.262515194167063 0 0 0 0
+191 -28.89862801216754 13.190287154135477 0 0 0 0
+177 -8.229635206311192 2.0440633129091714 0 0 0 0
+184 7.884891014767739 28.657304170301675 0 0 0 0
+209 19.126652833231756 21.085783750917017 0 0 0 0
+192 -1.417888992768316 -6.209228299061896 0 0 0 0
+194 -7.995255595600853 5.701499390981206 0 0 0 0
+197 -19.184916922604298 -7.380534408633995 0 0 0 0
+198 5.411516810661357 21.482633428844522 0 0 0 0
+203 8.947172714689648 13.68090554848516 0 0 0 0
+190 40.34686736843605 -23.85693531703166 0 0 0 0
+187 -23.0476516433695 12.956890415584299 0 0 0 0
+175 -19.825793523357127 -7.545266716109031 0 0 0 0
+188 -36.80265126481143 13.883215275210166 0 0 0 0
+193 41.702700759235945 -14.86980191307578 0 0 0 0
+196 -16.963279328219983 -24.816641921802354 0 0 0 0
+186 -5.63966537255258 -22.979357145032242 0 0 0 0
+195 -14.893400668292964 6.444363172503945 0 0 0 0
+189 -0.2761809653167417 -19.984856336566974 0 0 0 0
+211 29.326980639583745 -6.231834420554158 0 0 0 0
+204 20.130354498559427 11.894852832816444 0 0 0 0
+183 14.840842409517437 -38.64298052593402 0 0 0 0
+201 8.038796106250317 -1.6165463981722945 0 0 0 0
+206 -21.31735323784463 29.357947719074225 0 0 0 0
+202 66.97942915979154 -8.362788722549046 0 0 0 0
+200 6.990475749712077 12.290654692835167 0 0 0 0
+205 26.628531373167462 -34.91009143292662 0 0 0 0
+207 -34.924271853815924 41.595516883953984 0 0 0 0
+215 15.16153854127222 32.15506906523444 0 0 0 0
+219 -14.418280702757402 -3.2440760372184547 0 0 0 0
+199 -28.654608680573634 -18.75676096990509 0 0 0 0
+213 6.261798893135064 2.672861987654193 0 0 0 0
+214 3.105874288616994 -20.895118636153292 0 0 0 0
+226 18.891285022834293 -0.6001026061041389 0 0 0 0
+218 16.754127601602985 3.9476215498200453 0 0 0 0
+212 26.38189590391317 8.149167152696496 0 0 0 0
+228 13.116792977730356 7.650809153820507 0 0 0 0
+208 -12.071435931777733 -10.925711538587379 0 0 0 0
+210 5.204485867440837 -26.13135045107788 0 0 0 0
+225 11.379451360137088 -14.318487513752805 0 0 0 0
+232 14.414060676842825 19.175965823053605 0 0 0 0
+217 15.788929111471552 -34.0182740708621 0 0 0 0
+220 -35.24654064965525 5.367761700748642 0 0 0 0
+216 6.15768017705685 7.767620023808662 0 0 0 0
+222 -8.292550076915958 7.588510788809827 0 0 0 0
+1 -5.010227721270818 -70.7693465980192 0 0 0 0
+224 17.03751049427264 21.901780564189643 0 0 0 0
+233 2.634269057920161 7.402890406474415 0 0 0 0
+237 -35.274692923898634 12.224312402395737 0 0 0 0
+229 16.895545560106576 -9.589531108841653 0 0 0 0
+221 12.380689116755052 -13.332964976116926 0 0 0 0
+223 -42.90720120696123 -12.530616984042652 0 0 0 0
+230 -15.8826554767613 5.901057063533094 0 0 0 0
+227 -31.61412001516458 11.963381086148662 0 0 0 0
+235 -25.18638797378218 2.5127335869101604 0 0 0 0
+231 -25.50535031949954 -18.291115636457405 0 0 0 0
diff --git a/DATASET/P=100000Pa/box_confined.png b/DATASET/P=100000Pa/box_confined.png
new file mode 100644
index 0000000..63e8fb2
Binary files /dev/null and b/DATASET/P=100000Pa/box_confined.png differ
diff --git a/DATASET/P=100000Pa/box_sheared.data b/DATASET/P=100000Pa/box_sheared.data
new file mode 100644
index 0000000..dbc0fa3
--- /dev/null
+++ b/DATASET/P=100000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2220541
+
+240 atoms
+6 atom types
+
+0.027328463968258734 0.07267153603174126 xlo xhi
+0.027328463968258734 0.07267153603174126 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.0045343101336754454 0 0 xy xz yz
+
+Atoms # sphere
+
+6 1 0.0035 1071.4285714285713 0.0337036538381454 0.02786368002569214 0 0 0 0
+12 1 0.0035 1071.4285714285713 0.0393504456475397 0.028491230426809136 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.04852816944235405 0.028289897597150983 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.05186954745377517 0.02776060863419788 0 0 0 0
+238 1 0.0025 1500.0000000000005 0.05484484400073066 0.027905303230201357 0 0 1 0
+4 1 0.0025 1500.0000000000005 0.05738978390705021 0.028175754787017847 0 0 0 0
+236 1 0.0035 1071.4285714285713 0.0625911866333211 0.028488272384964645 0 0 1 0
+240 1 0.0035 1071.4285714285713 0.07029803294212733 0.02773898180543668 0 0 1 0
+3 1 0.0025 1500.0000000000005 0.030935608477776586 0.028827742985519187 0 0 0 0
+239 1 0.0025 1500.0000000000005 0.03653634352478938 0.029288004957418325 0 0 1 0
+8 1 0.0025 1500.0000000000005 0.06796623413390024 0.02934464848062806 0 0 0 0
+16 1 0.0035 1071.4285714285713 0.04535494485987211 0.02946505084976295 0 0 0 0
+24 1 0.0035 1071.4285714285713 0.0278043094367434 0.029985467244657688 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.05967546828973473 0.030251642297297706 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.050850561156580626 0.030461103401860003 0 0 0 0
+23 1 0.0025 1500.0000000000005 0.05675500171108771 0.030461281778436714 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.028887413069330223 0.03342142410187975 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.029226788908768047 0.04068548038258622 0 0 0 0
+86 1 0.0025 1500.0000000000005 0.030172683448001614 0.046166471949300104 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.030302066752604037 0.051433974237685524 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.031538187411045165 0.06061784060367399 0 0 0 0
+226 1 0.0025 1500.0000000000005 0.03256511016504135 0.06926939097185916 0 1 0 0
+1 1 0.0025 1500.0000000000005 0.03231765991197067 0.07237003798322353 0 0 -1 0
+187 1 0.0035 1071.4285714285713 0.03249550468757434 0.06523896373390012 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.03181333588926424 0.055347989465043754 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.030686980322214327 0.03825721320218052 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.030748022476267796 0.03584791954109263 0 0 0 0
+85 1 0.0035 1071.4285714285713 0.03150681321045998 0.04356204986783969 0 1 0 0
+15 1 0.0025 1500.0000000000005 0.030591066767466195 0.031191330755119148 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.03371598097258618 0.05885437306906808 0 0 0 0
+172 1 0.0035 1071.4285714285713 0.034088422980299835 0.06235721477856819 0 0 0 0
+224 1 0.0035 1071.4285714285713 0.03497708498301476 0.07124119559887274 0 0 0 0
+119 1 0.0035 1071.4285714285713 0.03289396725081639 0.049442629123692225 0 1 0 0
+110 1 0.0025 1500.0000000000005 0.03263719650878198 0.046459194360982774 0 0 0 0
+21 1 0.0025 1500.0000000000005 0.0329089141529451 0.030578111173979586 0 0 0 0
+10 1 0.0035 1071.4285714285713 0.04224439823792582 0.03069452513432643 0 0 0 0
+20 1 0.0035 1071.4285714285713 0.04824784158025151 0.031695685148240886 0 0 0 0
+9 1 0.0035 1071.4285714285713 0.05383797261116678 0.030854297415446354 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.0625490377549833 0.03140380077011895 0 0 0 0
+13 1 0.0035 1071.4285714285713 0.06543047717531139 0.030795689797048238 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.06828945047811621 0.031811674720205345 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.07032616581363732 0.03067508478578915 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.03254390066728215 0.03363730938635978 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.03564906171731484 0.032064220990044905 0 0 0 0
+17 1 0.0035 1071.4285714285713 0.039091824406113175 0.03192935494505776 0 0 0 0
+30 1 0.0025 1500.0000000000005 0.04231385388806465 0.03372227564951227 0 0 0 0
+26 1 0.0035 1071.4285714285713 0.04520068194903617 0.03294064175963986 0 0 0 0
+35 1 0.0025 1500.0000000000005 0.050985361273439576 0.0329968729784825 0 0 0 0
+29 1 0.0025 1500.0000000000005 0.053515537283677264 0.033797543167279544 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.05736519059247509 0.03335982510402252 0 0 0 0
+39 1 0.0035 1071.4285714285713 0.06079515157728481 0.033659554913748606 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.06426256188846574 0.03394605199839346 0 0 0 0
+32 1 0.0035 1071.4285714285713 0.07083430143378155 0.03363228233966237 0 0 0 0
+41 1 0.0025 1500.0000000000005 0.03531258601681128 0.034959415084820235 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.03767350120670959 0.034536544294633154 0 0 0 0
+40 1 0.0025 1500.0000000000005 0.04021035879829175 0.03482668001040913 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.044048852281367346 0.03560129147061673 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.04657316629696767 0.03564867435529661 0 0 0 0
+36 1 0.0025 1500.0000000000005 0.04900563886339181 0.03474044580869388 0 0 0 0
+43 1 0.0035 1071.4285714285713 0.05184594542652029 0.036013062630049344 0 0 0 0
+34 1 0.0035 1071.4285714285713 0.05557085222513814 0.03612583846092001 0 0 0 0
+46 1 0.0035 1071.4285714285713 0.06764343388531252 0.03463587065838314 0 0 0 0
+62 1 0.0035 1071.4285714285713 0.033510403219421 0.03716730571932036 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.03652936689569194 0.03721049214729912 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.038940904281681 0.03681911726887132 0 0 0 0
+53 1 0.0035 1071.4285714285713 0.04191689389060363 0.03745250961651877 0 0 0 0
+47 1 0.0035 1071.4285714285713 0.045405544656171956 0.03831794993283614 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.048824364941843404 0.03785165282064277 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.059091457862607825 0.036470238770820625 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.06260053698385509 0.036783394802271115 0 0 0 0
+48 1 0.0025 1500.0000000000005 0.06566256058927397 0.0367662415067678 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.068136742360275 0.03754483025469657 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.070335946002714 0.03655069500639277 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.07336773540806038 0.03668938530798124 0 -1 0 0
+82 1 0.0035 1071.4285714285713 0.03281704791295077 0.04048471690143571 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.035582221875877854 0.039587221957975795 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.038099064202622976 0.03922893231402861 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.04050479551250458 0.039896798881239905 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.04300255680552366 0.04027345349564877 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.04764596862234215 0.04049519383217464 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.050100014563391596 0.04076668589765591 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.051684601637380936 0.03896389436451517 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.05466302234426963 0.03937157723512345 0 0 0 0
+61 1 0.0035 1071.4285714285713 0.05810161237525731 0.03964793007897805 0 0 0 0
+64 1 0.0025 1500.0000000000005 0.06092421256772489 0.03908532192637502 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.06337777968660702 0.03967750281238839 0 0 0 0
+70 1 0.0035 1071.4285714285713 0.06638821956828111 0.03971863890231915 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.06941589148481106 0.03978872516869844 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.07172943891024824 0.038992298036736796 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.03505167467315819 0.042556098256439655 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.03721660983872736 0.04157633742049347 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.04005405301915163 0.04287996961324269 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.04301546595119783 0.04269972089810678 0 0 0 0
+65 1 0.0025 1500.0000000000005 0.04535571394634366 0.041283438455540174 0 0 0 0
+63 1 0.0035 1071.4285714285713 0.053153860078511556 0.04235625270172097 0 0 0 0
+74 1 0.0035 1071.4285714285713 0.056594062178362575 0.042613132354104834 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.059629977254008794 0.042336541870799146 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.06184274916620048 0.0414391162534351 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.06468740871138937 0.04262861743761365 0 0 0 0
+81 1 0.0035 1071.4285714285713 0.06822698822793798 0.042809469261973994 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.07154367679555437 0.042044325464127286 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.03430867274503739 0.04477274153608568 0 0 0 0
+97 1 0.0035 1071.4285714285713 0.037346678849896855 0.04472272289216371 0 0 0 0
+98 1 0.0025 1500.0000000000005 0.04235829837988975 0.0451062973211254 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.04477795725848092 0.044623092976695575 0 0 0 0
+91 1 0.0035 1071.4285714285713 0.04752875641947871 0.04352657617105293 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.05041665687905694 0.043204931429736616 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.05523905244194699 0.04511272670006736 0 0 0 0
+80 1 0.0035 1071.4285714285713 0.05918782755849832 0.04518466603727738 0 0 0 0
+90 1 0.0025 1500.0000000000005 0.06193165435034813 0.04386338517522157 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.07397970780559246 0.044036765345288456 0 0 0 0
+116 1 0.0035 1071.4285714285713 0.0355761705167277 0.047557453888319064 0 0 0 0
+107 1 0.0025 1500.0000000000005 0.03997300209118364 0.046459744954925594 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.04420690671665645 0.046954351529830324 0 0 0 0
+117 1 0.0035 1071.4285714285713 0.04711749125222424 0.04684482559740861 0 0 0 0
+111 1 0.0025 1500.0000000000005 0.05011597605383726 0.047367504525564604 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.05235069888236057 0.045621439804412196 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.05698702833939233 0.04696807342591823 0 0 0 0
+100 1 0.0035 1071.4285714285713 0.06236137961226353 0.04676339111126155 0 0 0 0
+99 1 0.0035 1071.4285714285713 0.06569664463192543 0.0460561290358333 0 0 0 0
+101 1 0.0025 1500.0000000000005 0.06860971673956115 0.04577533013175305 0 0 0 0
+94 1 0.0035 1071.4285714285713 0.07154991523846985 0.04547601627839185 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.03876093899747238 0.04914777316940094 0 0 0 0
+114 1 0.0035 1071.4285714285713 0.042139828641357714 0.048804183139969745 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.04556508301422583 0.049735063021508374 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.05185799129328224 0.04930153870603305 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.05458595354953008 0.04843771651178133 0 0 0 0
+115 1 0.0035 1071.4285714285713 0.05962207022042303 0.0486466168302479 0 0 0 0
+120 1 0.0025 1500.0000000000005 0.06248787097190358 0.049737701127798344 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.0646871729185686 0.04885045138833457 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.06719131890830549 0.04871905155541336 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.07010176221214778 0.0484624382537912 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.07376169216296194 0.04837825268277361 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.03611274697988294 0.051070689247721485 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.04094385531931367 0.05138481917032586 0 0 0 0
+127 1 0.0035 1071.4285714285713 0.049009562878649514 0.05003097061457432 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.053873279590143444 0.05170277566648039 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.057253829742173294 0.05095761790399124 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.060598291060806365 0.05201801705061759 0 0 0 0
+123 1 0.0025 1500.0000000000005 0.06352675391873017 0.05202288135315525 0 0 0 0
+124 1 0.0025 1500.0000000000005 0.06572343875817882 0.05118151346619224 0 0 0 0
+130 1 0.0035 1071.4285714285713 0.06870445550874338 0.05149076050283574 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.07217948409566843 0.0513729300295142 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.03347821772493378 0.05304510356366597 0 0 0 0
+144 1 0.0025 1500.0000000000005 0.038886556791867165 0.05256190765208186 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.041210488119449405 0.05391256371065954 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.04374321645362362 0.05256054700629641 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.0475157330571572 0.05295804809893051 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.051102969578811074 0.05250439269747424 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.05649867812080164 0.05422316416900473 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.06535670116675651 0.05384039280668575 0 0 0 0
+143 1 0.0025 1500.0000000000005 0.06782357944732229 0.05427713913856458 0 0 0 0
+139 1 0.0035 1071.4285714285713 0.07079967585151797 0.05441342359604559 0 0 0 0
+135 1 0.0035 1071.4285714285713 0.07426416542579992 0.05445323502518949 0 0 0 0
+137 1 0.0025 1500.0000000000005 0.03430404149864518 0.056006369099068684 0 0 0 0
+155 1 0.0035 1071.4285714285713 0.036713186325381786 0.05455889114424721 0 0 0 0
+145 1 0.0025 1500.0000000000005 0.03959378188095142 0.05559483590441586 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.04242945899411428 0.05675652452690375 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.0455995378788466 0.055620229140016963 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.05010587009692653 0.054617157532579716 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.04853994709241789 0.05645374543346669 0 0 0 0
+141 1 0.0035 1071.4285714285713 0.053112685249004754 0.05500075590993207 0 0 0 0
+140 1 0.0025 1500.0000000000005 0.05948667082573503 0.05464440583609781 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.06273456300706529 0.054948041735556744 0 0 0 0
+152 1 0.0035 1071.4285714285713 0.06592989005015112 0.05679633882667826 0 0 0 0
+146 1 0.0025 1500.0000000000005 0.0690113233289068 0.05660620307283361 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.03639671851173802 0.05769102097926921 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.039613266131604305 0.05855858932824812 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.04505698120222695 0.058403172991783436 0 0 0 0
+170 1 0.0025 1500.0000000000005 0.04757597035364532 0.058600162562639974 0 0 0 0
+151 1 0.0025 1500.0000000000005 0.05099451710064412 0.057009777319640825 0 0 0 0
+179 1 0.0025 1500.0000000000005 0.053492422529716845 0.057956387418255276 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.05560000039454812 0.05688250080074055 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.05855558465838693 0.05734745929057811 0 0 0 0
+167 1 0.0035 1071.4285714285713 0.06198883623246236 0.05830168330586165 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.07126224330974731 0.05866021295379292 0 0 0 0
+166 1 0.0025 1500.0000000000005 0.07277570868750141 0.056886991326882665 0 0 0 0
+161 1 0.0035 1071.4285714285713 0.0756704634244667 0.05780266980832791 0 -1 0 0
+171 1 0.0035 1071.4285714285713 0.03700406273702743 0.06060589453942448 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.04285297128514562 0.06015879273043326 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.04645112522615565 0.061177114988225006 0 0 0 0
+163 1 0.0025 1500.0000000000005 0.05010362311839095 0.05934840710338816 0 0 0 0
+185 1 0.0035 1071.4285714285713 0.05282181170160731 0.06087117823499609 0 0 0 0
+173 1 0.0035 1071.4285714285713 0.056359656824647456 0.05994600237157846 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.05976472608419784 0.06008918021477386 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.06506141761093223 0.06018977658528453 0 0 0 0
+165 1 0.0035 1071.4285714285713 0.06846980095286534 0.059396776883780034 0 0 0 0
+180 1 0.0035 1071.4285714285713 0.07373753604652637 0.06057548321858202 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.037532217874184245 0.0635440308535265 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.04025187306538226 0.062177437099278414 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.04408359048396008 0.06354406217969162 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.04978841520575794 0.06229520189382916 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.055421642904097984 0.06336949683778116 0 0 0 0
+192 1 0.0035 1071.4285714285713 0.05872162468997216 0.06271501058763104 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.062213509614311255 0.06200195178261655 0 0 0 0
+197 1 0.0025 1500.0000000000005 0.06768127109592524 0.06208099943159605 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.07087202673058102 0.06226877146660291 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.07366343315605933 0.06358976998510582 0 -1 0 0
+190 1 0.0025 1500.0000000000005 0.07595265761802641 0.06278722985316199 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.03569314864688949 0.06499055355222565 0 0 0 0
+188 1 0.0025 1500.0000000000005 0.03964495958351716 0.06503267179300265 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.04216736331810357 0.06558302317957306 0 0 0 0
+186 1 0.0025 1500.0000000000005 0.047532030880121645 0.06401890863362053 0 0 0 0
+195 1 0.0035 1071.4285714285713 0.0504294216710684 0.06569485588590136 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.05254970208946321 0.06375053865510355 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.060012894112853925 0.06543717077370377 0 0 0 0
+204 1 0.0035 1071.4285714285713 0.06295262088734666 0.06582984351904275 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.0654022312026507 0.0636514017218515 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.06879158196782799 0.06486414332181255 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.03501234610695312 0.06781290858429787 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.03777581122260544 0.06659349958925927 0 0 0 0
+200 1 0.0035 1071.4285714285713 0.04061617620536437 0.06790526406060932 0 0 0 0
+205 1 0.0025 1500.0000000000005 0.04484732681683003 0.06652404681966806 0 0 0 0
+207 1 0.0025 1500.0000000000005 0.047498865024632575 0.06647196369149133 0 0 0 0
+215 1 0.0035 1071.4285714285713 0.05391778222116719 0.0665758808868003 0 0 0 0
+219 1 0.0035 1071.4285714285713 0.057352214333486376 0.06646743717551323 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.06633725322866063 0.06705507982742147 0 0 0 0
+213 1 0.0035 1071.4285714285713 0.07220491074905286 0.06599993410811884 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.07544549136136501 0.06747649469010054 0 -1 0 0
+218 1 0.0035 1071.4285714285713 0.03797267671366201 0.06979175616058064 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.04360425697151475 0.06850939695925036 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.04655124396298354 0.06913063079008797 0 0 0 0
+208 1 0.0025 1500.0000000000005 0.0493306871599781 0.06834180199790188 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.05185383862031752 0.06843882917151081 0 0 0 0
+225 1 0.0035 1071.4285714285713 0.0544564275000178 0.07001633201486121 0 0 0 0
+232 1 0.0035 1071.4285714285713 0.05786340234925521 0.0699385809530085 0 0 0 0
+217 1 0.0035 1071.4285714285713 0.06088913233056514 0.06839459084383903 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.06396816621443649 0.06872859196715919 0 0 0 0
+216 1 0.0035 1071.4285714285713 0.06975579902038245 0.06830338793977206 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.07290590320071205 0.07000374634310857 0 0 0 0
+233 1 0.0035 1071.4285714285713 0.04122731003855703 0.07132854871499969 0 0 0 0
+237 1 0.0025 1500.0000000000005 0.04439693910205399 0.07092080625166587 0 0 0 0
+234 1 0.0035 1071.4285714285713 0.04702261275844097 0.0725754399055478 0 0 0 0
+229 1 0.0025 1500.0000000000005 0.04919324140257371 0.07075719225667136 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.051631071660077056 0.07082275733107245 0 0 0 0
+223 1 0.0025 1500.0000000000005 0.06068820685324448 0.07128912237760149 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.0640487624447508 0.07166227579583333 0 0 0 0
+227 1 0.0035 1071.4285714285713 0.06727011744242636 0.07044036357939674 0 0 0 0
+235 1 0.0035 1071.4285714285713 0.07042396349963889 0.0722827153187521 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.07586913740398915 0.07044399439255292 0 0 0 0
+
+Velocities
+
+6 12.057180553300412 25.2043468604621 0 0 0 0
+12 2.112114211095602 -33.33090868576479 0 0 0 0
+11 -25.242109859251574 -8.911438901561425 0 0 0 0
+5 -3.2351451814980354 -1.1513784462664534 0 0 0 0
+238 29.598760110561877 -33.81495058602006 0 0 0 0
+4 -32.61853189080018 -9.146356881021793 0 0 0 0
+236 -5.856341323744664 -20.457703709909033 0 0 0 0
+240 8.369236340266653 11.746304659501575 0 0 0 0
+3 15.762830550562363 27.79363092741337 0 0 0 0
+239 31.920362790622264 -63.23384636648201 0 0 0 0
+8 -27.542087148238533 -25.558027425605008 0 0 0 0
+16 11.248649290421131 -10.857954957586479 0 0 0 0
+24 -8.912010339932639 26.80267618415155 0 0 0 0
+19 8.274981720906137 -3.0584809094827956 0 0 0 0
+7 -21.48838031360465 13.693969533766571 0 0 0 0
+23 6.191999661979663 -26.141176910899976 0 0 0 0
+31 8.37277409033987 -14.038801805370168 0 0 0 0
+66 -3.8008422411020004 7.369937445848353 0 0 0 0
+86 11.088742908026843 -14.780434893633164 0 0 0 0
+133 -42.82903370768555 23.738650890569215 0 0 0 0
+176 23.82407139307516 -22.110643835107208 0 0 0 0
+226 -27.460641620242352 37.448069826237486 0 0 0 0
+1 -4.165659288160592 -57.816276555773385 0 0 0 0
+187 9.48969442453744 -18.502903493356204 0 0 0 0
+147 36.45166354191981 20.932238831208192 0 0 0 0
+60 11.172430641046668 -1.1772277999279712 0 0 0 0
+28 -7.232544282237531 -20.602771021305564 0 0 0 0
+85 29.04653592516204 3.5397081814127644 0 0 0 0
+15 22.66463810125673 -35.31173579950762 0 0 0 0
+158 -15.743902123011072 33.665904475508256 0 0 0 0
+172 13.341958536413598 2.7020304476181445 0 0 0 0
+224 0.03234359503956703 -0.026707346791414434 0 0 0 0
+119 -2.443125252207388 -35.73000793090087 0 0 0 0
+110 -54.6935870383428 14.045769386631967 0 0 0 0
+21 -26.598213318848128 -13.37691317055424 0 0 0 0
+10 -22.846687556210114 12.73140456337123 0 0 0 0
+20 10.328669988524322 21.555813950402946 0 0 0 0
+9 2.7414236014387057 -0.2517243052916929 0 0 0 0
+18 4.1962874625973985 -2.8415922235508977 0 0 0 0
+13 7.592617766901799 0.18608228037493643 0 0 0 0
+14 -11.3204192954853 12.099077289142954 0 0 0 0
+2 -10.586415238232982 6.692758410572014 0 0 0 0
+27 -16.590072459863595 -12.589287477625025 0 0 0 0
+22 19.41094635650814 34.68357668631106 0 0 0 0
+17 -6.387659676226479 30.911559025743234 0 0 0 0
+30 -11.73501268020548 20.942403502903776 0 0 0 0
+26 -27.330303042266948 -11.971985549371471 0 0 0 0
+35 2.1552773958221687 21.910290453911557 0 0 0 0
+29 4.217104342968409 10.827757532293946 0 0 0 0
+33 -32.86587976098685 -32.32991648524379 0 0 0 0
+39 -21.779286611700524 22.808815265415703 0 0 0 0
+25 -5.498573811660843 14.335677083388289 0 0 0 0
+32 -32.66247185731517 -13.897859022294783 0 0 0 0
+41 -12.005677798824033 -9.54914356903697 0 0 0 0
+37 -27.43489049742145 -17.2678232799315 0 0 0 0
+40 43.98082452908531 -46.030809481540715 0 0 0 0
+45 43.020631159761706 -37.11308161552959 0 0 0 0
+38 13.510508661023938 -22.27596588307287 0 0 0 0
+36 10.971594540899243 35.15420100336384 0 0 0 0
+43 2.520572493475835 55.11037365239047 0 0 0 0
+34 9.513791202889667 -3.931047757200193 0 0 0 0
+46 -15.018257336726785 -19.673828674219873 0 0 0 0
+62 -15.124519768095004 -17.16066132546411 0 0 0 0
+54 51.77363345904676 -22.69529557701961 0 0 0 0
+51 8.710178409931787 19.154844551768072 0 0 0 0
+53 -14.851738722599286 0.05212348875468614 0 0 0 0
+47 -11.575482470440544 1.1893225644038121 0 0 0 0
+49 25.887076231136 -15.723347888893029 0 0 0 0
+57 -0.4461481315785638 27.971804855075316 0 0 0 0
+55 -22.900673616442692 -1.270618904512691 0 0 0 0
+48 -20.380276343457172 -0.4106091478599021 0 0 0 0
+58 -17.224399770768265 21.548334316905038 0 0 0 0
+44 3.5039087976678283 -0.9732597510664022 0 0 0 0
+42 -22.08903037412088 2.6380624328150235 0 0 0 0
+82 25.41900484245373 31.799531249902977 0 0 0 0
+68 3.74218143218467 -9.59482424207484 0 0 0 0
+59 12.70371259160763 -30.153123144633565 0 0 0 0
+84 42.16472491512191 24.44448112809867 0 0 0 0
+71 -54.25999136351733 8.516336092536111 0 0 0 0
+78 -9.21990353064651 2.7737151385683916 0 0 0 0
+72 16.673669581558997 -11.896176013481375 0 0 0 0
+50 -2.9771733483533147 28.65943233497386 0 0 0 0
+52 16.324092780059583 -0.9171425817487913 0 0 0 0
+61 -15.153366671967728 0.38832394558554445 0 0 0 0
+64 20.46526611089963 11.721968272671846 0 0 0 0
+76 1.0503456340093926 19.30113405657908 0 0 0 0
+70 19.744040722583975 39.92149668375736 0 0 0 0
+73 51.23717989737813 45.029500471655616 0 0 0 0
+56 -34.932973413296715 -5.042217907080875 0 0 0 0
+95 -10.773174185381901 -27.399679007684355 0 0 0 0
+69 -4.45560003133552 29.14719046419912 0 0 0 0
+83 -7.5671918613534945 -12.46730853639529 0 0 0 0
+75 -10.017730733185976 -6.765613349295784 0 0 0 0
+65 29.073618111306416 -20.646914226592877 0 0 0 0
+63 12.948477148934973 5.034444001397786 0 0 0 0
+74 2.0904218759983317 28.599896989389705 0 0 0 0
+77 -8.168811459918262 -36.10763130024636 0 0 0 0
+79 -26.360323861263513 -25.207392494009287 0 0 0 0
+92 21.389433424724547 -24.509366756219492 0 0 0 0
+81 -13.70799444596706 27.03859246362424 0 0 0 0
+67 38.79759516647723 -1.5067028704996785 0 0 0 0
+96 -10.182351373882488 1.7029302852126718 0 0 0 0
+97 -8.718065018533537 -1.5204710901784586 0 0 0 0
+98 -8.425281896736143 6.253226124906624 0 0 0 0
+102 -27.3597397628194 -27.17371586079497 0 0 0 0
+91 10.65422000984901 -7.281756107905862 0 0 0 0
+89 -82.59779193580563 -8.464792209768019 0 0 0 0
+88 18.972806894615935 25.739862045824403 0 0 0 0
+80 -18.720665651051853 0.19981902186327144 0 0 0 0
+90 -43.24518684158476 20.319844008254638 0 0 0 0
+103 -15.288817016138273 -30.175520711603124 0 0 0 0
+116 -14.630242257648568 12.776344847497784 0 0 0 0
+107 49.610071118895576 -9.446069967559975 0 0 0 0
+109 3.7675133932100078 -5.076998160692451 0 0 0 0
+117 3.6245257002455236 -21.73081447027867 0 0 0 0
+111 42.69099675208522 7.017790525171634 0 0 0 0
+93 14.107243860217295 13.065900422698649 0 0 0 0
+87 29.086361164223444 22.907292342465336 0 0 0 0
+100 43.678039140412785 12.224532399637507 0 0 0 0
+99 19.632891426784333 -5.808930339739281 0 0 0 0
+101 -10.744050187761637 3.2956672739894444 0 0 0 0
+94 14.458484035731304 -10.923124947481789 0 0 0 0
+113 1.1775694399420462 -21.650319515349498 0 0 0 0
+114 -14.87807666484829 -1.5732380062220486 0 0 0 0
+122 10.349594137033446 3.5924279172517504 0 0 0 0
+105 3.038217571386608 -19.64226109205611 0 0 0 0
+106 -6.060157734302095 22.165900369592098 0 0 0 0
+115 -12.511844094788255 -20.60085052068815 0 0 0 0
+120 23.169730976123606 28.415943667788007 0 0 0 0
+112 26.737401252865485 -7.2158750495688615 0 0 0 0
+118 25.18200684575361 26.617800402663118 0 0 0 0
+104 -27.70708010386067 0.21332540144127637 0 0 0 0
+108 -27.655956886368166 -8.052852163215345 0 0 0 0
+131 -5.196956027225461 12.1629241454542 0 0 0 0
+125 26.18180803643317 -26.158036610296914 0 0 0 0
+127 21.77023727156842 8.345836535275657 0 0 0 0
+132 23.49788155500581 0.059258911480727726 0 0 0 0
+121 28.55429099271039 -7.715693872533421 0 0 0 0
+129 -30.87674459448158 -4.462693970446091 0 0 0 0
+123 17.2081142302685 -39.739464949867035 0 0 0 0
+124 20.547023849766173 24.502923994389054 0 0 0 0
+130 19.42105995921706 -3.90540073280553 0 0 0 0
+126 9.838085187226842 -1.503861661793277 0 0 0 0
+128 11.365868562666796 -12.932787204150074 0 0 0 0
+144 1.5780699606855868 -35.0911038715195 0 0 0 0
+150 -22.15515593051574 -24.599305302437244 0 0 0 0
+138 15.471958561422708 -49.77705421958193 0 0 0 0
+149 -24.047819055063915 -4.188113604231075 0 0 0 0
+136 24.048587381267858 -25.10819674279901 0 0 0 0
+134 -0.05189822393374313 -2.9010046804069165 0 0 0 0
+148 -40.56096189210983 -23.898333195876088 0 0 0 0
+143 19.188359525974132 19.89677158934616 0 0 0 0
+139 15.800183161045979 8.08927897306262 0 0 0 0
+135 7.728350430465438 -18.29484272799012 0 0 0 0
+137 -17.756260940891146 -5.998094959496505 0 0 0 0
+155 -1.7141701211387894 -6.88436122310823 0 0 0 0
+145 -54.21029592839939 1.1502131026124476 0 0 0 0
+168 -14.149279528354018 -14.116340959698803 0 0 0 0
+154 19.61380533887961 5.951751888454306 0 0 0 0
+142 35.79395182165445 24.654207409010006 0 0 0 0
+160 -22.221971263452975 71.70990833832712 0 0 0 0
+141 -8.194660996443723 14.116419353405277 0 0 0 0
+140 42.43404962929357 15.24910145181238 0 0 0 0
+153 -36.41646009104466 -21.99367886292792 0 0 0 0
+152 -0.8061998896789169 28.405511917072296 0 0 0 0
+146 19.18274500627384 26.619175305853386 0 0 0 0
+162 -4.4945219354628065 -14.767237154101064 0 0 0 0
+174 38.456251441090195 -3.6668003261847923 0 0 0 0
+159 -24.386028232378028 -0.41514159411387447 0 0 0 0
+170 1.2170800677930336 38.07596534883676 0 0 0 0
+151 -8.797372283635555 6.286874623764027 0 0 0 0
+179 -19.614215204259594 8.867880571319239 0 0 0 0
+156 7.292182792710841 20.94214710775081 0 0 0 0
+157 19.411716983963544 -6.946514055162505 0 0 0 0
+167 -4.329229862459334 -4.318445900165733 0 0 0 0
+164 16.773832898879956 -15.877825198818979 0 0 0 0
+166 -16.76742834522209 -38.559313004138296 0 0 0 0
+161 -4.7430045417833835 16.040361941823257 0 0 0 0
+171 -10.2226730373271 -5.7168983866722485 0 0 0 0
+178 4.136217117375585 3.0764364397801853 0 0 0 0
+182 8.91075685659531 -2.085582457193197 0 0 0 0
+163 -32.81153375948268 -39.828388703618785 0 0 0 0
+185 -43.90376257560859 7.112449239652807 0 0 0 0
+173 23.179070184032092 -26.790868839435156 0 0 0 0
+181 35.080024246884 -4.862314021579032 0 0 0 0
+169 13.927130318369047 -13.902935146468883 0 0 0 0
+165 -26.19029491190395 29.752890950188263 0 0 0 0
+180 26.11703131429091 -23.003003552163335 0 0 0 0
+191 18.17225710490427 -11.76996707155695 0 0 0 0
+177 7.2293765456273515 -13.34072872799831 0 0 0 0
+196 0.737802019730277 7.805322648743418 0 0 0 0
+184 -19.32748359683184 -3.7510924644497226 0 0 0 0
+209 -2.150268738540938 15.348230519671253 0 0 0 0
+192 -26.6877692157029 4.596317852538534 0 0 0 0
+194 10.912750600176626 19.945695481863424 0 0 0 0
+197 17.709735874426027 48.929300488575045 0 0 0 0
+198 6.800644352312368 4.4219200084336965 0 0 0 0
+203 -4.1140065130567915 20.915048082863155 0 0 0 0
+190 -34.44111904478337 -42.30670754369824 0 0 0 0
+175 32.23490075762427 -30.383539207608532 0 0 0 0
+188 -13.490433512474501 6.043065751676371 0 0 0 0
+193 53.36778228463868 -17.351604278315946 0 0 0 0
+186 12.622228232671876 0.5863044434626422 0 0 0 0
+195 -14.164231398373415 47.06503566244455 0 0 0 0
+189 39.315599790201304 24.59264071105361 0 0 0 0
+211 -16.260211096198677 -3.668142255242575 0 0 0 0
+204 -4.390277620819918 12.037437070039505 0 0 0 0
+183 0.46347525174536996 15.340273129996094 0 0 0 0
+201 -22.670109219594945 15.618787657284924 0 0 0 0
+206 -8.540287088430443 -21.551975950738534 0 0 0 0
+202 10.873805720133452 -16.918414951937837 0 0 0 0
+200 15.874374724245113 -5.035396346767973 0 0 0 0
+205 3.1719820023705134 -34.214458319259634 0 0 0 0
+207 5.90121363675142 29.833937753237507 0 0 0 0
+215 -13.56692886713149 13.53249209100309 0 0 0 0
+219 7.789527876763254 34.34990976710828 0 0 0 0
+199 -16.72515298701208 -5.590645871042946 0 0 0 0
+213 1.937871912625357 16.11391061022742 0 0 0 0
+214 -25.201546706138974 -11.623027787957604 0 0 0 0
+218 -2.963126557525416 1.5308091536708703 0 0 0 0
+212 38.342278289154116 21.185394644067525 0 0 0 0
+228 -10.161872696851459 -15.905483633797626 0 0 0 0
+208 -30.79377966908165 -9.319807155345416 0 0 0 0
+210 7.890281151956033 -56.79871288056923 0 0 0 0
+225 -4.115776907663257 -20.791589967503732 0 0 0 0
+232 -22.037509832147272 23.12007880703884 0 0 0 0
+217 -13.494407345636818 -11.42646320948084 0 0 0 0
+220 46.64225626592804 -19.46258315738442 0 0 0 0
+216 -4.923985839457715 -29.855908393181277 0 0 0 0
+222 -7.16493637038886 21.066723993681777 0 0 0 0
+233 -0.3520687057315232 -11.202636641211782 0 0 0 0
+237 -4.683131959235189 0.8698195231300111 0 0 0 0
+234 8.986812128316092 20.357533143425727 0 0 0 0
+229 -9.233041706487397 36.375077316342995 0 0 0 0
+221 16.294944760075733 -10.509809282797313 0 0 0 0
+223 27.217476180485676 -7.993458331353561 0 0 0 0
+230 34.73185461287558 19.950293905131723 0 0 0 0
+227 -37.473881291838055 -5.634372300271326 0 0 0 0
+235 12.280681489888122 -7.766103382255839 0 0 0 0
+231 -7.274366752003667 -35.35874526985084 0 0 0 0
diff --git a/DATASET/P=100000Pa/box_sheared.png b/DATASET/P=100000Pa/box_sheared.png
new file mode 100644
index 0000000..fd4305b
Binary files /dev/null and b/DATASET/P=100000Pa/box_sheared.png differ
diff --git a/DATASET/P=100000Pa/confined.restart b/DATASET/P=100000Pa/confined.restart
new file mode 100644
index 0000000..dea1801
Binary files /dev/null and b/DATASET/P=100000Pa/confined.restart differ
diff --git a/DATASET/P=100000Pa/log.lammps b/DATASET/P=100000Pa/log.lammps
new file mode 100644
index 0000000..9a2934e
--- /dev/null
+++ b/DATASET/P=100000Pa/log.lammps
@@ -0,0 +1,148 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.027328464 0.027328464 -0.00050000000) to (0.072671536 0.072671536 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.001 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 220541
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 221
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.027328464 0.027328464 -0.00050000000) to (0.072671536 0.072671536 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.53430720634825e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 221 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 220541
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 21 21 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.045343072 0 824.57231 0 220541
+ 2005000 240 0.045343072 0.00010279971 -4113.3094 0.0022671536 220541
+ 2010000 240 0.045343072 0.00020559942 -9031.9656 0.0045343072 220541
+ 2015000 240 0.045343072 0.00030839913 -13931.618 0.0068014608 220541
+ 2020000 240 0.045343072 0.00041119884 -18803.636 0.0090686144 220541
+ 2025000 240 0.045343072 0.00051399855 -23625.98 0.011335768 220541
+ 2030000 240 0.045343072 0.00061679826 -28397.778 0.013602922 220541
+ 2035000 240 0.045343072 0.00071959796 -33131.376 0.015870075 220541
+ 2040000 240 0.045343072 0.00082239767 -37844.536 0.018137229 220541
+ 2045000 240 0.045343072 0.00092519738 -42532.462 0.020404382 220541
+ 2050000 240 0.045343072 0.0010279971 -47197.549 0.022671536 220541
+ 2055000 240 0.045343072 0.0011307968 -51839.039 0.02493869 220541
+ 2060000 240 0.045343072 0.0012335965 -56476.468 0.027205843 220541
+ 2065000 240 0.045343072 0.0013363962 -61124.811 0.029472997 220541
+ 2070000 240 0.045343072 0.0014391959 -65790.836 0.03174015 220541
+ 2075000 240 0.045343072 0.0015419956 -70463.182 0.034007304 220541
+ 2080000 240 0.045343072 0.0016447953 -75133.158 0.036274458 220541
+ 2085000 240 0.045343072 0.0017475951 -79800.967 0.038541611 220541
+ 2090000 240 0.045343072 0.0018503948 -84474.676 0.040808765 220541
+ 2095000 240 0.045343072 0.0019531945 -89150.095 0.043075918 220541
+ 2100000 240 0.045343072 0.0020559942 -93834.818 0.045343072 220541
+ 2105000 240 0.045343072 0.0021587939 -98539.685 0.047610226 220541
+ 2110000 240 0.045343072 0.0022615936 -103271.26 0.049877379 220541
+ 2115000 240 0.045343072 0.0023643933 -108029.49 0.052144533 220541
+ 2120000 240 0.045343072 0.002467193 -112803.08 0.054411686 220541
+ 2125000 240 0.045343072 0.0025699927 -117596.25 0.05667884 220541
+ 2130000 240 0.045343072 0.0026727924 -122409.29 0.058945994 220541
+ 2135000 240 0.045343072 0.0027755921 -127242.45 0.061213147 220541
+ 2140000 240 0.045343072 0.0028783919 -132095.85 0.063480301 220541
+ 2145000 240 0.045343072 0.0029811916 -136973.61 0.065747454 220541
+ 2150000 240 0.045343072 0.0030839913 -141872.8 0.068014608 220541
+ 2155000 240 0.045343072 0.003186791 -146792.56 0.070281762 220541
+ 2160000 240 0.045343072 0.0032895907 -151749.99 0.072548915 220541
+ 2165000 240 0.045343072 0.0033923904 -156746.08 0.074816069 220541
+ 2170000 240 0.045343072 0.0034951901 -161785.75 0.077083223 220541
+ 2175000 240 0.045343072 0.0035979898 -166863.61 0.079350376 220541
+ 2180000 240 0.045343072 0.0037007895 -171976.08 0.08161753 220541
+ 2185000 240 0.045343072 0.0038035892 -177120.45 0.083884683 220541
+ 2190000 240 0.045343072 0.0039063889 -182295.96 0.086151837 220541
+ 2195000 240 0.045343072 0.0040091887 -187503.04 0.088418991 220541
+ 2200000 240 0.045343072 0.0041119884 -192741.88 0.090686144 220541
+ 2205000 240 0.045343072 0.0042147881 -198014.78 0.092953298 220541
+ 2210000 240 0.045343072 0.0043175878 -203320.2 0.095220451 220541
+ 2215000 240 0.045343072 0.0044203875 -208655.62 0.097487605 220541
+ 2220000 240 0.045343072 0.0045231872 -214018.51 0.099754759 220541
+ 2220541 240 0.045343072 0.0045343101 -214600.38 0.10000006 220541
+Loop time of 4.85787 on 1 procs for 220541 steps with 240 atoms
+
+99.4% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 3.6202 | 3.6202 | 3.6202 | 0.0 | 74.52
+Neigh | 0.00074697 | 0.00074697 | 0.00074697 | 0.0 | 0.02
+Comm | 0.46946 | 0.46946 | 0.46946 | 0.0 | 9.66
+Output | 0.0058987 | 0.0058987 | 0.0058987 | 0.0 | 0.12
+Modify | 0.5623 | 0.5623 | 0.5623 | 0.0 | 11.58
+Other | | 0.1992 | | | 4.10
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 105.000 ave 105 max 105 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 690.000 ave 690 max 690 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 690
+Ave neighs/atom = 2.8750000
+Neighbor list builds = 18
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:04
diff --git a/DATASET/P=10000Pa/1_generate_conf_10000Pa.in b/DATASET/P=10000Pa/1_generate_conf_10000Pa.in
new file mode 100644
index 0000000..22e27e7
--- /dev/null
+++ b/DATASET/P=10000Pa/1_generate_conf_10000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 10000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 103 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 436 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 861 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 271 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 107 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 72 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 701 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 21 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 615 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 122 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 467 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 215 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 331 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 459 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 88 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 373 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 100 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 872 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 664 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 131 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 662 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 309 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 770 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 344 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 492 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 414 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 806 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 386 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 192 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 956 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 277 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 161 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 460 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 314 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 22 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 253 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 748 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 857 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 561 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 475 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=10000Pa/2_shear.in b/DATASET/P=10000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=10000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=10000Pa/StrainStress.txt b/DATASET/P=10000Pa/StrainStress.txt
new file mode 100644
index 0000000..60da375
--- /dev/null
+++ b/DATASET/P=10000Pa/StrainStress.txt
@@ -0,0 +1,1003 @@
+# Fix print output for fix output_file
+4.09476159693576e-05 214.27766295821788844
+0.000140786185242997 178.77913146039466596
+0.000240624754516486 143.24583198813650142
+0.000340463323790125 107.67764037715573977
+0.000440301893063765 72.061971366655328097
+0.000540140462337404 36.425256069729989861
+0.000639979031610893 0.7958864415876596432
+0.000739817600884533 -34.861324626701311047
+0.000839656170158172 -70.551858233924519936
+0.000939494739431661 -106.28359639984012119
+0.0010393333087053 -142.09346717714151964
+0.00113917187797894 -177.95667563592598981
+0.00123901044725243 -213.87003216454755261
+0.00133884901652607 -249.93784565796167385
+0.00143868758579971 -286.11823038742505787
+0.00153852615507335 -322.40248412787479992
+0.00163836472434684 -358.796545577247457
+0.00173820329362048 -395.272508172212099
+0.00183804186289411 -431.81835753531845512
+0.0019378804321676 -468.42464818401498405
+0.00203771900144124 -505.08376452550470503
+0.00213755757071488 -541.78914205154376305
+0.00223739613998837 -578.53481355819928922
+0.00233723470926201 -615.31513694710997697
+0.00243707327853565 -652.12457587242079171
+0.00253691184780929 -688.95746345625309459
+0.00263675041708278 -725.84289483169868618
+0.00273658898635642 -762.77231725106571503
+0.00283642755563006 -799.720812549052539
+0.00293626612490355 -836.6666032941842559
+0.00303610469417719 -873.63996659667088807
+0.00313594326345083 -910.63646564732050592
+0.00323578183272446 -947.64904952857796161
+0.00333562040199795 -984.68756866681360407
+0.00343545897127159 -1021.7788635429435544
+0.00353529754054523 -1058.8879885066378392
+0.00363513610981872 -1096.0478386884847168
+0.00373497467909236 -1133.2499550249940512
+0.003834813248366 -1170.4866488460750134
+0.00393465181763949 -1207.7508733295992442
+0.00403449038691313 -1245.0355872125867336
+0.00413432895618677 -1282.3332175046782595
+0.00423416752546041 -1319.6349259767769126
+0.0043340060947339 -1356.9291050964454826
+0.00443384466400754 -1394.1962040244186483
+0.00453368323328118 -1431.3909657129179323
+0.00463352180255466 -1468.5726814626805208
+0.0047333603718283 -1505.7422210528006872
+0.00483319894110194 -1542.9047163370426006
+0.00493303751037558 -1580.1086474762466878
+0.00503287607964907 -1617.3993174023962638
+0.00513271464892271 -1654.7544803257428612
+0.00523255321819635 -1692.1873578813942913
+0.00533239178746984 -1729.6840147033260564
+0.00543223035674348 -1767.2327829739422214
+0.00553206892601712 -1804.8228621618577563
+0.00563190749529061 -1842.4319147947276178
+0.00573174606456425 -1880.0828714536451116
+0.00583158463383789 -1917.7868174789882687
+0.00593142320311153 -1955.5406914431441692
+0.00603126177238501 -1993.3415567895235654
+0.00613110034165865 -2031.1865324279767719
+0.00623093891093229 -2069.0727274715563908
+0.00633077748020578 -2106.9971639450996008
+0.00643061604947942 -2144.9566562483087182
+0.00653045461875306 -2182.9533622824369559
+0.0066302931880267 -2221.0474764612240506
+0.00673013175730019 -2259.2116797829339703
+0.00682997032657383 -2297.4330206048871332
+0.00692980889584747 -2335.6996149724595853
+0.00702964746512096 -2374.0124063034422761
+0.0071294860343946 -2412.3645844474740443
+0.00722932460366824 -2450.7474245965131558
+0.00732916317294172 -2489.1416413832553189
+0.00742900174221536 -2527.5467667704160704
+0.007528840311489 -2565.9961585653527436
+0.00762867888076264 -2604.5470990157073174
+0.00772851745003613 -2643.2126537271769848
+0.00782835601930977 -2682.0009744851340656
+0.00792819458858341 -2720.8669958336336094
+0.0080280331578569 -2759.8206056777557933
+0.00812787172713054 -2798.8543238204438239
+0.00822771029640418 -2837.9606313627855343
+0.00832754886567782 -2877.1584073910380539
+0.00842738743495131 -2916.4432642296574159
+0.00852722600422495 -2955.794920185900537
+0.00862706457349859 -2995.1881443839160966
+0.00872690314277207 -3034.636290605387785
+0.00882674171204571 -3074.1581768055443717
+0.00892658028131935 -3113.7498316960168268
+0.00902641885059284 -3153.4075409120091535
+0.00912625741986648 -3193.1277179225526197
+0.00922609598914012 -3232.90679257345937
+0.00932593455841376 -3272.7410858552520949
+0.00942577312768725 -3312.626624819260087
+0.00952561169696089 -3352.5597570565769274
+0.00962545026623453 -3392.5516534449357096
+0.00972528883550802 -3432.5817489736145944
+0.00982512740478166 -3472.6571351148909343
+0.0099249659740553 -3512.8100754358915765
+0.0100248045433288 -3553.0406156241269855
+0.0101246431126024 -3593.3453203793719695
+0.0102244816818761 -3633.7176367496949752
+0.0103243202511497 -3674.1524770218279627
+0.0104241588204232 -3714.6452659116976065
+0.0105239973896968 -3755.191446663838633
+0.0106238359589705 -3795.7859037628304577
+0.010723674528244 -3836.4210106176092268
+0.0108235130975176 -3877.0862191847991198
+0.0109233516667912 -3917.7984759603004932
+0.0110231902360649 -3958.5548662090886864
+0.0111230288053384 -3999.3503302447493297
+0.011222867374612 -4040.1769345995867297
+0.0113227059438856 -4081.0140489227001126
+0.0114225445131591 -4121.8957374613628417
+0.0115223830824328 -4162.84186120920549
+0.0116222216517064 -4203.9102235082318657
+0.0117220602209799 -4245.0694559243438562
+0.0118218987902535 -4286.305439726831537
+0.0119217373595272 -4327.6104322211185718
+0.0120215759288008 -4368.9787278942994817
+0.0121214144980743 -4410.4055546056088133
+0.0122212530673479 -4451.8866155077721487
+0.0123210916366216 -4493.4178430672563991
+0.0124209302058951 -4534.9952358024529531
+0.0125207687751687 -4576.614723656044589
+0.0126206073444424 -4618.2720286979119919
+0.012720445913716 -4659.9625633330088021
+0.0128202844829895 -4701.6885639840693329
+0.0129201230522631 -4743.4415832888016666
+0.0130199616215368 -4785.2128147478015308
+0.0131198001908103 -4826.9910387503123275
+0.0132196387600839 -4868.8039427783760402
+0.0133194773293575 -4910.6512315665222559
+0.013419315898631 -4952.5041061309302677
+0.0135191544679047 -4994.3853653365940772
+0.0136189930371783 -5036.3093603185097891
+0.0137188316064519 -5078.2667071303758348
+0.0138186701757254 -5120.2356402850100494
+0.0139185087449991 -5162.2376368366221868
+0.0140183473142727 -5204.280373002723536
+0.0141181858835462 -5246.3550766537509844
+0.0142180244528198 -5288.4400648617111074
+0.0143178630220935 -5330.5618999413864003
+0.0144177015913671 -5372.7292020324020996
+0.0145175401606406 -5414.9460088510440983
+0.0146173787299142 -5457.2206705886055715
+0.0147172172991879 -5499.5362796755262025
+0.0148170558684614 -5541.8751394271894242
+0.014916894437735 -5584.2370242057413634
+0.0150167330070086 -5626.6253892669747074
+0.0151165715762821 -5669.0133800564908597
+0.0152164101455558 -5711.4399962894922282
+0.0153162487148294 -5753.8887772189045791
+0.0154160872841031 -5796.3825308629393476
+0.0155159258533765 -5838.9346117999139096
+0.0156157644226502 -5881.5349459342096452
+0.0157156029919238 -5924.2011016008982551
+0.0158154415611973 -5966.9576187085522179
+0.015915280130471 -6009.7968371733741151
+0.0160151186997446 -6052.714728534254391
+0.0161149572690181 -6095.7082031474155883
+0.0162147958382917 -6138.774545302635488
+0.0163146344075654 -6181.9156451951512281
+0.016414472976839 -6225.1370435940152674
+0.0165143115461125 -6268.4304969553877527
+0.0166141501153861 -6311.7925713133490717
+0.0167139886846598 -6355.2204944599670853
+0.0168138272539333 -6398.7247745714248595
+0.0169136658232069 -6442.32269909729348
+0.0170135043924805 -6485.9814412980122142
+0.0171133429617542 -6529.7056660775242563
+0.0172131815310277 -6573.5507800339219102
+0.0173130201003013 -6617.4932659922824314
+0.0174128586695749 -6661.5175476615149819
+0.0175126972388484 -6705.6087805433253379
+0.0176125358081221 -6749.7321374345247023
+0.0177123743773957 -6793.915166640955249
+0.0178122129466692 -6838.1869917560943577
+0.0179120515159428 -6882.5444554629939375
+0.0180118900852165 -6927.0071364324212482
+0.0181117286544901 -6971.5730442047452016
+0.0182115672237636 -7016.2395755367533638
+0.0183114057930372 -7061.0044839636038887
+0.0184112443623109 -7105.8656801309143702
+0.0185110829315844 -7150.8218042766256985
+0.018610921500858 -7195.8722547883116931
+0.0187107600701317 -7241.0134696943650852
+0.0188105986394053 -7286.2411625273098252
+0.0189104372086788 -7331.5644421208853601
+0.0190102757779524 -7377.0015164647093115
+0.0191101143472261 -7422.5421313329425175
+0.0192099529164995 -7468.1857345247481135
+0.0193097914857732 -7513.9350634550219183
+0.0194096300550468 -7559.785822309588184
+0.0195094686243203 -7605.7353929187502217
+0.019609307193594 -7651.7818501735455357
+0.0197091457628676 -7697.9235645459848456
+0.0198089843321412 -7744.1777307160937198
+0.0199088229014147 -7790.5678696103477705
+0.0200086614706884 -7837.0734404624008675
+0.020108500039962 -7883.6876995549710045
+0.0202083386092355 -7930.4066263752574741
+0.0203081771785091 -7977.2272676173843138
+0.0204080157477828 -8024.1472296054307662
+0.0205078543170564 -8071.1644573155981561
+0.0206076928863299 -8118.2771186506206504
+0.0207075314556035 -8165.4835359268345201
+0.0208073700248772 -8212.7821413684978324
+0.0209072085941507 -8260.1714458585247485
+0.0210070471634243 -8307.6500152546996105
+0.0211068857326979 -8355.2475987631823955
+0.0212067243019714 -8402.9582451717269578
+0.0213065628712451 -8450.7711418910184875
+0.0214064014405187 -8498.6815960308158537
+0.0215062400097924 -8546.6862727690731845
+0.0216060785790658 -8594.7823905648074287
+0.0217059171483395 -8642.978675507598382
+0.0218057557176131 -8691.2861645895027323
+0.0219055942868866 -8739.6912213795330899
+0.0220054328561602 -8788.1876385868035868
+0.0221052714254339 -8836.7696615026216023
+0.0222051099947075 -8885.4283186635129823
+0.022304948563981 -8934.1497125610676449
+0.0224047871332547 -8982.9643542985722888
+0.0225046257025283 -9031.8750558770771022
+0.0226044642718018 -9080.8802064842511754
+0.0227043028410754 -9129.9776268830210029
+0.0228041414103491 -9179.1657035234657087
+0.0229039799796226 -9228.442960879590828
+0.0230038185488962 -9277.8079833181454887
+0.0231036571181698 -9327.2593760874224245
+0.0232034956874435 -9376.7993943452202075
+0.023303334256717 -9426.4280499436281389
+0.0234031728259906 -9476.1416593451467634
+0.0235030113952642 -9525.9379200198036415
+0.0236028499645377 -9575.8241305062092579
+0.0237026885338114 -9625.8037293948309525
+0.023802527103085 -9675.9237825528980466
+0.0239023656723586 -9726.1625671549172694
+0.0240022042416321 -9776.519827571204587
+0.0241020428109058 -9826.9882486062779208
+0.0242018813801794 -9877.5628771114879783
+0.0243017199494529 -9928.2399154135055142
+0.0244015585187265 -9979.0161970739718527
+0.0245013970880002 -10029.909916743466965
+0.0246012356572737 -10080.939650267475372
+0.0247010742265473 -10132.084380174679609
+0.0248009127958209 -10183.336432092068208
+0.0249007513650946 -10234.703500314308258
+0.0250005899343681 -10286.19670472296275
+0.0251004285036417 -10337.799387741926694
+0.0252002670729154 -10389.503770490868192
+0.0253001056421888 -10441.303278486175259
+0.0253999442114625 -10493.190761293806645
+0.0254997827807361 -10545.156156810517132
+0.0255996213500096 -10597.171217420227549
+0.0256994599192833 -10649.249141263248021
+0.0257992984885569 -10701.435502986540087
+0.0258991370578305 -10753.728565301607887
+0.025998975627104 -10806.126652508419284
+0.0260988141963777 -10858.628116608526398
+0.0261986527656513 -10911.231300399875181
+0.0262984913349248 -10963.934489774086614
+0.0263983299041984 -11016.73583940030403
+0.0264981684734721 -11069.633230491584982
+0.0265980070427457 -11122.623908593050146
+0.0266978456120192 -11175.702661717956289
+0.0267976841812928 -11228.86401937521623
+0.0268975227505665 -11282.121881001001384
+0.02699736131984 -11335.480094150942023
+0.0270971998891136 -11388.943965202865002
+0.0271970384583872 -11442.511525546731718
+0.0272968770276607 -11496.180338226469758
+0.0273967155969344 -11549.948545214230762
+0.027496554166208 -11603.814473716387511
+0.0275963927354816 -11657.776475792637939
+0.0276962313047551 -11711.832806923781391
+0.0277960698740288 -11765.981466662837192
+0.0278959084433024 -11820.219875496220993
+0.0279957470125759 -11874.543830712564159
+0.0280955855818495 -11928.941165250033009
+0.0281954241511232 -11983.427251696381063
+0.0282952627203967 -12038.020162536560747
+0.0283951012896703 -12092.733259859654936
+0.028494939858944 -12147.554872726323083
+0.0285947784282176 -12202.480460562188455
+0.0286946169974911 -12257.506338254992443
+0.0287944555667647 -12312.64403664049496
+0.0288942941360384 -12367.888524805162888
+0.0289941327053118 -12423.234651029915767
+0.0290939712745855 -12478.695264930302073
+0.0291938098438591 -12534.274893991178033
+0.0292936484131328 -12589.96582324441988
+0.0293934869824063 -12645.81702883460639
+0.0294933255516799 -12701.833114704228137
+0.0295931641209535 -12757.994062872345239
+0.029693002690227 -12814.289242789744094
+0.0297928412595007 -12870.712929643259486
+0.0298926798287743 -12927.261172219605214
+0.0299925183980478 -12983.930939637852134
+0.0300923569673214 -13040.719765929476125
+0.0301921955365951 -13097.633838458850732
+0.0302920341058687 -13154.688940978930987
+0.0303918726751422 -13211.872051426258622
+0.0304917112444158 -13269.212909024230612
+0.0305915498136895 -13326.709240534739365
+0.030691388382963 -13384.345003184787856
+0.0307912269522366 -13442.113943079266392
+0.0308910655215102 -13500.01194137917264
+0.0309909040907839 -13558.04112150516994
+0.0310907426600574 -13616.241453528817146
+0.031190581229331 -13674.592297428021993
+0.0312904197986047 -13733.083502600040447
+0.0313902583678781 -13791.72539306132785
+0.0314900969371518 -13850.553829820257306
+0.0315899355064254 -13909.565126404631883
+0.0316897740756989 -13968.736939467558841
+0.0317896126449725 -14028.060566523980015
+0.0318894512142462 -14087.53031450619892
+0.0319892897835198 -14147.141889682592591
+0.0320891283527933 -14206.899506957230187
+0.032188966922067 -14266.820302233261827
+0.0322888054913406 -14326.889528839032209
+0.0323886440606141 -14387.101011517714142
+0.0324884826298877 -14447.450741716231278
+0.0325883211991614 -14507.935571944386538
+0.032688159768435 -14568.552825801896688
+0.0327879983377085 -14629.300119291086958
+0.0328878369069821 -14690.175255495341844
+0.0329876754762558 -14751.176146314852303
+0.0330875140455293 -14812.300735681523292
+0.0331873526148029 -14873.546893641905626
+0.0332871911840765 -14934.912200428963843
+0.03338702975335 -14996.394955962750828
+0.0334868683226237 -15057.995561380641448
+0.0335867068918973 -15119.72026194693899
+0.0336865454611709 -15181.56930243170973
+0.0337863840304444 -15243.540861558747565
+0.0338862225997181 -15305.633361404203242
+0.0339860611689917 -15367.845094698197499
+0.0340858997382652 -15430.174864672022522
+0.0341857383075388 -15492.622794473469185
+0.0342855768768125 -15555.187873318027414
+0.0343854154460861 -15617.869142303870831
+0.0344852540153596 -15680.665686347967494
+0.0345850925846332 -15743.576628251821603
+0.0346849311539069 -15806.601124106337011
+0.0347847697231804 -15869.738359673814557
+0.034884608292454 -15932.987547421460476
+0.0349844468617277 -15996.347924049208814
+0.0350842854310011 -16059.818748417501411
+0.0351841240002748 -16123.401798266240803
+0.0352839625695484 -16187.12468657653335
+0.0353838011388221 -16250.979242095761947
+0.0354836397080956 -16314.957133502233773
+0.0355834782773692 -16379.054804821025755
+0.0356833168466428 -16443.26991119610102
+0.0357831554159163 -16507.600664008576132
+0.03588299398519 -16572.045590250196256
+0.0359828325544636 -16636.603418759641499
+0.0360826711237372 -16701.342806068863865
+0.0361825096930107 -16766.289116748703236
+0.0362823482622844 -16831.401616517629009
+0.036382186831558 -16896.667487267979595
+0.0364820254008315 -16962.079384457549168
+0.0365818639701051 -17027.632232517044031
+0.0366817025393788 -17093.322174462598923
+0.0367815411086523 -17159.146103152033902
+0.0368813796779259 -17225.101414458153158
+0.0369812182471995 -17291.185862624504807
+0.0370810568164732 -17357.397468795476016
+0.0371808953857467 -17423.73445985266153
+0.0372807339550203 -17490.195225604209554
+0.0373805725242939 -17556.778287764740526
+0.0374804110935674 -17623.482276788738091
+0.0375802496628411 -17690.306076159442455
+0.0376800882321147 -17757.272976936990744
+0.0377799268013884 -17824.37620423102635
+0.0378797653706618 -17891.608309230588929
+0.0379796039399355 -17958.965875653932017
+0.0380794425092091 -18026.446527269163198
+0.0381792810784826 -18094.048375020112871
+0.0382791196477563 -18161.769812779773929
+0.0383789582170299 -18229.614286851854558
+0.0384787967863034 -18297.622286746031023
+0.038578635355577 -18365.774766829807049
+0.0386784739248507 -18434.062469714433973
+0.0387783124941243 -18502.480745010179817
+0.0388781510633978 -18571.026406962577312
+0.0389779896326714 -18639.696984773319855
+0.0390778282019451 -18708.503920110626495
+0.0391776667712186 -18777.473127486315207
+0.0392775053404922 -18846.584830428226269
+0.0393773439097658 -18915.832060968863516
+0.0394771824790395 -18985.210705083190987
+0.039577021048313 -19054.717744166446209
+0.0396768596175866 -19124.35073662279683
+0.0397766981868602 -19194.107593866945535
+0.0398765367561337 -19263.986462571760057
+0.0399763753254074 -19333.986884030971851
+0.040076213894681 -19404.149679027090315
+0.0401760524639545 -19474.460504567290627
+0.0402758910332281 -19544.92167990138114
+0.0403757296025018 -19615.530606913038355
+0.0404755681717754 -19686.277053822846938
+0.0405754067410489 -19757.156108678085729
+0.0406752453103225 -19828.164081421302399
+0.0407750838795962 -19899.297808868686843
+0.0408749224488697 -19970.554325510416675
+0.0409747610181433 -20041.930590197356651
+0.041074599587417 -20113.423070680390083
+0.0411744381566904 -20185.026534869277384
+0.0412742767259641 -20256.727019730486063
+0.0413741152952377 -20328.55578080486157
+0.0414739538645114 -20400.526251926487021
+0.0415737924337848 -20472.629575580864184
+0.0416736310030585 -20544.862418057644391
+0.0417734695723321 -20617.222520335570152
+0.0418733081416056 -20689.719357758604019
+0.0419731467108793 -20762.35074299864209
+0.0420729852801529 -20835.112149630676868
+0.0421728238494265 -20908.014625493971835
+0.0422726624187 -20981.070453665197419
+0.0423725009879737 -21054.266358524211682
+0.0424723395572473 -21127.597061853768537
+0.0425721781265208 -21201.059328595449188
+0.0426720166957944 -21274.650730953115271
+0.0427718552650681 -21348.369276478748361
+0.0428716938343416 -21422.213243942045665
+0.0429715324036152 -21496.181095491971064
+0.0430713709728888 -21570.271423185971798
+0.0431712095421625 -21644.48291284485822
+0.043271048111436 -21718.814317091364501
+0.0433708866807096 -21793.264432697658776
+0.0434707252499832 -21867.832078820665629
+0.0435705638192567 -21942.516913104453124
+0.0436704023885304 -22017.373808298387303
+0.043770240957804 -22092.386602292575844
+0.0438700795270775 -22167.540021115306445
+0.0439699180963511 -22242.826687485983712
+0.0440697566656248 -22318.238358249614976
+0.0441695952348984 -22393.774056512553216
+0.0442694338041719 -22469.440467482119857
+0.0443692723734455 -22545.235704530598014
+0.0444691109427192 -22621.158133358443592
+0.0445689495119927 -22697.206302823768056
+0.0446687880812663 -22773.378899818992068
+0.04476862665054 -22849.674717500925908
+0.0448684652198136 -22926.09262991889409
+0.0449683037890871 -23002.631562482340087
+0.0450681423583607 -23079.290397142733127
+0.0451679809276344 -23156.068439131246123
+0.0452678194969078 -23232.993144120981015
+0.0453676580661815 -23310.063021709549503
+0.0454674966354551 -23387.284909077527118
+0.0455673352047286 -23464.689580246518744
+0.0456671737740023 -23542.255286256982799
+0.0457670123432759 -23619.970772669148573
+0.0458668509125495 -23697.830277883407689
+0.045966689481823 -23775.829856774122163
+0.0460665280510967 -23853.966488248188398
+0.0461663666203703 -23932.238019961539976
+0.0462662051896438 -24010.643370640449575
+0.0463660437589174 -24089.180149834268377
+0.0464658823281911 -24167.846546163811581
+0.0465657208974647 -24246.641001805452106
+0.0466655594667382 -24325.562116725035594
+0.0467653980360118 -24404.608608250862744
+0.0468652366052855 -24483.779286494424014
+0.046965075174559 -24563.073037321595621
+0.0470649137438326 -24642.488809465841769
+0.0471647523131062 -24722.025604281425331
+0.0472645908823797 -24801.682467048220133
+0.0473644294516534 -24881.458478937965992
+0.047464268020927 -24961.352748592300486
+0.0475641065902007 -25041.364401324375649
+0.0476639451594741 -25121.492560443530238
+0.0477637837287478 -25201.73629709020679
+0.0478636222980214 -25282.094269948924193
+0.0479634608672949 -25362.566334591683699
+0.0480632994365685 -25443.152642167602608
+0.0481631380058422 -25523.852522059256444
+0.0482629765751158 -25604.665320871314179
+0.0483628151443893 -25685.590401061886951
+0.048462653713663 -25766.627139673255442
+0.0485624922829366 -25847.776790178362717
+0.0486623308522101 -25929.038589874879108
+0.0487621694214837 -26010.411330338960397
+0.0488620079907574 -26091.93933730304343
+0.0489618465600309 -26173.650140512603684
+0.0490616851293045 -26255.528440111651435
+0.0491615236985781 -26337.556157419665396
+0.0492613622678518 -26419.725715849628614
+0.0493612008371253 -26502.032313534822606
+0.0494610394063989 -26584.472442451806273
+0.0495608779756725 -26667.043337875278667
+0.049660716544946 -26749.742711969593074
+0.0497605551142197 -26832.568605197666329
+0.0498603936834933 -26915.521161398541153
+0.0499602322527669 -26998.653838327740232
+0.0500600708220404 -27081.947949882047396
+0.0501599093913141 -27165.389798041753238
+0.0502597479605877 -27248.973175987743161
+0.0503595865298612 -27332.693976806735009
+0.0504594250991348 -27416.549076595045335
+0.0505592636684085 -27500.535907081448386
+0.050659102237682 -27584.652243236905633
+0.0507589408069556 -27668.896075166845549
+0.0508587793762292 -27753.265512398196734
+0.0509586179455027 -27837.758841117894917
+0.0510584565147764 -27922.374564023328276
+0.05115829508405 -28007.1097840761322
+0.0512581336533237 -28091.959036522013776
+0.0513579722225971 -28176.926114881673129
+0.0514578107918708 -28262.015424915098265
+0.0515576493611444 -28347.226023387560417
+0.0516574879304181 -28432.55701780401796
+0.0517573264996916 -28518.007559323625173
+0.0518571650689652 -28603.576837394015456
+0.0519570036382388 -28689.264075453142141
+0.0520568422075123 -28775.068527391071257
+0.052156680776786 -28860.989474600413814
+0.0522565193460596 -28947.02622345673808
+0.0523563579153331 -29033.181969446086441
+0.0524561964846067 -29119.468546027812408
+0.0525560350538804 -29205.878259206601797
+0.052655873623154 -29292.408137171532871
+0.0527557121924275 -29379.056442491688358
+0.0528555507617011 -29465.821879975992488
+0.0529553893309748 -29552.703380727718468
+0.0530552279002483 -29639.700013171292085
+0.0531550664695219 -29726.810938318289118
+0.0532549050387955 -29814.035384275357501
+0.0533547436080692 -29901.372630422738439
+0.0534545821773427 -29988.821996885006229
+0.0535544207466163 -30076.382837206369004
+0.0536542593158899 -30164.054533044843993
+0.0537540978851634 -30251.836670029471861
+0.0538539364544371 -30339.729262230695895
+0.0539537750237107 -30427.731421446587774
+0.0540536135929842 -30515.842497358713445
+0.0541534521622578 -30604.061912338936963
+0.0542532907315315 -30692.38912262210215
+0.054353129300805 -30780.823607012407592
+0.0544529678700786 -30869.364861726109666
+0.0545528064393523 -30958.012397476326441
+0.0546526450086259 -31046.765737572888611
+0.0547524835778994 -31135.624416548584122
+0.054852322147173 -31224.58797911747024
+0.0549521607164467 -31313.660438131631963
+0.0550519992857201 -31402.870192505659361
+0.0551518378549938 -31492.206761772835307
+0.0552516764242674 -31581.678511731333856
+0.0553515149935411 -31671.275187582734361
+0.0554513535628146 -31760.992190001383278
+0.0555511921320882 -31850.826806330154795
+0.0556510307013618 -31940.777074828831246
+0.0557508692706353 -32030.846424909261259
+0.055850707839909 -32121.069835871800024
+0.0559505464091826 -32211.429985681010294
+0.0560503849784562 -32301.918920547821472
+0.0561502235477297 -32392.535004963032407
+0.0562500621170034 -32483.310511868614412
+0.056349900686277 -32574.230360425139224
+0.0564497392555505 -32665.285607688332675
+0.0565495778248241 -32756.471753908532264
+0.0566494163940978 -32847.78570812525868
+0.0567492549633713 -32939.225088720573694
+0.0568490935326449 -33030.787943607378111
+0.0569489321019185 -33122.472609479249513
+0.0570487706711922 -33214.27763083481841
+0.0571486092404657 -33306.201709044267773
+0.0572484478097393 -33398.271407784392068
+0.057348286379013 -33490.494869681344426
+0.0574481249482864 -33582.855682872679608
+0.0575479635175601 -33675.34844847903878
+0.0576478020868337 -33767.969827027649444
+0.0577476406561072 -33860.719106404285412
+0.0578474792253809 -33953.612207927995769
+0.0579473177946545 -34046.640179270601948
+0.0580471563639281 -34139.798589917831123
+0.0581469949332016 -34233.088550565633341
+0.0582468335024753 -34326.506186798462295
+0.0583466720717489 -34420.04906418761675
+0.0584465106410224 -34513.768164749511925
+0.058546349210296 -34607.652291430880723
+0.0586461877795697 -34701.685204872264876
+0.0587460263488433 -34795.8603462636529
+0.0588458649181168 -34890.17352632645634
+0.0589457034873904 -34984.621648983535124
+0.0590455420566641 -35079.202243442836334
+0.0591453806259376 -35173.913242367656494
+0.0592452191952112 -35268.752859989472199
+0.0593450577644848 -35363.719518171645177
+0.0594448963337583 -35458.811798295901099
+0.059544734903032 -35554.028408252430381
+0.0596445734723056 -35649.371992036307347
+0.0597444120415792 -35744.857517418073257
+0.0598442506108527 -35840.475563601161411
+0.0599440891801264 -35936.222154044779018
+0.0600439277494 -36032.094953488543979
+0.0601437663186735 -36128.09221236587473
+0.0602436048879471 -36224.212486655145767
+0.0603434434572208 -36320.454522433326929
+0.0604432820264944 -36416.81719718950626
+0.0605431205957679 -36513.299485847623146
+0.0606429591650416 -36609.917949347327522
+0.0607427977343152 -36706.696163166583574
+0.0608426363035887 -36803.614679489037371
+0.0609424748728623 -36900.673751074391475
+0.061042313442136 -36997.902300124667818
+0.0611421520114094 -37095.281732777279103
+0.0612419905806831 -37192.803970455614035
+0.0613418291499567 -37290.464537782281695
+0.0614416677192304 -37388.260268415375322
+0.0615415062885039 -37486.18868462331011
+0.0616413448577775 -37584.310178908002854
+0.0617411834270511 -37682.612989540932176
+0.0618410219963246 -37781.077105227937864
+0.0619408605655983 -37879.694609665035387
+0.0620406991348719 -37978.460468843724811
+0.0621405377041455 -38077.370975828795054
+0.062240376273419 -38176.423182503313001
+0.0623402148426927 -38275.614630289215711
+0.0624400534119663 -38374.943201994668925
+0.0625398919812398 -38474.407031782939157
+0.0626397305505134 -38574.004446327402547
+0.0627395691197871 -38673.73392416084971
+0.0628394076890606 -38773.594066219513479
+0.0629392462583342 -38873.586149349204788
+0.0630390848276078 -38973.724304506118642
+0.0631389233968815 -39074.000135946196679
+0.063238761966155 -39174.409638815232029
+0.0633386005354286 -39274.950408626253193
+0.0634384391047022 -39375.620471420326794
+0.0635382776739757 -39476.418152989572263
+0.0636381162432494 -39577.349775195893017
+0.063737954812523 -39678.453944008688268
+0.0638377933817967 -39779.710739525820827
+0.0639376319510701 -39881.111649059203046
+0.0640374705203438 -39982.652300754270982
+0.0641373090896174 -40084.32970262447634
+0.0642371476588909 -40186.141548496991163
+0.0643369862281646 -40288.085939794931619
+0.0644368247974382 -40390.161247537573217
+0.0645366633667117 -40492.366034365928499
+0.0646365019359853 -40594.699006359944178
+0.064736340505259 -40697.158981272164965
+0.0648361790745326 -40799.744866479384655
+0.0649360176438061 -40902.455643070206861
+0.0650358562130797 -41005.29182318187668
+0.0651356947823534 -41108.287378248627647
+0.0652355333516269 -41211.429925826370891
+0.0653353719209005 -41314.710984767334594
+0.0654352104901741 -41418.126646129821893
+0.0655350490594476 -41521.674302646133583
+0.0656348876287213 -41625.35196196637844
+0.0657347261979949 -41729.157986960177368
+0.0658345647672685 -41833.09097116603516
+0.065934403336542 -41937.14967002908088
+0.0660342419058157 -42041.332959158593439
+0.0661340804750893 -42145.655601116763137
+0.0662339190443628 -42250.1342892631219
+0.0663337576136364 -42354.753335549277836
+0.0664335961829101 -42459.507680885610171
+0.0665334347521837 -42564.394311880292662
+0.0666332733214572 -42669.411035253666341
+0.0667331118907308 -42774.556096590669767
+0.0668329504600045 -42879.828013929829467
+0.066932789029278 -42985.2254909709809
+0.0670326275985516 -43090.747366335999686
+0.0671324661678253 -43196.392581439518835
+0.0672323047370989 -43302.160158859333023
+0.0673321433063724 -43408.049187094729859
+0.067431981875646 -43514.058809429145185
+0.0675318204449197 -43620.188444576022448
+0.0676316590141931 -43726.446925204218132
+0.0677314975834668 -43832.875141301687108
+0.0678313361527404 -43939.45722507393657
+0.0679311747220139 -44046.181535586707469
+0.0680310132912876 -44153.042913761222735
+0.0681308518605612 -44260.051381456971285
+0.0682306904298347 -44367.205472666653804
+0.0683305289991083 -44474.497572807405959
+0.068430367568382 -44581.924281931314908
+0.0685302061376556 -44689.48317981310538
+0.0686300447069291 -44797.172335122369986
+0.0687298832762027 -44904.990117477223976
+0.0688297218454764 -45012.935103073185019
+0.0689295604147499 -45121.006019770917192
+0.0690293989840235 -45229.201712076894182
+0.0691292375532971 -45337.521117286749359
+0.0692290761225708 -45445.963248468426173
+0.0693289146918443 -45554.530800078900938
+0.0694287532611179 -45663.256755192560377
+0.0695285918303915 -45772.126147478193161
+0.069628430399665 -45881.131534636951983
+0.0697282689689387 -45990.269248049873568
+0.0698281075382123 -46099.536802127309784
+0.0699279461074858 -46208.932285854258225
+0.0700277846767594 -46318.454125023374218
+0.0701276232460331 -46428.100966087142297
+0.0702274618153067 -46537.871611279246281
+0.0703273003845802 -46647.764978883540607
+0.0704271389538538 -46757.780077193798206
+0.0705269775231275 -46867.915986573942064
+0.0706268160924011 -46978.171846533623466
+0.0707266546616746 -47088.546846146447933
+0.0708264932309483 -47199.040216725115897
+0.0709263318002219 -47309.651226088215481
+0.0710261703694954 -47420.379174014051387
+0.071126008938769 -47531.223388501792215
+0.0712258475080427 -47642.183222748535627
+0.0713256860773162 -47753.2580525943049
+0.0714255246465898 -47864.447274381709576
+0.0715253632158634 -47975.750303123830236
+0.0716252017851369 -48087.166570924659027
+0.0717250403544106 -48198.695525629656913
+0.0718248789236842 -48310.336629610486852
+0.0719247174929578 -48422.089358738499868
+0.0720245560622313 -48533.95320144915604
+0.072124394631505 -48645.927657908468973
+0.0722242332007786 -48758.012239273259183
+0.0723240717700521 -48870.20646705263789
+0.0724239103393257 -48982.50987247494777
+0.0725237489085994 -49094.921995982549561
+0.072623587477873 -49207.442386690090643
+0.0727234260471465 -49320.070601972118311
+0.0728232646164201 -49432.806207046611235
+0.0729231031856938 -49545.648774562374456
+0.0730229417549673 -49658.597884310082009
+0.0731227803242409 -49771.653122843927122
+0.0732226188935145 -49884.814083214259881
+0.073322457462788 -49998.080364659101178
+0.0734222960320617 -50111.451572392463277
+0.0735221346013353 -50224.935390359161829
+0.073621973170609 -50338.550389056901622
+0.0737218117398824 -50452.284307067420741
+0.0738216503091561 -50566.133076102720224
+0.0739214888784297 -50680.094491679978091
+0.0740213274477032 -50794.168634102257784
+0.0741211660169769 -50908.362432966110646
+0.0742210045862505 -51022.686536649081972
+0.0743208431555241 -51137.147014476970071
+0.0744206817247976 -51251.732106916388148
+0.0745205202940713 -51366.438415584263566
+0.0746203588633449 -51481.267571286211023
+0.0747201974326184 -51596.215800217622018
+0.074820036001892 -51711.280828774877591
+0.0749198745711657 -51826.461053927152534
+0.0750197131404392 -51941.755176465427212
+0.0751195517097128 -52057.162084571144078
+0.0752193902789864 -52172.680796729116992
+0.0753192288482601 -52288.310428288612457
+0.0754190674175336 -52404.050169785907201
+0.0755189059868072 -52519.899272042399389
+0.0756187445560808 -52635.860053599222738
+0.0757185831253543 -52751.934575927363767
+0.075818421694628 -52868.119682635333447
+0.0759182602639016 -52984.414061708332156
+0.0760180988331752 -53100.822349432150077
+0.0761179374024487 -53217.36977984605619
+0.0762177759717224 -53334.042475655413
+0.076317614540996 -53450.834920182460337
+0.0764174531102695 -53567.744237883503956
+0.0765172916795431 -53684.768851270149753
+0.0766171302488168 -53801.907253581652185
+0.0767169688180903 -53919.158039088812075
+0.0768168073873639 -54036.520086917007575
+0.0769166459566376 -54153.992423178024183
+0.0770164845259112 -54271.574176824004098
+0.0771163230951847 -54389.264554199187842
+0.0772161616644583 -54507.06282249726064
+0.077316000233732 -54624.968298145991866
+0.0774158388030055 -54742.980338388770178
+0.0775156773722791 -54861.098334865804645
+0.0776155159415527 -54979.321708712996042
+0.0777153545108264 -55097.649906650447519
+0.0778151930800999 -55216.08239785542537
+0.0779150316493735 -55334.618671366908529
+0.0780148702186471 -55453.258234002736572
+0.0781147087879206 -55572.000608540183748
+0.0782145473571943 -55690.845332223463629
+0.0783143859264679 -55809.791955464454077
+0.0784142244957414 -55928.840040747178136
+0.078514063065015 -56047.989161646182765
+0.0786139016342887 -56167.238901974524197
+0.0787137402035623 -56286.588855067755503
+0.0788135787728358 -56406.038623095817456
+0.0789134173421094 -56525.587816483042843
+0.0790132559113831 -56645.236053415632341
+0.0791130944806566 -56764.98295932594192
+0.0792129330499302 -56884.828166489147407
+0.0793127716192038 -57004.771313631739758
+0.0794126101884775 -57124.81439922885329
+0.079512448757751 -57245.009525715271593
+0.0796122873270246 -57365.338730078787194
+0.0797121258962983 -57485.790221263428975
+0.0798119644655717 -57606.358969696615532
+0.0799118030348454 -57727.041853490401991
+0.080011641604119 -57847.836635711653798
+0.0801114801733925 -57968.741579013818409
+0.0802113187426662 -58089.755261998085189
+0.0803111573119398 -58210.876478763479099
+0.0804109958812133 -58332.104178622132167
+0.0805108344504869 -58453.437427346063487
+0.0806106730197606 -58574.875380962024792
+0.0807105115890342 -58696.418304200618877
+0.0808103501583077 -58818.06928179559327
+0.0809101887275813 -58939.825571330839011
+0.081010027296855 -59061.685828772147943
+0.0811098658661286 -59183.649118570996507
+0.0812097044354021 -59305.714664194012585
+0.0813095430046757 -59427.881778926232073
+0.0814093815739494 -59550.149836093180056
+0.0815092201432229 -59672.518253236041346
+0.0816090587124965 -59794.986482473454089
+0.0817088972817701 -59917.554004120116588
+0.0818087358510436 -60040.220322148830746
+0.0819085744203173 -60162.984960821195273
+0.0820084129895909 -60285.847462092337082
+0.0821082515588645 -60408.807383527113416
+0.082208090128138 -60531.865642644377658
+0.0823079286974117 -60655.02565451994451
+0.0824077672666853 -60778.284762325216434
+0.0825076058359588 -60901.641842965262185
+0.0826074444052324 -61025.096155697930953
+0.0827072829745061 -61148.647101138216385
+0.0828071215437796 -61272.294154200084449
+0.0829069601130532 -61396.036836118568317
+0.0830067986823269 -61519.874700266831496
+0.0831066372516005 -61643.845330992597155
+0.083206475820874 -61767.987742669785803
+0.0833063143901476 -61892.268138888641261
+0.0834061529594213 -62016.676131435910065
+0.0835059915286947 -62141.206154957093531
+0.0836058300979684 -62265.854503695576568
+0.083705668667242 -62390.618435974152817
+0.0838055072365155 -62515.495789363485528
+0.0839053458057891 -62640.484782958432334
+0.0840051843750628 -62765.583903592203569
+0.0841050229443364 -62890.812130436512234
+0.0842048615136099 -63016.191879487079859
+0.0843047000828836 -63141.702694536463241
+0.0844045386521572 -63267.33808474617399
+0.0845043772214308 -63393.094276130243088
+0.0846042157907043 -63518.968587124109035
+0.084704054359978 -63644.958922929428809
+0.0848038929292516 -63771.063553989806678
+0.0849037314985251 -63897.280999834794784
+0.0850035700677987 -64023.609960832080105
+0.0851034086370724 -64150.049274684715783
+0.0852032472063459 -64276.597887078438362
+0.0853030857756195 -64403.2548308337864
+0.0854029243448931 -64530.019210690508771
+0.0855027629141666 -64656.890191727477941
+0.0856026014834403 -64783.866990433532919
+0.0857024400527139 -64910.948867612954928
+0.0858022786219876 -65038.135122708328709
+0.085902117191261 -65165.425089139913325
+0.0860019557605347 -65292.818130422332615
+0.0861017943298083 -65420.313636984676123
+0.0862016328990818 -65547.911023390275659
+0.0863014714683554 -65675.609726012291503
+0.0864013100376291 -65803.421674312558025
+0.0865011486069027 -65931.379295948179788
+0.0866009871761762 -66059.462224246453843
+0.0867008257454498 -66187.663641410734272
+0.0868006643147235 -66315.979956559851416
+0.086900502883997 -66444.408744065163773
+0.0870003414532706 -66572.948167105278117
+0.0871001800225443 -66701.596738682172145
+0.0872000185918178 -66830.35320129142201
+0.0872998571610914 -66959.216458634167793
+0.087399695730365 -67088.185533412950463
+0.0874995342996387 -67217.259539597303956
+0.0875993728689122 -67346.437663270655321
+0.0876992114381858 -67475.719148896809202
+0.0877990500074594 -67605.103289118997054
+0.0878988885767331 -67734.589417014474748
+0.0879987271460066 -67864.176900024642237
+0.0880985657152802 -67993.865135128697148
+0.0881984042845538 -68123.65354491272592
+0.0882982428538273 -68253.541574307382689
+0.088398081423101 -68383.528687830927083
+0.0884979199923746 -68513.614367197951651
+0.0885977585616481 -68643.798109199371538
+0.0886975971309217 -68774.079423762334045
+0.0887974357001954 -68904.457832102722023
+0.0888972742694689 -69034.932864895687089
+0.0889971128387425 -69165.504060286810272
+0.0890969514080161 -69296.170961643714691
+0.0891967899772898 -69426.93706202719477
+0.0892966285465633 -69557.813362156433868
+0.0893964671158369 -69688.792681848077336
+0.0894963056851105 -69819.872349960118299
+0.089596144254384 -69951.052838410483673
+0.0896959828236577 -70082.341001844135462
+0.0897958213929313 -70213.734914586471859
+0.089895659962205 -70345.273962639388628
+0.0899954985314785 -70476.941748274985002
+0.0900953371007521 -70608.729028324305546
+0.0901951756700257 -70740.631372449395712
+0.0902950142392992 -70872.645878858616925
+0.0903948528085729 -71004.77039399149362
+0.0904946913778465 -71137.044239449009183
+0.09059452994712 -71269.466120907221921
+0.0906943685163936 -71402.019018756371224
+0.0907942070856673 -71534.696818793861894
+0.0908940456549409 -71667.495690983269014
+0.0909938842242144 -71800.412839066950255
+0.091093722793488 -71933.446053659601603
+0.0911935613627617 -72066.593502528514364
+0.0912933999320352 -72199.853615839208942
+0.0913932385013088 -72333.22501660992566
+0.0914930770705824 -72466.7064755413885
+0.0915929156398561 -72600.296879953879397
+0.0916927542091296 -72733.995211616493179
+0.0917925927784032 -72867.801095487549901
+0.0918924313476768 -73001.715432696582866
+0.0919922699169503 -73135.736392553299083
+0.092092108486224 -73269.862868952914141
+0.0921919470554976 -73404.108973618480377
+0.0922917856247711 -73538.486837822711095
+0.0923916241940447 -73672.983495640553883
+0.0924914627633184 -73807.594808816778823
+0.0925913013325919 -73942.318292160241981
+0.0926911399018655 -74077.152135728436406
+0.0927909784711392 -74212.094893472080003
+0.0928908170404128 -74347.145345962431747
+0.0929906556096863 -74482.302428437033086
+0.0930904941789599 -74617.565188593609491
+0.0931903327482336 -74752.932759831659496
+0.0932901713175072 -74888.404343215341214
+0.0933900098867807 -75023.979194773666677
+0.0934898484560543 -75159.656616170759662
+0.093589687025328 -75295.43594773307268
+0.0936895255946014 -75431.316562945037731
+0.0937893641638751 -75567.298052029058454
+0.0938892027331487 -75703.388659017320606
+0.0939890413024222 -75839.585321350576123
+0.0940888798716959 -75975.885412548275781
+0.0941887184409695 -76112.287597014495987
+0.0942885570102431 -76248.790894076955738
+0.0943883955795166 -76385.394492618084769
+0.0944882341487903 -76522.097681652870961
+0.0945880727180639 -76658.899817100522341
+0.0946879112873374 -76795.800303324460401
+0.094787749856611 -76932.798581819341052
+0.0948875884258847 -77069.894123801219393
+0.0949874269951583 -77207.086425025641802
+0.0950872655644318 -77344.375001989785233
+0.0951871041337054 -77481.759389119455591
+0.0952869427029791 -77619.239136578049511
+0.0953867812722526 -77756.813808496532147
+0.0954866198415262 -77894.482981534660212
+0.0955864584107999 -78032.246243748159031
+0.0956862969800733 -78170.103193548377021
+0.095786135549347 -78308.053438898394234
+0.0958859741186206 -78446.09659657505108
+0.0959858126878941 -78584.2322915616096
+0.0960856512571677 -78722.460156454733806
+0.0961854898264414 -78860.779831012710929
+0.096285328395715 -78999.190961707718088
+0.0963851669649885 -79137.693201349495212
+0.0964850055342621 -79276.28620871232124
+0.0965848441035358 -79414.969648241967661
+0.0966846826728094 -79553.743189743210678
+0.0967845212420829 -79692.606508139346261
+0.0968843598113566 -79831.559283213544404
+0.0969841983806302 -79970.601199386583176
+0.0970840369499037 -80109.731945512074162
+0.0971838755191773 -80248.951214694185182
+0.097283714088451 -80388.258704083156772
+0.0973835526577245 -80527.654114739067154
+0.0974833912269981 -80667.137151446033386
+0.0975832297962717 -80806.707522569908178
+0.0976830683655452 -80946.364939945589867
+0.0977829069348189 -81086.109118684544228
+0.0978827455040925 -81225.939777099323692
+0.0979825840733661 -81365.856636538592284
+0.0980824226426396 -81505.859421282380936
+0.0981822612119133 -81645.94785841065459
+0.0982820997811869 -81786.121677680872381
+0.0983819383504606 -81926.390518449625233
+0.098481776919734 -82066.782186461059609
+0.0985816154890077 -82207.279872554368922
+0.0986814540582813 -82347.877961524631246
+0.0987812926275548 -82488.573574590423959
+0.0988811311968284 -82629.364807417106931
+0.0989809697661021 -82770.250242066264036
+0.0990808083353756 -82911.228744754276704
+0.0991806469046492 -83052.299362185862265
+0.0992804854739228 -83193.461253398141707
+0.0993803240431963 -83334.713613397645531
+0.09948016261247 -83476.055972270594793
+0.0995800011817436 -83617.487785333185457
+0.0996798397510173 -83759.008510580199072
+0.0997796783202907 -83900.617642557132058
+0.0998795168895644 -84042.314706241639215
+0.099979355458838 -84184.099252261497895
diff --git a/DATASET/P=10000Pa/box_confined.data b/DATASET/P=10000Pa/box_confined.data
new file mode 100644
index 0000000..bf7dd47
--- /dev/null
+++ b/DATASET/P=10000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2515333
+
+240 atoms
+6 atom types
+
+0.02699572136553111 0.07300427863446894 xlo xhi
+0.02699572136553111 0.07300427863446894 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+1 1 0.0035 1071.4285714285713 0.02806207724587524 0.027580318434924565 0 0 0 0
+8 1 0.0035 1071.4285714285713 0.03225487917856859 0.0292297804064989 0 0 0 0
+15 1 0.0035 1071.4285714285713 0.03649839084088106 0.02848298843027333 0 0 0 0
+14 1 0.0035 1071.4285714285713 0.039841848690673934 0.027346369785331115 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.042639428547619686 0.028984096379000377 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.04630951637362189 0.02782405653208692 0 0 1 0
+5 1 0.0025 1500.0000000000005 0.04915549140522036 0.028720222356230684 0 0 0 0
+233 1 0.0025 1500.0000000000005 0.05167696789638134 0.027736125847000238 0 0 1 0
+7 1 0.0025 1500.0000000000005 0.05685807571911791 0.028417569493324194 0 0 0 0
+232 1 0.0035 1071.4285714285713 0.06046396476679713 0.027601071180888892 0 0 1 0
+221 1 0.0025 1500.0000000000005 0.06344296638436234 0.027921932277704314 0 0 1 0
+228 1 0.0025 1500.0000000000005 0.06614356912195418 0.027434427753373358 0 0 1 0
+10 1 0.0035 1071.4285714285713 0.06848269823903155 0.029273714102223854 0 0 0 0
+230 1 0.0025 1500.0000000000005 0.07098024260564507 0.027551965398905493 0 0 1 0
+30 1 0.0025 1500.0000000000005 0.029414820627945853 0.03023808135287553 0 0 0 0
+33 1 0.0025 1500.0000000000005 0.03796108207695601 0.031190666958989526 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.04043544387252791 0.030280854926537655 0 0 0 0
+12 1 0.0025 1500.0000000000005 0.04494825087826384 0.030496385755829997 0 0 0 0
+3 1 0.0025 1500.0000000000005 0.04745312483982533 0.030694570889819143 0 0 0 0
+6 1 0.0025 1500.0000000000005 0.05114124280433253 0.03020862780446573 0 0 0 0
+28 1 0.0035 1071.4285714285713 0.05418215404432053 0.02982477877627983 0 0 0 0
+16 1 0.0035 1071.4285714285713 0.05874321894524566 0.030736964224142033 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.062257085227828524 0.030647000302623482 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.06520296799140936 0.029759314201961585 0 0 0 0
+13 1 0.0025 1500.0000000000005 0.07217675393212167 0.029997171775412213 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.027710114897892418 0.03276726483707329 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.03121802301344759 0.03264911660517163 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.03494246825084997 0.03164002484795615 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.04016169212926208 0.03296163515604661 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.04263713466481342 0.031555933402568175 0 0 0 0
+9 1 0.0025 1500.0000000000005 0.04507978571302736 0.03308983643675205 0 0 0 0
+23 1 0.0025 1500.0000000000005 0.047531121467333015 0.033896910683168045 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.049566327040372095 0.032113408914151056 0 0 0 0
+34 1 0.0035 1071.4285714285713 0.05245626269774775 0.03290606251846049 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.055997138373053375 0.03295394906541898 0 0 0 0
+47 1 0.0035 1071.4285714285713 0.060555281617865275 0.033748406095191474 0 0 0 0
+35 1 0.0025 1500.0000000000005 0.0636677359325311 0.03357028774483687 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.0665866554502267 0.032407545537631505 0 0 0 0
+26 1 0.0035 1071.4285714285713 0.07027111436189892 0.03225274696296106 0 0 0 0
+45 1 0.0035 1071.4285714285713 0.03386408034110149 0.03503012285245702 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.03728290360213545 0.03421461098910885 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.039805668521525506 0.03575662327495017 0 0 0 0
+32 1 0.0035 1071.4285714285713 0.04261903164875693 0.03478541204259306 0 0 0 0
+29 1 0.0025 1500.0000000000005 0.045598390910405434 0.035534910172794754 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.04996283165590931 0.034549375896577895 0 0 0 0
+39 1 0.0035 1071.4285714285713 0.05463458009725274 0.03633722193514106 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.05759942111064028 0.035468775143622525 0 0 0 0
+52 1 0.0025 1500.0000000000005 0.06557139271295886 0.035217948180504714 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.06857104997171606 0.035299583204942094 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.07157572593043374 0.034993857447082374 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.027218790543796154 0.03749418777678351 0 0 0 0
+48 1 0.0035 1071.4285714285713 0.030523170459747236 0.03607509260337855 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.036056193135684075 0.03704716768691725 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.038419580473382696 0.037827900660084346 0 0 0 0
+60 1 0.0035 1071.4285714285713 0.041453854633512456 0.038253915627773194 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.048218439644656545 0.036979332905543214 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.051491353639272194 0.036493726783600536 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.05733975449338898 0.03850540607233819 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.05980660382860198 0.036613845035817764 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.0627810734418556 0.03643519027313969 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.06548181392952125 0.037706476940769396 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.06794969294666077 0.03824301185101465 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.02983485498593944 0.03908470730924393 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.03344800156947298 0.03870510206485935 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.03658909047527362 0.03961740155853143 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.039327592612795885 0.04049353408676528 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.044905701051381475 0.03847693623759104 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.04787639837770406 0.040478534657357984 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.05102509011246135 0.03899692981235546 0 0 0 0
+61 1 0.0035 1071.4285714285713 0.0539323102733083 0.03984142782881469 0 0 0 0
+65 1 0.0025 1500.0000000000005 0.060780686452581965 0.03892568189416297 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.06362253915725014 0.039559826619758084 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.0662343397899528 0.0402246236507516 0 0 0 0
+42 1 0.0025 1500.0000000000005 0.07042573709881125 0.038558387333840136 0 0 0 0
+83 1 0.0025 1500.0000000000005 0.06890875027422293 0.040587654310895165 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.07212842330596014 0.0403361869179893 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.028489022649138697 0.041489531489576355 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.03158086246264911 0.04161449978862442 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.03507295869317126 0.04218304630478 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.038021560788615745 0.04277013451914651 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.040676189108792976 0.04261439865741705 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.04306398625146259 0.040982203340551866 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.045320830748078335 0.04208553721088559 0 0 0 0
+63 1 0.0035 1071.4285714285713 0.051041365697917604 0.0419992731898579 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.05667581503877186 0.04151925844658503 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.05922793237497323 0.040900724912291964 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.06171467136796628 0.04133723475581881 0 0 0 0
+88 1 0.0035 1071.4285714285713 0.0644674449355827 0.04262710727682663 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.06811596889419604 0.04298315876608837 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.07057325429455459 0.042452135430206185 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.029648727917289723 0.044507742086941256 0 1 0 0
+85 1 0.0025 1500.0000000000005 0.033105316096057935 0.04480608944453914 0 0 0 0
+105 1 0.0035 1071.4285714285713 0.03651151365498538 0.04533382317998095 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.03959281487299906 0.04484755710910895 0 0 0 0
+99 1 0.0025 1500.0000000000005 0.043317416641750456 0.04381555310088184 0 0 0 0
+79 1 0.0035 1071.4285714285713 0.047519657424974125 0.044162331068025286 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.054290100630954664 0.043394147593860725 0 0 0 0
+81 1 0.0035 1071.4285714285713 0.058500605564756704 0.04389882344419395 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.06169284313379912 0.043853485610544994 0 0 0 0
+94 1 0.0035 1071.4285714285713 0.07010854648430058 0.04541008962816489 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.07284447109875038 0.04349353105326202 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.02713330523200001 0.04618939462748468 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.03023691419833227 0.04746769072991586 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.04195429212901652 0.04594414777273942 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.044881171352616725 0.046456335051340086 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.048196583193547776 0.04781406979276246 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.05086347388003183 0.045508001363447466 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.05371987439028972 0.04636194690507349 0 0 0 0
+98 1 0.0025 1500.0000000000005 0.05612808949926041 0.04574951232462683 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.06076768912885447 0.04675269115388263 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.06356225752804168 0.04556081899052628 0 0 0 0
+103 1 0.0035 1071.4285714285713 0.06651876305693061 0.04551863245844314 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.028042380502789 0.04948357394076639 0 0 0 0
+119 1 0.0035 1071.4285714285713 0.033233557247151324 0.0478513149935535 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.03632286543950757 0.04837644387531935 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.03945699074083517 0.0478237769486086 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.04274831893013126 0.048706454629336135 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.052005781183153736 0.04884212699056174 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.05538951711425251 0.04843109249456546 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.05782330918906058 0.04769088578526471 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.06166059856776777 0.04965660142091233 0 0 0 0
+116 1 0.0035 1071.4285714285713 0.06445951413076655 0.048473586761532586 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.068387779611785 0.048517975194033225 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.07143107963238662 0.04805479266040677 0 0 0 0
+127 1 0.0035 1071.4285714285713 0.031327237701226106 0.050828132513923915 0 0 0 0
+141 1 0.0035 1071.4285714285713 0.03481143368069751 0.05099073382435435 0 0 0 0
+134 1 0.0025 1500.0000000000005 0.03774452298270327 0.05051122486337075 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.04073177919572863 0.05106252535223748 0 0 0 0
+115 1 0.0035 1071.4285714285713 0.04545368902018336 0.049939986082071196 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.04898755254701642 0.05118249595067192 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.05450111802752079 0.05081246129387425 0 0 0 0
+117 1 0.0035 1071.4285714285713 0.057560491678050316 0.050689264001579595 0 0 0 0
+123 1 0.0025 1500.0000000000005 0.060364957949707775 0.051754711400848266 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.06337451168505542 0.05208717612882651 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.06625088071369652 0.05088617700035607 0 0 0 0
+126 1 0.0025 1500.0000000000005 0.06880950190455115 0.051472784486819474 0 0 0 0
+132 1 0.0025 1500.0000000000005 0.07128682778784953 0.05071557057058558 0 0 0 0
+135 1 0.0035 1071.4285714285713 0.028492055176274757 0.052988815392048375 0 1 0 0
+145 1 0.0025 1500.0000000000005 0.03302789344112279 0.05340640893107302 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.036045329222948445 0.05388464134240678 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.03837209842194219 0.05291332149791507 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.04086103212242354 0.054561731170959395 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.043327749686396105 0.0525301948512628 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.04622341452365913 0.053403128497236094 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.052087258249284764 0.052835189948644834 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.055443835920504975 0.053826415418118674 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.05854536597743942 0.053503147312443884 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.06103779496344061 0.05416206860163034 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.06736739974191487 0.05412312987653 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.07103501065917688 0.05368459178780645 0 0 0 0
+155 1 0.0035 1071.4285714285713 0.02729193500769589 0.0566379214898135 0 1 0 0
+153 1 0.0035 1071.4285714285713 0.030906702173808254 0.05559051267614866 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.03390036515038357 0.05581292541894394 0 0 0 0
+157 1 0.0025 1500.0000000000005 0.03804480569856099 0.05551702847870261 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.04377331060333615 0.05524619790227518 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.049250982791341505 0.05515463277149258 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.052699034052417285 0.05637968440183706 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.05762314245312781 0.05654670691594928 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.06413676811462062 0.055495613434638755 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.029982984627844884 0.058431393034027064 0 1 0 0
+164 1 0.0025 1500.0000000000005 0.03271924132723749 0.058084305573374906 0 1 0 0
+146 1 0.0025 1500.0000000000005 0.03599076299200843 0.0571837630252417 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.037797676451048284 0.05899558000097148 0 0 0 0
+163 1 0.0025 1500.0000000000005 0.039831790245634484 0.05739368373973158 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.042848931206829644 0.05809656313861465 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.04625916400756032 0.05705888034408516 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.049061540314969794 0.05814386337432827 0 0 0 0
+161 1 0.0035 1071.4285714285713 0.0551291447893585 0.059068922650908885 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.06106544922326333 0.057225920697392164 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.06671512546718499 0.05711193224097096 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.06983215566414598 0.05700546034772865 0 0 0 0
+169 1 0.0025 1500.0000000000005 0.032056652011131656 0.06052164023724161 0 0 0 0
+176 1 0.0035 1071.4285714285713 0.03499945557096947 0.060050364069508616 0 0 0 0
+170 1 0.0025 1500.0000000000005 0.04033692094376758 0.05982262918406188 0 0 0 0
+180 1 0.0035 1071.4285714285713 0.04378466113957303 0.0615206654685548 0 0 0 0
+173 1 0.0035 1071.4285714285713 0.04710640253771309 0.06045037990985127 0 0 0 0
+166 1 0.0035 1071.4285714285713 0.05165737395812168 0.059708885963851224 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.058663318911895454 0.05990385601794423 0 0 0 0
+178 1 0.0025 1500.0000000000005 0.06163082673658981 0.0602681272167475 0 0 0 0
+160 1 0.0035 1071.4285714285713 0.06439717856933334 0.05900899088054748 0 0 0 0
+172 1 0.0035 1071.4285714285713 0.06776465073982434 0.05989455237358307 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.07199619228483649 0.059868060933831374 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.02921486479960704 0.061415014907783116 0 0 0 0
+179 1 0.0025 1500.0000000000005 0.03200426479155722 0.06345918497204106 0 0 0 0
+183 1 0.0025 1500.0000000000005 0.03452323965130222 0.06305094440557142 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.03767825171717572 0.06227169723753169 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.04078395498949895 0.0626308467420639 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.04976508905791026 0.06284714106755307 0 0 0 0
+182 1 0.0025 1500.0000000000005 0.05309042723232201 0.06234506043225027 0 0 0 0
+193 1 0.0035 1071.4285714285713 0.05608404978074877 0.06259598460080738 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.06050755774139589 0.063041641814474 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.06346973348404983 0.061973223236792656 0 0 0 0
+188 1 0.0035 1071.4285714285713 0.06633911401505226 0.06308414353252073 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.06953366163255445 0.06236464333791182 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.07238035039168637 0.06354723978009616 0 0 0 0
+202 1 0.0035 1071.4285714285713 0.029536019625417406 0.06518329718713359 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.03336375382783961 0.06556763537182064 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.03642668819916083 0.06553758335087963 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.03935890250754937 0.06475481873500684 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.042834997698386806 0.06485072101852303 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.046395208178353485 0.06396181107926817 0 0 0 0
+198 1 0.0025 1500.0000000000005 0.04880133440013168 0.06575529604267275 0 0 0 0
+200 1 0.0035 1071.4285714285713 0.05198699563593553 0.06563633070145823 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.058056340868629736 0.06550305570909001 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.06124892986768402 0.06592608434623679 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.06340596534080421 0.06462642147549537 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.06915180664588905 0.06537436991916129 0 0 0 0
+215 1 0.0025 1500.0000000000005 0.029045059441361733 0.06816020222826699 0 0 0 0
+226 1 0.0025 1500.0000000000005 0.031529389692230035 0.06742645721645521 0 0 0 0
+224 1 0.0025 1500.0000000000005 0.03812438922372916 0.06800316973373646 0 0 0 0
+225 1 0.0025 1500.0000000000005 0.040647415656379735 0.06690300404919354 0 0 0 0
+211 1 0.0035 1071.4285714285713 0.04361549713853291 0.06826252809396746 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.046675190060268136 0.06711222088752669 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.05493241396150435 0.0661256051558153 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.05970190768870118 0.06815671155818163 0 0 0 0
+191 1 0.0035 1071.4285714285713 0.06574699375029767 0.06677022437718928 0 0 0 0
+210 1 0.0035 1071.4285714285713 0.0721849575032917 0.06705509564299308 0 -1 0 0
+4 1 0.0025 1500.0000000000005 0.031536218141254964 0.07004775620913108 0 0 -1 0
+240 1 0.0035 1071.4285714285713 0.03457322879555863 0.0685459236841624 0 0 0 0
+236 1 0.0035 1071.4285714285713 0.0404596482612827 0.06988003781410981 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.04663169770151931 0.07029053163439959 0 0 0 0
+219 1 0.0035 1071.4285714285713 0.04968578457141622 0.06864677946111106 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.05329059248927519 0.06896424432673186 0 0 0 0
+213 1 0.0035 1071.4285714285713 0.056814599716023734 0.06898079111455833 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.06042753323939077 0.07057661938162266 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.06271686719902887 0.06853005270794713 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.06575162309505286 0.07045046685016242 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.06887716666052204 0.06885504210256393 0 0 0 0
+216 1 0.0035 1071.4285714285713 0.07195088445728165 0.0705434174250708 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.02892930695431595 0.07073691482158521 0 0 0 0
+238 1 0.0025 1500.0000000000005 0.03091882294880179 0.07256463053556542 0 0 0 0
+18 1 0.0035 1071.4285714285713 0.03384731185385541 0.07211814534581448 0 0 -1 0
+237 1 0.0035 1071.4285714285713 0.03713354962725313 0.07093218990419388 0 0 0 0
+239 1 0.0035 1071.4285714285713 0.04341789567549619 0.07185318283340777 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.04890478007099373 0.0722496002860929 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.05123059001664086 0.07121132027660443 0 0 0 0
+229 1 0.0035 1071.4285714285713 0.05470643790895516 0.0723430679381606 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.05783082899927586 0.0719160992365424 0 0 0 0
+218 1 0.0025 1500.0000000000005 0.06287127055873454 0.0714980993151651 0 0 0 0
+223 1 0.0025 1500.0000000000005 0.06843928034660064 0.07191299653016336 0 0 0 0
+
+Velocities
+
+1 -7.025509608140062 -18.370478132337496 0 0 0 0
+8 15.400448516079848 5.351554405042605 0 0 0 0
+15 0.2177969028755897 13.209097898975923 0 0 0 0
+14 -6.093776530818183 -17.254545257164185 0 0 0 0
+17 11.746985662936556 5.792913227936997 0 0 0 0
+222 -0.3684708392725523 -16.625340793715363 0 0 0 0
+5 9.090925520409161 0.6355967271612661 0 0 0 0
+233 -18.885365681038838 -39.62436366544258 0 0 0 0
+7 6.25902430247577 -28.548966638386712 0 0 0 0
+232 -1.0457363818357421 4.728835710045469 0 0 0 0
+221 2.053986770801979 -4.814757357262212 0 0 0 0
+228 -0.7722360567235507 0.46941113860612205 0 0 0 0
+10 -3.5821304639202802 5.888598300792906 0 0 0 0
+230 4.5916395277846345 23.835388857060874 0 0 0 0
+30 18.845973208225015 0.6615425206390613 0 0 0 0
+33 -5.722098895302977 -7.102481543382057 0 0 0 0
+27 -23.664000726429244 -19.25010267793346 0 0 0 0
+12 -18.354285402057332 6.066401386022605 0 0 0 0
+3 23.642764458634016 1.8632908920301523 0 0 0 0
+6 -9.721140016730816 11.180505805930704 0 0 0 0
+28 -8.402830190251123 3.182526196360376 0 0 0 0
+16 -3.4759633782829353 -5.252807430714095 0 0 0 0
+11 5.647820516700509 -5.348425842343639 0 0 0 0
+2 -1.3899054660874688 -5.767413869558886 0 0 0 0
+13 -19.743098881171623 13.701925476722177 0 0 0 0
+25 6.129091465270793 -8.547737031568463 0 0 0 0
+19 -2.298062039540331 -8.943621032623863 0 0 0 0
+21 7.796740938325721 -10.250305391097143 0 0 0 0
+38 27.606262280376917 -17.716988093948274 0 0 0 0
+24 -7.406791964353031 8.087468948611823 0 0 0 0
+9 -13.074643053946394 8.9529792585187 0 0 0 0
+23 7.603442504748033 -17.523803636579203 0 0 0 0
+20 2.702619005791935 0.2892079937559986 0 0 0 0
+34 -17.077759131855473 10.639438868349751 0 0 0 0
+41 3.661339378022088 18.047409233772328 0 0 0 0
+47 -7.483114689525433 -4.532607557068759 0 0 0 0
+35 -15.091135601302824 -6.910076177664043 0 0 0 0
+22 5.353339797589236 -11.918600824802837 0 0 0 0
+26 0.6544314972057304 -2.053251732141536 0 0 0 0
+45 13.88053349090511 -1.076060396998636 0 0 0 0
+40 -14.761996422910462 13.558122450545977 0 0 0 0
+54 -1.075545541512775 5.261374530099767 0 0 0 0
+32 14.11701564329962 -3.9383576619975806 0 0 0 0
+29 -33.64604478179222 4.236023304921558 0 0 0 0
+43 2.2143918926175656 -1.7967635734304008 0 0 0 0
+39 1.2157120264068293 3.0930565194069484 0 0 0 0
+50 -1.7647158975843862 -0.9665174635174842 0 0 0 0
+52 -5.504244503439762 -18.18340013025798 0 0 0 0
+31 2.6875900256822045 20.185629055270436 0 0 0 0
+37 4.606894092361532 2.5512471064125917 0 0 0 0
+55 7.37374803710597 -11.75726201637476 0 0 0 0
+48 5.425177567015494 -14.47137920278991 0 0 0 0
+53 -11.78963867095209 -3.925822423653176 0 0 0 0
+62 13.985987048675259 2.122550556752502 0 0 0 0
+60 -10.132985900808809 -0.7125513953697673 0 0 0 0
+36 -13.61692893713147 -4.63251608566214 0 0 0 0
+59 0.6880635572110427 -11.457825064796909 0 0 0 0
+66 14.716489232996924 7.8667592174594585 0 0 0 0
+46 -3.837709378312878 2.4551871057356327 0 0 0 0
+64 -3.515738877273159 8.432809033412546 0 0 0 0
+70 17.36953851187189 8.380377749391096 0 0 0 0
+44 -18.85663459190288 16.174936826276074 0 0 0 0
+68 37.4326159712355 -2.0010828067260937 0 0 0 0
+57 -16.43384754458809 12.50850611158385 0 0 0 0
+78 -11.900857654645135 0.3726259103952747 0 0 0 0
+75 -21.667314532567143 24.209239512341647 0 0 0 0
+49 -0.589322824594103 -3.712473736030641 0 0 0 0
+67 -5.253388059859288 6.612223327724328 0 0 0 0
+51 -5.013963774515432 29.525233081325545 0 0 0 0
+61 13.309203058807803 -12.099454475133493 0 0 0 0
+65 -1.5598257115109595 -16.900700411291595 0 0 0 0
+76 6.909777453817016 32.6146713577937 0 0 0 0
+73 -11.955305846600538 -2.1258417884225382 0 0 0 0
+42 4.862351986558127 -2.986139582700222 0 0 0 0
+83 8.794269078745804 4.525799638443857 0 0 0 0
+58 -5.98653065137618 25.117320221358806 0 0 0 0
+72 10.396923002063568 16.86659622940071 0 0 0 0
+82 13.838248733993199 8.228675706644307 0 0 0 0
+92 -5.6011457003545315 -13.032508316354138 0 0 0 0
+80 21.74832846085455 20.23595196765868 0 0 0 0
+71 12.829054134954726 1.6648449324545038 0 0 0 0
+56 2.0781382039285274 -9.662214670242106 0 0 0 0
+74 11.29573352406672 12.480400495302598 0 0 0 0
+63 -5.524726688983484 7.945141924702532 0 0 0 0
+87 6.260292170896575 15.68917087165672 0 0 0 0
+77 6.348289168071995 19.82085725838022 0 0 0 0
+84 -13.91861993158451 -7.317276527134682 0 0 0 0
+88 -9.568169114065364 13.141893057083397 0 0 0 0
+91 9.627644134575677 9.033441375975485 0 0 0 0
+89 0.8884992490527366 4.884038680607539 0 0 0 0
+90 -10.971648108797119 -2.910853538841394 0 0 0 0
+85 5.378474667683099 -8.412180934146775 0 0 0 0
+105 -8.873517342897072 6.5797778834257485 0 0 0 0
+97 7.518052958385337 6.3529004221068766 0 0 0 0
+99 -14.169962243828518 15.158509673363017 0 0 0 0
+79 -0.581200395918182 5.263152531577454 0 0 0 0
+86 -1.8427369971670025 -5.142050567081149 0 0 0 0
+81 -6.766012291671805 -7.884985157297199 0 0 0 0
+108 18.999535535341884 -9.584334637612127 0 0 0 0
+94 -4.264182560870912 -7.845751880137294 0 0 0 0
+69 15.634978039373882 3.3189796466179797 0 0 0 0
+110 -6.303345580259821 0.9973735371029802 0 0 0 0
+112 14.547850966202327 14.690172806195745 0 0 0 0
+100 2.6727113496662005 -1.7061804292585954 0 0 0 0
+107 -1.4424994370775903 7.979675068498484 0 0 0 0
+106 -7.011473776512982 11.168345994628663 0 0 0 0
+101 -14.29370216727532 -21.274269701345585 0 0 0 0
+93 -6.062606493296985 -6.985987750234348 0 0 0 0
+98 -16.24213618112648 -26.455620260986098 0 0 0 0
+120 23.124016246318945 4.039051929235508 0 0 0 0
+96 -9.662628712956115 -2.816908448104229 0 0 0 0
+103 -6.1723838136363876 -0.3361779706201503 0 0 0 0
+122 -6.727004146472902 3.6528257369392256 0 0 0 0
+119 -10.40900570536958 7.966817770609433 0 0 0 0
+136 3.892299606411483 14.471288682286032 0 0 0 0
+111 12.648533332675518 -2.915178103501252 0 0 0 0
+109 -15.442225664308758 1.1342888374916722 0 0 0 0
+104 2.4497001541041854 1.4946405265105567 0 0 0 0
+114 0.7440803666209995 -10.558796619915825 0 0 0 0
+95 -4.4506784125309 -1.3363242239218955 0 0 0 0
+128 11.0025993748731 -2.271229961764347 0 0 0 0
+116 19.268434574745026 -2.899390731411774 0 0 0 0
+102 2.7304763569227086 -4.963867368302674 0 0 0 0
+125 -4.627729984519016 -8.425255323901228 0 0 0 0
+127 7.556803852288646 6.343896728450842 0 0 0 0
+141 11.398882067210247 13.194350512397197 0 0 0 0
+134 -1.124978446390675 -4.498144835442863 0 0 0 0
+129 -23.43775278642178 8.33534710075298 0 0 0 0
+115 -10.23492534799479 1.902657863320469 0 0 0 0
+113 16.373667516434807 7.259525066592625 0 0 0 0
+118 -2.769771485760435 10.773250047765854 0 0 0 0
+117 0.5450383140328086 0.08378415981040736 0 0 0 0
+123 12.18511366159026 -15.39338711134919 0 0 0 0
+133 -18.857174801138864 -6.561017562853867 0 0 0 0
+142 -4.702081830930933 -0.4462410922579217 0 0 0 0
+126 0.1802788754045745 3.5830782390147555 0 0 0 0
+132 8.378012394567282 -15.550917690289888 0 0 0 0
+135 -1.3721914587578836 -0.7061273824139549 0 0 0 0
+145 -15.865724377981875 -7.9606404294086985 0 0 0 0
+150 18.878776165498223 -6.157519297733006 0 0 0 0
+139 -6.39559963473043 5.753203798047359 0 0 0 0
+154 -14.24963164090366 12.001881142889852 0 0 0 0
+130 27.380216081181956 -14.860660058368788 0 0 0 0
+121 7.569353587006344 -8.21596404289455 0 0 0 0
+124 5.103241699766181 17.32109872087109 0 0 0 0
+137 -7.462105527895915 -9.75695216851645 0 0 0 0
+147 -2.43069086778603 -5.343601243439178 0 0 0 0
+148 -16.285006460559995 2.5057131832294117 0 0 0 0
+162 18.056453046732777 -12.230909611237799 0 0 0 0
+140 -15.46791505223252 3.892399749350931 0 0 0 0
+155 -3.6296272674474728 7.97213154568468 0 0 0 0
+153 1.8836578352643722 15.041587510758058 0 0 0 0
+159 -2.188230487845956 2.770094511943167 0 0 0 0
+157 -0.8694048996143746 -16.790344258726304 0 0 0 0
+149 -8.707939769882785 -2.074381487265782 0 0 0 0
+131 12.54174851594776 -1.3222293367712417 0 0 0 0
+138 -3.890353540104293 8.387457952989157 0 0 0 0
+143 8.541249944953469 -6.76787337865822 0 0 0 0
+144 23.2665737967921 -23.952359771315543 0 0 0 0
+165 -20.770026686456298 18.482166816848608 0 0 0 0
+164 -10.777149879522987 5.804311393447934 0 0 0 0
+146 -11.527478090052378 -25.490474640725658 0 0 0 0
+152 5.64583362111757 25.18795234864519 0 0 0 0
+163 17.07530140129622 -2.570785968490181 0 0 0 0
+168 -3.556155015346426 -3.387552711829106 0 0 0 0
+158 2.4939567584535625 12.268312027402443 0 0 0 0
+156 -13.021404736419061 9.781451472321514 0 0 0 0
+161 3.864498502561472 -5.37407032334478 0 0 0 0
+151 1.4106886538467847 -8.166252088429047 0 0 0 0
+167 2.8069667444758344 -12.899505956564735 0 0 0 0
+174 5.071074833397154 -0.659712781393555 0 0 0 0
+169 2.86895458267977 2.942479663624164 0 0 0 0
+176 4.071728237789147 -5.779079655075141 0 0 0 0
+170 0.28735272933756983 -12.814142982302794 0 0 0 0
+180 1.7740484590098615 -8.818143331221243 0 0 0 0
+173 -20.182452403557612 -5.279343843392106 0 0 0 0
+166 3.2021456783366986 0.9038842454213183 0 0 0 0
+171 3.252655060984334 4.648043459231699 0 0 0 0
+178 -2.310296382297084 6.9968049560346826 0 0 0 0
+160 -5.3719524569796295 -18.54251287506042 0 0 0 0
+172 -2.0159490083376155 13.452505492225113 0 0 0 0
+175 3.168454009811074 -5.73934806332002 0 0 0 0
+184 -18.992921932412827 0.33649114548742926 0 0 0 0
+179 -4.816774294459676 -11.44118726818701 0 0 0 0
+183 -2.7501279501838094 27.580359340507076 0 0 0 0
+187 -6.863892942680224 7.70452626404045 0 0 0 0
+189 4.126936869968219 9.757541093383301 0 0 0 0
+177 5.579405694350039 13.271710098754719 0 0 0 0
+182 0.6705198621440731 -8.391263938856868 0 0 0 0
+193 -3.3885399796969478 4.163945916485858 0 0 0 0
+186 -0.764723236388917 -10.465585525848397 0 0 0 0
+181 -4.309859235248183 -6.393836779593564 0 0 0 0
+188 4.186661737895497 -2.2884066417594666 0 0 0 0
+185 0.7787523109576646 -7.2181460191236955 0 0 0 0
+194 21.870399576290545 4.931410284003854 0 0 0 0
+202 13.284631014125491 -9.204845366202301 0 0 0 0
+204 12.490347760697588 -10.04858203382259 0 0 0 0
+209 -5.343532128190945 -2.6678582634680987 0 0 0 0
+217 -0.3610486436853493 18.99334584735773 0 0 0 0
+196 -12.294478056054361 -2.9235249229482405 0 0 0 0
+190 -8.262884011165443 -11.249533412255083 0 0 0 0
+198 -4.980548490620674 -18.194428950753153 0 0 0 0
+200 -4.1993158687568535 1.5746978635378786 0 0 0 0
+206 14.624774852254072 -2.7132336637028924 0 0 0 0
+192 -0.16527826420930422 7.463663337764994 0 0 0 0
+203 -9.865698771209706 0.030425808809090675 0 0 0 0
+197 -3.0955243502723597 -2.475706284569823 0 0 0 0
+215 -13.441150975499259 4.7615234263509185 0 0 0 0
+226 0.6581055368098576 2.7140238303847366 0 0 0 0
+224 4.2999538395065775 5.470314560548335 0 0 0 0
+225 2.206263389795733 6.822139272652948 0 0 0 0
+211 6.96835955876456 17.428935093990415 0 0 0 0
+199 33.806805003854556 28.093264867590396 0 0 0 0
+195 20.317469989851478 -7.303286376748631 0 0 0 0
+212 -3.405532948891043 18.278136589038873 0 0 0 0
+191 -10.05643068610325 5.815942281890195 0 0 0 0
+210 5.35852121369887 5.036902589378671 0 0 0 0
+4 11.635370954790353 -15.374429545414662 0 0 0 0
+240 5.085655906380808 4.455818551529463 0 0 0 0
+236 -6.442193834985595 -10.412389226371346 0 0 0 0
+208 -11.576968772752753 2.9914804728509847 0 0 0 0
+219 5.291677563166482 -16.51519962955677 0 0 0 0
+201 24.773262608270098 0.11613046011575233 0 0 0 0
+213 16.780911108313823 3.537834666518501 0 0 0 0
+220 -9.990565848194992 14.2969547616892 0 0 0 0
+205 1.7297567602434452 -5.6371370099963665 0 0 0 0
+214 -2.0032715262594514 -2.6010353598911973 0 0 0 0
+207 4.8680184496805525 -22.905987805333744 0 0 0 0
+216 -7.143580393661476 11.078992709279722 0 0 0 0
+234 6.2471559675687605 -9.484021614422351 0 0 0 0
+238 27.33063749249021 -18.33656313770818 0 0 0 0
+18 -6.219673898491841 6.095749499360216 0 0 0 0
+237 -2.3298669386020925 -5.806980601059781 0 0 0 0
+239 5.715489790181082 11.091191755527287 0 0 0 0
+231 17.343068162672946 9.826974859244109 0 0 0 0
+227 9.088199265395126 13.309535009391299 0 0 0 0
+229 -25.330472085588568 -8.69384939962861 0 0 0 0
+235 -5.400245331937228 -11.682811363242001 0 0 0 0
+218 -21.054309108684564 -17.577674753033474 0 0 0 0
+223 -27.99267712032332 -1.5964538570023434 0 0 0 0
diff --git a/DATASET/P=10000Pa/box_confined.png b/DATASET/P=10000Pa/box_confined.png
new file mode 100644
index 0000000..73c58c6
Binary files /dev/null and b/DATASET/P=10000Pa/box_confined.png differ
diff --git a/DATASET/P=10000Pa/box_sheared.data b/DATASET/P=10000Pa/box_sheared.data
new file mode 100644
index 0000000..ab39627
--- /dev/null
+++ b/DATASET/P=10000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2217351
+
+240 atoms
+6 atom types
+
+0.02699572136553111 0.07300427863446894 xlo xhi
+0.02699572136553111 0.07300427863446894 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.004600858455643328 0 0 xy xz yz
+
+Atoms # sphere
+
+1 1 0.0035 1071.4285714285713 0.027753820269348303 0.027491903768283883 0 0 0 0
+14 1 0.0035 1071.4285714285713 0.03946691348633037 0.02757938409230404 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.0464545060260871 0.02781066976774261 0 0 1 0
+233 1 0.0025 1500.0000000000005 0.052226902606771916 0.027953880364912052 0 0 1 0
+7 1 0.0025 1500.0000000000005 0.056907596139727096 0.028226582090677233 0 0 0 0
+232 1 0.0035 1071.4285714285713 0.06038344774818563 0.02752485760281247 0 0 1 0
+221 1 0.0025 1500.0000000000005 0.0633915124366145 0.0276016536573164 0 0 1 0
+228 1 0.0025 1500.0000000000005 0.0658861638820633 0.027177471142145585 0 0 1 0
+230 1 0.0025 1500.0000000000005 0.07056571967966205 0.027314701240296786 0 0 1 0
+15 1 0.0035 1071.4285714285713 0.03623137371245609 0.028521065550376885 0 0 0 0
+5 1 0.0025 1500.0000000000005 0.04950979598204792 0.028504835032362102 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.04238692090732739 0.02885146585698941 0 0 0 0
+8 1 0.0035 1071.4285714285713 0.0323640566445426 0.028987394198647792 0 0 0 0
+10 1 0.0035 1071.4285714285713 0.06830065336714299 0.02919315002905214 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.06519844160446198 0.02975581831169417 0 0 0 0
+12 1 0.0025 1500.0000000000005 0.04467844452982552 0.03002921913834502 0 0 0 0
+28 1 0.0035 1071.4285714285713 0.05464476445769111 0.030011282320040245 0 0 0 0
+13 1 0.0025 1500.0000000000005 0.07249841820372152 0.030076598467638004 0 0 0 0
+30 1 0.0025 1500.0000000000005 0.029203579241015694 0.03023612324181229 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.028296053972627147 0.03337355130467022 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.028366440129662607 0.038185593725422656 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.02936741145134895 0.047096865711755045 0 0 0 0
+155 1 0.0035 1071.4285714285713 0.030508578854821528 0.05661294441806275 0 1 0 0
+72 1 0.0025 1500.0000000000005 0.02983116767911428 0.041031787234408146 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.033007892029171926 0.07066753001573638 0 0 0 0
+135 1 0.0035 1071.4285714285713 0.031387223877889024 0.05305384017644964 0 1 0 0
+215 1 0.0025 1500.0000000000005 0.03307285181380858 0.0681103814092785 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.03131992489156596 0.049539362075249935 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.03104914587919131 0.044781306623766406 0 1 0 0
+184 1 0.0035 1071.4285714285713 0.03292826434570059 0.06158553842504254 0 0 0 0
+202 1 0.0035 1071.4285714285713 0.03332832436045671 0.06507801283135067 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.03293128086712876 0.0586081677708197 0 1 0 0
+48 1 0.0035 1071.4285714285713 0.030897809302636713 0.035990010596806114 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.03141651301384393 0.0390147076010561 0 0 0 0
+33 1 0.0025 1500.0000000000005 0.03798140790665444 0.031175033707442054 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.04037528202042163 0.030548361977636603 0 0 0 0
+3 1 0.0025 1500.0000000000005 0.04728464227284765 0.030854394879808743 0 0 0 0
+6 1 0.0025 1500.0000000000005 0.0516924454240532 0.03032553501578297 0 0 0 0
+16 1 0.0035 1071.4285714285713 0.058937756863543966 0.030606982761454512 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.0624357103816551 0.030680091546195443 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.03169068232995806 0.032298110469980434 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.03505950053181455 0.03166415284200957 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.04045466215935985 0.03302063986173473 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.04267470251584169 0.03204205108655418 0 0 0 0
+9 1 0.0025 1500.0000000000005 0.04536725525618038 0.032601116347160515 0 0 0 0
+23 1 0.0025 1500.0000000000005 0.0481768949601237 0.03355504921316741 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.0497373767131649 0.031772355397500764 0 0 0 0
+34 1 0.0035 1071.4285714285713 0.05322489521256206 0.033069454033414256 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.05672000406919675 0.03306618592031325 0 0 0 0
+35 1 0.0025 1500.0000000000005 0.06419188146866721 0.03346149873701697 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.06694331439517248 0.03236423029621446 0 0 0 0
+26 1 0.0035 1071.4285714285713 0.0705391022043556 0.03227680264177513 0 0 0 0
+45 1 0.0035 1071.4285714285713 0.03444742019178528 0.03504767623545615 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.03777905166152597 0.03415301592378462 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.040426609927565846 0.03579807020671906 0 0 0 0
+32 1 0.0035 1071.4285714285713 0.043255106404797045 0.035017377334257145 0 0 0 0
+29 1 0.0025 1500.0000000000005 0.04621627383600943 0.03500743358547181 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.05062644985463115 0.03440727446727845 0 0 0 0
+39 1 0.0035 1071.4285714285713 0.055324653842528215 0.036173077441666236 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.05828556880735292 0.035714220379218765 0 0 0 0
+47 1 0.0035 1071.4285714285713 0.06057916061617796 0.03391835198206263 0 0 0 0
+52 1 0.0025 1500.0000000000005 0.06622884825777317 0.035150181813850045 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.06923300475794557 0.035362116975538066 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.07251039128002143 0.03560104529826145 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.03684755329276784 0.03711535723336114 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.03932529594960471 0.03787781188931328 0 0 0 0
+60 1 0.0035 1071.4285714285713 0.042323546677845714 0.03838084092858629 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.04600212648681287 0.03797258697627084 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.04927940554968273 0.03695687096647706 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.05238821082747751 0.03640747601388395 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.06050252354848981 0.037080134133155536 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.0634569198247225 0.03630940877063386 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.06626211672290397 0.03786410614196454 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.06878304180234342 0.03829686396677559 0 0 0 0
+42 1 0.0025 1500.0000000000005 0.07132478838528669 0.03783635072848388 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.03440034194884608 0.038766179100100356 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.03744571551163979 0.03999470640000151 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.04017126459927464 0.04033384023530213 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.044473060114868304 0.04074590905718604 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.0489851362964558 0.04037471642817263 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.05180644964406811 0.03882326903320607 0 0 0 0
+61 1 0.0035 1071.4285714285713 0.05488576419448747 0.039717041365323384 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.05815758035216452 0.038701624513887325 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.06059354345564519 0.040741137710145814 0 0 0 0
+65 1 0.0025 1500.0000000000005 0.06225261624730656 0.03907792882914232 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.0647486842601372 0.03970041672309432 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.06733050255890655 0.04021540691665932 0 0 0 0
+83 1 0.0025 1500.0000000000005 0.07065706713527133 0.04020324034450818 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.03282723953580824 0.04180364424545017 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.03635374684618546 0.042789889164634276 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.039292710420556876 0.042665100833311764 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.04204061854081895 0.04244475524619598 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.046867599478845334 0.0422899916329706 0 0 0 0
+63 1 0.0035 1071.4285714285713 0.0522910194498914 0.04196667105823815 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.05839955140853191 0.041750473037099556 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.06300298498218845 0.04174716307894406 0 0 0 0
+88 1 0.0035 1071.4285714285713 0.0659015245341298 0.04269795229003659 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.06902703754765593 0.042305834012983115 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.07161085168963088 0.04283766969833914 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.07317928493881506 0.04085098207576334 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.03469441266756135 0.045286449469946 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.04100222429572251 0.04466745207389876 0 0 0 0
+99 1 0.0025 1500.0000000000005 0.044465735540949666 0.04328209204413194 0 0 0 0
+79 1 0.0035 1071.4285714285713 0.04958240643215289 0.04390811976078275 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.055780213565520265 0.04319249794729052 0 0 0 0
+98 1 0.0025 1500.0000000000005 0.058312289317873564 0.04522235022826331 0 0 0 0
+81 1 0.0035 1071.4285714285713 0.060892473657111854 0.04375289983066059 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.06379160916512826 0.04479694852021676 0 0 0 0
+103 1 0.0035 1071.4285714285713 0.06884522330850815 0.045265702514907594 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.07439380267304889 0.04311330702459108 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.033033285951901525 0.04725841729411649 0 0 0 0
+105 1 0.0035 1071.4285714285713 0.03838792163985479 0.04580460830521914 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.04167768449137117 0.047647328201745234 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.04359168140928027 0.04552801485676485 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.046729748617589745 0.04581910331738342 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.050009665181040365 0.04744668942190859 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.052834955083640237 0.045635038698245124 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.055934064743268376 0.046168783717197 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.06047897584590335 0.04674573174250416 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.0660526807859656 0.046116359284573444 0 0 0 0
+94 1 0.0035 1071.4285714285713 0.07255337963419865 0.045747491884977926 0 0 0 0
+119 1 0.0035 1071.4285714285713 0.035784184316057795 0.04870619100312978 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.03879885794636857 0.04882756504277698 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.04474096563173144 0.04786032877767002 0 0 0 0
+115 1 0.0035 1071.4285714285713 0.04743267230988166 0.049634815959210446 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.05465581359151092 0.04879048820920409 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.058125470082584174 0.04770407967069121 0 0 0 0
+117 1 0.0035 1071.4285714285713 0.060560877238736044 0.049747558617578264 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.06359562505243711 0.047763151766255195 0 0 0 0
+116 1 0.0035 1071.4285714285713 0.06709638574354912 0.049184205838391754 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.07065578489287859 0.04847124088902689 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.07365073890713386 0.04886037906813853 0 0 0 0
+127 1 0.0035 1071.4285714285713 0.03456104496271806 0.0518170857878014 0 0 0 0
+141 1 0.0035 1071.4285714285713 0.038081735321643814 0.051715885133066644 0 0 0 0
+134 1 0.0025 1500.0000000000005 0.0408293615165468 0.05043483226691724 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.0438244101865035 0.05060917886237688 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.051965124713346245 0.05076390880821581 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.05753608664826655 0.050098200880249605 0 0 0 0
+123 1 0.0025 1500.0000000000005 0.06253678149849931 0.052264918788005106 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.06441370694994804 0.05083365689604299 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.06961387952578986 0.05117333217464535 0 0 0 0
+126 1 0.0025 1500.0000000000005 0.07233546580747276 0.05115896295834893 0 0 0 0
+132 1 0.0025 1500.0000000000005 0.07493479512400687 0.05110443225733857 0 0 0 0
+145 1 0.0025 1500.0000000000005 0.03658023067118516 0.05426120953451308 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.04135905886335818 0.05288336151686751 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.044268348052819165 0.05435835584106741 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.046397329771440815 0.05240463414964955 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.04950960328378409 0.053032438044701063 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.05287095726217596 0.054371664551694385 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.05556697460002678 0.052341352421082635 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.05907131910588018 0.052934455481017426 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.061838743571098156 0.05456352681376729 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.06429339180997737 0.05439552900366729 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.06709412980740329 0.0526904195581723 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.07049458177684623 0.05413580115542428 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.07396021022693595 0.05380854639865776 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.03391000235361729 0.05566707642719083 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.037368433524716554 0.05671940870077405 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.03912232327036644 0.0546663736595034 0 0 0 0
+157 1 0.0025 1500.0000000000005 0.04160299210843679 0.055417030648188564 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.04733340617634535 0.054949369661781745 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.05003760968525882 0.05658412965117446 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.05618547182639999 0.05601940269413344 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.05972219580454695 0.05648288475909587 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.0669219679607506 0.056159836354915726 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.03556469399690346 0.05832539862869879 0 1 0 0
+146 1 0.0025 1500.0000000000005 0.03991843779206588 0.05708742037994284 0 0 0 0
+163 1 0.0025 1500.0000000000005 0.04370089232092228 0.057261650880994955 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.041803966643060644 0.05891715533291003 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.04680065299601195 0.0578338816148638 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.053155919929244226 0.05734242172824178 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.06355475727281346 0.057200976857917134 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.06991656712270157 0.05700816310916617 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.0730817258186722 0.0572236734977984 0 0 0 0
+169 1 0.0025 1500.0000000000005 0.035784604667659176 0.06093245081647425 0 0 0 0
+176 1 0.0035 1071.4285714285713 0.03846484760086262 0.059629557443981906 0 0 0 0
+170 1 0.0025 1500.0000000000005 0.04431309981897802 0.059883086036205846 0 0 0 0
+180 1 0.0035 1071.4285714285713 0.04713695581637052 0.06140964275896295 0 0 0 0
+173 1 0.0035 1071.4285714285713 0.050284659241661034 0.06010083110942614 0 0 0 0
+166 1 0.0035 1071.4285714285713 0.05451967651991973 0.06015892934011961 0 0 0 0
+161 1 0.0035 1071.4285714285713 0.057810036732235046 0.059289034028851315 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.06136905043903673 0.059704592430265824 0 0 0 0
+178 1 0.0025 1500.0000000000005 0.06450103649640916 0.06016998758921362 0 0 0 0
+160 1 0.0035 1071.4285714285713 0.06744340253553469 0.0597175249047525 0 0 0 0
+172 1 0.0035 1071.4285714285713 0.07093476919563588 0.05987671732426236 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.07555584338700715 0.059901781311396354 0 0 0 0
+179 1 0.0025 1500.0000000000005 0.035732783448290575 0.06346836769286017 0 0 0 0
+183 1 0.0025 1500.0000000000005 0.0380761832704104 0.06276084078427298 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.04120507445072209 0.06211420890577517 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.04424490407196491 0.062363543816492825 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.05272449681946284 0.06297848542743553 0 0 0 0
+182 1 0.0025 1500.0000000000005 0.05609861474966136 0.06284741317992747 0 0 0 0
+193 1 0.0035 1071.4285714285713 0.05934647406551195 0.06269098909316417 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.06334055250850934 0.06283111511233086 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.06643997192707327 0.06245052937836207 0 0 0 0
+188 1 0.0035 1071.4285714285713 0.06956704179296382 0.06297674710497281 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.07333508069443019 0.06188850511606024 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.07601282524430357 0.0634599051395201 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.037319463793500394 0.06559593845868206 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.040340046800140375 0.06541010463313768 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.04318040637825789 0.06469671485410276 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.04623323630484201 0.06489296809051205 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.0495669096780844 0.06418376306621347 0 0 0 0
+198 1 0.0025 1500.0000000000005 0.05230119454027557 0.0659050240563036 0 0 0 0
+200 1 0.0035 1071.4285714285713 0.055408391771247206 0.06577552743902929 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.058440569741644854 0.06606196079909256 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.06137830770011471 0.06573537959548362 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.06439550149124117 0.06581005625290055 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.06671243217127641 0.06492961237997412 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.0727174384187997 0.06495541324405146 0 0 0 0
+226 1 0.0025 1500.0000000000005 0.035595926189498306 0.06729933919832755 0 0 0 0
+240 1 0.0035 1071.4285714285713 0.038797046542419694 0.06839538803475562 0 0 0 0
+224 1 0.0025 1500.0000000000005 0.04187411462081662 0.06811887291896648 0 0 0 0
+225 1 0.0025 1500.0000000000005 0.04443077630896418 0.06714402759960525 0 0 0 0
+211 1 0.0035 1071.4285714285713 0.04746894882850018 0.06827783021301091 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.05022344790083555 0.06717454280381838 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.06352634044043895 0.06801910059063837 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.0666102348411893 0.06814623703887676 0 0 0 0
+191 1 0.0035 1071.4285714285713 0.06963723645456334 0.06648527633756225 0 0 0 0
+210 1 0.0035 1071.4285714285713 0.07592758710480799 0.06705591253387522 0 -1 0 0
+4 1 0.0025 1500.0000000000005 0.0353027256740209 0.06986111158388705 0 0 -1 0
+236 1 0.0035 1071.4285714285713 0.04462414086167163 0.07017681458544657 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.05065718702949594 0.07025391235382705 0 0 0 0
+219 1 0.0035 1071.4285714285713 0.053632450276913 0.06868844652837304 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.05730571859505312 0.06887009080691925 0 0 0 0
+213 1 0.0035 1071.4285714285713 0.060803667855318724 0.06917284035256466 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.0645691463967771 0.07037998253702495 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.06982337295609584 0.07016338342861944 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.07281560889962344 0.06852565768125127 0 0 0 0
+216 1 0.0035 1071.4285714285713 0.07590255549828238 0.07053166103159457 0 0 0 0
+238 1 0.0025 1500.0000000000005 0.035102626163716934 0.07241482503322015 0 0 0 0
+18 1 0.0035 1071.4285714285713 0.0379797171090412 0.07174529067422637 0 0 -1 0
+237 1 0.0035 1071.4285714285713 0.04135803660407645 0.07108013490581142 0 0 0 0
+239 1 0.0035 1071.4285714285713 0.04779950299492523 0.07197702547937565 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.053330904841298044 0.07196091435250018 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.05576772766001688 0.07130156098776297 0 0 0 0
+229 1 0.0035 1071.4285714285713 0.0590704902231808 0.07219685137072933 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.06226926632943802 0.07191312699689016 0 0 0 0
+218 1 0.0025 1500.0000000000005 0.06699272711647809 0.07122285244001578 0 0 0 0
+223 1 0.0025 1500.0000000000005 0.07281788231089818 0.07202087688373865 0 0 0 0
+
+Velocities
+
+1 -1.9402415116269054 -18.757982542131057 0 0 0 0
+14 16.751620087024673 -0.20051815604792173 0 0 0 0
+222 -12.012599833618513 -10.604450924249544 0 0 0 0
+233 7.280541094193796 11.158369309233374 0 0 0 0
+7 -1.9236775258844097 13.911645702470663 0 0 0 0
+232 1.72852510223728 -3.817241252027741 0 0 0 0
+221 10.724842384558759 -21.996185325994382 0 0 0 0
+228 -5.5808231520387315 -21.873086293830628 0 0 0 0
+230 -3.3933680340935943 10.613455842585177 0 0 0 0
+15 -12.749190245136505 -11.463026265697156 0 0 0 0
+5 12.704898243839372 10.063546041664278 0 0 0 0
+17 -1.828904982210566 6.9069507007294915 0 0 0 0
+8 8.990816690253741 10.78612710709356 0 0 0 0
+10 -11.586603238183187 -4.493778373044687 0 0 0 0
+2 -6.4338265771660135 3.787658230866838 0 0 0 0
+12 7.905122560299623 8.33197808680106 0 0 0 0
+28 -5.218321771247208 -14.40918366189822 0 0 0 0
+13 9.563006238174793 -0.7448594455858203 0 0 0 0
+30 14.174773656281065 24.049263656468376 0 0 0 0
+25 -4.06155565931015 1.7977792475968832 0 0 0 0
+55 -10.409185828743968 -11.90724890727497 0 0 0 0
+110 10.049846710355327 12.616742187285078 0 0 0 0
+155 -2.0830190344191997 -1.318433512527875 0 0 0 0
+72 1.252094323305831 0.6527025348700181 0 0 0 0
+234 12.669667096794633 -11.34802193527901 0 0 0 0
+135 -2.423620869441874 -4.677697952611577 0 0 0 0
+215 -9.742005494680303 -9.561262395877419 0 0 0 0
+122 20.08827115128542 -6.711057845739363 0 0 0 0
+90 0.2660890157996104 6.821689822343547 0 0 0 0
+184 -7.693840948362305 6.2588460675499205 0 0 0 0
+202 -0.2153358535508276 -8.568172209448482 0 0 0 0
+165 -17.647808309999572 -4.707693348888309 0 0 0 0
+48 7.981729904068428 -13.310371752555062 0 0 0 0
+68 20.03145185683898 -9.840630917743802 0 0 0 0
+33 -3.2657659563336825 -23.652542716634684 0 0 0 0
+27 -4.434562280545652 4.049334654633637 0 0 0 0
+3 5.997970898247881 5.9553304279422745 0 0 0 0
+6 6.759444854728312 -4.073303784580044 0 0 0 0
+16 -11.297902084766374 -5.302359628679265 0 0 0 0
+11 9.819908376530572 -1.5804008964799354 0 0 0 0
+19 -2.8162012761204234 -18.70706665711877 0 0 0 0
+21 3.3703708417715483 6.899771090648035 0 0 0 0
+38 -12.354130640816694 10.003351322598943 0 0 0 0
+24 -6.384149711566733 4.779747497531759 0 0 0 0
+9 -0.6854462032998604 -1.9149949378098967 0 0 0 0
+23 -0.009046640025420155 3.083417322103967 0 0 0 0
+20 -12.61959782920618 -1.7813001264541348 0 0 0 0
+34 -17.219661967983726 0.22557447099843492 0 0 0 0
+41 9.827603177497794 -2.578896869848802 0 0 0 0
+35 -10.567350921066826 -1.2736773506699086 0 0 0 0
+22 4.092968461135382 23.40673587175042 0 0 0 0
+26 -2.0976094492778796 -3.538736109232137 0 0 0 0
+45 3.98457647815452 -7.606631027031076 0 0 0 0
+40 -8.780018864900377 1.828366335471587 0 0 0 0
+54 -2.382470244320599 -8.472144305695114 0 0 0 0
+32 17.156813227156327 10.431285614735666 0 0 0 0
+29 3.6123928997237438 -15.499548567723384 0 0 0 0
+43 -4.39233086059776 0.24264148818781464 0 0 0 0
+39 -7.0713687426886365 -2.883645139387307 0 0 0 0
+50 21.07682464227927 -10.904253531428811 0 0 0 0
+47 -7.298506653206222 0.4167654075449263 0 0 0 0
+52 -3.389001286323929 13.063322666457012 0 0 0 0
+31 -3.9561235045706367 -10.273952472967576 0 0 0 0
+37 2.600236101272132 16.325101604046047 0 0 0 0
+53 9.897597600339786 5.693360594581939 0 0 0 0
+62 -17.107740463516286 6.477744876052189 0 0 0 0
+60 2.5324525545557024 7.332663171734124 0 0 0 0
+49 10.007868367215817 9.638422756864175 0 0 0 0
+36 -17.085569738856943 -11.122517019139782 0 0 0 0
+59 11.739768190228299 -1.4206923006140262 0 0 0 0
+46 1.527281552655783 7.082091394886178 0 0 0 0
+64 1.4319603441055853 14.508844104380236 0 0 0 0
+70 6.041966448508256 -1.1609884883433004 0 0 0 0
+44 12.846132360209563 9.41242322849467 0 0 0 0
+42 -1.777959319770071 -9.45845183320535 0 0 0 0
+57 11.231909802697025 -8.012096621772361 0 0 0 0
+78 -0.6117311863337853 -2.319302459018955 0 0 0 0
+75 -0.7505397393631228 4.754990562140531 0 0 0 0
+56 16.516022046799904 0.2598758098654783 0 0 0 0
+67 -4.651094597439859 -0.9506174155420053 0 0 0 0
+51 -16.0766373155216 -11.230769717168567 0 0 0 0
+61 -11.73836242176061 1.5438743877933931 0 0 0 0
+66 -2.6174867347179878 3.352762307780288 0 0 0 0
+77 16.7221337519271 5.297096303256555 0 0 0 0
+65 -19.629592174348634 5.574354190386465 0 0 0 0
+76 -2.801060624150959 5.069086096337575 0 0 0 0
+73 6.871447380933853 0.3624399714984907 0 0 0 0
+83 24.49820707782684 46.56264255562756 0 0 0 0
+82 19.722372296215674 -6.439892028926176 0 0 0 0
+92 12.472248370778962 19.903128833943637 0 0 0 0
+80 18.83423069236707 -1.8130294292881821 0 0 0 0
+71 14.327954063491713 -2.6708450314017464 0 0 0 0
+74 1.488609972276564 -19.395738391289008 0 0 0 0
+63 -11.016912819515875 -5.542397476777167 0 0 0 0
+87 -15.661718696436965 10.222182626249454 0 0 0 0
+84 -9.504789522126453 1.330722004704709 0 0 0 0
+88 -3.7712989628613216 2.0848784976482997 0 0 0 0
+91 -43.27680647076043 -2.5273237380253666 0 0 0 0
+89 9.091041981855275 24.76333204050674 0 0 0 0
+58 14.76236577100572 -0.4062216564516232 0 0 0 0
+85 -1.5242926996562185 20.25684431208253 0 0 0 0
+97 -1.1141595405625973 -4.277469427028883 0 0 0 0
+99 6.31679284406087 13.881783285218727 0 0 0 0
+79 3.748542681154938 -17.5966125142575 0 0 0 0
+86 -21.95304870242612 -9.04317020456378 0 0 0 0
+98 -14.375773172091062 -6.801685933522504 0 0 0 0
+81 5.904832730543519 -10.778806236876777 0 0 0 0
+108 14.367699582706772 -4.662225154818743 0 0 0 0
+103 10.98097589630219 8.986103011412617 0 0 0 0
+69 -24.613947231380664 -4.397183935264374 0 0 0 0
+112 2.713462745384202 13.201770844317128 0 0 0 0
+105 12.899840061957999 11.70764094268035 0 0 0 0
+111 6.060912577652412 5.606270579106877 0 0 0 0
+100 -5.48537702609442 -7.196739794974768 0 0 0 0
+107 -0.23832579068166554 -3.2525053507253 0 0 0 0
+106 6.4926584994350005 8.953572363044252 0 0 0 0
+101 -8.7493556173748 -15.485725109170595 0 0 0 0
+93 -14.608184383306808 2.1850331027798835 0 0 0 0
+95 0.5612263189637859 -10.226600179140998 0 0 0 0
+96 7.08673122828239 -7.187493967233792 0 0 0 0
+94 12.343890772455756 16.313599014580568 0 0 0 0
+119 -4.205544617022905 9.89511815067377 0 0 0 0
+136 -2.855045830418213 -2.791128654156024 0 0 0 0
+109 -20.138763984755094 18.338608851203304 0 0 0 0
+115 2.0735775191687735 -8.616409242431622 0 0 0 0
+104 2.502607502534003 -8.995419980447734 0 0 0 0
+114 -3.3440743031162903 18.537203708869296 0 0 0 0
+117 8.365172744943337 -2.102845652495679 0 0 0 0
+120 1.546465892921599 -7.239795965590284 0 0 0 0
+116 0.6291598325516287 14.215113132244824 0 0 0 0
+102 -3.229030347126564 -8.454234269960788 0 0 0 0
+125 4.138367636658378 8.701215736543885 0 0 0 0
+127 -2.826971830600046 6.417744384980133 0 0 0 0
+141 -11.642110654107917 -17.089955695018116 0 0 0 0
+134 25.195900054858544 10.610326049575852 0 0 0 0
+129 5.3554171867646545 -4.266691244325744 0 0 0 0
+113 10.253617122031867 -22.235843230610836 0 0 0 0
+118 17.662488653920757 -6.1601696826378625 0 0 0 0
+123 -3.6638012365651567 11.321068554293534 0 0 0 0
+128 29.20918172925418 -1.0575681302023354 0 0 0 0
+142 -6.271170597927499 -13.20379611896943 0 0 0 0
+126 -9.931045286010955 -38.5522479291913 0 0 0 0
+132 -17.443807573151485 5.415741562078554 0 0 0 0
+145 14.755262066007266 -20.82125946344689 0 0 0 0
+139 -24.313287971674896 -13.136448958883808 0 0 0 0
+154 -7.43883965915812 8.259984132249695 0 0 0 0
+130 -14.831001326790071 24.647641210405787 0 0 0 0
+121 1.4707737387190856 -6.854497300761023 0 0 0 0
+131 13.07822744196918 4.955444285690734 0 0 0 0
+124 0.8985529626579223 6.034500066644621 0 0 0 0
+137 16.879240742832607 1.3464070152567167 0 0 0 0
+147 1.089820947770303 -7.803622690180867 0 0 0 0
+148 -29.937879550800883 9.741248033184734 0 0 0 0
+133 0.7138440226039175 4.088808103493682 0 0 0 0
+162 -4.739298526557286 -5.5301338683599015 0 0 0 0
+140 11.54656800796275 -7.892603748168682 0 0 0 0
+153 8.095353562267135 1.634532555803356 0 0 0 0
+159 4.2091150465364295 -2.7188607328059264 0 0 0 0
+150 7.778959662455671 -5.025436395426815 0 0 0 0
+157 -11.438905360889223 17.74845570484647 0 0 0 0
+149 -4.872860134372358 -2.1153698328587316 0 0 0 0
+158 -4.755685032767872 16.895240379446385 0 0 0 0
+138 -2.086311474864346 1.2778356026209212 0 0 0 0
+143 -0.663259981532558 -4.676104608543578 0 0 0 0
+144 19.206449271195854 -3.926177786005568 0 0 0 0
+164 -4.63848874588216 17.108875260394022 0 0 0 0
+146 26.85819206394508 9.112875650019731 0 0 0 0
+163 4.353550208909073 23.97938897159701 0 0 0 0
+152 -13.201249318301413 -9.329155469682135 0 0 0 0
+168 12.043521474434327 2.202077357185967 0 0 0 0
+156 3.5189359309046457 -3.47519443380544 0 0 0 0
+151 7.7480329847621965 -8.942821533835602 0 0 0 0
+167 9.768977797653662 3.4464314385701598 0 0 0 0
+174 4.883600889162781 4.785304330814258 0 0 0 0
+169 -13.22306930396345 -20.13868611425998 0 0 0 0
+176 -5.502405336307255 -6.449258246767675 0 0 0 0
+170 -2.6818953969146904 11.368838685747171 0 0 0 0
+180 -5.258784450919753 4.182395885586937 0 0 0 0
+173 -22.219247117300913 -4.173832659424441 0 0 0 0
+166 10.720610750930774 8.698571453330946 0 0 0 0
+161 7.998094587972432 4.1067585569791785 0 0 0 0
+171 8.111616307545608 0.6567792949480405 0 0 0 0
+178 -8.724110827138041 12.672757783841595 0 0 0 0
+160 -11.848517802845691 10.968728812626857 0 0 0 0
+172 -6.6024455315422 17.199929751162664 0 0 0 0
+175 9.89056438574826 -6.648672374534112 0 0 0 0
+179 -0.42799744741545126 -9.049524844910895 0 0 0 0
+183 -3.274734189970079 7.310581530344099 0 0 0 0
+187 7.319943090533506 6.544868964630696 0 0 0 0
+189 19.51185147541917 -23.38072795104524 0 0 0 0
+177 -1.9811369470285631 20.917654490364086 0 0 0 0
+182 -10.041629456144587 -49.723576831333126 0 0 0 0
+193 -15.670876158771714 3.2831348696407927 0 0 0 0
+186 -7.239204930454675 -0.5759992037004954 0 0 0 0
+181 -0.057723163423611584 -14.38521526634338 0 0 0 0
+188 -3.2315889150616703 -24.037074402578767 0 0 0 0
+185 -8.584938050781698 3.735065529963882 0 0 0 0
+194 -15.844264967410005 -2.2104475107200603 0 0 0 0
+204 16.89526039427565 -10.667886511556372 0 0 0 0
+209 -0.7156790166255496 6.215512943544516 0 0 0 0
+217 -31.472743121603227 -8.088282225943477 0 0 0 0
+196 -6.781243520606423 -7.347079806112924 0 0 0 0
+190 15.401032915746622 4.482722823626632 0 0 0 0
+198 -5.376505073793834 21.507989641139808 0 0 0 0
+200 15.344521294188471 -2.7112318291392485 0 0 0 0
+195 -14.64803821801556 -18.672297593272763 0 0 0 0
+206 12.933111867914693 0.9831415284588552 0 0 0 0
+192 -15.372703965059642 2.063152033478513 0 0 0 0
+203 0.8119177914753876 -2.023515940304975 0 0 0 0
+197 2.221040046973804 -6.218037621511516 0 0 0 0
+226 -0.16076416264747714 -4.217421490198168 0 0 0 0
+240 0.781566298364982 6.445983601271933 0 0 0 0
+224 -12.431900788880935 12.14529169896064 0 0 0 0
+225 -5.65873209814753 3.008491999506296 0 0 0 0
+211 14.5178604867858 2.2253437928446766 0 0 0 0
+199 -7.857975744945561 21.419398828653097 0 0 0 0
+212 -6.445951676321095 -17.37135148855004 0 0 0 0
+205 -5.477974895648238 3.595400261927044 0 0 0 0
+191 -5.587091885343359 6.541193180615609 0 0 0 0
+210 -7.724641088402254 -2.63355413837318 0 0 0 0
+4 9.866429646050273 -5.490021478565716 0 0 0 0
+236 4.506464183462844 12.53261666810233 0 0 0 0
+208 -5.578163221148034 9.80812552198411 0 0 0 0
+219 5.480117495688069 -2.6164515591630235 0 0 0 0
+201 -2.0622227216640625 6.560551120184558 0 0 0 0
+213 -43.3143940065024 0.8275756577730582 0 0 0 0
+220 -5.206962621572905 8.050044501742084 0 0 0 0
+214 2.9592360541980245 -20.987293520008546 0 0 0 0
+207 3.5865601772295506 -3.7507027783623514 0 0 0 0
+216 -6.444212210755053 7.1638786279980335 0 0 0 0
+238 4.9245267047274695 19.092873779946196 0 0 0 0
+18 2.932431534142342 -1.71186754355533 0 0 0 0
+237 8.553852958771259 8.70495776084164 0 0 0 0
+239 -8.86664813615674 -9.187454068790682 0 0 0 0
+231 2.3976807830161797 0.22129163481717185 0 0 0 0
+227 25.92762147354742 11.064177305757225 0 0 0 0
+229 -2.3085322636150125 -10.076482155518477 0 0 0 0
+235 -27.14680709157019 3.3387579253927298 0 0 0 0
+218 -10.469445343271094 21.4280283063571 0 0 0 0
+223 10.366605266962734 3.7225156851885384 0 0 0 0
diff --git a/DATASET/P=10000Pa/box_sheared.png b/DATASET/P=10000Pa/box_sheared.png
new file mode 100644
index 0000000..66ddb16
Binary files /dev/null and b/DATASET/P=10000Pa/box_sheared.png differ
diff --git a/DATASET/P=10000Pa/confined.restart b/DATASET/P=10000Pa/confined.restart
new file mode 100644
index 0000000..0a46bb4
Binary files /dev/null and b/DATASET/P=10000Pa/confined.restart differ
diff --git a/DATASET/P=10000Pa/log.lammps b/DATASET/P=10000Pa/log.lammps
new file mode 100644
index 0000000..774d9fe
--- /dev/null
+++ b/DATASET/P=10000Pa/log.lammps
@@ -0,0 +1,147 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.026995721 0.026995721 -0.00050000000) to (0.073004279 0.073004279 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.007 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 217351
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 217
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.026995721 0.026995721 -0.00050000000) to (0.073004279 0.073004279 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.60085572689378e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 217 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 217351
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 21 21 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.046008557 0 228.65581 0 217351
+ 2005000 240 0.046008557 0.00010583937 -601.75189 0.0023004279 217351
+ 2010000 240 0.046008557 0.00021167873 -1456.4082 0.0046008557 217351
+ 2015000 240 0.046008557 0.0003175181 -2324.7613 0.0069012836 217351
+ 2020000 240 0.046008557 0.00042335747 -3223.1859 0.0092017115 217351
+ 2025000 240 0.046008557 0.00052919684 -4154.529 0.011502139 217351
+ 2030000 240 0.046008557 0.0006350362 -5113.4653 0.013802567 217351
+ 2035000 240 0.046008557 0.00074087557 -6090.553 0.016102995 217351
+ 2040000 240 0.046008557 0.00084671494 -7102.3478 0.018403423 217351
+ 2045000 240 0.046008557 0.0009525543 -8163.7416 0.020703851 217351
+ 2050000 240 0.046008557 0.0010583937 -9278.0357 0.023004279 217351
+ 2055000 240 0.046008557 0.001164233 -10443.693 0.025304706 217351
+ 2060000 240 0.046008557 0.0012700724 -11662.506 0.027605134 217351
+ 2065000 240 0.046008557 0.0013759118 -12934.567 0.029905562 217351
+ 2070000 240 0.046008557 0.0014817511 -14277.052 0.03220599 217351
+ 2075000 240 0.046008557 0.0015875905 -15693.992 0.034506418 217351
+ 2080000 240 0.046008557 0.0016934299 -17175.851 0.036806846 217351
+ 2085000 240 0.046008557 0.0017992692 -18728.83 0.039107274 217351
+ 2090000 240 0.046008557 0.0019051086 -20352.752 0.041407702 217351
+ 2095000 240 0.046008557 0.002010948 -22045.703 0.043708129 217351
+ 2100000 240 0.046008557 0.0021167873 -23808.58 0.046008557 217351
+ 2105000 240 0.046008557 0.0022226267 -25641.944 0.048308985 217351
+ 2110000 240 0.046008557 0.0023284661 -27542.772 0.050609413 217351
+ 2115000 240 0.046008557 0.0024343054 -29513.052 0.052909841 217351
+ 2120000 240 0.046008557 0.0025401448 -31544.555 0.055210269 217351
+ 2125000 240 0.046008557 0.0026459842 -33640.808 0.057510697 217351
+ 2130000 240 0.046008557 0.0027518235 -35808.735 0.059811124 217351
+ 2135000 240 0.046008557 0.0028576629 -38048.64 0.062111552 217351
+ 2140000 240 0.046008557 0.0029635023 -40364.748 0.06441198 217351
+ 2145000 240 0.046008557 0.0030693416 -42752.741 0.066712408 217351
+ 2150000 240 0.046008557 0.003175181 -45211.244 0.069012836 217351
+ 2155000 240 0.046008557 0.0032810204 -47739.431 0.071313264 217351
+ 2160000 240 0.046008557 0.0033868597 -50329.121 0.073613692 217351
+ 2165000 240 0.046008557 0.0034926991 -52979.589 0.075914119 217351
+ 2170000 240 0.046008557 0.0035985385 -55690.845 0.078214547 217351
+ 2175000 240 0.046008557 0.0037043778 -58458.472 0.080514975 217351
+ 2180000 240 0.046008557 0.0038102172 -61282.555 0.082815403 217351
+ 2185000 240 0.046008557 0.0039160566 -64165.789 0.085115831 217351
+ 2190000 240 0.046008557 0.0040218959 -67109.591 0.087416259 217351
+ 2195000 240 0.046008557 0.0041277353 -70109.58 0.089716687 217351
+ 2200000 240 0.046008557 0.0042335747 -73169.104 0.092017115 217351
+ 2205000 240 0.046008557 0.0043394141 -76288.44 0.094317542 217351
+ 2210000 240 0.046008557 0.0044452534 -79461.004 0.09661797 217351
+ 2215000 240 0.046008557 0.0045510928 -82681.942 0.098918398 217351
+ 2217351 240 0.046008557 0.0046008585 -84213.512 0.10000006 217351
+Loop time of 3.04082 on 1 procs for 217351 steps with 240 atoms
+
+100.2% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 1.8437 | 1.8437 | 1.8437 | 0.0 | 60.63
+Neigh | 0.00070977 | 0.00070977 | 0.00070977 | 0.0 | 0.02
+Comm | 0.44936 | 0.44936 | 0.44936 | 0.0 | 14.78
+Output | 0.0061102 | 0.0061102 | 0.0061102 | 0.0 | 0.20
+Modify | 0.54646 | 0.54646 | 0.54646 | 0.0 | 17.97
+Other | | 0.1944 | | | 6.39
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 101.000 ave 101 max 101 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 691.000 ave 691 max 691 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 691
+Ave neighs/atom = 2.8791667
+Neighbor list builds = 18
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:03
diff --git a/DATASET/P=110000Pa/1_generate_conf_110000Pa.in b/DATASET/P=110000Pa/1_generate_conf_110000Pa.in
new file mode 100644
index 0000000..6ed0c2d
--- /dev/null
+++ b/DATASET/P=110000Pa/1_generate_conf_110000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 110000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 473 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 99 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 153 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 861 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 914 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 896 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 878 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 338 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 706 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 822 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 163 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 720 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 957 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 681 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 996 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 161 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 580 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 801 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 398 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 277 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 816 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 916 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 504 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 896 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 392 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 135 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 195 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 401 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 640 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 33 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 688 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 460 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 955 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 883 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 470 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 375 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 22 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 750 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 670 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 38 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=110000Pa/2_shear.in b/DATASET/P=110000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=110000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=110000Pa/StrainStress.txt b/DATASET/P=110000Pa/StrainStress.txt
new file mode 100644
index 0000000..b58a201
--- /dev/null
+++ b/DATASET/P=110000Pa/StrainStress.txt
@@ -0,0 +1,1002 @@
+# Fix print output for fix output_file
+4.28144640000355e-05 -4790.0198713613117434
+0.000142714879999963 -4992.2802774483752728
+0.000242615296000046 -5194.5367145006475766
+0.000342515711999973 -5396.7934710085419283
+0.000442416128000056 -5599.0505432826566903
+0.000542316543999983 -5801.3115176822730064
+0.000642216960000066 -6003.5868136636008785
+0.000742117375999993 -6205.8892227390833796
+0.000842017792000076 -6408.2098266027142017
+0.000941918208000004 -6610.5368207615747451
+0.00104181862399993 -6812.8619653775849656
+0.00114171904000001 -7015.1803028918466225
+0.00124161945599994 -7217.540468070001225
+0.00134151987200002 -7419.93926937228116
+0.00144142028799995 -7622.3636176983636688
+0.00154132070400003 -7824.8037796192929818
+0.00164122111999996 -8027.2500079457577158
+0.00174112153600004 -8229.7180174941313453
+0.00184102195199997 -8432.2049742943054298
+0.00194092236800005 -8634.700938882164337
+0.00204082278399998 -8837.1997035365420743
+0.00214072320000006 -9039.6959841015941493
+0.00224062361599999 -9242.184892199922615
+0.00234052403200007 -9444.6617078829895036
+0.002440424448 -9647.1217407434451161
+0.00254032486399993 -9849.560219037326533
+0.00264022528000001 -10051.972177884896155
+0.00274012569599994 -10254.35232117918531
+0.00284002611200002 -10456.694817819046875
+0.00293992652799995 -10658.992940732712668
+0.00303982694400003 -10861.238249615253153
+0.00313972735999996 -11063.417383597354274
+0.00323962777600004 -11265.510627132151058
+0.00333952819199997 -11467.525176491897582
+0.00343942860800005 -11669.474755705336065
+0.00353932902399998 -11871.375496919425132
+0.00363922944000006 -12073.219871740282542
+0.00373912985599999 -12274.998298912953032
+0.00383903027200007 -12476.697076913058481
+0.003938930688 -12678.308731727431223
+0.00403883110399993 -12879.807070161939919
+0.00413873152000001 -13081.255483975608513
+0.00423863193599994 -13282.655110164940197
+0.00433853235200002 -13483.986714119655517
+0.00443843276799995 -13685.291932295300285
+0.00453833318400003 -13886.573004896345083
+0.00463823359999996 -14087.839779179485049
+0.00473813401600004 -14289.087412242472055
+0.00483803443199997 -14490.310199578349057
+0.00493793484800005 -14691.50026486239949
+0.00503783526399998 -14892.672885686608424
+0.00513773568000006 -15093.838408139197782
+0.00523763609599999 -15295.017502935201264
+0.00533753651200007 -15496.239791275045718
+0.005437436928 -15697.480406359891276
+0.00553733734399993 -15898.726843650343653
+0.00563723776000001 -16099.970392821307541
+0.00573713817599994 -16301.20321119619075
+0.00583703859200002 -16502.416976742963016
+0.00593693900799995 -16703.600433547104331
+0.00603683942400003 -16904.730975315836986
+0.00613673983999996 -17105.853801968536573
+0.00623664025600004 -17306.96939215403836
+0.00633654067199997 -17508.069674760085036
+0.00643644108800005 -17709.147738669227692
+0.00653634150399998 -17910.197601030533406
+0.00663624192000006 -18111.216115208098927
+0.00673614233599999 -18312.193617689496023
+0.00683604275200007 -18513.11878846649779
+0.006935943168 -18713.975243698161648
+0.00703584358399992 -18914.784675074592087
+0.00713574400000001 -19115.556969566423504
+0.00723564441599994 -19316.310784949258959
+0.00733554483200002 -19516.996213418136904
+0.00743544524799994 -19717.656383289227961
+0.00753534566400003 -19918.330617885698302
+0.00763524607999996 -20119.013361861812882
+0.00773514649600004 -20319.699068570633244
+0.00783504691199997 -20520.381693714505673
+0.00793494732800005 -20721.053597428988724
+0.00803484774399998 -20921.698006873262784
+0.00813474816000006 -21122.316834550441854
+0.00823464857599999 -21322.932134904767736
+0.00833454899200007 -21523.539626209058042
+0.008434449408 -21724.186954762695677
+0.00853434982400008 -21924.876643140261876
+0.00863425024000001 -22125.575978836532158
+0.00873415065599993 -22326.269449815448752
+0.00883405107200002 -22526.947520225850894
+0.00893395148799994 -22727.570568539904343
+0.00903385190400003 -22928.223938961804379
+0.00913375231999995 -23128.970165998580342
+0.00923365273600004 -23329.858742305714259
+0.00933355315199996 -23530.838914531974297
+0.00943345356800005 -23731.886399586936022
+0.00953335398399997 -23932.986667801676958
+0.00963325440000006 -24134.128117057414784
+0.00973315481599999 -24335.299746889017115
+0.00983305523200007 -24536.488776897997013
+0.00993295564799999 -24737.668633226156089
+0.0100328560640001 -24938.835928665364918
+0.01013275648 -25140.039454585061321
+0.0102326568959999 -25341.274923929933721
+0.010332557312 -25542.54549429825056
+0.0104324577279999 -25743.860327898222749
+0.010532358144 -25945.206436427481094
+0.01063225856 -26146.577199343919347
+0.010732158976 -26347.967288699030178
+0.010832059392 -26549.374654233120964
+0.010931959808 -26750.795930997592222
+0.011031860224 -26952.224341167704551
+0.0111317606400001 -27153.654134365649952
+0.011231661056 -27355.079225788769691
+0.0113315614720001 -27556.492526063499099
+0.011431461888 -27757.904344120193855
+0.0115313623040001 -27959.304940562247793
+0.01163126272 -28160.690396162681282
+0.0117311631359999 -28362.063460506084084
+0.011831063552 -28563.454940014788008
+0.0119309639679999 -28764.872040166097577
+0.012030864384 -28966.348545534689038
+0.0121307648 -29167.924667314811813
+0.012230665216 -29369.570079399112728
+0.012330565632 -29571.330356593163742
+0.012430466048 -29773.159354059105681
+0.012530366464 -29975.03226904906478
+0.0126302668800001 -30176.939149820140301
+0.012730167296 -30378.849419243571901
+0.0128300677120001 -30580.781282921238017
+0.012929968128 -30782.761138325149659
+0.0130298685440001 -30984.763626882067911
+0.01312976896 -31186.750975913655566
+0.0132296693759999 -31388.750862584165588
+0.013329569792 -31590.768936839915114
+0.0134294702079999 -31792.793734434606449
+0.013529370624 -31994.81083207883421
+0.0136292710399999 -32196.792739957163576
+0.013729171456 -32398.726828432518232
+0.013829071872 -32600.604422812815756
+0.013928972288 -32802.499498823795875
+0.014028872704 -33004.416597872870625
+0.0141287731200001 -33206.339317566234968
+0.014228673536 -33408.263645866056322
+0.0143285739520001 -33610.221089987564483
+0.014428474368 -33812.210438446818443
+0.0145283747840001 -34014.231022467145522
+0.0146282752 -34216.27651233402139
+0.0147281756159999 -34418.322687232110184
+0.014828076032 -34620.359138416650239
+0.0149279764479999 -34822.413335361539794
+0.015027876864 -35024.487904098859872
+0.0151277772799999 -35226.570300436316757
+0.015227677696 -35428.68193039023754
+0.015327578112 -35630.817856462919735
+0.015427478528 -35832.971220956045727
+0.015527378944 -36035.132096034474671
+0.0156272793600001 -36237.284130848842324
+0.015727179776 -36439.429069020348834
+0.0158270801920001 -36641.546313404411194
+0.015926980608 -36843.677474403033557
+0.0160268810240001 -37045.83906323332485
+0.01612678144 -37248.042535500171653
+0.0162266818559999 -37450.309778942428238
+0.016326582272 -37652.616630674456246
+0.0164264826879999 -37854.958987800055183
+0.016526383104 -38057.326425510822446
+0.0166262835199999 -38259.700947650628223
+0.016726183936 -38462.072855129605159
+0.016826084352 -38664.479148189770058
+0.016925984768 -38866.913903729320737
+0.017025885184 -39069.369098039736855
+0.0171257856000001 -39271.828672225383343
+0.017225686016 -39474.310817116500402
+0.0173255864320001 -39676.81663775168272
+0.017425486848 -39879.33963653344108
+0.0175253872640001 -40081.86887564889912
+0.01762528768 -40284.429103825823404
+0.0177251880959999 -40487.032917468030064
+0.017825088512 -40689.714322285391972
+0.0179249889279999 -40892.447130895627197
+0.018024889344 -41095.206980820701574
+0.0181247897599999 -41297.964717888709856
+0.018224690176 -41500.746683478879277
+0.018324590592 -41703.54601418832317
+0.018424491008 -41906.342774712480605
+0.018524391424 -42109.163894898782019
+0.01862429184 -42311.992590770008974
+0.018724192256 -42514.857210398316965
+0.0188240926720001 -42717.757414348023303
+0.018923993088 -42920.718222412360774
+0.0190238935040001 -43123.729415717571101
+0.01912379392 -43326.77244938538206
+0.0192236943360001 -43529.851686288377095
+0.019323594752 -43732.975758174521616
+0.0194234951679999 -43936.13979164428747
+0.019523395584 -44139.33831637311232
+0.0196232959999999 -44342.564267448586179
+0.019723196416 -44545.802911348844646
+0.019823096832 -44749.049836774196592
+0.019922997248 -44952.323048150807153
+0.020022897664 -45155.627293565987202
+0.02012279808 -45358.956540702667553
+0.020222698496 -45562.303595883153321
+0.0203225989120001 -45765.659958027797984
+0.020422499328 -45969.01667167567939
+0.0205223997440001 -46172.421571455211961
+0.02062230016 -46375.909512533195084
+0.0207222005760001 -46579.455544107448077
+0.020822100992 -46783.04577908389183
+0.0209220014079999 -46986.660563035067753
+0.021021901824 -47190.309017500927439
+0.0211218022399999 -47394.007763772184262
+0.021221702656 -47597.746001384417468
+0.021321603072 -47801.51935508789029
+0.021421503488 -48005.357728906790726
+0.021521403904 -48209.263901661179261
+0.02162130432 -48413.229915934345627
+0.021721204736 -48617.25201388575806
+0.0218211051520001 -48821.327218727186846
+0.021921005568 -49025.452873688220279
+0.0220209059840001 -49229.626483648338763
+0.0221208064 -49433.845638310260256
+0.0222207068160001 -49638.108029067181633
+0.022320607232 -49842.411743515127455
+0.0224205076479999 -50046.754188463841274
+0.022520408064 -50251.132840465157642
+0.0226203084799999 -50455.545149318313634
+0.022720208896 -50659.988472209857719
+0.022820109312 -50864.46002274278726
+0.022920009728 -51068.95680506159988
+0.023019910144 -51273.475505683752999
+0.02311981056 -51478.012234487177921
+0.023219710976 -51682.561740622048092
+0.0233196113920001 -51887.121819969826902
+0.023419511808 -52091.686975296688615
+0.0235194122240001 -52296.247494467585057
+0.02361931264 -52500.778080322910682
+0.0237192130560001 -52705.304738777122111
+0.023819113472 -52909.83487798783608
+0.0239190138879999 -53114.343901141459355
+0.024018914304 -53318.869636125789839
+0.0241188147199999 -53523.431001568016654
+0.024218715136 -53728.021905562760367
+0.024318615552 -53932.638455264437653
+0.024418515968 -54137.277217042006669
+0.024518416384 -54341.934576094557997
+0.0246183168 -54546.606272566663392
+0.024718217216 -54751.286287196526246
+0.0248181176320001 -54955.959734754367673
+0.024918018048 -55160.639130677380308
+0.0250179184640001 -55365.333376300346572
+0.02511781888 -55570.038580361542699
+0.0252177192960001 -55774.749666721989342
+0.025317619712 -55979.458482235349948
+0.0254175201280001 -56184.142364371131407
+0.025517420544 -56388.828653622971615
+0.0256173209599999 -56593.531548899634799
+0.025717221376 -56798.248396347451489
+0.0258171217919999 -57002.976265493154642
+0.025917022208 -57207.711839410745597
+0.026016922624 -57412.451225846118177
+0.02611682304 -57617.198344899807125
+0.026216723456 -57821.974538160880911
+0.0263166238720001 -58026.752268036478199
+0.026416524288 -58231.495673607845674
+0.0265164247040001 -58436.248974871312384
+0.02661632512 -58641.022785683810071
+0.0267162255360001 -58845.812163899128791
+0.026816125952 -59050.611401770060183
+0.0269160263680001 -59255.412889177227044
+0.027015926784 -59460.203177748117014
+0.0271158271999999 -59664.947464999997464
+0.027215727616 -59869.703967505316541
+0.0273156280319999 -60074.486853485905158
+0.027415528448 -60279.293941771669779
+0.027515428864 -60484.122971278338809
+0.02761532928 -60688.971569166722475
+0.027715229696 -60893.837210436999158
+0.027815130112 -61098.71716311614
+0.027915030528 -61303.608408198961115
+0.0280149309440001 -61508.5075135578154
+0.02811483136 -61713.41041587604559
+0.0282147317760001 -61918.311990532012715
+0.028314632192 -62123.205002091424831
+0.0284145326080001 -62328.075883991739829
+0.028514433024 -62532.899676420121978
+0.0286143334399999 -62737.715499501973682
+0.028714233856 -62942.577622831697227
+0.0288141342719999 -63147.5447799127287
+0.028914034688 -63352.578865296381991
+0.029013935104 -63557.665695416319068
+0.02911383552 -63762.796808622566459
+0.029213735936 -63967.965620582450356
+0.029313636352 -64173.166193605145963
+0.029413536768 -64378.393233663540741
+0.0295134371840001 -64583.671466112238704
+0.0296133376 -64788.975574678064731
+0.0297132380160001 -64994.313638353160059
+0.029813138432 -65199.68567778171564
+0.0299130388480001 -65405.084799247757473
+0.030012939264 -65610.501185994042316
+0.0301128396799999 -65815.933074228407349
+0.030212740096 -66021.379875505212112
+0.0303126405119999 -66226.833230319680297
+0.030412540928 -66432.280506823852193
+0.030512441344 -66637.687415002525086
+0.03061234176 -66843.063252789783292
+0.030712242176 -67048.433991352736484
+0.030812142592 -67253.841743881523144
+0.030912043008 -67459.289983458496863
+0.0310119434240001 -67664.776565832376946
+0.03111184384 -67870.299180667294422
+0.0312117442560001 -68075.8551397556148
+0.031311644672 -68281.440308573248331
+0.0314115450880001 -68487.05046355057857
+0.031511445504 -68692.692840500472812
+0.0316113459199999 -68898.365416676635505
+0.031711246336 -69104.065463712773635
+0.0318111467519999 -69309.791914400542737
+0.031911047168 -69515.543106570243253
+0.032010947584 -69721.31654693375458
+0.032110848 -69927.109381968155503
+0.032210748416 -70132.918133873987244
+0.032310648832 -70338.738031471584691
+0.032410549248 -70544.560259321966441
+0.0325104496640001 -70750.366481928838766
+0.03261035008 -70956.192690564494114
+0.0327102504960001 -71162.042662675667088
+0.032810150912 -71367.9148404426669
+0.0329100513280001 -71573.812978664544062
+0.033009951744 -71779.733774380219984
+0.0331098521599999 -71985.674052347545512
+0.033209752576 -72191.631326741611701
+0.0333096529919999 -72397.603173266281374
+0.033409553408 -72603.587045145788579
+0.033509453824 -72809.580094570483197
+0.03360935424 -73015.578824303112924
+0.033709254656 -73221.585835110250628
+0.033809155072 -73427.595327663744683
+0.033909055488 -73633.629504564902163
+0.0340089559040001 -73839.701750122228987
+0.03410885632 -74045.798754107279819
+0.0342087567360001 -74251.914767130685505
+0.034308657152 -74458.045294711657334
+0.0344085575680001 -74664.185929280749406
+0.034508457984 -74870.335216153136571
+0.0346083583999999 -75076.490059079384082
+0.034708258816 -75282.647034162233467
+0.0348081592319999 -75488.802438239043113
+0.034908059648 -75694.951884065623744
+0.0350079600639999 -75901.087584923836403
+0.03510786048 -76107.207897612126544
+0.035207760896 -76313.319516696996288
+0.035307661312 -76519.418706947297323
+0.035407561728 -76725.501314847249887
+0.0355074621440001 -76931.56384734994208
+0.03560736256 -77137.600111535430187
+0.0357072629760001 -77343.602622201331542
+0.035807163392 -77549.558011285000248
+0.0359070638080001 -77755.448417374267592
+0.036006964224 -77961.31311279431975
+0.0361068646399999 -78167.147876649105456
+0.036206765056 -78372.945869305898668
+0.0363066654719999 -78578.697721782475128
+0.036406565888 -78784.383141459911712
+0.036506466304 -78990.007315728667891
+0.03660636672 -79195.576830492340378
+0.036706267136 -79401.070662367113982
+0.036806167552 -79606.461091784149176
+0.036906067968 -79811.768278987030499
+0.0370059683840001 -80017.026391597959446
+0.0371058688 -80222.227561341729597
+0.0372057692160001 -80427.382945649500471
+0.037305669632 -80632.533087105271989
+0.0374055700480001 -80837.681916046189144
+0.037505470464 -81042.815303102557664
+0.0376053708800001 -81247.915491489344276
+0.037705271296 -81453.024014433060074
+0.0378051717119999 -81658.137186164487503
+0.037905072128 -81863.248420815056306
+0.0380049725439999 -82068.347072751465021
+0.03810487296 -82273.407208860648097
+0.038204773376 -82478.459726793938898
+0.038304673792 -82683.505283077058266
+0.038404574208 -82888.528258549500606
+0.038504474624 -83093.565784178659669
+0.03860437504 -83298.614555750507861
+0.0387042754560001 -83503.667492602166021
+0.038804175872 -83708.704354305722518
+0.0389040762880001 -83913.738603774036164
+0.039003976704 -84118.793839680452948
+0.0391038771200001 -84323.866728831737419
+0.039203777536 -84528.952156195882708
+0.0393036779519999 -84734.039356193272397
+0.039403578368 -84939.14237050304655
+0.0395034787839999 -85144.261820700514363
+0.0396033792 -85349.393745329783997
+0.039703279616 -85554.536928814035491
+0.039803180032 -85759.683558612814522
+0.039903080448 -85964.827614424662897
+0.040002980864 -86169.987150191605906
+0.04010288128 -86375.159581200816319
+0.0402027816960001 -86580.341836445615627
+0.040302682112 -86785.530323096885695
+0.0404025825280001 -86990.720647091773571
+0.040502482944 -87195.907036513075582
+0.0406023833600001 -87401.083949364619912
+0.040702283776 -87606.251922786002979
+0.0408021841919999 -87811.380654002830852
+0.040902084608 -88016.521770988256321
+0.0410019850239999 -88221.686658116799663
+0.04110188544 -88426.867741244364879
+0.041201785856 -88632.073637117020553
+0.041301686272 -88837.302564795871149
+0.041401586688 -89042.551583337917691
+0.041501487104 -89247.8174712415057
+0.04160138752 -89453.096448702621274
+0.0417012879360001 -89658.383257057706942
+0.041801188352 -89863.668757153907791
+0.0419010887680001 -90068.960966582701076
+0.042000989184 -90274.255399871341069
+0.0421008896000001 -90479.547185715957312
+0.042200790016 -90684.845593666279456
+0.0423006904319999 -90890.21798493960523
+0.042400590848 -91095.644348577727214
+0.0425004912639999 -91301.094007683030213
+0.04260039168 -91506.538725467413315
+0.042700292096 -91711.976874963671435
+0.042800192512 -91917.387450226742658
+0.042900092928 -92122.776046865605167
+0.042999993344 -92328.203330575852306
+0.04309989376 -92533.662035747576738
+0.0431997941760001 -92739.153360077369143
+0.043299694592 -92944.670926663005957
+0.0433995950080001 -93150.20060004122206
+0.043499495424 -93355.726299169240519
+0.0435993958400001 -93561.278187011441332
+0.043699296256 -93766.865858057441073
+0.0437991966720001 -93972.479187233708217
+0.043899097088 -94178.097446652129292
+0.0439989975039999 -94383.759862192804576
+0.04409889792 -94589.470055973622948
+0.044198798336 -94795.225099315546686
+0.044298698752 -95001.021136005743756
+0.044398599168 -95206.85028523526853
+0.044498499584 -95412.708613259746926
+0.0445984 -95618.611921322677517
+0.0446983004160001 -95824.557663061990752
+0.044798200832 -96030.542878523192485
+0.0448981012480001 -96236.563908764219377
+0.044998001664 -96442.61563533025037
+0.0450979020800001 -96648.68633708251582
+0.045197802496 -96854.774437457905151
+0.0452977029120001 -97060.897048542639823
+0.045397603328 -97267.047916043709847
+0.0454975037439999 -97473.213004005432595
+0.04559740416 -97679.379400724996231
+0.045697304576 -97885.584859538183082
+0.045797204992 -98091.826949156093178
+0.045897105408 -98298.119891050766455
+0.045997005824 -98504.461900488473475
+0.04609690624 -98710.85086235437484
+0.0461968066560001 -98917.284030217895634
+0.046296707072 -99123.756979767727898
+0.0463966074880001 -99330.25801964092534
+0.046496507904 -99536.80250948057801
+0.0465964083200001 -99743.396216993831331
+0.046696308736 -99950.037667025317205
+0.0467962091520001 -100156.72525568856508
+0.046896109568 -100363.45720874423569
+0.0469960099839999 -100570.23151745325595
+0.0470959104 -100777.04583246294351
+0.0471958108159999 -100983.89727069510263
+0.047295711232 -101190.78200939977251
+0.047395611648 -101397.69418856331322
+0.047495512064 -101604.61945330773597
+0.04759541248 -101811.54540137414006
+0.047695312896 -102018.51529340147681
+0.047795213312 -102225.53519782671356
+0.0478951137280001 -102432.60391515602532
+0.047995014144 -102639.72015937992546
+0.0480949145600001 -102846.88252990032197
+0.048194814976 -103054.08946593430301
+0.0482947153920001 -103261.33916388651414
+0.048394615808 -103468.62940062164853
+0.0484945162239999 -103675.95702389221697
+0.04859441664 -103883.31453073583543
+0.0486943170559999 -104090.70587944364524
+0.048794217472 -104298.14069615672634
+0.048894117888 -104505.61685832620424
+0.048994018304 -104713.13210804619303
+0.04909391872 -104920.68377215928922
+0.0491938191360001 -105128.26838127795781
+0.049293719552 -105335.88073682395043
+0.0493936199680001 -105543.50971832488722
+0.049493520384 -105751.13637846082565
+0.0495934208000001 -105958.80875250097597
+0.049693321216 -106166.52904634033621
+0.0497932216320001 -106374.29623729542072
+0.049893122048 -106582.10926076979376
+0.0499930224639999 -106789.96700185000373
+0.05009292288 -106997.86828450342
+0.0501928232959999 -107205.8118571236846
+0.050292723712 -107413.79637229663786
+0.050392624128 -107621.8203569692123
+0.050492524544 -107829.88216557438136
+0.05059242496 -108037.97989973728545
+0.050692325376 -108246.11125283334695
+0.050792225792 -108454.27314398089948
+0.0508921262080001 -108662.46043156928499
+0.050992026624 -108870.65975261716812
+0.0510919270400001 -109078.88947392752743
+0.051191827456 -109287.15445036815072
+0.0512917278720001 -109495.44988554077281
+0.051391628288 -109703.77911439130548
+0.0514915287039999 -109912.14089324927772
+0.05159142912 -110120.53785503370455
+0.0516913295359999 -110328.96952952793799
+0.051791229952 -110537.4343390565482
+0.051891130368 -110745.93056347395759
+0.051991030784 -110954.45630134653766
+0.0520909312 -111163.00941229432647
+0.052190831616 -111371.58742541972606
+0.052290732032 -111580.18738082853088
+0.0523906324480001 -111788.80551722286327
+0.052490532864 -111997.43650930833246
+0.0525904332800001 -112206.07047657507064
+0.052690333696 -112414.6858024532994
+0.0527902341120001 -112623.32107645875658
+0.052890134528 -112831.97827368280559
+0.0529900349439999 -113040.64576463734556
+0.05308993536 -113249.33557923631452
+0.0531898357759999 -113458.05346784570429
+0.053289736192 -113666.79669505704078
+0.053389636608 -113875.56192204939725
+0.053489537024 -114084.34482967686199
+0.05358943744 -114293.1392515891057
+0.053689337856 -114501.93432702493737
+0.053789238272 -114710.69681944287731
+0.0538891386880001 -114919.46689234033693
+0.053989039104 -115128.26395783992484
+0.0540889395200001 -115337.09168104968558
+0.054188839936 -115545.9560450194549
+0.0542887403520001 -115754.85419123039173
+0.054388640768 -115963.78614213304536
+0.0544885411839999 -116172.77750371770526
+0.0545884416 -116381.82478896186512
+0.0546883420159999 -116590.92297696505557
+0.054788242432 -116800.06142244183866
+0.0548881428479999 -117009.22183603087615
+0.054988043264 -117218.43681414969615
+0.05508794368 -117427.70922848576447
+0.055187844096 -117637.03734939967399
+0.055287744512 -117846.4195228042081
+0.0553876449280001 -118055.85409543651622
+0.055487545344 -118265.33931256498909
+0.0555874457600001 -118474.87305374702555
+0.055687346176 -118684.45124407499679
+0.0557872465920001 -118894.0763272059412
+0.055887147008 -119103.74947069662448
+0.0559870474239999 -119313.4693169942766
+0.05608694784 -119523.23446492900257
+0.0561868482560001 -119733.04345456593728
+0.056286748672 -119942.89474856860761
+0.056386649088 -120152.78670758975204
+0.056486549504 -120362.71755477022089
+0.05658644992 -120572.68531901201641
+0.056686350336 -120782.68772949035338
+0.056786250752 -120992.72195906241541
+0.0568861511680001 -121202.78542593313614
+0.056986051584 -121412.89721910009393
+0.0570859520000001 -121623.04356465376623
+0.057185852416 -121833.22957885623327
+0.0572857528320001 -122043.45386259740917
+0.057385653248 -122253.71240632336412
+0.0574855536639999 -122464.00098031939706
+0.05758545408 -122674.31464502810559
+0.0576853544959999 -122884.64687380701071
+0.057785254912 -123094.9864102073916
+0.0578851553279999 -123305.31174632439797
+0.057985055744 -123515.65113139591995
+0.05808495616 -123726.00885507561907
+0.058184856576 -123936.38588567207626
+0.058284756992 -124146.75741257861955
+0.058384657408 -124357.14244198340748
+0.058484557824 -124567.56750460852345
+0.0585844582400001 -124778.02789060784562
+0.058684358656 -124988.51564261889143
+0.0587842590720001 -125199.00847471404995
+0.058884159488 -125409.53278422023868
+0.0589840599040001 -125620.09824788518017
+0.05908396032 -125830.68766974203754
+0.0591838607359999 -126041.31644994026283
+0.059283761152 -126252.00470678923011
+0.0593836615679999 -126462.75579589504923
+0.059483561984 -126673.5862568855955
+0.0595834624 -126884.48574024096888
+0.059683362816 -127095.44980802324426
+0.059783263232 -127306.47567386459559
+0.0598831636480001 -127517.56104476857581
+0.059983064064 -127728.70379822961695
+0.0600829644800001 -127939.90183012535272
+0.060182864896 -128151.15295123960823
+0.0602827653120001 -128362.45478947607626
+0.060382665728 -128573.80466825071198
+0.0604825661440001 -128785.19941859882965
+0.06058246656 -128996.63502201397205
+0.0606823669760001 -129208.10568297086866
+0.060782267392 -129419.59812358672207
+0.0608821678079999 -129631.11446418848936
+0.060982068224 -129842.65213938249508
+0.06108196864 -130054.19058544650034
+0.061181869056 -130265.77636876725592
+0.061281769472 -130477.42325621715281
+0.061381669888 -130689.13581298134523
+0.061481570304 -130900.91198908195656
+0.0615814707200001 -131112.74969926977064
+0.061681371136 -131324.64632347988663
+0.0617812715520001 -131536.59702024218859
+0.061881171968 -131748.59791602822952
+0.0619810723840001 -131960.65617103231489
+0.0620809728 -132172.76271577962325
+0.0621808732160001 -132384.92441048222827
+0.062280773632 -132597.14955364781781
+0.0623806740479999 -132809.43627927373745
+0.062480574464 -133021.78218742427998
+0.06258047488 -133234.18388083745958
+0.062680375296 -133446.63557707326254
+0.062780275712 -133659.11877727252431
+0.0628801761280001 -133871.64439629315166
+0.062980076544 -134084.24298332375474
+0.0630799769600001 -134296.91364504102967
+0.063179877376 -134509.65512379971915
+0.0632797777920001 -134722.46486812864896
+0.063379678208 -134935.33911388265551
+0.0634795786240001 -135148.28758800608921
+0.06357947904 -135361.31040295268758
+0.0636793794560001 -135574.40720807071193
+0.063779279872 -135787.57765214610845
+0.0638791802879999 -136000.82138313481119
+0.063979080704 -136214.13804790528957
+0.0640789811199999 -136427.52729191281833
+0.064178881536 -136640.98875895648962
+0.064278781952 -136854.52209084658534
+0.064378682368 -137068.12692714182776
+0.064478582784 -137281.80290482146665
+0.0645784832000001 -137495.54965795140015
+0.064678383616 -137709.36681734709418
+0.0647782840320001 -137923.25401020911522
+0.064878184448 -138137.21085970956483
+0.0649780848640001 -138351.23698458861327
+0.06507798528 -138565.33199866328505
+0.0651778856960001 -138779.49551037154743
+0.065277786112 -138993.72712217076332
+0.0653776865279999 -139208.02642996844952
+0.065477586944 -139422.39302242884878
+0.06557748736 -139636.8264802362828
+0.065677387776 -139851.32637520306162
+0.065777288192 -140065.89226936813793
+0.065877188608 -140280.52371387073072
+0.065977089024 -140495.22024770930875
+0.0660769894400001 -140709.98139629309298
+0.066176889856 -140924.80666973468033
+0.0662767902720001 -141139.6955609023571
+0.066376690688 -141354.64754298902699
+0.0664765911040001 -141569.66206672880799
+0.06657649152 -141784.73855688414187
+0.0666763919360001 -141999.87640796863707
+0.066776292352 -142215.07497887322097
+0.0668761927679999 -142430.35724618096719
+0.066976093184 -142645.73678448394639
+0.0670759936 -142861.19642890241812
+0.067175894016 -143076.73066748565179
+0.067275794432 -143292.33600775251398
+0.067375694848 -143508.00967918598326
+0.067475595264 -143723.74915955163306
+0.0675754956800001 -143939.55186609816155
+0.067675396096 -144155.41472122102277
+0.0677752965120001 -144371.33201000612462
+0.067875196928 -144587.30441917895223
+0.0679750973440001 -144803.33174065171625
+0.06807499776 -145019.40908980276436
+0.0681748981760001 -145235.56333908028319
+0.068274798592 -145451.81404685732559
+0.0683746990079999 -145668.15379490077612
+0.068474599424 -145884.57638122024946
+0.0685744998399999 -146101.0816089505679
+0.068674400256 -146317.6693378907803
+0.068774300672 -146534.33781877331785
+0.068874201088 -146751.08553129472421
+0.068974101504 -146967.91110284125898
+0.0690740019200001 -147184.81325646748883
+0.069173902336 -147401.79077383546974
+0.0692738027520001 -147618.84246555741993
+0.069373703168 -147835.96714394778246
+0.0694736035840001 -148053.16359320795164
+0.069573504 -148270.43092410641839
+0.0696734044160001 -148487.77010830264771
+0.069773304832 -148705.1782088255859
+0.0698732052479999 -148922.65204541324056
+0.069973105664 -149140.19290117386845
+0.0700730060799999 -149357.79935902135912
+0.070172906496 -149575.46918505406938
+0.070272806912 -149793.19944432380726
+0.070372707328 -150010.98558869666886
+0.070472607744 -150228.81525917976978
+0.07057250816 -150446.69163662186475
+0.070672408576 -150664.61906425343477
+0.0707723089920001 -150882.61702769741532
+0.070872209408 -151100.6900346618495
+0.0709721098240001 -151318.83632574888179
+0.07107201024 -151537.0582522713521
+0.0711719106560001 -151755.35587152541848
+0.071271811072 -151973.72876365110278
+0.0713717114879999 -152192.176511967642
+0.071471611904 -152410.69870209082728
+0.0715715123199999 -152629.29492105028476
+0.071671412736 -152847.96475639479468
+0.071771313152 -153066.70779534816393
+0.071871213568 -153285.52362391562201
+0.071971113984 -153504.41182591411052
+0.0720710144 -153723.37198197082034
+0.072170914816 -153942.40366844460368
+0.0722708152320001 -154161.50645613280358
+0.072370715648 -154380.67990887595806
+0.0724706160640001 -154599.93228409253061
+0.07257051648 -154819.26842264298466
+0.0726704168960001 -155038.68179575863178
+0.072770317312 -155258.17019761528354
+0.0728702177279999 -155477.73218793710112
+0.072970118144 -155697.3666190119402
+0.0730700185599999 -155917.07247326531797
+0.073169918976 -156136.84877557348227
+0.073269819392 -156356.69451094284886
+0.073369719808 -156576.60843994049355
+0.073469620224 -156796.58828785028891
+0.0735695206400001 -157016.63588321433053
+0.073669421056 -157236.75141560321208
+0.0737693214720001 -157456.93409581622109
+0.073869221888 -157677.18309068048256
+0.0739691223040001 -157897.49750526621938
+0.07406902272 -158117.87635918697924
+0.0741689231360001 -158338.31855326643563
+0.074268823552 -158558.84911202389048
+0.0743687239679999 -158779.47484144978807
+0.074468624384 -159000.17940899575478
+0.0745685248000001 -159220.95601031789556
+0.074668425216 -159441.79827167475014
+0.0747683256319999 -159662.69613336824114
+0.074868226048 -159883.62815099043655
+0.074968126464 -160104.63617786581744
+0.07506802688 -160325.72593608748866
+0.075167927296 -160546.89645012753317
+0.0752678277120001 -160768.14676750573562
+0.075367728128 -160989.4758455689007
+0.0754676285440001 -161210.88184404731146
+0.07556752896 -161432.36467515971162
+0.0756674293760001 -161653.92627931924653
+0.075767329792 -161875.56613673598622
+0.0758672302079999 -162097.28375169649371
+0.075967130624 -162319.07864855151274
+0.0760670310399999 -162540.95036835523206
+0.076166931456 -162762.89846599948942
+0.076266831872 -162984.92250764480559
+0.076366732288 -163207.02206828890485
+0.076466632704 -163429.19672930808156
+0.07656653312 -163651.44607576660928
+0.076666433536 -163873.76969304811792
+0.0767663339520001 -164096.16716200040537
+0.076866234368 -164318.63805074460106
+0.0769661347840001 -164541.18189706996782
+0.0770660352 -164763.79815382140805
+0.0771659356160001 -164986.48581017390825
+0.077265836032 -165209.24528133598506
+0.0773657364480001 -165432.07690682160319
+0.077465636864 -165654.98032507061725
+0.0775655372799999 -165877.95517076324904
+0.077665437696 -166101.00107262370875
+0.077765338112 -166324.1176502504386
+0.077865238528 -166547.30450973729603
+0.077965138944 -166770.56123701782781
+0.07806503936 -166993.88738703206764
+0.078164939776 -167217.28246417455375
+0.0782648401920001 -167440.74588191101793
+0.078364740608 -167664.27685730424128
+0.0784646410240001 -167887.8739340986067
+0.07856454144 -168111.5347320617002
+0.0786644418560001 -168335.26459486965905
+0.078764342272 -168559.06361692791688
+0.0788642426880001 -168782.93151018282515
+0.078964143104 -169006.86798616475426
+0.0790640435200001 -169230.87275570968632
+0.079163943936 -169454.94552861663396
+0.0792638443519999 -169679.0860133083479
+0.079363744768 -169903.29391640305403
+0.079463645184 -170127.56894229332102
+0.0795635456 -170351.9107926292927
+0.079663446016 -170576.31916573474882
+0.079763346432 -170800.7937559420825
+0.079863246848 -171025.33425275335321
+0.0799631472640001 -171249.94033980893437
+0.08006304768 -171474.61169371160213
+0.0801629480960001 -171699.34798230227898
+0.080262848512 -171924.14886254240992
+0.0803627489280001 -172149.0139774440031
+0.080462649344 -172373.94295161252376
+0.0805625497600001 -172598.93538411895861
+0.080662450176 -172823.9908360473346
+0.0807623505919999 -173049.10880537025514
+0.080862251008 -173274.28866192832356
+0.080962151424 -173499.52934354753233
+0.08106205184 -173724.82940407676506
+0.081161952256 -173950.19169158505974
+0.081261852672 -174175.61597321004956
+0.081361753088 -174401.13510881605907
+0.0814616535040001 -174626.75278303716914
+0.08156155392 -174852.45387328785728
+0.0816614543360001 -175078.23309248342412
+0.081761354752 -175304.087130226515
+0.0818612551680001 -175530.01335761838709
+0.081961155584 -175756.00916262067039
+0.0820610560000001 -175982.07043602355407
+0.082160956416 -176208.1988285658299
+0.0822608568319999 -176434.39334115642123
+0.082360757248 -176660.647207853297
+0.082460657664 -176886.96876461050124
+0.08256055808 -177113.36184599492117
+0.082660458496 -177339.82583992657601
+0.0827603589120001 -177566.36016829620348
+0.082860259328 -177792.96427920568385
+0.0829601597440001 -178019.63764036531211
+0.08306006016 -178246.37973314154078
+0.0831599605760001 -178473.19004656848847
+0.083259860992 -178700.0680708369182
+0.0833597614080001 -178927.01328895214829
+0.083459661824 -179154.02516478174948
+0.0835595622400001 -179381.10312251464347
+0.083659462656 -179608.24650441424455
+0.0837593630719999 -179835.45445346506312
+0.083859263488 -180062.7251094582316
+0.0839591639039999 -180290.05804608468316
+0.08405906432 -180517.45684272618382
+0.084158964736 -180744.9211360719637
+0.0842588651520001 -180972.45056327161728
+0.084358765568 -181200.04476058689761
+0.0844586659840001 -181427.70336184569169
+0.0845585664 -181655.4259965949168
+0.0846584668160001 -181883.21228765780688
+0.084758367232 -182111.06184766622027
+0.0848582676480001 -182338.97427327762125
+0.084958168064 -182566.94913287420059
+0.0850580684800001 -182794.98591683447012
+0.085157968896 -183023.08405919282814
+0.0852578693119999 -183251.24355035941699
+0.085357769728 -183479.46388620100333
+0.085457670144 -183707.74443578286446
+0.08555757056 -183936.08405599481193
+0.085657470976 -184164.48265902118874
+0.085757371392 -184392.94070179224946
+0.085857271808 -184621.45731018274091
+0.0859571722240001 -184850.03096518389066
+0.08605707264 -185078.65816205847659
+0.0861569730560001 -185307.34443180734525
+0.086256873472 -185536.09148222228396
+0.0863567738880001 -185764.898988441244
+0.086456674304 -185993.76661708703614
+0.0865565747200001 -186222.69402423783322
+0.086656475136 -186451.68085271751625
+0.0867563755519999 -186680.72672825917834
+0.086856275968 -186909.83125396972173
+0.086956176384 -187138.99400170100853
+0.0870560768 -187368.21449761418626
+0.087155977216 -187597.49219526167144
+0.087255877632 -187826.82641655576299
+0.087355778048 -188056.21617960199364
+0.0874556784640001 -188285.65889990964206
+0.08755557888 -188515.15522515354678
+0.0876554792960001 -188744.7094101033581
+0.087755379712 -188974.3211183649837
+0.0878552801280001 -189203.99000251467805
+0.087955180544 -189433.71570234341198
+0.0880550809600001 -189663.49784271043609
+0.088154981376 -189893.33603085638606
+0.0882548817919999 -190123.22985302432789
+0.088354782208 -190353.17887012625579
+0.0884546826240001 -190583.18261206001625
+0.08855458304 -190813.24057006719522
+0.088654483456 -191043.35218608757714
+0.088754383872 -191273.5168374258501
+0.088854284288 -191503.73381359822815
+0.0889541847040001 -191734.00227899572928
+0.08905408512 -191964.32120684382971
+0.0891539855360001 -192194.70171472468064
+0.089253885952 -192425.16232876194408
+0.0893537863680001 -192655.68561509987921
+0.089453686784 -192886.25694996054517
+0.0895535872000001 -193116.88093194380053
+0.089653487616 -193347.57265374012059
+0.0897533880319999 -193578.33082828990882
+0.089853288448 -193809.15439667526516
+0.0899531888639999 -194040.04243921418674
+0.09005308928 -194270.9941179746238
+0.090152989696 -194502.0086226639396
+0.090252890112 -194733.08503159912652
+0.090352790528 -194964.22241156661767
+0.090452690944 -195195.42125406756531
+0.09055259136 -195426.68098926235689
+0.0906524917760001 -195658.00102664070437
+0.090752392192 -195889.38076551156701
+0.0908522926080001 -196120.81958172755549
+0.090952193024 -196352.31680932987365
+0.0910520934400001 -196583.87171145580942
+0.091151993856 -196815.48342618279275
+0.0912518942719999 -197047.15084046145785
+0.091351794688 -197278.87211870908504
+0.0914516951039999 -197510.643562694313
+0.09155159552 -197742.47019601138891
+0.091651495936 -197974.34999190259259
+0.091751396352 -198206.28670999128371
+0.091851296768 -198438.28163677218254
+0.091951197184 -198670.33430644497275
+0.0920510976 -198902.44422481764923
+0.0921509980160001 -199134.61086050872109
+0.092250898432 -199366.83363288684632
+0.0923507988480001 -199599.11669127069763
+0.092450699264 -199831.45892487166566
+0.0925505996800001 -200063.85782596829813
+0.092650500096 -200296.31177007502993
+0.0927504005119999 -200528.81901734267012
+0.092850300928 -200761.37725537645747
+0.0929502013440001 -200993.98248767969199
+0.09305010176 -201226.64344770641765
+0.093150002176 -201459.39278065256076
+0.093249902592 -201692.22634690377163
+0.093349803008 -201925.13908004079713
+0.0934497034240001 -202158.12816330138594
+0.09354960384 -202391.19168625664315
+0.0936495042560001 -202624.32821644490468
+0.093749404672 -202857.53661138910684
+0.0938493050880001 -203090.81592078768881
+0.093949205504 -203324.16532972385176
+0.0940491059200001 -203557.62055360511295
+0.094149006336 -203791.18688843099517
+0.0942489067519999 -204024.84669352613855
+0.094348807168 -204258.59431274206145
+0.0944487075840001 -204492.4263843074732
+0.094548608 -204726.34054099273635
+0.0946485084159999 -204960.34397875203285
+0.094748408832 -205194.44254885287955
+0.094848309248 -205428.64180094469339
+0.094948209664 -205662.94808159963577
+0.09504811008 -205897.34918272294453
+0.0951480104960001 -206131.84066354419338
+0.095247910912 -206366.41968362874468
+0.0953478113280001 -206601.08412122906884
+0.095447711744 -206835.83226770686451
+0.0955476121600001 -207070.66268360015238
+0.095647512576 -207305.57411891818629
+0.0957474129919999 -207540.56546418272774
+0.095847313408 -207775.63571789392154
+0.0959472138240001 -208010.78396380014601
+0.09604711424 -208246.00935420187307
+0.096147014656 -208481.31109712587204
+0.096246915072 -208716.68844616791466
+0.096346815488 -208952.14069207734428
+0.096446715904 -209187.66715536828269
+0.09654661632 -209423.26717961000395
+0.0966465167360001 -209658.94012466914137
+0.096746417152 -209894.68535940273432
+0.0968463175680001 -210130.50225290283561
+0.096946217984 -210366.39016254697344
+0.0970461184000001 -210602.36577203930938
+0.097146018816 -210838.43127283701324
+0.0972459192319999 -211074.57759558974067
+0.097345819648 -211310.80120075814193
+0.0974457200640001 -211547.09953062864952
+0.09754562048 -211783.47170731268125
+0.097645520896 -212019.92165537783876
+0.097745421312 -212256.44832764516468
+0.097845321728 -212493.05085517148837
+0.097945222144 -212729.72848129711929
+0.09804512256 -212966.48052866503713
+0.0981450229760001 -213203.30637957213912
+0.098244923392 -213440.20546312211081
+0.0983448238080001 -213677.17724630504381
+0.098444724224 -213914.2212275028578
+0.0985446246400001 -214151.33693160413532
+0.098644525056 -214388.5239062353503
+0.0987444254719999 -214625.78410981007619
+0.098844325888 -214863.14549708509003
+0.0989442263040001 -215100.59653146794881
+0.09904412672 -215338.13109751639422
+0.0991440271359999 -215575.74635954864789
+0.099243927552 -215813.44047304039123
+0.099343827968 -216051.21206491466728
+0.099443728384 -216289.06003326526843
+0.0995436288 -216526.9834504321916
+0.0996435292160001 -216764.98150945405359
+0.099743429632 -217003.05349158987519
+0.0998433300480001 -217241.19874521807651
+0.099943230464 -217479.41667145860265
diff --git a/DATASET/P=110000Pa/box_confined.data b/DATASET/P=110000Pa/box_confined.data
new file mode 100644
index 0000000..696a510
--- /dev/null
+++ b/DATASET/P=110000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2118132
+
+240 atoms
+6 atom types
+
+0.027700800000000005 0.07229920000000001 xlo xhi
+0.027700800000000005 0.07229920000000001 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+7 1 0.0025 1500.0000000000005 0.02925301702371767 0.029070214834378133 0 1 0 0
+239 1 0.0025 1500.0000000000005 0.040863368127755 0.072275545324305 0 0 0 0
+238 1 0.0035 1071.4285714285713 0.04360245865604853 0.028840834660074012 0 0 1 0
+4 1 0.0035 1071.4285714285713 0.04709936802798013 0.02912263923963495 0 0 0 0
+9 1 0.0025 1500.0000000000005 0.051423684040398675 0.028043801344463593 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.059710008799074406 0.028109565617308794 0 0 0 0
+3 1 0.0035 1071.4285714285713 0.06256781183926495 0.028883849993897565 0 0 0 0
+235 1 0.0035 1071.4285714285713 0.06841919537660768 0.028926657218973997 0 0 1 0
+13 1 0.0035 1071.4285714285713 0.031387820333812315 0.031190607444069325 0 0 0 0
+240 1 0.0025 1500.0000000000005 0.03430722351352975 0.03164561152167999 0 0 1 0
+11 1 0.0025 1500.0000000000005 0.036210663697139794 0.03005321766914121 0 0 0 0
+20 1 0.0035 1071.4285714285713 0.039338120802375615 0.03023984335828058 0 0 0 0
+29 1 0.0035 1071.4285714285713 0.042321555179164555 0.032066869361812876 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.04515420882861694 0.03137385709631807 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.04994286828789528 0.03025266342265435 0 0 0 0
+10 1 0.0035 1071.4285714285713 0.05292120508678893 0.030598742723962867 0 0 0 0
+23 1 0.0035 1071.4285714285713 0.05638506781471279 0.03044128455056497 0 0 0 0
+14 1 0.0035 1071.4285714285713 0.05985036050139773 0.03100668148069163 0 0 0 0
+16 1 0.0025 1500.0000000000005 0.06269942815602607 0.031827361729872244 0 0 0 0
+8 1 0.0035 1071.4285714285713 0.06550045167470947 0.030728832747426205 0 0 0 0
+12 1 0.0035 1071.4285714285713 0.07139039815105702 0.030794985932391803 0 0 0 0
+35 1 0.0025 1500.0000000000005 0.028937623963685363 0.032903166010826636 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.031079940939588928 0.0341047525604963 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.03696956659084355 0.032973720685549636 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.040032411797370174 0.034680526986980764 0 0 0 0
+26 1 0.0025 1500.0000000000005 0.045231977783421085 0.03382740711091704 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.04788441024176812 0.03242754077128475 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.05084710800436934 0.03276990015954037 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.05273381289548749 0.03439627846549246 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.05473902897639015 0.0329424475144527 0 0 0 0
+34 1 0.0035 1071.4285714285713 0.05762157205758536 0.033637360609872734 0 0 0 0
+32 1 0.0035 1071.4285714285713 0.061029892939721726 0.03422585701821664 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.06448615888921812 0.03417690385852282 0 0 0 0
+24 1 0.0035 1071.4285714285713 0.06842794405305155 0.032548286126077075 0 0 0 0
+19 1 0.0025 1500.0000000000005 0.07120283729171867 0.03380081788132615 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.028716136369302675 0.03585849877393834 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.03157251260670788 0.03652629577389899 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.034009656896419646 0.0347779662230785 0 0 0 0
+41 1 0.0025 1500.0000000000005 0.03669628772310557 0.03606043741691952 0 0 0 0
+48 1 0.0025 1500.0000000000005 0.04293143618031831 0.03500536508598503 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.04724990019493616 0.035315598493871406 0 0 0 0
+33 1 0.0025 1500.0000000000005 0.0496926292041049 0.03506199737524498 0 0 0 0
+44 1 0.0035 1071.4285714285713 0.0551932777758901 0.036046136888626935 0 0 0 0
+43 1 0.0035 1071.4285714285713 0.05869717529111226 0.03690246000818494 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.06749349412122628 0.035882736658649265 0 0 0 0
+40 1 0.0025 1500.0000000000005 0.07041994534420434 0.03610378294335066 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.030141588948111284 0.039102131994602246 0 0 0 0
+51 1 0.0035 1071.4285714285713 0.03390763031674836 0.03835269085783352 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.03683469846238389 0.03865396912703472 0 0 0 0
+42 1 0.0025 1500.0000000000005 0.038976288459656463 0.037412037410182154 0 0 0 0
+49 1 0.0025 1500.0000000000005 0.041698717574289196 0.03719689765824158 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.040521122676831535 0.03939696632250456 0 0 0 0
+60 1 0.0035 1071.4285714285713 0.04496431728204632 0.037243397044212805 0 0 0 0
+59 1 0.0035 1071.4285714285713 0.04832432651239013 0.0381222163698824 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.05168824970497794 0.03726144470437452 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.054227538581603396 0.03885815817512054 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.056692479683634986 0.039045251790950336 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.06165822438898815 0.03708087962848638 0 0 0 0
+39 1 0.0035 1071.4285714285713 0.06453245080637067 0.037743132933817855 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.06696503278237832 0.03952124513287493 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.069264827594521 0.03823305264202983 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.07176975083171484 0.038311803786171286 0 0 0 0
+64 1 0.0025 1500.0000000000005 0.032473567689209205 0.04093832633244532 0 0 0 0
+80 1 0.0035 1071.4285714285713 0.035348647736755875 0.04170040234075765 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.03836597991912384 0.040617111759633645 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.04304778512669861 0.03955260786302016 0 0 0 0
+70 1 0.0035 1071.4285714285713 0.045784966143460455 0.040750954846380666 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.048865288663684114 0.041067485416620544 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.051828523137464846 0.04068518205739543 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.0549703655393643 0.04127706336040863 0 0 0 0
+82 1 0.0025 1500.0000000000005 0.05902230843696928 0.039814626336149 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.06193663905997034 0.04008445437881576 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.06467615421107091 0.041230199381121956 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.06913191653308158 0.04075126370533569 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.07202608265994535 0.04122686630503774 0 0 0 0
+78 1 0.0035 1071.4285714285713 0.030351886538824993 0.04304835853539619 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.03325182888180364 0.04404859828787282 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.03818508757526865 0.04356530015813805 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.040667479256313144 0.04195333429935179 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.043078702734127464 0.04203828752411929 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.04747277617925041 0.04315193640060514 0 0 0 0
+95 1 0.0035 1071.4285714285713 0.050326152437230286 0.043811515475268105 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.053408925846823885 0.04317710872042817 0 0 0 0
+90 1 0.0025 1500.0000000000005 0.05725504125901759 0.042132035798995014 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.059705803208336794 0.04218239829700702 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.06197001729387901 0.04305438742558904 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.06702211503133426 0.042008400443992275 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.0697944672413926 0.04313330080377485 0 0 0 0
+86 1 0.0025 1500.0000000000005 0.03126400451573587 0.04584556141250122 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.03572761273908477 0.04521001313387474 0 0 0 0
+91 1 0.0035 1071.4285714285713 0.04139279194267237 0.045010374689921265 0 0 0 0
+87 1 0.0035 1071.4285714285713 0.04483496977423633 0.04441793164030116 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.04784985780382069 0.04622916993226266 0 0 0 0
+111 1 0.0025 1500.0000000000005 0.05319696655485008 0.04565712772800666 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.055458659312253814 0.044535853958746964 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.05836861984747447 0.04487794915628767 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.06161659406212738 0.045997905737639594 0 0 0 0
+89 1 0.0035 1071.4285714285713 0.06470063603534118 0.04424013635037931 0 0 0 0
+66 1 0.0025 1500.0000000000005 0.06762414886129446 0.044388560672799754 0 0 0 0
+99 1 0.0025 1500.0000000000005 0.06986190545150875 0.04558351122953127 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.07199310641714719 0.044265265414633576 0 -1 0 0
+107 1 0.0035 1071.4285714285713 0.02846532802063624 0.04698881969896847 0 0 0 0
+110 1 0.0035 1071.4285714285713 0.031582293742270034 0.04876308688735221 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.033550431951621995 0.0465301556308758 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.03564265153081443 0.04782897100488135 0 0 0 0
+103 1 0.0035 1071.4285714285713 0.03855613728108715 0.046989495402436056 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.043730739018607204 0.04764022337536977 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.0508157436178924 0.04673687112952103 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.052872820619229446 0.0488095062011385 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.05612632931362802 0.047589528624055064 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.059089131573114 0.04777088022006193 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.06466665684155547 0.047723640491542624 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.06756284983542933 0.04682086927020192 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.06996990455148844 0.04852645397910168 0 0 0 0
+118 1 0.0035 1071.4285714285713 0.028496569274496824 0.050452884435814464 0 0 0 0
+126 1 0.0025 1500.0000000000005 0.03444240623644817 0.050002539734294575 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.03742864384690463 0.050258830033605845 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.04085968436784514 0.049573084091961754 0 0 0 0
+113 1 0.0025 1500.0000000000005 0.04410836920865206 0.05057929857172604 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.04637092687967967 0.04901125315132825 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.049374288364059396 0.04931207492334165 0 0 0 0
+132 1 0.0025 1500.0000000000005 0.05527360083791579 0.05058182537083053 0 0 0 0
+122 1 0.0025 1500.0000000000005 0.05774883781437942 0.05011622322110589 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.06152381484928544 0.04945390539954579 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.06458689621261941 0.05118478880774338 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.06711880288741986 0.04934300264871461 0 0 0 0
+143 1 0.0025 1500.0000000000005 0.029657844358668944 0.053279470842379606 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.032407419731296586 0.05211272440651703 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.035454194806130365 0.052438219091335864 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.039653356337697516 0.05228118743429498 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.042229786136766666 0.05218343698558568 0 0 0 0
+136 1 0.0035 1071.4285714285713 0.04497572565796242 0.05346002004411216 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.04711283153485053 0.05142171169026571 0 0 0 0
+124 1 0.0025 1500.0000000000005 0.04944434339333476 0.052275827966710174 0 0 0 0
+138 1 0.0025 1500.0000000000005 0.05186187028905176 0.05157651320306618 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.05397827150500294 0.05291299578735697 0 0 0 0
+142 1 0.0035 1071.4285714285713 0.05692996322757529 0.05312942884126224 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.0595919114515365 0.05175350691407313 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.06196376924265023 0.05236828133826721 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.06766634637278625 0.05175130794584197 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.07010961385897221 0.05146568337428114 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.07186929860925566 0.05322724112750189 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.03117967330085255 0.05521216671313789 0 0 0 0
+139 1 0.0035 1071.4285714285713 0.03414910276453471 0.05526966950041885 0 0 0 0
+146 1 0.0035 1071.4285714285713 0.03750337470917838 0.05452089473441541 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.04098697704186535 0.05489443516954247 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.04783100376265232 0.054051811076499486 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.051433421473004275 0.054438853516042975 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.0600652167075804 0.054651503609081824 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.06350870997989067 0.054829939052498895 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.06619945189980277 0.05367910254445886 0 0 0 0
+145 1 0.0035 1071.4285714285713 0.06910300560580072 0.054360546218887106 0 0 0 0
+148 1 0.0035 1071.4285714285713 0.028270402017901156 0.05601431724692913 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.03885146752470213 0.05770383723301095 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.043696767029088035 0.056159934417415416 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.04182000278056111 0.057723684381720874 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.046603774714920596 0.056762087406731096 0 0 0 0
+155 1 0.0025 1500.0000000000005 0.049529768185092825 0.056744751419484936 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.051809333945439504 0.05760951907030739 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.05457201138418384 0.05588232960352484 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.05745924730789468 0.0561605779006463 0 0 0 0
+176 1 0.0035 1071.4285714285713 0.05974135963977812 0.05810423490843667 0 0 0 0
+172 1 0.0035 1071.4285714285713 0.06651027874440893 0.05668659804874663 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.06987145088950544 0.057703038629545254 0 0 0 0
+161 1 0.0035 1071.4285714285713 0.028307941424699938 0.05941601217753063 0 0 0 0
+167 1 0.0035 1071.4285714285713 0.031680275477800474 0.05835131017905334 0 0 0 0
+156 1 0.0035 1071.4285714285713 0.03539098075344632 0.058514648050683196 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.04431119047493229 0.059315994415923765 0 0 0 0
+174 1 0.0025 1500.0000000000005 0.047401086942887444 0.05960977744389649 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.0498158576604195 0.059278345139438096 0 0 0 0
+166 1 0.0025 1500.0000000000005 0.05396921511731665 0.05875791272580919 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.056549216144089844 0.05863158923642475 0 0 0 0
+173 1 0.0035 1071.4285714285713 0.06349179017958724 0.05828266401439785 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.0672164747268344 0.06010652341565804 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.03085370263347517 0.061709589018883036 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.034317095503974694 0.06172383429079528 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.037690981807716 0.061021589536910344 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.0410518782400164 0.06056260982343862 0 0 0 0
+194 1 0.0025 1500.0000000000005 0.04371110759440039 0.06235130736916446 0 0 0 0
+182 1 0.0025 1500.0000000000005 0.046082715220707685 0.06165656829216116 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.0490656812559899 0.0621293710592806 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.05177779128675181 0.060768888575757594 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.054637727006289216 0.06165671665529918 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.05807427924290096 0.06121857222635604 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.06149307757896792 0.06110738239233836 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.0644295307137137 0.0611447703797691 0 0 0 0
+196 1 0.0025 1500.0000000000005 0.06873979058787934 0.06266116994418781 0 0 0 0
+178 1 0.0025 1500.0000000000005 0.07015606079511524 0.06067947309510125 0 0 0 0
+180 1 0.0035 1071.4285714285713 0.07212250909283655 0.06290963849766666 0 -1 0 0
+192 1 0.0025 1500.0000000000005 0.030176774422308095 0.06454405490654969 0 0 0 0
+185 1 0.0035 1071.4285714285713 0.03307982688860094 0.06506664295487133 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.03650739318192087 0.06443149456454875 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.039855768598663466 0.06381272161817819 0 0 0 0
+202 1 0.0035 1071.4285714285713 0.04296874279791257 0.06525297013526524 0 0 0 0
+189 1 0.0035 1071.4285714285713 0.04632151036523703 0.06454547649091325 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.0492606970459204 0.06510281706515096 0 0 0 0
+200 1 0.0035 1071.4285714285713 0.0519985384216397 0.0639206953188234 0 0 0 0
+193 1 0.0035 1071.4285714285713 0.05653726853082557 0.06457222116263303 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.0599930943967167 0.06414479443193365 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.063218562545736 0.06343601791662247 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.06500052275101807 0.06517721518737313 0 0 0 0
+209 1 0.0025 1500.0000000000005 0.06624586886906135 0.06291959038663816 0 0 0 0
+188 1 0.0025 1500.0000000000005 0.06986802325858163 0.06481956650608528 0 0 0 0
+203 1 0.0035 1071.4285714285713 0.027892425781226908 0.06637560996047251 0 0 0 0
+197 1 0.0025 1500.0000000000005 0.03077164456072435 0.06703040744126906 0 0 0 0
+208 1 0.0025 1500.0000000000005 0.035365583817496854 0.06710854178047525 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.03791368867552551 0.06709735460933061 0 0 0 0
+207 1 0.0025 1500.0000000000005 0.040386090100302224 0.06668990032746824 0 0 0 0
+219 1 0.0035 1071.4285714285713 0.05114039144124932 0.06739367787723524 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.05390684891545833 0.06623100658205024 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.05603092425692873 0.06749340384512056 0 0 0 0
+221 1 0.0035 1071.4285714285713 0.059019804594400024 0.06740207554584932 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.06243791851482604 0.06658653314726487 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.06745660057285727 0.06549501049296333 0 0 0 0
+205 1 0.0025 1500.0000000000005 0.06939603429326496 0.06727183118335915 0 0 0 0
+217 1 0.0035 1071.4285714285713 0.029564083375172173 0.06972073467161972 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.03311767512040664 0.06908090271429934 0 0 0 0
+215 1 0.0025 1500.0000000000005 0.03670641805520623 0.06925418970035259 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.03969187421044282 0.0695796186706689 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.04236624889144101 0.06814440667570872 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.044789399420308074 0.06761111526811073 0 0 0 0
+211 1 0.0035 1071.4285714285713 0.04775262100391422 0.06767497134373601 0 0 0 0
+237 1 0.0025 1500.0000000000005 0.05394816827030092 0.06885598614094851 0 0 0 0
+218 1 0.0035 1071.4285714285713 0.06558963657610396 0.06816833289818584 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.07124892464111339 0.06895736995642655 0 0 0 0
+1 1 0.0035 1071.4285714285713 0.031842062796293875 0.027709373249893303 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.035233362386736376 0.07182333461695464 0 0 0 0
+15 1 0.0025 1500.0000000000005 0.038212099023596874 0.0721106657546204 0 0 -1 0
+224 1 0.0025 1500.0000000000005 0.04266520470284446 0.07065391519794059 0 0 0 0
+234 1 0.0035 1071.4285714285713 0.04568521026282865 0.07049750534387828 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.04910283996722168 0.07085046482605865 0 0 0 0
+233 1 0.0025 1500.0000000000005 0.05193956700253254 0.07020798494986454 0 0 0 0
+6 1 0.0035 1071.4285714285713 0.05429791785263171 0.07200542757493622 0 0 -1 0
+236 1 0.0025 1500.0000000000005 0.05730214567450615 0.07222888196891526 0 0 0 0
+232 1 0.0025 1500.0000000000005 0.05641960668499197 0.06989968291990349 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.058889690305031564 0.07032456401287611 0 0 0 0
+229 1 0.0035 1071.4285714285713 0.061988410890288115 0.07003471040144456 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.06546465980848876 0.07163367165509338 0 0 0 0
+225 1 0.0035 1071.4285714285713 0.06852257471647719 0.07007093949933851 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.07144952578722283 0.07189724643233626 0 -1 -1 0
+
+Velocities
+
+7 -21.293090467829007 48.31732128422297 0 0 0 0
+239 -8.138669409175954 -17.63467143887431 0 0 0 0
+238 18.168380206829614 -10.489950907567463 0 0 0 0
+4 -25.931348184997383 47.0021741592099 0 0 0 0
+9 17.469083171874114 57.057297895905045 0 0 0 0
+2 -17.069229188644584 -23.855908928341645 0 0 0 0
+3 0.2960991215873106 12.772706708849519 0 0 0 0
+235 16.037573018277847 6.319997488781961 0 0 0 0
+13 -4.949211804194831 5.187089101306092 0 0 0 0
+240 -15.159640447463072 -14.097757610366846 0 0 0 0
+11 29.779199777234886 -49.92258369331236 0 0 0 0
+20 6.423290442459753 -4.787309940740217 0 0 0 0
+29 18.75848405935817 -41.87948054181543 0 0 0 0
+18 16.3995024028943 -12.382565274680406 0 0 0 0
+17 21.802622663911087 -6.542782759086984 0 0 0 0
+10 6.861753408753397 12.857842825529428 0 0 0 0
+23 21.719626997612973 -19.202558107956936 0 0 0 0
+14 25.721798440202452 -0.5712357782602704 0 0 0 0
+16 -4.002326812575158 5.3219688377625785 0 0 0 0
+8 -23.580738843766408 -11.574261688533385 0 0 0 0
+12 -38.46398960702099 -16.18277849687732 0 0 0 0
+35 46.21057342953278 -3.2368154480155575 0 0 0 0
+38 -6.49389208919652 1.14435089433551 0 0 0 0
+21 6.404701336305864 26.30918909948303 0 0 0 0
+36 17.379109967281 -12.07639069103049 0 0 0 0
+26 -18.331723316187052 42.90228640910217 0 0 0 0
+30 -1.3570428662572298 -40.47812356484201 0 0 0 0
+27 -2.8683753975186623 22.667821847267952 0 0 0 0
+45 7.580079950559463 -5.485357244128006 0 0 0 0
+28 -5.264048871718833 28.140124566666415 0 0 0 0
+34 -6.595385467824732 20.97371254041209 0 0 0 0
+32 -16.714441697336337 3.501406900785291 0 0 0 0
+22 -12.286157562481984 35.32938958683029 0 0 0 0
+24 -35.25785391534562 19.64411292419525 0 0 0 0
+19 -16.767016752751605 -13.664290251071941 0 0 0 0
+50 27.492370072405993 -5.678630835919698 0 0 0 0
+46 -9.84275805879871 3.5186994761451547 0 0 0 0
+31 -10.14886830171661 -10.451053410313285 0 0 0 0
+41 -37.87304361046161 2.0364555212628184 0 0 0 0
+48 41.777194750553406 23.175987810874663 0 0 0 0
+37 -40.46845583073428 35.57011687094053 0 0 0 0
+33 -11.316880631564024 10.972625864471464 0 0 0 0
+44 -33.019843801184805 1.092154628216634 0 0 0 0
+43 10.906737845911584 -33.39467568524702 0 0 0 0
+25 8.040175703981966 -2.75285233050449 0 0 0 0
+40 -36.31251826609227 21.367992202541792 0 0 0 0
+57 -14.009352024475481 19.030442951950505 0 0 0 0
+51 -3.0711348890900028 25.950023793112354 0 0 0 0
+63 -6.30273019443368 5.530663689155051 0 0 0 0
+42 15.435718486600528 16.29350963796743 0 0 0 0
+49 5.576256002184136 -7.013881581222692 0 0 0 0
+58 55.42747784515429 31.708189631775518 0 0 0 0
+60 -41.22335272648093 2.2367948567406724 0 0 0 0
+59 13.625423555923655 12.63149975904694 0 0 0 0
+52 15.86322765794807 -7.744359781140496 0 0 0 0
+68 22.59773622179064 19.3302712240087 0 0 0 0
+76 -24.589166079763828 -16.6471465094182 0 0 0 0
+54 27.399504263649266 -9.100041551461356 0 0 0 0
+39 -2.1204397227723324 -26.315455805011737 0 0 0 0
+53 -58.42780034381647 7.349156113100219 0 0 0 0
+71 -10.38829213254909 9.630517960093549 0 0 0 0
+47 -50.302489980041635 -71.09164276190522 0 0 0 0
+64 13.42740682309885 1.86949163072116 0 0 0 0
+80 -10.670947716881754 -13.300409436643736 0 0 0 0
+73 5.240156736205042 -23.550840175359987 0 0 0 0
+62 17.19634791121132 6.383917465914888 0 0 0 0
+70 -31.574974318475956 12.273558958854027 0 0 0 0
+69 7.329385360172805 -22.28189999730671 0 0 0 0
+65 -5.114629480272073 13.458112588479583 0 0 0 0
+75 15.269172305455362 7.031254365571806 0 0 0 0
+82 11.84459414964655 -3.2073202206580795 0 0 0 0
+55 5.730917997209353 -20.866577343958717 0 0 0 0
+61 -10.904517964036962 37.886099231480024 0 0 0 0
+74 -22.037442945770675 54.70070056233487 0 0 0 0
+67 2.642036118358871 2.821477513572155 0 0 0 0
+78 -27.196799708284765 23.889669001346295 0 0 0 0
+96 -53.17032389566679 9.752779031447687 0 0 0 0
+83 -0.5876134510584562 22.49448678000676 0 0 0 0
+72 -40.03618803035229 -13.369863774891337 0 0 0 0
+84 24.314205341534375 -0.9023583687924523 0 0 0 0
+85 8.927190901323923 4.491426952916979 0 0 0 0
+95 5.888271078224314 5.725750704731113 0 0 0 0
+77 65.02524166028705 22.294829671034012 0 0 0 0
+90 63.36129054202426 -23.76532349175342 0 0 0 0
+88 14.192214596480067 -22.819776991767952 0 0 0 0
+79 -23.22832727244678 0.2169457263135104 0 0 0 0
+56 -20.971758631815266 28.78272907805034 0 0 0 0
+94 51.093769101101124 -2.8794053906712445 0 0 0 0
+86 32.81583128644544 -40.33910447818497 0 0 0 0
+97 3.1175833730490394 11.347655463308099 0 0 0 0
+91 -0.948222007728218 36.513607853931795 0 0 0 0
+87 6.623405751507318 12.421201186946533 0 0 0 0
+101 -42.5271076098096 -8.625582994432209 0 0 0 0
+111 -14.261854460311719 -24.726554400761756 0 0 0 0
+108 33.20573142487335 -92.75547763082498 0 0 0 0
+106 60.22587162404192 10.334158894702558 0 0 0 0
+93 -0.3525332857840727 -35.99031764323905 0 0 0 0
+89 -39.107680827743636 13.547205651699173 0 0 0 0
+66 -10.45496373355264 -58.79779033882958 0 0 0 0
+99 -8.371300395849039 -10.173181736817506 0 0 0 0
+81 18.55425747608865 -36.902043475762675 0 0 0 0
+107 11.01771534564074 -19.386896702949997 0 0 0 0
+110 -1.9714264721628667 28.920833713199418 0 0 0 0
+112 -38.110528262297535 -48.0668353112312 0 0 0 0
+100 -9.331056302814936 21.43282732873853 0 0 0 0
+103 -25.532462361296425 -4.781156792700495 0 0 0 0
+102 -5.26625398873156 -5.094812426487188 0 0 0 0
+116 22.33625943746855 1.4903278098126655 0 0 0 0
+137 15.721014437786266 3.4859140925502707 0 0 0 0
+120 -3.689525506092243 8.917275996201111 0 0 0 0
+115 0.8443897376741072 13.653863548053117 0 0 0 0
+92 5.473118566186077 23.384064003080024 0 0 0 0
+105 24.986931743027636 -37.03002650047115 0 0 0 0
+104 3.456191114736898 -15.872323820849777 0 0 0 0
+118 -1.8580111916475153 5.635909263759922 0 0 0 0
+126 7.907459556291667 -5.93450577503074 0 0 0 0
+134 -10.148392475254045 -3.5661241535042065 0 0 0 0
+123 28.12333052185962 33.88546285672193 0 0 0 0
+113 16.810388968281003 21.50187900473426 0 0 0 0
+109 -6.311486721012896 19.518537328914768 0 0 0 0
+131 -13.475204652062462 -11.95133305020702 0 0 0 0
+132 -32.86620579494738 27.79190174351386 0 0 0 0
+122 23.540263090393466 43.94409305155077 0 0 0 0
+121 -42.23429593829637 3.326595414598212 0 0 0 0
+98 -29.891789745108834 -1.8126021114465032 0 0 0 0
+114 51.36096825438613 14.752657708524554 0 0 0 0
+143 37.8726162615773 -1.8130096473161585 0 0 0 0
+129 -35.560810650519805 -2.057370629328613 0 0 0 0
+117 34.633300718171085 -19.857330216860543 0 0 0 0
+133 -2.4943313692211726 9.883415253439903 0 0 0 0
+147 28.476185855381015 15.649000273992002 0 0 0 0
+136 -1.8323296199020311 -8.161658088643485 0 0 0 0
+127 -9.091702017950077 -32.888494010206486 0 0 0 0
+124 0.8631419226312982 17.395742457341505 0 0 0 0
+138 6.895443395518652 -18.730885308795575 0 0 0 0
+150 -46.02150557171574 -36.87937046031394 0 0 0 0
+142 -12.083072221816662 -1.1147917789297708 0 0 0 0
+135 -24.497183923502703 39.14592896826566 0 0 0 0
+130 13.788457653467841 -6.996441121395635 0 0 0 0
+119 5.6502015364638165 -23.043294321287455 0 0 0 0
+125 24.276531650870936 2.2554051820309766 0 0 0 0
+154 21.934734637734223 -17.68268985934374 0 0 0 0
+152 8.680560411986937 38.263243207305926 0 0 0 0
+139 1.7279100461527368 -12.990596722104712 0 0 0 0
+146 9.159892924682527 28.058094107635988 0 0 0 0
+144 33.236628910066855 0.48181269962176915 0 0 0 0
+141 -3.221315767677139 -15.317353855282562 0 0 0 0
+153 24.648338505136618 14.04098068140892 0 0 0 0
+140 22.662346353560473 12.58618610061607 0 0 0 0
+149 -24.3150722325563 14.723502893071295 0 0 0 0
+128 -26.911948832899924 -40.74944279907237 0 0 0 0
+145 -7.331552079425449 -17.82786806354716 0 0 0 0
+148 -17.371071050416006 8.157591590173078 0 0 0 0
+157 -27.902856217905722 -27.720989564790504 0 0 0 0
+160 36.50260349352215 24.92113396102182 0 0 0 0
+165 17.556823342684847 22.468662807454475 0 0 0 0
+151 -4.123625050069639 -15.406597028078064 0 0 0 0
+155 6.797667264289483 0.6287035750406662 0 0 0 0
+159 -1.725859585823517 53.05384687539217 0 0 0 0
+158 19.996038178368927 -33.30486385941639 0 0 0 0
+162 3.836671839469014 2.7094953831877895 0 0 0 0
+176 -28.738882787970518 4.5556908597203565 0 0 0 0
+172 -10.024333512410125 -21.189808986317008 0 0 0 0
+169 17.03586494937625 26.266306932907682 0 0 0 0
+161 25.047003122188148 5.394405451920018 0 0 0 0
+167 10.372353196813256 -24.73680421640198 0 0 0 0
+156 12.15246598564132 5.292800678435446 0 0 0 0
+168 12.088239229872292 5.830984740206873 0 0 0 0
+174 8.00569797160943 16.24500074596675 0 0 0 0
+164 -26.214984262385343 13.568312290675298 0 0 0 0
+166 3.0746959596757018 -55.43258481664391 0 0 0 0
+175 12.25048214267736 46.072520145219436 0 0 0 0
+173 -30.245216055755304 -16.227556109695428 0 0 0 0
+177 -11.240199331861758 34.61751003151366 0 0 0 0
+179 9.226890551679851 -1.1431353053004822 0 0 0 0
+163 -26.88393422351557 4.272809576737468 0 0 0 0
+171 12.798650566705078 -7.687115846549514 0 0 0 0
+170 10.1082564132894 -14.000287393381287 0 0 0 0
+194 35.68578171677029 3.995695701779588 0 0 0 0
+182 -44.664081013288 18.844396178010193 0 0 0 0
+186 -2.1348423272207624 14.685892338277247 0 0 0 0
+181 4.6129450120586615 -26.74369440566537 0 0 0 0
+190 3.1530035395604346 11.708527770264727 0 0 0 0
+184 -7.178892375122743 -14.61125229991888 0 0 0 0
+187 13.320642444144648 -10.79779937312518 0 0 0 0
+191 -7.171690846855918 15.77711245091863 0 0 0 0
+196 24.51686432984596 6.3176896203256465 0 0 0 0
+178 70.02149792764607 -8.733546428375414 0 0 0 0
+180 -16.983167943582565 -32.54960785044505 0 0 0 0
+192 -40.51584337181241 -0.25441865239679906 0 0 0 0
+185 11.320848525106197 -21.664880788152036 0 0 0 0
+183 -8.131606974571286 30.214568695109627 0 0 0 0
+198 -17.258704864002006 2.784960961383066 0 0 0 0
+202 12.590739429707925 13.235187438547529 0 0 0 0
+189 34.67721586079785 -17.64910392064983 0 0 0 0
+210 8.1226246142757 -43.1519576664506 0 0 0 0
+200 -36.30856283515009 -11.973324387813 0 0 0 0
+193 -14.847756503516049 -36.73085897929396 0 0 0 0
+206 52.687139476760684 -18.653970762410232 0 0 0 0
+199 13.53806440481587 7.085308534434806 0 0 0 0
+204 -0.48357970352308155 16.75450427331899 0 0 0 0
+209 -30.301897780872654 -23.899273131803433 0 0 0 0
+188 0.6598482522151148 4.430365336785446 0 0 0 0
+203 11.382931075279643 31.514036210243674 0 0 0 0
+197 14.635486626269268 41.94879695004319 0 0 0 0
+208 -23.266546546733757 1.1503621941400144 0 0 0 0
+195 -51.76982800940233 72.44905983646504 0 0 0 0
+207 -50.09555910302375 24.792215602579333 0 0 0 0
+219 2.389137302028541 -22.144556777909752 0 0 0 0
+216 50.45977949410301 -27.065243775979532 0 0 0 0
+212 29.71361380170546 -30.215992215502858 0 0 0 0
+221 38.82147513504783 -5.764352606783354 0 0 0 0
+214 25.062761926645546 10.205081095251371 0 0 0 0
+220 -63.83914312258879 36.28626224143271 0 0 0 0
+205 -44.090678140051985 -41.422509461064344 0 0 0 0
+217 -8.030960979429887 5.123274708859901 0 0 0 0
+222 -24.634977791077812 -3.306892186363673 0 0 0 0
+215 16.76619066566 0.3784307220815139 0 0 0 0
+228 15.20493323763788 18.479966269767512 0 0 0 0
+201 -11.620015045512979 -23.840253021761484 0 0 0 0
+227 -24.699477746574328 -9.604444686833785 0 0 0 0
+211 19.85911202935692 -3.234772512759206 0 0 0 0
+237 67.71658093717666 -50.60856217441767 0 0 0 0
+218 0.5955102838954378 23.867210343133628 0 0 0 0
+213 -21.20765819601829 43.297009135558035 0 0 0 0
+1 17.598935120113026 34.91493830483073 0 0 0 0
+230 7.358785927627597 -15.257338162332116 0 0 0 0
+15 24.014168979664582 7.003922167537409 0 0 0 0
+224 -13.547865019534706 -58.13190836055908 0 0 0 0
+234 -12.664299876308926 -57.8690698527877 0 0 0 0
+226 -1.9719534323144536 -0.189725501819662 0 0 0 0
+233 49.25610360553353 3.8065324054980016 0 0 0 0
+6 -4.747689397547468 -28.35646282592305 0 0 0 0
+236 -46.41346534181974 -12.638091130449622 0 0 0 0
+232 2.029424912295551 -12.751714226674423 0 0 0 0
+231 -14.156706728599517 -8.262625438053979 0 0 0 0
+229 -14.28305081831054 -28.243459978455135 0 0 0 0
+223 44.44126776340737 23.890825401248236 0 0 0 0
+225 -42.75641310476112 10.381816459098442 0 0 0 0
+5 17.20334709918023 19.13102358215072 0 0 0 0
diff --git a/DATASET/P=110000Pa/box_sheared.data b/DATASET/P=110000Pa/box_sheared.data
new file mode 100644
index 0000000..b7002cf
--- /dev/null
+++ b/DATASET/P=110000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2224223
+
+240 atoms
+6 atom types
+
+0.027700800000000005 0.07229920000000001 xlo xhi
+0.027700800000000005 0.07229920000000001 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.004459834221474508 0 0 xy xz yz
+
+Atoms # sphere
+
+239 1 0.0025 1500.0000000000005 0.04070893214728656 0.027849015764353214 0 0 1 0
+238 1 0.0035 1071.4285714285713 0.04360782972802145 0.02880647979325458 0 0 1 0
+9 1 0.0025 1500.0000000000005 0.05143644543406275 0.028152575772200514 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.05973492636554875 0.028009902676921068 0 0 0 0
+3 1 0.0035 1071.4285714285713 0.06263823359652823 0.028974837226455566 0 0 0 0
+4 1 0.0035 1071.4285714285713 0.04706014756343638 0.0290907154484404 0 0 0 0
+235 1 0.0035 1071.4285714285713 0.06858395967268924 0.029135599797260197 0 0 1 0
+7 1 0.0025 1500.0000000000005 0.029411628047625853 0.029183601111491035 0 1 0 0
+17 1 0.0025 1500.0000000000005 0.05000952116199189 0.030036007799382453 0 0 0 0
+11 1 0.0025 1500.0000000000005 0.03645483066973058 0.030081797326680496 0 0 0 0
+20 1 0.0035 1071.4285714285713 0.039545621420011626 0.0304221355565702 0 0 0 0
+23 1 0.0035 1071.4285714285713 0.05660636986045178 0.030479553928704946 0 0 0 0
+10 1 0.0035 1071.4285714285713 0.05318003268420851 0.030671269811341443 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.0295533455425821 0.03570834115869787 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.03025151352828319 0.046963950772763066 0 0 0 0
+118 1 0.0035 1071.4285714285713 0.030638106047899284 0.05043508863871824 0 0 0 0
+148 1 0.0035 1071.4285714285713 0.031006466104721023 0.05603565666546863 0 0 0 0
+161 1 0.0035 1071.4285714285713 0.03139429784859515 0.05948064370978477 0 0 0 0
+203 1 0.0035 1071.4285714285713 0.031754644164228504 0.06635629366928053 0 0 0 0
+35 1 0.0025 1500.0000000000005 0.02958009481877087 0.03275541263047365 0 0 0 0
+217 1 0.0035 1071.4285714285713 0.033685190858120155 0.06967255659107648 0 0 0 0
+143 1 0.0025 1500.0000000000005 0.03224860201154938 0.05330867450918074 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.03125261520711983 0.03892700179773885 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.03381709427410301 0.06448503688693777 0 0 0 0
+78 1 0.0035 1071.4285714285713 0.03188340037233724 0.042905691543341756 0 0 0 0
+197 1 0.0025 1500.0000000000005 0.03471273948753279 0.06695763240815938 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.0342844079887136 0.06159058577028852 0 0 0 0
+13 1 0.0035 1071.4285714285713 0.03190564533646509 0.031077444842469538 0 0 0 0
+240 1 0.0025 1500.0000000000005 0.03485126962538582 0.03183650565171176 0 0 1 0
+29 1 0.0035 1071.4285714285713 0.04265078058531118 0.03222796199981082 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.04535435737661336 0.03134159873600379 0 0 0 0
+14 1 0.0035 1071.4285714285713 0.060109087067781265 0.031009678070118906 0 0 0 0
+16 1 0.0025 1500.0000000000005 0.06300705195499622 0.03190331676369952 0 0 0 0
+8 1 0.0035 1071.4285714285713 0.06575540607588032 0.030883274388575712 0 0 0 0
+12 1 0.0035 1071.4285714285713 0.07172823468435173 0.0308378538796309 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.03185019989413677 0.034006466893531755 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.0376589134107166 0.033049246756746996 0 0 0 0
+26 1 0.0025 1500.0000000000005 0.04583130906191709 0.033839501811337915 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.04828160636907005 0.03243264113049211 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.051217474453390144 0.03270436819395238 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.05323943308840275 0.034234902631901674 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.05524035561129262 0.033044699440984523 0 0 0 0
+34 1 0.0035 1071.4285714285713 0.058172531072989406 0.0337040943809548 0 0 0 0
+32 1 0.0035 1071.4285714285713 0.06163107187492022 0.03430690806758321 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.06508864243625828 0.03425687428591925 0 0 0 0
+24 1 0.0035 1071.4285714285713 0.06894494132052856 0.032620286897373584 0 0 0 0
+19 1 0.0025 1500.0000000000005 0.07176662650659643 0.03377445806274894 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.03250485314408259 0.03639136371683301 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.03491948376616137 0.03489696549501337 0 0 0 0
+41 1 0.0025 1500.0000000000005 0.03772099907939891 0.036128824847172815 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.040723303480036985 0.03486253248443335 0 0 0 0
+48 1 0.0025 1500.0000000000005 0.043751833769854864 0.03514424894160271 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.047977464572194 0.03530910299783699 0 0 0 0
+33 1 0.0025 1500.0000000000005 0.05036005838351189 0.03496956141834084 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.05260871045758232 0.03707840907543121 0 0 0 0
+44 1 0.0035 1071.4285714285713 0.05579692716828799 0.03603188661547434 0 0 0 0
+43 1 0.0035 1071.4285714285713 0.059616352122848965 0.03698734487687905 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.06828592065012601 0.03593914474585101 0 0 0 0
+40 1 0.0025 1500.0000000000005 0.0712332878302582 0.03610627452021013 0 0 0 0
+51 1 0.0035 1071.4285714285713 0.034927722162520144 0.03831847695838753 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.03789278605327623 0.03885334489816467 0 0 0 0
+42 1 0.0025 1500.0000000000005 0.039880666313143284 0.03759678514818246 0 0 0 0
+49 1 0.0025 1500.0000000000005 0.042915623152173024 0.03736009633777122 0 0 0 0
+60 1 0.0035 1071.4285714285713 0.04590428473142503 0.03728822857422422 0 0 0 0
+59 1 0.0035 1071.4285714285713 0.04939410175958858 0.03804287001183127 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.05527023717159593 0.03883080868273787 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.0577484906597592 0.03915504856892683 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.0625901404740445 0.037182936907909234 0 0 0 0
+39 1 0.0035 1071.4285714285713 0.06548362957612458 0.03779009956631516 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.07029519227649988 0.03835736106056539 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.07275599566322122 0.03813340072742901 0 0 0 0
+64 1 0.0025 1500.0000000000005 0.033740566102547005 0.0408491797211701 0 0 0 0
+80 1 0.0035 1071.4285714285713 0.03672766351979426 0.04146025245346839 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.039679737679805954 0.040699657210763886 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.0417637721940648 0.03955711414186355 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.044219828113299775 0.039558072382487465 0 0 0 0
+70 1 0.0035 1071.4285714285713 0.04720061663775398 0.040612119722230285 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.05023689992094137 0.04107155626920518 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.05305586170010322 0.04048514934536534 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.05627435039965403 0.041317400901025085 0 0 0 0
+82 1 0.0025 1500.0000000000005 0.06013550312744726 0.039932217317291664 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.06314231767887163 0.04011916536419884 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.06604068396326357 0.0411534141559224 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.0680983776489564 0.03955880194635375 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.07034100580395025 0.040805671969287166 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.07332934204710578 0.04106368419071262 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.0348122105448996 0.04410289147318138 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.0397430887026962 0.04370653366716161 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.04201164178989441 0.04206362473046403 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.04455391196418075 0.04202117477641938 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.0489331412569064 0.0431158814794471 0 0 0 0
+95 1 0.0035 1071.4285714285713 0.05193862198309058 0.043673776253548055 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.05474790589759525 0.0431185919670106 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.057146764305656295 0.04404336330117477 0 0 0 0
+90 1 0.0025 1500.0000000000005 0.05883942539313296 0.04201295359488183 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.06133203132909319 0.04223394946031596 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.06377622585362994 0.04304655811773333 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.06836887059563732 0.042220103140865224 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.07141857751024419 0.04313233861367299 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.07389564611641025 0.044070318891131936 0 -1 0 0
+86 1 0.0025 1500.0000000000005 0.032902772927345864 0.04580143576516893 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.03729617294268307 0.04516873315298922 0 0 0 0
+91 1 0.0035 1071.4285714285713 0.043084497000795446 0.044923233934009196 0 0 0 0
+87 1 0.0035 1071.4285714285713 0.04644417624713504 0.04450776328779124 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.049664060872718005 0.04607329955210944 0 0 0 0
+111 1 0.0025 1500.0000000000005 0.05534760525440256 0.04559422097888672 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.060107309777544075 0.044832070936356945 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.06350289156375967 0.04601614412001221 0 0 0 0
+89 1 0.0035 1071.4285714285713 0.06656495286955491 0.04433933855250873 0 0 0 0
+66 1 0.0025 1500.0000000000005 0.06959718713567456 0.0444931989896816 0 0 0 0
+99 1 0.0025 1500.0000000000005 0.07202128033619346 0.04552885603891211 0 0 0 0
+110 1 0.0035 1071.4285714285713 0.033564105960095056 0.04873794886838026 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.03529451268639902 0.04655003765774166 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.03764471158440927 0.04767234125133643 0 0 0 0
+103 1 0.0035 1071.4285714285713 0.04057453562979835 0.04713147251190469 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.045511127507632865 0.047738325923863296 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.04851343896420718 0.048645307193561346 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.052668062152707425 0.04659268984552936 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.05493589097328917 0.048714688883760765 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.05803502854757482 0.04746707332246196 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.061105762709181694 0.04774123203689278 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.06659328622945727 0.047791543663233016 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.06930843593988398 0.046892771188689134 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.07193713408433822 0.048510345362442815 0 0 0 0
+126 1 0.0025 1500.0000000000005 0.036495036216920324 0.04988605046082635 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.039473679680873314 0.05028900119443126 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.0429985655880203 0.04983149713690664 0 0 0 0
+113 1 0.0025 1500.0000000000005 0.046850773345738006 0.05060137848702134 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.04942526628339501 0.05110856324415047 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.051480351363471816 0.04917524117266654 0 0 0 0
+132 1 0.0025 1500.0000000000005 0.057619829476808465 0.05043708306245595 0 0 0 0
+122 1 0.0025 1500.0000000000005 0.06006414127953256 0.04989356563485478 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.0636745075793341 0.04946978396341134 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.06925162080032685 0.04938020420165562 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.03485617051243051 0.052155940497728995 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.037867398237453 0.05264931522853549 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.04174880701306944 0.052387386725676596 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.045102216756685506 0.05221153000924106 0 0 0 0
+136 1 0.0035 1071.4285714285713 0.04792312013698264 0.053480929783818035 0 0 0 0
+124 1 0.0025 1500.0000000000005 0.05172804979312337 0.05212321667009652 0 0 0 0
+138 1 0.0025 1500.0000000000005 0.05403414632512875 0.05139811310212078 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.0564727857142127 0.05256055172403862 0 0 0 0
+142 1 0.0035 1071.4285714285713 0.059461188839055636 0.053059437414550714 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.06197418789067122 0.051739875224576896 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.06442260123434512 0.05237692638043333 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.06708972018010928 0.051225874428166826 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.07013214726581563 0.051760455467237926 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.07252066851778782 0.05146363253155947 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.0744238759990305 0.05323554539551751 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.03384254352955306 0.05525145077779914 0 0 0 0
+139 1 0.0035 1071.4285714285713 0.03678374431880932 0.05527219419324276 0 0 0 0
+146 1 0.0035 1071.4285714285713 0.040122782628180045 0.05476781210666995 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.04364495091193903 0.05481782111419864 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.050981514309597936 0.054367042564093485 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.05403551198638973 0.05429268231041398 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.057349497010085265 0.05562226952292633 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.06274489769581691 0.05466986734597047 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.06626119111201487 0.05482408478280405 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.06886881535316558 0.05371320989364795 0 0 0 0
+145 1 0.0035 1071.4285714285713 0.07184478149352044 0.054391865101011065 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.041906181376911406 0.05788448632504403 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.046505297936064255 0.05599347915804178 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.044847121530644504 0.05768171942698408 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.04952602307123702 0.056724150024108244 0 0 0 0
+155 1 0.0025 1500.0000000000005 0.05247447127955842 0.056559146711518946 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.05487685751403367 0.05743278721381362 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.06031613238636625 0.056049800548843176 0 0 0 0
+176 1 0.0035 1071.4285714285713 0.06264144330921079 0.058141071293225384 0 0 0 0
+172 1 0.0035 1071.4285714285713 0.06946385195075996 0.056687516624054274 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.07282536608352302 0.05780215382829419 0 0 0 0
+167 1 0.0035 1071.4285714285713 0.03497126262166488 0.05828284025062569 0 0 0 0
+156 1 0.0035 1071.4285714285713 0.03850698617331992 0.05846701397411737 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.04749455337277482 0.059318574279696105 0 0 0 0
+174 1 0.0025 1500.0000000000005 0.05064521859243581 0.05955651307534017 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.05298701018177124 0.05903408554552748 0 0 0 0
+166 1 0.0025 1500.0000000000005 0.057152714521319085 0.0587142661653608 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.0595833208233039 0.05848213482397665 0 0 0 0
+173 1 0.0035 1071.4285714285713 0.06646984636094525 0.05823263695310933 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.07047312919319415 0.06012342147414752 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.0377223053356054 0.06176302133810805 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.04103306970636566 0.06112260889610772 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.04443873082574062 0.0605898535593309 0 0 0 0
+194 1 0.0025 1500.0000000000005 0.04712075299900027 0.062225534693793313 0 0 0 0
+182 1 0.0025 1500.0000000000005 0.049586955072845024 0.061660720159916055 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.05255796820268674 0.062171825537098345 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.05501783151953428 0.06066397110503626 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.05793049823881763 0.06157264524212232 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.061327326504808426 0.06120148879420824 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.06478779913722238 0.061059918244759474 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.06770997229104336 0.0610719167136713 0 0 0 0
+209 1 0.0025 1500.0000000000005 0.06957925741547022 0.06287300457265235 0 0 0 0
+196 1 0.0025 1500.0000000000005 0.07213989323292798 0.06271939847016755 0 0 0 0
+180 1 0.0035 1071.4285714285713 0.07574618313271174 0.06289251902585836 0 -1 0 0
+178 1 0.0025 1500.0000000000005 0.07346535863073278 0.060779514872878256 0 0 0 0
+185 1 0.0035 1071.4285714285713 0.036866515354230134 0.06513196887586499 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.04018577160987588 0.06441952313440052 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.04350332815508243 0.06381340758211453 0 0 0 0
+202 1 0.0035 1071.4285714285713 0.04676971125500877 0.06509368265568348 0 0 0 0
+189 1 0.0035 1071.4285714285713 0.05014155737757908 0.06456422458754824 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.0531142659395381 0.06516817258004286 0 0 0 0
+200 1 0.0035 1071.4285714285713 0.055720482805153224 0.06401881341943164 0 0 0 0
+193 1 0.0035 1071.4285714285713 0.06015664403405463 0.06449374278928802 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.06357066993598244 0.06411533501892475 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.06656252703354457 0.06363749862331297 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.0688527729075207 0.06509616033593332 0 0 0 0
+188 1 0.0025 1500.0000000000005 0.0736913195166754 0.06482800976733895 0 0 0 0
+208 1 0.0025 1500.0000000000005 0.03938393015816166 0.06714511897077777 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.041933860855795355 0.06699129509378125 0 0 0 0
+207 1 0.0025 1500.0000000000005 0.044363879657293055 0.06677780041561314 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.04890313411189039 0.06753945494097963 0 0 0 0
+219 1 0.0035 1071.4285714285713 0.05530092432125676 0.0674059498684869 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.057917467593266866 0.06622949320639965 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.06014259206270312 0.06745577189282259 0 0 0 0
+221 1 0.0035 1071.4285714285713 0.06307646816148171 0.06747881780627314 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.06637152651918077 0.06661292703693836 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.0713425008274639 0.06571519345504052 0 0 0 0
+205 1 0.0025 1500.0000000000005 0.07333661648925219 0.06734284339941353 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.037244025271077875 0.06898104265016343 0 0 0 0
+215 1 0.0025 1500.0000000000005 0.04087735615935632 0.06929626947607669 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.04387839723465822 0.06962188862532573 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.04653516888164076 0.06812172112396071 0 0 0 0
+211 1 0.0035 1071.4285714285713 0.05189993769095156 0.06772642613310706 0 0 0 0
+237 1 0.0025 1500.0000000000005 0.05821885775087013 0.06875183835977952 0 0 0 0
+232 1 0.0025 1500.0000000000005 0.06061767792823337 0.06987546559124679 0 0 0 0
+218 1 0.0035 1071.4285714285713 0.06973598700419457 0.06820684424094711 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.07534416125523799 0.06900635445538032 0 0 0 0
+1 1 0.0035 1071.4285714285713 0.03630953414112906 0.0722280815222844 0 0 -1 0
+230 1 0.0035 1071.4285714285713 0.039725414029440964 0.07188153317412915 0 0 0 0
+15 1 0.0025 1500.0000000000005 0.0426771531770396 0.07220228085489006 0 0 -1 0
+224 1 0.0025 1500.0000000000005 0.04674210819847633 0.07064328203486572 0 0 0 0
+234 1 0.0035 1071.4285714285713 0.04982416407476556 0.07055933262564415 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.05332675992125893 0.07097368560743779 0 0 0 0
+233 1 0.0025 1500.0000000000005 0.05624945241245817 0.07031930296868706 0 0 0 0
+6 1 0.0035 1071.4285714285713 0.05877882244403029 0.07209232146965433 0 0 -1 0
+236 1 0.0025 1500.0000000000005 0.061716927460937585 0.07221477542708646 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.06305876695590407 0.07033409440753277 0 0 0 0
+229 1 0.0035 1071.4285714285713 0.06648269488167377 0.0700499244536353 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.06984351837115982 0.07178927283860452 0 0 0 0
+225 1 0.0035 1071.4285714285713 0.072762109255334 0.07024946206010399 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.07591343680407214 0.07198086036277615 0 -1 -1 0
+
+Velocities
+
+239 13.751214776693201 -48.459379607525634 0 0 0 0
+238 18.862553891214706 22.269277555146314 0 0 0 0
+9 -36.857095167643465 -12.217776169494586 0 0 0 0
+2 46.33480442642285 -36.67844456264486 0 0 0 0
+3 -37.61484365364649 40.407645403647905 0 0 0 0
+4 29.87761594652992 -7.342113928939989 0 0 0 0
+235 9.015383266643692 25.18344510798779 0 0 0 0
+7 8.090281218647396 -21.99032317797876 0 0 0 0
+17 34.19214883251295 23.39646899346212 0 0 0 0
+11 9.550394019859995 -21.991722890596638 0 0 0 0
+20 23.035050939458284 12.474211812047612 0 0 0 0
+23 -19.09911604442201 -44.74931389294404 0 0 0 0
+10 16.971627166074274 -29.967306439534795 0 0 0 0
+50 17.06051628258954 -22.452235010480397 0 0 0 0
+107 35.363698150471215 6.222474967118682 0 0 0 0
+118 -3.387407230869648 3.613132049981365 0 0 0 0
+148 -17.246236497171516 27.997078209579783 0 0 0 0
+161 29.284901580976594 5.199286064126479 0 0 0 0
+203 -18.402119919079663 4.965976067322573 0 0 0 0
+35 56.14721854839863 -31.46189704837534 0 0 0 0
+217 -5.763014816593836 -9.287629441942235 0 0 0 0
+143 -37.431163308565544 39.31341463300204 0 0 0 0
+57 -34.425153409702325 -5.199473222059337 0 0 0 0
+192 -7.024820775107375 -0.0016819472210157504 0 0 0 0
+78 -6.784807557917115 11.133750064207595 0 0 0 0
+197 7.099746086303566 -1.8995987478248009 0 0 0 0
+179 34.92946403877915 19.43560995016042 0 0 0 0
+13 -3.915823689488723 19.42721094195836 0 0 0 0
+240 13.353944299247386 25.218715092637517 0 0 0 0
+29 3.789186346091292 -26.370812522753777 0 0 0 0
+18 30.41794933730755 6.742233138219776 0 0 0 0
+14 0.4043972314166693 22.559437511901127 0 0 0 0
+16 -3.251836677995096 19.94123864846051 0 0 0 0
+8 -32.36657802511785 16.260356692410262 0 0 0 0
+12 16.544889349235483 22.344707396720146 0 0 0 0
+38 23.625572354222555 -28.16820252342952 0 0 0 0
+21 5.890600855211117 -5.010934018622936 0 0 0 0
+26 -58.60651227690669 -4.691852367324007 0 0 0 0
+30 4.148972925554873 -23.946421156370985 0 0 0 0
+27 -23.48530597446788 -13.917619563783518 0 0 0 0
+45 -40.72578732099384 -3.84588936773276 0 0 0 0
+28 -7.994942507430008 40.70237524578103 0 0 0 0
+34 24.627389157174047 -10.405220926548731 0 0 0 0
+32 12.04417399693836 16.75282460250671 0 0 0 0
+22 -28.475749772323148 1.1161282542940985 0 0 0 0
+24 -10.339436735865924 8.99272093896543 0 0 0 0
+19 33.07061454342907 75.11645269023872 0 0 0 0
+46 -23.01227973481611 4.315209488904356 0 0 0 0
+31 6.316407994582957 -27.029712833364947 0 0 0 0
+41 -17.288779448761026 31.837321831961756 0 0 0 0
+36 7.551722143056288 -26.71253954955583 0 0 0 0
+48 0.54355372382242 17.076465928226753 0 0 0 0
+37 25.222514641486345 -32.32566066479642 0 0 0 0
+33 19.65126416268116 -16.122569012088487 0 0 0 0
+52 -17.750551042853743 20.35474800322331 0 0 0 0
+44 -5.195104705136604 -21.18041073470108 0 0 0 0
+43 8.071549238806705 -13.603453589935363 0 0 0 0
+25 6.869203829204543 -11.790476352960901 0 0 0 0
+40 30.37379438475702 24.625969125710288 0 0 0 0
+51 -26.93620521926053 43.59714590982729 0 0 0 0
+63 -3.8234935659596805 26.819272007061265 0 0 0 0
+42 -8.595321513779096 -26.913633857875105 0 0 0 0
+49 -61.41583512013075 33.85533520256164 0 0 0 0
+60 9.692772778740773 5.458922907712223 0 0 0 0
+59 -5.555324859554091 7.828960929493472 0 0 0 0
+68 -16.913535847587088 -3.2276120633943752 0 0 0 0
+76 12.140621204513453 -9.66194213249317 0 0 0 0
+54 -21.644252678957777 -8.057849066003843 0 0 0 0
+39 -5.03888155562115 25.972610862277268 0 0 0 0
+71 -35.30155921787107 -17.464800847048156 0 0 0 0
+47 -7.302787400395566 -25.820802648469815 0 0 0 0
+64 26.720895656686082 8.513887933961893 0 0 0 0
+80 25.745320560401815 -26.866340572621507 0 0 0 0
+73 -42.961814023429554 24.354813152740373 0 0 0 0
+58 -7.525273027327234 -37.132924350340986 0 0 0 0
+62 -38.32021577798995 23.21747558849512 0 0 0 0
+70 25.600832563532677 -8.231688981844393 0 0 0 0
+69 23.971787885831638 22.864031564441774 0 0 0 0
+65 -1.6253159565895297 -83.68086833292648 0 0 0 0
+75 -15.807619800148174 12.516085043428632 0 0 0 0
+82 -43.2077777192168 40.875258086936995 0 0 0 0
+55 2.5666375272278494 3.1199486455890004 0 0 0 0
+61 20.4800257200924 -15.035944455984843 0 0 0 0
+53 2.4347511211400805 -3.0233339678350504 0 0 0 0
+74 30.03057291216916 34.447487627997006 0 0 0 0
+67 4.325783125090593 -10.004260162070109 0 0 0 0
+96 27.151153676790187 13.61533348379984 0 0 0 0
+83 13.179696496465201 -36.3901787218171 0 0 0 0
+72 -18.60476593917743 13.205238418616913 0 0 0 0
+84 -23.260708040656514 -15.635127195559573 0 0 0 0
+85 2.092582953393675 -7.7467325420572 0 0 0 0
+95 -20.033587429150963 -3.3269827261271416 0 0 0 0
+77 -32.29092387188168 -44.24580832693918 0 0 0 0
+108 -22.46948141955465 19.096325846627 0 0 0 0
+90 -7.788097830568981 -39.860017225716554 0 0 0 0
+88 19.49058169528911 -1.8194926499074395 0 0 0 0
+79 25.135013365240752 -18.05829138539628 0 0 0 0
+56 -11.019043221676148 3.1342233827895614 0 0 0 0
+94 65.82220809597062 -5.026952384809169 0 0 0 0
+81 -29.24622018067567 -21.523516403018185 0 0 0 0
+86 -36.94417987838321 -44.61169760495309 0 0 0 0
+97 8.399327942071372 -14.663758889630765 0 0 0 0
+91 6.935512651884467 14.711041274099644 0 0 0 0
+87 54.49389051648508 -24.305752680255523 0 0 0 0
+101 -61.38823461564088 34.08815173238666 0 0 0 0
+111 -38.03460554356291 10.672000919376732 0 0 0 0
+106 24.1891647202726 2.401237999442198 0 0 0 0
+93 -26.371181336845247 34.77886522215813 0 0 0 0
+89 23.755254307006574 30.34342819655999 0 0 0 0
+66 9.17213214584666 -28.68076825030578 0 0 0 0
+99 39.479576493826634 0.18075162162487213 0 0 0 0
+110 -8.200444012578593 -31.009641442480465 0 0 0 0
+112 -28.61628410902063 -35.418851230644954 0 0 0 0
+100 23.500167990115802 -0.348699109376278 0 0 0 0
+103 -3.0998205889466854 30.46895821573276 0 0 0 0
+102 18.520227321307214 17.27148913177536 0 0 0 0
+109 8.714048096872501 5.010403340176037 0 0 0 0
+116 -8.942549381641511 -4.645472805767817 0 0 0 0
+137 45.090204147809736 20.36308007899432 0 0 0 0
+120 7.500675761928752 0.6563339301798556 0 0 0 0
+115 -8.70527758356851 -21.525511287969504 0 0 0 0
+92 19.157922097551197 14.684679888742876 0 0 0 0
+105 -1.5685686525141755 13.655076805824892 0 0 0 0
+104 -35.079932151220135 -17.83925614403028 0 0 0 0
+126 -7.2505818856587885 7.915882619956792 0 0 0 0
+134 9.833277494696986 -49.62694987907411 0 0 0 0
+123 -6.3900265443328275 24.721361147236436 0 0 0 0
+113 43.138440619577715 18.439585777030498 0 0 0 0
+127 -6.599333490952833 6.886128830486135 0 0 0 0
+131 10.436369846549251 -7.397039818963028 0 0 0 0
+132 10.459197514636518 5.777520967606662 0 0 0 0
+122 -10.58167979998011 21.879562141551546 0 0 0 0
+121 -3.099058623359718 4.34375762336205 0 0 0 0
+114 -23.37621747446608 -31.41389397569437 0 0 0 0
+129 13.511258406130532 7.806228414238328 0 0 0 0
+117 15.596775973336596 29.586847322223715 0 0 0 0
+133 41.28979858549879 17.36437553017529 0 0 0 0
+147 -15.350124847802121 -24.621518081384526 0 0 0 0
+136 13.793151811445803 -31.20785020653839 0 0 0 0
+124 -48.800751959140406 -32.06909885648141 0 0 0 0
+138 -13.895678281351833 46.35958961811488 0 0 0 0
+150 65.8462281465246 53.8379651930367 0 0 0 0
+142 2.943875273327908 -15.299914665160584 0 0 0 0
+135 18.56816146858465 -0.029998527482611823 0 0 0 0
+130 47.70909711864311 29.98110010470878 0 0 0 0
+98 16.457122356929165 -11.504954477357742 0 0 0 0
+119 11.335154408439855 -7.044583122425169 0 0 0 0
+125 -8.382839023480557 23.64749247685051 0 0 0 0
+154 -17.004745819106645 -5.168529984306621 0 0 0 0
+152 -3.813918494848244 -26.61936717008774 0 0 0 0
+139 -9.967769630049926 -13.567535775899328 0 0 0 0
+146 -43.31140162849983 3.0813218208223008 0 0 0 0
+144 -7.530410754538579 -34.058269557964636 0 0 0 0
+141 -13.764308025250445 -11.623072211593321 0 0 0 0
+153 -8.629189419331619 3.171481744250334 0 0 0 0
+158 48.839694850219956 -17.710568074971086 0 0 0 0
+140 17.509827876577265 -17.027775393653112 0 0 0 0
+149 4.552372736286016 36.395069245723235 0 0 0 0
+128 19.391637024959564 -60.27625116690698 0 0 0 0
+145 -14.779177298627534 9.994696719094874 0 0 0 0
+157 -19.492997220328228 -24.491490913121567 0 0 0 0
+160 -20.82914439765712 22.05079152298609 0 0 0 0
+165 -6.380516928001665 44.98208436798122 0 0 0 0
+151 14.588421902285571 8.35824410970966 0 0 0 0
+155 10.09999617461279 -46.096277137928034 0 0 0 0
+159 -67.64278220039131 4.7239010477155725 0 0 0 0
+162 -69.254957091898 -24.520837354117543 0 0 0 0
+176 -13.527921069080477 -13.208912926088828 0 0 0 0
+172 -26.725705922318124 2.6213855609509755 0 0 0 0
+169 -32.585598378575845 30.121656083444734 0 0 0 0
+167 33.496215379539606 -13.131768268525986 0 0 0 0
+156 -45.149795334751545 -36.77184471885536 0 0 0 0
+168 5.081576776122119 -17.3246513771547 0 0 0 0
+174 27.546616447410987 -24.196650789769425 0 0 0 0
+164 -25.150446151566083 -0.28020581302764036 0 0 0 0
+166 15.705621460157971 -16.206493530118678 0 0 0 0
+175 22.012407042582787 -1.9953483787969872 0 0 0 0
+173 -6.743709788532939 -12.959738311917842 0 0 0 0
+177 -55.82135123403906 15.307601190083378 0 0 0 0
+163 2.424813180097369 -25.799622108271915 0 0 0 0
+171 18.546827656298728 -10.143572402206997 0 0 0 0
+170 5.407127657555884 3.2159502217207523 0 0 0 0
+194 -37.60805946766227 26.48802567563219 0 0 0 0
+182 2.378922121897676 -51.050689477507866 0 0 0 0
+186 6.1697967638030065 -37.154053984198825 0 0 0 0
+181 35.646568996018466 -10.532548053462545 0 0 0 0
+190 -10.018916587450937 21.310211562353476 0 0 0 0
+184 -34.26998202458918 18.217835642984998 0 0 0 0
+187 -43.81805035199967 46.482899542427475 0 0 0 0
+191 0.3772684151378587 46.483571114663725 0 0 0 0
+209 -2.141118648283647 40.448446859823356 0 0 0 0
+196 35.07379454690192 -2.5708951608838264 0 0 0 0
+180 3.6520126111895848 25.102945986174916 0 0 0 0
+178 39.66583852974767 0.5319983322652498 0 0 0 0
+185 12.813196927640872 -7.359204158533466 0 0 0 0
+183 11.656575667813733 -2.4341443296261045 0 0 0 0
+198 -14.601563118089292 -18.847049337976536 0 0 0 0
+202 37.985194824222226 -4.179621599292238 0 0 0 0
+189 -27.205311622669146 2.5453486688606075 0 0 0 0
+210 17.4971866987385 5.901520080858142 0 0 0 0
+200 -1.854731663971425 39.84625972475133 0 0 0 0
+193 -44.950113769080424 23.922389169489072 0 0 0 0
+206 7.443673420203963 31.87838874787512 0 0 0 0
+199 -10.130378271955758 31.538078433498402 0 0 0 0
+204 28.89441887989615 -22.267863168885523 0 0 0 0
+188 33.35932459309199 85.00349443200757 0 0 0 0
+208 18.773931121083898 3.8167834582091147 0 0 0 0
+195 3.365807281546331 -31.585576323972248 0 0 0 0
+207 -23.538761847430237 -37.58581860933751 0 0 0 0
+227 -10.477081192314255 -19.24598672586881 0 0 0 0
+219 -16.87601159096886 14.453351130742728 0 0 0 0
+216 -0.21587742722851683 -22.945083691364978 0 0 0 0
+212 27.86825547859669 -2.841370910788314 0 0 0 0
+221 2.472140726163606 -21.13051803720409 0 0 0 0
+214 4.965457917666529 28.32078238502375 0 0 0 0
+220 -15.017442482815904 30.1440525045971 0 0 0 0
+205 -43.50428148536785 26.701830837396486 0 0 0 0
+222 25.43696535058289 7.326483642556495 0 0 0 0
+215 20.25673793088708 -3.1950295011333223 0 0 0 0
+228 -1.888651180504629 -22.755036090746998 0 0 0 0
+201 -21.92127242788063 -6.447142071818518 0 0 0 0
+211 34.97895603354027 -1.4915914236625327 0 0 0 0
+237 52.18342952367375 -3.2219862419942795 0 0 0 0
+232 43.75382925696106 57.887636524322055 0 0 0 0
+218 37.61915925122474 1.3305608379730158 0 0 0 0
+213 43.00367323245586 -55.963966288748146 0 0 0 0
+1 14.494315327453712 22.69823250786559 0 0 0 0
+230 -14.850526907033545 9.105278406099723 0 0 0 0
+15 -44.675605000732716 -41.06636500298495 0 0 0 0
+224 -23.635859708450738 0.010737116776806582 0 0 0 0
+234 -23.09319292440313 10.781528973980128 0 0 0 0
+226 -20.524459548860033 14.179003485531327 0 0 0 0
+233 -20.936300795906604 -37.76818922197877 0 0 0 0
+6 7.7041240132656545 17.600084144625843 0 0 0 0
+236 -50.10114162733319 -47.22954047733949 0 0 0 0
+231 -4.4625973279080045 38.71910488650948 0 0 0 0
+229 -25.889318774283606 -23.34953928486636 0 0 0 0
+223 12.498074257664374 -31.27063787288775 0 0 0 0
+225 9.709809500443757 8.639075111069308 0 0 0 0
+5 -7.543782590230676 8.580426443285376 0 0 0 0
diff --git a/DATASET/P=110000Pa/confined.restart b/DATASET/P=110000Pa/confined.restart
new file mode 100644
index 0000000..bef0e1e
Binary files /dev/null and b/DATASET/P=110000Pa/confined.restart differ
diff --git a/DATASET/P=110000Pa/log.lammps b/DATASET/P=110000Pa/log.lammps
new file mode 100644
index 0000000..b6a9615
--- /dev/null
+++ b/DATASET/P=110000Pa/log.lammps
@@ -0,0 +1,148 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.027700800 0.027700800 -0.00050000000) to (0.072299200 0.072299200 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.001 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 224223
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 224
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.027700800 0.027700800 -0.00050000000) to (0.072299200 0.072299200 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.45984e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 224 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 224223
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 20 20 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.0445984 0 -4704.238 0 224223
+ 2005000 240 0.0445984 9.9450864e-05 -9220.4901 0.00222992 224223
+ 2010000 240 0.0445984 0.00019890173 -13728.425 0.00445984 224223
+ 2015000 240 0.0445984 0.00029835259 -18218.888 0.00668976 224223
+ 2020000 240 0.0445984 0.00039780346 -22698.913 0.00891968 224223
+ 2025000 240 0.0445984 0.00049725432 -27189.623 0.0111496 224223
+ 2030000 240 0.0445984 0.00059670518 -31691.781 0.01337952 224223
+ 2035000 240 0.0445984 0.00069615605 -36201.186 0.01560944 224223
+ 2040000 240 0.0445984 0.00079560691 -40718.674 0.01783936 224223
+ 2045000 240 0.0445984 0.00089505778 -45250.028 0.02006928 224223
+ 2050000 240 0.0445984 0.00099450864 -49798.629 0.0222992 224223
+ 2055000 240 0.0445984 0.0010939595 -54363.863 0.02452912 224223
+ 2060000 240 0.0445984 0.0011934104 -58933.582 0.02675904 224223
+ 2065000 240 0.0445984 0.0012928612 -63506.39 0.02898896 224223
+ 2070000 240 0.0445984 0.0013923121 -68090.539 0.03121888 224223
+ 2075000 240 0.0445984 0.001491763 -72684.512 0.0334488 224223
+ 2080000 240 0.0445984 0.0015912138 -77284.749 0.03567872 224223
+ 2085000 240 0.0445984 0.0016906647 -81870.574 0.03790864 224223
+ 2090000 240 0.0445984 0.0017901156 -86448.438 0.04013856 224223
+ 2095000 240 0.0445984 0.0018895664 -91029.611 0.04236848 224223
+ 2100000 240 0.0445984 0.0019890173 -95618.612 0.0445984 224223
+ 2105000 240 0.0445984 0.0020884681 -100223.17 0.04682832 224223
+ 2110000 240 0.0445984 0.002187919 -104846.55 0.04905824 224223
+ 2115000 240 0.0445984 0.0022873699 -109488.01 0.05128816 224223
+ 2120000 240 0.0445984 0.0023868207 -114144 0.05351808 224223
+ 2125000 240 0.0445984 0.0024862716 -118811.72 0.055748 224223
+ 2130000 240 0.0445984 0.0025857225 -123500.63 0.05797792 224223
+ 2135000 240 0.0445984 0.0026851733 -128203.97 0.06020784 224223
+ 2140000 240 0.0445984 0.0027846242 -132930.77 0.06243776 224223
+ 2145000 240 0.0445984 0.0028840751 -137686.45 0.06466768 224223
+ 2150000 240 0.0445984 0.0029835259 -142476.5 0.0668976 224223
+ 2155000 240 0.0445984 0.0030829768 -147301.04 0.06912752 224223
+ 2160000 240 0.0445984 0.0031824277 -152160.97 0.07135744 224223
+ 2165000 240 0.0445984 0.0032818785 -157055.94 0.07358736 224223
+ 2170000 240 0.0445984 0.0033813294 -161986.42 0.07581728 224223
+ 2175000 240 0.0445984 0.0034807802 -166954 0.0780472 224223
+ 2180000 240 0.0445984 0.0035802311 -171956.27 0.08027712 224223
+ 2185000 240 0.0445984 0.003679682 -176992.07 0.08250704 224223
+ 2190000 240 0.0445984 0.0037791328 -182062.23 0.08473696 224223
+ 2195000 240 0.0445984 0.0038785837 -187163.55 0.08696688 224223
+ 2200000 240 0.0445984 0.0039780346 -192293.46 0.0891968 224223
+ 2205000 240 0.0445984 0.0040774854 -197452.7 0.09142672 224223
+ 2210000 240 0.0445984 0.0041769363 -202640.98 0.09365664 224223
+ 2215000 240 0.0445984 0.0042763872 -207868.01 0.09588656 224223
+ 2220000 240 0.0445984 0.004375838 -213135.63 0.09811648 224223
+ 2224223 240 0.0445984 0.0044598342 -217614.51 0.09999987 224223
+Loop time of 4.80092 on 1 procs for 224223 steps with 240 atoms
+
+99.6% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 3.5675 | 3.5675 | 3.5675 | 0.0 | 74.31
+Neigh | 0.00070715 | 0.00070715 | 0.00070715 | 0.0 | 0.01
+Comm | 0.46004 | 0.46004 | 0.46004 | 0.0 | 9.58
+Output | 0.0063028 | 0.0063028 | 0.0063028 | 0.0 | 0.13
+Modify | 0.56555 | 0.56555 | 0.56555 | 0.0 | 11.78
+Other | | 0.2008 | | | 4.18
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 101.000 ave 101 max 101 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 700.000 ave 700 max 700 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 700
+Ave neighs/atom = 2.9166667
+Neighbor list builds = 17
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:04
diff --git a/DATASET/P=120000Pa/1_generate_conf_120000Pa.in b/DATASET/P=120000Pa/1_generate_conf_120000Pa.in
new file mode 100644
index 0000000..63b9b78
--- /dev/null
+++ b/DATASET/P=120000Pa/1_generate_conf_120000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 120000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 230 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 365 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 563 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 438 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 776 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 283 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 27 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 226 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 277 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 798 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 609 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 284 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 879 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 960 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 481 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 453 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 829 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 816 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 659 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 516 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 547 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 192 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 49 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 512 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 17 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 172 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 220 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 158 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 477 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 46 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 373 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 518 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 99 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 892 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 745 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 37 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 280 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 349 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 497 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 302 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=120000Pa/2_shear.in b/DATASET/P=120000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=120000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=120000Pa/StrainStress.txt b/DATASET/P=120000Pa/StrainStress.txt
new file mode 100644
index 0000000..e806e89
--- /dev/null
+++ b/DATASET/P=120000Pa/StrainStress.txt
@@ -0,0 +1,1001 @@
+# Fix print output for fix output_file
+1.11159530932228e-05 -1456.2299407552650337
+0.00011115953093176 -1671.6896785120823097
+0.000211203108770297 -1887.0467318342878116
+0.000311246686608834 -2102.2797967085871278
+0.000411290264447371 -2317.3275276341150857
+0.000511333842285909 -2532.2477333997812821
+0.000611377420124446 -2747.100645292410718
+0.000711420997962983 -2961.8799911667692868
+0.00081146457580152 -3176.6057843775106448
+0.000911508153640057 -3391.268331034782932
+0.00101155173147859 -3605.8391162537718628
+0.00111159530931713 -3820.3447801521206202
+0.00121163888715567 -4034.7661429901663723
+0.00131168246499421 -4249.0584939556620157
+0.00141172604283274 -4463.2294627147039137
+0.00151176962067128 -4677.3563183354272041
+0.00161181319850982 -4891.4339325623031982
+0.00171185677634835 -5105.4567261111760672
+0.00181190035418689 -5319.4181385024630799
+0.00191194393202543 -5533.3094870260738389
+0.00201198750986397 -5747.1160103869988234
+0.0021120310877025 -5960.8069328006176875
+0.00221207466554104 -6174.4515746729130115
+0.00231211824337958 -6388.0621579688277052
+0.00241216182121811 -6601.6343748902099833
+0.00251220539905665 -6815.1582432597742809
+0.00261224897689519 -7028.6333959704488734
+0.00271229255473373 -7242.0674631132014838
+0.00281233613257242 -7455.4675739122876621
+0.00291237971041096 -7668.8481145760579238
+0.00301242328824949 -7882.1925586586448844
+0.00311246686608803 -8095.4920715228781773
+0.00321251044392657 -8308.7334178229775716
+0.00331255402176511 -8521.9147338960683555
+0.00341259759960364 -8735.0543312875724951
+0.00351264117744218 -8948.1530711688228621
+0.00361268475528072 -9161.2320391986686445
+0.00371272833311925 -9374.2773948473404744
+0.00381277191095779 -9587.2819028428930324
+0.00391281548879633 -9800.2408213464841538
+0.00401285906663486 -10013.150202312592228
+0.0041129026444734 -10226.006458363186539
+0.00421294622231194 -10438.806181386695243
+0.00431298980015048 -10651.546044576394706
+0.00441303337798901 -10864.222738921929704
+0.00451307695582755 -11076.832924663758604
+0.00461312053366609 -11289.399680622615051
+0.00471316411150462 -11501.915064987146252
+0.00481320768934316 -11714.36762608346362
+0.0049132512671817 -11926.750687780619046
+0.00501329484502024 -12139.058437167970624
+0.00511333842285877 -12351.285171412304408
+0.00521338200069731 -12563.424902419004866
+0.00531342557853585 -12775.470981151749584
+0.00541346915637439 -12987.415547160691858
+0.00551351273421292 -13199.248415384692635
+0.00561355631205146 -13410.953716205132878
+0.00571359988989 -13622.492725820327905
+0.00581364346772853 -13833.879367085917693
+0.00591368704556707 -14045.205320283408582
+0.00601373062340576 -14256.499750613305878
+0.0061137742012443 -14467.705020386196338
+0.00621381777908284 -14678.861387812637986
+0.00631386135692138 -14889.964927969367636
+0.00641390493475991 -15101.006936631352801
+0.00651394851259845 -15311.977349607874203
+0.00661399209043699 -15522.856074896586506
+0.00671403566827552 -15733.64000212081919
+0.00681407924611406 -15944.359191185787495
+0.0069141228239526 -16155.00597695493525
+0.00701416640179114 -16365.578785283290927
+0.00711420997962967 -16576.072578346778755
+0.00721425355746821 -16786.513585825745395
+0.00731429713530675 -16996.896775677269034
+0.00741434071314528 -17207.217632758867694
+0.00751438429098382 -17417.471737543961353
+0.00761442786882236 -17627.654548588005127
+0.0077144714466609 -17837.761203033223865
+0.00781451502449943 -18047.786649331163062
+0.00791455860233797 -18257.772587312196265
+0.00801460218017651 -18467.700408264332509
+0.00811464575801504 -18677.544250780072616
+0.00821468933585358 -18887.287911885265203
+0.00831473291369212 -19096.968833546634414
+0.00841477649153066 -19306.579881021807523
+0.00851482006936919 -19516.08780896931421
+0.00861486364720773 -19725.527861047154147
+0.00871490722504627 -19934.916492732209008
+0.0088149508028848 -20144.283718389368005
+0.00891499438072334 -20353.632307810796192
+0.00901503795856188 -20562.938642674587754
+0.00911508153640042 -20772.2116211607281
+0.00921512511423895 -20981.535235562809248
+0.00931516869207765 -21190.83397409011377
+0.00941521226991618 -21400.057356602486834
+0.00951525584775472 -21609.252204972606705
+0.00961529942559326 -21818.400313341928268
+0.00971534300343179 -22027.535255986324046
+0.00981538658127033 -22236.64902001439259
+0.00991543015910887 -22445.732790127236512
+0.0100154737369474 -22654.775539925965859
+0.0101155173147859 -22863.753318794668303
+0.0102155608926245 -23072.680124743343185
+0.010315604470463 -23281.560481309450552
+0.0104156480483016 -23490.399826743218
+0.0105156916261401 -23699.208223285138956
+0.0106157352039786 -23907.981641574700916
+0.0107157787818172 -24116.716013372919406
+0.0108158223596557 -24325.407179729540076
+0.0109158659374942 -24534.05082815338028
+0.0110159095153328 -24742.642409188705642
+0.0111159530931713 -24951.177014159980899
+0.0112159966710099 -25159.651770332486194
+0.0113160402488484 -25368.089587087524706
+0.0114160838266869 -25576.47059773528963
+0.0115161274045255 -25784.781676449689257
+0.011616170982364 -25992.993817232705624
+0.0117162145602025 -26201.125308497052174
+0.0118162581380411 -26409.233170578587305
+0.0119163017158796 -26617.382161890098359
+0.0120163452937181 -26825.546717985431314
+0.0121163888715567 -27033.695107296120113
+0.0122164324493952 -27241.808318988998508
+0.0123164760272338 -27449.869423992189695
+0.0124165196050723 -27657.895238700941263
+0.0125165631829108 -27865.875017691094399
+0.0126166067607495 -28073.797440841750358
+0.0127166503385881 -28281.699022332246386
+0.0128166939164266 -28489.564297889148293
+0.0129167374942651 -28697.31916889149943
+0.0130167810721037 -28904.999652964310371
+0.0131168246499422 -29112.654323042654141
+0.0132168682277808 -29320.272670557915262
+0.0133169118056193 -29527.841292044060538
+0.0134169553834578 -29735.349648081861233
+0.0135169989612964 -29942.785903366511775
+0.0136170425391349 -30150.107086431806238
+0.0137170861169734 -30357.302229606488254
+0.013817129694812 -30564.466598551385687
+0.0139171732726505 -30771.587971648998064
+0.014017216850489 -30978.688439464647672
+0.0141172604283276 -31185.767810804656619
+0.0142173040061661 -31392.824609521714592
+0.0143173475840047 -31599.898580565029988
+0.0144173911618432 -31806.970125110950903
+0.0145174347396817 -32014.025435161685891
+0.0146174783175203 -32221.05449620021318
+0.0147175218953588 -32428.047373370278365
+0.0148175654731973 -32634.989880463719601
+0.0149176090510359 -32841.855285959223693
+0.0150176526288744 -33048.678680973120208
+0.015117696206713 -33255.457552955922438
+0.0152177397845515 -33462.208787959731126
+0.01531778336239 -33668.928553728052066
+0.0154178269402286 -33875.612553827981174
+0.0155178705180671 -34082.25621140502335
+0.0156179140959056 -34288.854523682952276
+0.0157179576737442 -34495.401825802160602
+0.0158180012515827 -34701.891346203054127
+0.0159180448294214 -34908.314150376230828
+0.0160180884072599 -35114.654171054258768
+0.0161181319850985 -35320.887324510957114
+0.016218175562937 -35527.027458045369713
+0.0163182191407756 -35733.119616470146866
+0.0164182627186141 -35939.158224532999157
+0.0165183062964526 -36145.13628565165709
+0.0166183498742912 -36351.043825334774738
+0.0167183934521297 -36556.860504310927354
+0.0168184370299682 -36762.557899723593437
+0.0169184806078068 -36968.231926711901906
+0.0170185241856453 -37173.875486411692691
+0.0171185677634839 -37379.477020564154373
+0.0172186113413224 -37585.018039984577626
+0.0173186549191609 -37790.514427662717935
+0.0174186984969995 -37995.980528256855905
+0.017518742074838 -38201.517413367655536
+0.0176187856526765 -38407.08194947418815
+0.0177188292305151 -38612.648222026604344
+0.0178188728083536 -38818.202503400127171
+0.0179189163861922 -39023.734147549774207
+0.0180189599640307 -39229.233104870632815
+0.0181190035418692 -39434.686592253492563
+0.0182190471197078 -39640.083905928608146
+0.0183190906975463 -39845.428681554934883
+0.0184191342753848 -40050.702284881430387
+0.0185191778532234 -40255.8719513423639
+0.0186192214310619 -40461.002242241382191
+0.0187192650089004 -40666.09454023881699
+0.018819308586739 -40871.143316780973691
+0.0189193521645775 -41076.142301993939327
+0.0190193957424161 -41281.083825875983166
+0.0191194393202548 -41485.956846517736267
+0.0192194828980933 -41690.732681033812696
+0.0193195264759318 -41895.43126645385928
+0.0194195700537704 -42100.077707852658932
+0.0195196136316089 -42304.665647554400493
+0.0196196572094474 -42509.206707251898479
+0.019719700787286 -42713.685998734647001
+0.0198197443651245 -42918.07210729210783
+0.0199197879429631 -43122.393974543265358
+0.0200198315208016 -43326.64867391626467
+0.0201198750986401 -43530.820007690090279
+0.0202199186764787 -43734.87296845405217
+0.0203199622543172 -43938.821510552435939
+0.0204200058321557 -44142.711089967422595
+0.0205200494099943 -44346.531894820778689
+0.0206200929878328 -44550.248831580887781
+0.0207201365656714 -44753.913274150901998
+0.0208201801435099 -44957.534907315653982
+0.0209202237213484 -45161.103139341146743
+0.021020267299187 -45364.594470329830074
+0.0211203108770255 -45568.047959255643946
+0.021220354454864 -45771.468742026088876
+0.0213203980327026 -45974.857324067364971
+0.0214204416105411 -46178.219007239407802
+0.0215204851883796 -46381.551142290198186
+0.0216205287662182 -46584.874500809884921
+0.0217205723440567 -46788.185355462737789
+0.0218206159218953 -46991.451595915932558
+0.0219206594997338 -47194.672350792090583
+0.0220207030775723 -47397.870978386665229
+0.0221207466554109 -47601.042200269468594
+0.0222207902332494 -47804.181111907921149
+0.0223208338110879 -48007.282923387014307
+0.0224208773889265 -48210.342784092135844
+0.0225209209667652 -48413.355624666255608
+0.0226209645446037 -48616.315969282957667
+0.0227210081224422 -48819.217648202298733
+0.0228210517002808 -49022.053223363371217
+0.0229210952781193 -49224.812195613769291
+0.0230211388559579 -49427.482799597462872
+0.0231211824337964 -49630.079036999341042
+0.0232212260116349 -49832.573821058547765
+0.0233212695894735 -50034.988958164882206
+0.023421313167312 -50237.361447446579405
+0.0235213567451505 -50439.720459414515062
+0.0236214003229891 -50642.051433969565551
+0.0237214439008276 -50844.333009385358309
+0.0238214874786662 -51046.565898873479455
+0.0239215310565047 -51248.743717524179374
+0.0240215746343432 -51450.820501183290617
+0.0241216182121818 -51652.802901172952261
+0.0242216617900203 -51854.673414188211609
+0.0243217053678588 -52056.443518234911608
+0.0244217489456974 -52258.129323792709329
+0.0245217925235359 -52459.763448448298732
+0.0246218361013745 -52661.344076915491314
+0.024721879679213 -52862.855875522174756
+0.0248219232570515 -53064.263846711495717
+0.0249219668348901 -53265.55342244059284
+0.0250220104127286 -53466.776834338146728
+0.0251220539905671 -53667.942829903564416
+0.0252220975684057 -53869.04960353642673
+0.0253221411462442 -54070.104287529560679
+0.0254221847240828 -54271.082697498903144
+0.0255222283019213 -54472.051903257655795
+0.02562227187976 -54673.016267888924631
+0.0257223154575984 -54873.972989209149091
+0.0258223590354371 -55074.919153558883409
+0.0259224026132756 -55275.851705907516589
+0.0260224461911141 -55476.767410941938579
+0.0261224897689527 -55677.662800118938321
+0.0262225333467912 -55878.534095392133167
+0.0263225769246297 -56079.377091479407682
+0.0264226205024683 -56280.186956571007613
+0.0265226640803068 -56480.957844021962956
+0.0266227076581454 -56681.681917917027022
+0.0267227512359839 -56882.343462584780355
+0.0268227948138224 -57082.936129708839871
+0.026922838391661 -57283.45974540329189
+0.0270228819694995 -57483.916151626035571
+0.027122925547338 -57684.371833503573725
+0.0272229691251766 -57884.827514821583463
+0.0273230127030151 -58085.262430446447979
+0.0274230562808537 -58285.652203865305637
+0.0275230998586922 -58486.005312035180395
+0.0276231434365307 -58686.340623371361289
+0.0277231870143693 -58886.652553240157431
+0.0278232305922078 -59086.935118585482996
+0.0279232741700463 -59287.181456974401954
+0.0280233177478849 -59487.382783203640429
+0.0281233613257234 -59687.522657734458335
+0.0282234049035619 -59887.597153889109904
+0.0283234484814005 -60087.590304664263385
+0.028423492059239 -60287.532918146869633
+0.0285235356370776 -60487.42760418268881
+0.0286235792149161 -60687.259258604019124
+0.0287236227927546 -60886.992972119965998
+0.0288236663705932 -61086.675526276107121
+0.0289237099484317 -61286.310065944293456
+0.0290237535262702 -61485.870890727957885
+0.0291237971041089 -61685.350864186839317
+0.0292238406819475 -61884.797654650101322
+0.029323884259786 -62084.209620979396277
+0.0294239278376245 -62283.565962925778877
+0.0295239714154631 -62482.85901654290501
+0.0296240149933016 -62682.137801415352442
+0.0297240585711402 -62881.398555021369248
+0.0298241021489787 -63080.636377659895516
+0.0299241457268172 -63279.845247883087723
+0.0300241893046558 -63479.016833207184391
+0.0301242328824943 -63678.142160399984277
+0.0302242764603328 -63877.199620340659749
+0.0303243200381714 -64076.169884278759127
+0.0304243636160099 -64275.084000932969502
+0.0305244071938485 -64473.969112256832886
+0.030624450771687 -64672.80777807427512
+0.0307244943495255 -64871.615592272653885
+0.0308245379273641 -65070.39758519725001
+0.0309245815052026 -65269.16690350958379
+0.0310246250830411 -65467.935564060950128
+0.0311246686608797 -65666.699204371441738
+0.0312247122387182 -65865.452756975733791
+0.0313247558165568 -66064.189673290413339
+0.0314247993943953 -66262.899900230986532
+0.0315248429722338 -66461.55503036317532
+0.0316248865500724 -66660.167451136017917
+0.0317249301279109 -66858.775701567559736
+0.0318249737057494 -67057.367080695199547
+0.031925017283588 -67255.948547243067878
+0.0320250608614265 -67454.524855828247382
+0.032125104439265 -67653.086968926611007
+0.0322251480171037 -67851.64418893236143
+0.0323251915949423 -68050.189407772326376
+0.0324252351727808 -68248.705194663110888
+0.0325252787506194 -68447.217347983212676
+0.0326253223284579 -68645.725766659801593
+0.0327253659062964 -68844.249602367301122
+0.032825409484135 -69042.79066216913634
+0.0329254530619735 -69241.346557373035466
+0.033025496639812 -69439.914872684195871
+0.0331255402176506 -69638.493046790274093
+0.0332255837954891 -69837.078238101661555
+0.0333256273733277 -70035.667111730857869
+0.0334256709511662 -70234.255398142719059
+0.0335257145290047 -70432.836629001700203
+0.0336257581068433 -70631.400165323109832
+0.0337258016846818 -70829.968937318102689
+0.0338258452625203 -71028.564550374081591
+0.0339258888403589 -71227.181826283063856
+0.0340259324181974 -71425.817298904847121
+0.034125975996036 -71624.471884695012704
+0.0342260195738745 -71823.150479214120423
+0.034326063151713 -72021.845497671689373
+0.0344261067295516 -72220.552880482384353
+0.0345261503073901 -72419.269277605388197
+0.0346261938852286 -72617.991524025739636
+0.0347262374630672 -72816.716451537213288
+0.0348262810409057 -73015.440772401343565
+0.0349263246187443 -73214.160974334561615
+0.0350263681965828 -73412.873196970191202
+0.0351264117744213 -73611.573057327113929
+0.0352264553522599 -73810.255364973723772
+0.0353264989300984 -74008.913582008332014
+0.0354265425079369 -74207.53854611144925
+0.0355265860857756 -74406.113292349400581
+0.0356266296636142 -74604.611626555895782
+0.0357266732414527 -74803.090593448883737
+0.0358267168192912 -75001.609224703512155
+0.0359267603971298 -75200.159822068715584
+0.0360268039749683 -75398.732752541211084
+0.0361268475528069 -75597.324528444980388
+0.0362268911306454 -75795.928116833572858
+0.0363269347084839 -75994.534764037001878
+0.0364269782863225 -76193.124828227009857
+0.036527021864161 -76391.699946145512513
+0.0366270654419995 -76590.289192861309857
+0.0367271090198381 -76788.895215079130139
+0.0368271525976766 -76987.514953821169911
+0.0369271961755151 -77186.145236050331732
+0.0370272397533537 -77384.782709763167077
+0.0371272833311922 -77583.423763086539111
+0.0372273269090308 -77782.064412558480399
+0.0373273704868693 -77980.700133459031349
+0.0374274140647078 -78179.325572044122964
+0.0375274576425464 -78377.933984110321035
+0.0376275012203849 -78576.515863786873524
+0.0377275447982234 -78775.053244459908456
+0.037827588376062 -78973.511401140203816
+0.0379276319539005 -79171.942043466988252
+0.0380276755317391 -79370.374073700877489
+0.0381277191095776 -79568.802720150284586
+0.0382277626874161 -79767.221989512603614
+0.0383278062652547 -79965.623635924712289
+0.0384278498430932 -80163.994016153170378
+0.0385278934209317 -80362.290633323427755
+0.0386279369987703 -80560.545514664830989
+0.0387279805766088 -80758.814569753260002
+0.0388280241544475 -80957.094432760219206
+0.038928067732286 -81155.381068307935493
+0.0390281113101246 -81353.669322390982416
+0.0391281548879631 -81551.951788674618001
+0.0392281984658017 -81750.213396585881128
+0.0393282420436402 -81948.436609982294613
+0.0394282856214787 -82146.658316046494292
+0.0395283291993173 -82344.855576439833385
+0.0396283727771558 -82543.064318548858864
+0.0397284163549943 -82741.288916287507163
+0.0398284599328329 -82939.536440322219278
+0.0399285035106714 -83137.807846437819535
+0.04002854708851 -83336.101260535302572
+0.0401285906663485 -83534.414757363381796
+0.040228634244187 -83732.746291093353648
+0.0403286778220256 -83931.093605253205169
+0.0404287213998641 -84129.454241485800594
+0.0405287649777026 -84327.825487263326067
+0.0406288085555412 -84526.204299169548904
+0.0407288521333797 -84724.587182971241418
+0.0408288957112183 -84922.969986839321791
+0.0409289392890568 -85121.356688680883963
+0.0410289828668953 -85319.781842456897721
+0.0411290264447339 -85518.208516045415308
+0.0412290700225724 -85716.620172218550579
+0.0413291136004109 -85915.034818467669538
+0.0414291571782495 -86113.445369747569202
+0.041529200756088 -86311.86630955702276
+0.0416292443339265 -86510.290813981438987
+0.0417292879117651 -86708.708825117282686
+0.0418293314896036 -86907.105330761100049
+0.0419293750674422 -87105.444788959473954
+0.0420294186452807 -87303.724617218045751
+0.0421294622231194 -87501.997802994650556
+0.0422295058009579 -87700.339196095839725
+0.0423295493787965 -87898.753038807859411
+0.042429592956635 -88097.234846338717034
+0.0425296365344735 -88295.781158678641077
+0.0426296801123121 -88494.389012731277035
+0.0427297236901506 -88693.055701196062728
+0.0428297672679891 -88891.778633525260375
+0.0429298108458277 -89090.555549134558532
+0.0430298544236662 -89289.38382992579136
+0.0431298980015048 -89488.260540451738052
+0.0432299415793433 -89687.182553529710276
+0.0433299851571818 -89886.146286360468366
+0.0434300287350204 -90085.147340302646626
+0.0435300723128589 -90284.187292354690726
+0.0436301158906975 -90483.272405534356949
+0.043730159468536 -90682.364698752295226
+0.0438302030463745 -90881.500510699814186
+0.0439302466242131 -91080.69392560403503
+0.0440302902020516 -91279.93240172820515
+0.0441303337798901 -91479.205082796412171
+0.0442303773577287 -91678.548164417326916
+0.0443304209355672 -91877.959390106232604
+0.0444304645134057 -92077.436754116701195
+0.0445305080912443 -92276.978370862343581
+0.0446305516690828 -92476.58240188950731
+0.0447305952469214 -92676.247003395517822
+0.0448306388247599 -92875.970278878245153
+0.0449306824025984 -93075.750227198499488
+0.045030725980437 -93275.584674780198839
+0.0451307695582755 -93475.471173832251225
+0.045230813136114 -93675.406825692829443
+0.0453308567139526 -93875.387915760351461
+0.0454309002917913 -94075.426128189777955
+0.0455309438696298 -94275.5162750997697
+0.0456309874474683 -94475.642814539925894
+0.0457310310253069 -94675.833502470355597
+0.0458310746031454 -94876.087570466377656
+0.045931118180984 -95076.400730655615916
+0.0460311617588225 -95276.767264722744585
+0.046131205336661 -95477.174291516872472
+0.0462312489144996 -95677.613132823767955
+0.0463312924923381 -95878.153669310049736
+0.0464313360701766 -96078.807691314126714
+0.0465313796480152 -96279.555798777408199
+0.0466314232258537 -96480.391696619044524
+0.0467314668036923 -96681.31148234475404
+0.0468315103815308 -96882.312248336122138
+0.0469315539593693 -97083.391613862739177
+0.0470315975372079 -97284.549240088701481
+0.0471316411150464 -97485.812546645931434
+0.0472316846928849 -97687.176393573565292
+0.0473317282707235 -97888.65576369316841
+0.047431771848562 -98090.234551564717549
+0.0475318154264006 -98291.90464683288883
+0.0476318590042391 -98493.660949565892224
+0.0477319025820776 -98695.499155710655032
+0.0478319461599162 -98897.413821483554784
+0.0479319897377547 -99099.402808989209007
+0.0480320333155932 -99301.469339513540035
+0.0481320768934318 -99503.620558617491042
+0.0482321204712703 -99705.854938081931323
+0.0483321640491089 -99908.165487973019481
+0.0484322076269474 -100110.54686209777719
+0.0485322512047861 -100312.99653982459859
+0.0486322947826245 -100515.51130766536517
+0.0487323383604632 -100718.08065775051364
+0.0488323819383017 -100920.69599560828647
+0.0489324255161402 -101123.38963401444198
+0.0490324690939788 -101326.16047915285162
+0.0491325126718173 -101529.00736264311126
+0.0492325562496558 -101731.92915983413695
+0.0493325998274944 -101934.92478169998503
+0.0494326434053329 -102137.99316844854911
+0.0495326869831715 -102341.13328419705795
+0.04963273056101 -102544.34411244721559
+0.0497327741388485 -102747.62465208163485
+0.0498328177166871 -102950.97391366290685
+0.0499328612945256 -103154.39091578184161
+0.0500329048723641 -103357.87468123526196
+0.0501329484502027 -103561.42423263433739
+0.0502329920280412 -103765.03858664423751
+0.0503330356058797 -103968.71674511495803
+0.0504330791837183 -104172.45767821818299
+0.0505331227615568 -104376.26027990081639
+0.0506331663393954 -104580.12306375832122
+0.0507332099172339 -104784.04512743928353
+0.0508332534950724 -104988.0268985794828
+0.050933297072911 -105192.06742076599039
+0.0510333406507495 -105396.16572435077978
+0.051133384228588 -105600.32082249975065
+0.0512334278064266 -105804.53170624104678
+0.0513334713842651 -106008.7973371023254
+0.0514335149621037 -106213.11663478941773
+0.0515335585399422 -106417.48845021643501
+0.0516336021177807 -106621.91145394851628
+0.0517336456956193 -106826.38415390372393
+0.051833689273458 -107030.90648356097518
+0.0519337328512963 -107235.47723452695936
+0.052033776429135 -107440.09505362139316
+0.0521338200069736 -107644.75844196787511
+0.0522338635848121 -107849.46566491268459
+0.0523339071626506 -108054.21453918183397
+0.0524339507404892 -108259.00168553221738
+0.0525339943183277 -108463.81864869428682
+0.0526340378961663 -108668.67618204613973
+0.0527340814740048 -108873.57791865397303
+0.0528341250518433 -109078.52259621568373
+0.0529341686296819 -109283.5088829206361
+0.0530342122075204 -109488.53700464511348
+0.0531342557853589 -109693.60559474768525
+0.0532342993631975 -109898.71228518371936
+0.053334342941036 -110103.85502833689679
+0.0534343865188746 -110309.03163182431308
+0.0535344300967131 -110514.23958896542899
+0.0536344736745516 -110719.47583134374872
+0.0537345172523902 -110924.73615256676567
+0.0538345608302287 -111130.01875195554749
+0.0539346044080672 -111335.3200637944683
+0.0540346479859058 -111540.66124676646723
+0.0541346915637443 -111746.04129932435171
+0.0542347351415829 -111951.45609149981465
+0.0543347787194214 -112156.9009185754112
+0.0544348222972599 -112362.36883284106443
+0.0545348658750985 -112567.8401479578024
+0.054634909452937 -112773.33314978664566
+0.0547349530307755 -112978.86612438572047
+0.0548349966086141 -113184.43694865953876
+0.0549350401864526 -113390.04328476848605
+0.0550350837642911 -113595.68247824125865
+0.0551351273421298 -113801.35139175209042
+0.0552351709199684 -114007.04609416406311
+0.0553352144978069 -114212.76115043154277
+0.0554352580756455 -114418.4872202990955
+0.055535301653484 -114624.20057835694752
+0.0556353452313225 -114829.92242337833159
+0.0557353888091611 -115035.67865801247535
+0.0558354323869996 -115241.47082303697243
+0.0559354759648381 -115447.2945327447087
+0.0560355195426767 -115653.14029597889748
+0.0561355631205152 -115858.99758911863319
+0.0562356066983538 -116064.8987645853631
+0.0563356502761923 -116270.84274737145461
+0.0564356938540308 -116476.8276937581395
+0.0565357374318694 -116682.85148181873956
+0.0566357810097079 -116888.91158607327088
+0.0567358245875464 -117095.00484772144409
+0.056835868165385 -117301.12697933759773
+0.0569359117432235 -117507.27112570343888
+0.0570359553210621 -117713.41717637644615
+0.0571359988989006 -117919.57544649291958
+0.0572360424767391 -118125.77177041182586
+0.0573360860545777 -118331.99595340993255
+0.0574361296324162 -118538.25231030836585
+0.0575361732102547 -118744.54713642888237
+0.0576362167880933 -118950.8650221228454
+0.0577362603659318 -119157.228078725675
+0.0578363039437704 -119363.64644552957907
+0.0579363475216089 -119570.11938776932948
+0.0580363910994474 -119776.64614028201322
+0.058136434677286 -119983.2259024225641
+0.0582364782551245 -120189.8579435251886
+0.058336521832963 -120396.54263016166806
+0.0584365654108017 -120603.27850240256521
+0.0585366089886401 -120810.06427580867603
+0.0586366525664788 -121016.89871616609162
+0.0587366961443173 -121223.78051102474274
+0.0588367397221559 -121430.70820548557094
+0.0589367832999944 -121637.68012761970749
+0.059036826877833 -121844.69426972582005
+0.0591368704556715 -122051.74805410330009
+0.05923691403351 -122258.8377139425429
+0.0593369576113486 -122465.95408359095745
+0.0594370011891871 -122673.0979059140227
+0.0595370447670256 -122880.27788981581398
+0.0596370883448642 -123087.48331139146467
+0.0597371319227027 -123294.70000344354776
+0.0598371755005412 -123501.97098727870616
+0.0599372190783798 -123709.34120374308259
+0.0600372626562183 -123916.80059424749925
+0.0601373062340569 -124124.337812610931
+0.0602373498118954 -124331.9481667902146
+0.0603373933897339 -124539.62865159119247
+0.0604374369675725 -124747.37700234877411
+0.060537480545411 -124955.19133706603316
+0.0606375241232495 -125163.0699709635519
+0.0607375677010881 -125371.01128232943302
+0.0608376112789266 -125579.0135501842451
+0.0609376548567652 -125787.0745393280522
+0.0610376984346037 -125995.18934112369607
+0.0611377420124422 -126203.36310481764667
+0.0612377855902808 -126411.59779602260096
+0.0613378291681193 -126619.89255792940094
+0.0614378727459578 -126828.24654730256589
+0.0615379163237965 -127036.65892546334362
+0.0616379599016349 -127245.1288484492834
+0.0617380034794736 -127453.65545524453046
+0.061838047057312 -127662.23785141218104
+0.0619380906351507 -127870.87508318884647
+0.0620381342129892 -128079.56608922660234
+0.0621381777908278 -128288.30958945887687
+0.0622382213686663 -128497.10370898476685
+0.0623382649465048 -128705.94376061132061
+0.0624383085243434 -128914.8350162368879
+0.0625383521021819 -129123.80816759940353
+0.0626383956800204 -129332.87062631931622
+0.062738439257859 -129542.00664564514591
+0.0628384828356975 -129751.21111909511092
+0.0629385264135361 -129960.48088736289355
+0.0630385699913746 -130169.81360036635306
+0.0631386135692131 -130379.20733167541039
+0.0632386571470517 -130588.66040263260948
+0.0633387007248902 -130798.17128668619262
+0.0634387443027287 -131007.7385494986811
+0.0635387878805673 -131217.36080564153963
+0.0636388314584058 -131427.03668044746155
+0.0637388750362444 -131636.76476537063718
+0.0638389186140829 -131846.54354073054856
+0.0639389621919214 -132056.37114172958536
+0.06403900576976 -132266.24422028538538
+0.0641390493475985 -132476.16509143394069
+0.064239092925437 -132686.13387459813384
+0.0643391365032756 -132896.14925612788647
+0.0644391800811141 -133106.20984917055466
+0.0645392236589526 -133316.31416797440033
+0.0646392672367912 -133526.4605915278371
+0.0647393108146297 -133736.64730794567731
+0.0648393543924683 -133946.87222140451195
+0.0649393979703068 -134157.13277560577262
+0.0650394415481455 -134367.4255498938146
+0.065139485125984 -134577.74493596135289
+0.0652395287038226 -134788.07453180165612
+0.0653395722816611 -134998.4330743640312
+0.0654396158594996 -135208.83290254118037
+0.0655396594373382 -135419.27231016170117
+0.0656397030151767 -135629.74937568546738
+0.0657397465930152 -135840.26188412043848
+0.0658397901708538 -136050.80720032169484
+0.0659398337486923 -136261.3820425371232
+0.0660398773265309 -136471.98201150764362
+0.0661399209043694 -136682.60027789665037
+0.0662399644822079 -136893.22198540365207
+0.0663400080600465 -137103.83311788298306
+0.066440051637885 -137314.47382149091573
+0.0665400952157235 -137525.14981900094426
+0.0666401387935621 -137735.847566918761
+0.0667401823714006 -137946.58050220474252
+0.0668402259492392 -138157.35857194280834
+0.0669402695270777 -138368.17878122866387
+0.0670403131049162 -138579.03643793429364
+0.0671403566827548 -138789.92121464561205
+0.0672404002605933 -139000.81336928810924
+0.0673404438384319 -139211.76133901486173
+0.0674404874162704 -139422.7688044210372
+0.0675405309941089 -139633.8352518400352
+0.0676405745719475 -139844.96013274809229
+0.067740618149786 -140056.14284774038242
+0.0678406617276245 -140267.3827172354795
+0.0679407053054631 -140478.6789211431169
+0.0680407488833016 -140690.03034215685329
+0.0681407924611401 -140901.43487342516892
+0.0682408360389787 -141112.88880808145041
+0.0683408796168174 -141324.40027911923244
+0.0684409231946559 -141535.96960320803919
+0.0685409667724945 -141747.59639641855028
+0.068641010350333 -141959.28027146309614
+0.0687410539281715 -142171.02083735234919
+0.0688410975060101 -142382.81769898234052
+0.0689411410838486 -142594.67045669115032
+0.0690411846616871 -142806.57873632613337
+0.0691412282395257 -143018.54283566985396
+0.0692412718173642 -143230.56209926595329
+0.0693413153952027 -143442.63594637243659
+0.0694413589730413 -143654.76388091550325
+0.0695414025508798 -143866.94542435815674
+0.0696414461287184 -144079.1801006574824
+0.0697414897065569 -144291.46742989515769
+0.0698415332843954 -144503.80692442957661
+0.069941576862234 -144716.1980859428586
+0.0700416204400725 -144928.64040280596237
+0.070141664017911 -145141.13334730759379
+0.0702417075957496 -145353.67637271698914
+0.0703417511735881 -145566.26890975088463
+0.0704417947514267 -145778.9103624583513
+0.0705418383292652 -145991.60010304936441
+0.0706418819071037 -146204.33746547729243
+0.0707419254849423 -146417.12173704089946
+0.0708419690627808 -146629.95214737663628
+0.0709420126406193 -146842.82785338864778
+0.0710420562184579 -147055.74791805850691
+0.0711420997962964 -147268.71127946942579
+0.071242143374135 -147481.71670303502469
+0.0713421869519735 -147694.76270334859146
+0.0714422305298122 -147907.84740419714944
+0.0715422741076506 -148120.96825448860181
+0.0716423176854893 -148334.12131851838785
+0.0717423612633278 -148547.29849908998585
+0.0718424048411663 -148760.47955602456932
+0.0719424484190049 -148973.72390572764562
+0.0720424919968434 -149187.0336994935351
+0.0721425355746819 -149400.40446526385495
+0.0722425791525205 -149613.83419189829146
+0.072342622730359 -149827.32154303183779
+0.0724426663081976 -150040.86549011568422
+0.0725427098860361 -150254.46517473313725
+0.0726427534638746 -150468.11984306355589
+0.0727427970417132 -150681.82880989497062
+0.0728428406195517 -150895.59143677612883
+0.0729428841973902 -151109.40711776181706
+0.0730429277752288 -151323.27526945469435
+0.0731429713530673 -151537.19532369408989
+0.0732430149309058 -151751.16672178267618
+0.0733430585087444 -151965.18890979030402
+0.0734431020865829 -152179.26133429483161
+0.0735431456644215 -152393.38343842179165
+0.07364318924226 -152607.55465766426641
+0.0737432328200985 -152821.77441518221167
+0.0738432763979371 -153036.04211596318055
+0.0739433199757756 -153250.35713863922865
+0.0740433635536141 -153464.71882266527973
+0.0741434071314527 -153679.12644429551437
+0.0742434507092912 -153893.57915971658076
+0.0743434942871298 -154108.09270263789222
+0.0744435378649683 -154322.66951974682161
+0.0745435814428068 -154537.30322454046109
+0.0746436250206454 -154751.99098676320864
+0.0747436685984839 -154966.73063408705639
+0.0748437121763224 -155181.52042368298862
+0.0749437557541611 -155396.35880182485562
+0.0750437993319997 -155611.24428016867023
+0.0751438429098382 -155826.17534839021391
+0.0752438864876768 -156041.15038783536875
+0.0753439300655153 -156256.16755436538369
+0.0754439736433538 -156471.224567454512
+0.0755440172211924 -156686.31820074951975
+0.0756440607990309 -156901.44217378419125
+0.0757441043768694 -157116.58388088492211
+0.075844147954708 -157331.76995286400779
+0.0759441915325465 -157547.00234957510838
+0.0760442351103851 -157762.27971957265981
+0.0761442786882236 -157977.60029999780818
+0.0762443222660621 -158192.96135608086479
+0.0763443658439007 -158408.35493408568436
+0.0764444094217392 -158623.78423399935127
+0.0765444529995777 -158839.26253485516645
+0.0766444965774163 -159054.78907207417069
+0.0767445401552548 -159270.36295141535811
+0.0768445837330933 -159485.98302828081069
+0.0769446273109319 -159701.64751558794524
+0.0770446708887704 -159917.35132580206846
+0.0771447144666089 -160133.0998143806064
+0.0772447580444475 -160348.89706531737465
+0.077344801622286 -160564.76892338434118
+0.0774448452001246 -160780.74795810959768
+0.0775448887779631 -160996.87618345193914
+0.0776449323558016 -161213.11342976093874
+0.0777449759336402 -161429.4453117272933
+0.0778450195114787 -161645.86395100268419
+0.0779450630893173 -161862.36385840544244
+0.0780451066671559 -162078.94064710399834
+0.0781451502449945 -162295.59027533847257
+0.078245193822833 -162512.30705593930907
+0.0783452374006716 -162729.08936109449132
+0.0784452809785101 -162945.94202461119858
+0.0785453245563486 -163162.86284745199373
+0.0786453681341872 -163379.84874097371357
+0.0787454117120257 -163596.89787057286594
+0.0788454552898642 -163814.01352560947998
+0.0789454988677028 -164031.19441753230058
+0.0790455424455413 -164248.43929559818935
+0.0791455860233799 -164465.746927248867
+0.0792456296012184 -164683.11607709495001
+0.0793456731790569 -164900.54548204317689
+0.0794457167568955 -165118.03381823186646
+0.079545760334734 -165335.57965196136502
+0.0796458039125725 -165553.18135744018946
+0.0797458474904111 -165770.83695712202461
+0.0798458910682496 -165988.5437393191969
+0.0799459346460882 -166206.29687592148548
+0.0800459782239267 -166424.08299513542443
+0.0801460218017652 -166641.92338693779311
+0.0802460653796038 -166859.82479892714764
+0.0803461089574423 -167077.78872853133362
+0.0804461525352808 -167295.81569458864396
+0.0805461961131194 -167513.90727654076181
+0.0806462396909579 -167732.06836659926921
+0.0807462832687964 -167950.29395526717417
+0.080846326846635 -168168.58206703449832
+0.0809463704244735 -168386.93136628810316
+0.0810464140023121 -168605.34076351142721
+0.0811464575801506 -168823.8092931273568
+0.0812465011579891 -169042.33605820595403
+0.0813465447358278 -169260.92019947391236
+0.0814465883136662 -169479.56087462362484
+0.0815466318915049 -169698.2572418730997
+0.0816466754693434 -169917.00968755007489
+0.081746719047182 -170135.82001108012628
+0.0818467626250205 -170354.68554010603111
+0.081946806202859 -170573.60472284132265
+0.0820468497806976 -170792.57760356846848
+0.0821468933585361 -171011.6064358727017
+0.0822469369363747 -171230.68708581395913
+0.0823469805142132 -171449.81623272123397
+0.0824470240920517 -171668.9884670903848
+0.0825470676698903 -171888.19268497850862
+0.0826471112477288 -172107.4514749222144
+0.0827471548255674 -172326.76728325232398
+0.0828471984034059 -172546.13993500804645
+0.0829472419812444 -172765.57452635242953
+0.083047285559083 -172985.06823177385377
+0.0831473291369215 -173204.6192798858101
+0.08324737271476 -173424.22655625047628
+0.0833474162925986 -173643.88912963453913
+0.0834474598704371 -173863.60613711443148
+0.0835475034482756 -174083.37672964044032
+0.0836475470261142 -174303.20003071211977
+0.0837475906039527 -174523.07508711636183
+0.0838476341817913 -174743.00078463481623
+0.0839476777596298 -174962.97564609081019
+0.0840477213374683 -175182.99700207952992
+0.0841477649153069 -175403.05952968465863
+0.0842478084931454 -175623.17385952430777
+0.0843478520709839 -175843.34085140004754
+0.0844478956488226 -176063.56000100806705
+0.084547939226661 -176283.83079618855845
+0.0846479828044997 -176504.15270926337689
+0.0847480263823381 -176724.52518130064709
+0.0848480699601768 -176944.94757408203441
+0.0849481135380153 -177165.418828676251
+0.0850481571158539 -177385.93910447051167
+0.0851482006936924 -177606.50859967651195
+0.0852482442715309 -177827.1268267572741
+0.0853482878493695 -178047.79329099241295
+0.085448331427208 -178268.50748901985935
+0.0855483750050465 -178489.26890715109766
+0.0856484185828851 -178710.08338354516309
+0.0857484621607236 -178930.99214223271701
+0.0858485057385622 -179151.97541499306681
+0.0859485493164007 -179373.02466086010099
+0.0860485928942392 -179594.13566747054574
+0.0861486364720778 -179815.30558898800518
+0.0862486800499163 -180036.53221061854856
+0.0863487236277548 -180257.81364808179205
+0.0864487672055934 -180479.14818543402362
+0.0865488107834319 -180700.53415840660455
+0.0866488543612705 -180921.9698273781396
+0.086748897939109 -181143.45313244563295
+0.0868489415169475 -181364.9802592433989
+0.0869489850947861 -181586.54983018786879
+0.0870490286726246 -181808.16722558249603
+0.0871490722504631 -182029.83069459022954
+0.0872491158283017 -182251.53764481513645
+0.0873491594061402 -182473.28090604065801
+0.0874492029839787 -182695.06711374933366
+0.0875492465618173 -182916.90265145213925
+0.0876492901396558 -183138.78675802715588
+0.0877493337174944 -183360.71866291010519
+0.0878493772953329 -183582.69758053988335
+0.0879494208731716 -183804.72270419049892
+0.08804946445101 -184026.79319870611653
+0.0881495080288487 -184248.9081917280273
+0.0882495516066872 -184471.06676248443546
+0.0883495951845257 -184693.26792687320267
+0.0884496387623643 -184915.51061675377423
+0.0885496823402028 -185137.79364932325552
+0.0886497259180413 -185360.1156786911306
+0.0887497694958799 -185582.47511166604818
+0.0888498130737184 -185804.86993999546394
+0.088949856651557 -186027.29732203707681
+0.0890499002293955 -186249.7518524551997
+0.089149943807234 -186472.22272102412535
+0.0892499873850726 -186694.73154742451152
+0.0893500309629111 -186917.27957204397535
+0.0894500745407496 -187139.8650532370666
+0.0895501181185882 -187362.48566910682712
+0.0896501616964267 -187585.13784498305176
+0.0897502052742653 -187807.81273478094954
+0.0898502488521038 -188030.50562407780671
+0.0899502924299423 -188253.23892601465923
+0.0900503360077809 -188476.00635523410165
+0.0901503795856194 -188698.81447262258735
+0.090250423163458 -188921.66789373478969
+0.0903504667412965 -189144.56888610569877
+0.090450510319135 -189367.51698627878795
+0.0905505538969736 -189590.51171895579319
+0.0906505974748121 -189813.55259503491106
+0.0907506410526506 -190036.63910929227131
+0.0908506846304892 -190259.77073756948812
+0.0909507282083277 -190482.94693314289907
+0.0910507717861664 -190706.16712216995074
+0.0911508153640048 -190929.43069757183548
+0.0912508589418435 -191152.73701076029101
+0.0913509025196819 -191376.08535973142716
+0.0914509460975206 -191599.47497144801309
+0.0915509896753591 -191822.90497359682922
+0.0916510332531976 -192046.37434570046025
+0.0917510768310362 -192269.88182307148236
+0.0918511204088747 -192493.42566816674662
+0.0919511639867132 -192717.00286705128383
+0.0920512075645518 -192940.60489216487622
+0.0921512511423903 -193164.2440022395167
+0.0922512947202288 -193387.92494562637876
+0.0923513382980674 -193611.64709321703413
+0.0924513818759059 -193835.40977443836164
+0.0925514254537445 -194059.21226855568239
+0.092651469031583 -194283.05379276160966
+0.0927515126094215 -194506.93348508686177
+0.0928515561872601 -194730.85037841461599
+0.0929515997650986 -194954.80335601302795
+0.0930516433429371 -195178.79106193041662
+0.0931516869207757 -195402.81164756658836
+0.0932517304986142 -195626.86103411315707
+0.0933517740764528 -195850.9408963136666
+0.0934518176542913 -196075.05323001608485
+0.0935518612321298 -196299.19604335789336
+0.0936519048099684 -196523.36674688023049
+0.0937519483878069 -196747.56170854403172
+0.0938519919656454 -196971.77512069864315
+0.093952035543484 -197195.99431876590825
+0.0940520791213225 -197420.19019624352222
+0.0941521226991611 -197644.42717493724194
+0.0942521662769996 -197868.71385899008601
+0.0943522098548383 -198093.05001212310162
+0.0944522534326767 -198317.43539664262789
+0.0945522970105154 -198541.86977329372894
+0.0946523405883537 -198766.35290112905204
+0.0947523841661924 -198990.88453727323213
+0.094852427744031 -199215.46443682775134
+0.0949524713218695 -199440.09235257608816
+0.095052514899708 -199664.76803481261595
+0.0951525584775466 -199889.49123104842147
+0.0952526020553851 -200114.26227530476172
+0.0953526456332237 -200339.13929773648852
+0.0954526892110622 -200564.10766722608241
+0.0955527327889007 -200789.15235688304529
+0.0956527763667393 -201014.26749004944577
+0.0957528199445778 -201239.44951612895238
+0.0958528635224163 -201464.69593211225583
+0.0959529071002549 -201690.00481379855773
+0.0960529506780934 -201915.39536890640738
+0.0961529942559319 -202140.86895469849696
+0.0962530378337705 -202366.415039576852
+0.096353081411609 -202592.02973837667378
+0.0964531249894476 -202817.71049959841184
+0.0965531685672861 -203043.4560286225169
+0.0966532121451246 -203269.27328889918863
+0.0967532557229632 -203495.15757968515391
+0.0968532993008017 -203721.10587203179603
+0.0969533428786402 -203947.11622810998233
+0.0970533864564788 -204173.18705665285233
+0.0971534300343173 -204399.31691908172797
+0.0972534736121559 -204625.50442754605319
+0.0973535171899944 -204851.7481538822758
+0.0974535607678329 -205078.04649235735997
+0.0975536043456715 -205304.39730576606235
+0.0976536479235102 -205530.79536359434132
+0.0977536915013485 -205757.24354764269083
+0.0978537350791872 -205983.75758167100139
+0.0979537786570258 -206210.33225286612287
+0.0980538222348643 -206436.96547110576648
+0.0981538658127028 -206663.65748668721062
+0.0982539093905414 -206890.4070281876775
+0.0983539529683799 -207117.21296428091591
+0.0984539965462185 -207344.08005216694437
+0.098554040124057 -207571.04770862864098
+0.0986540837018955 -207798.0964323762164
+0.0987541272797341 -208025.21718202199554
+0.0988541708575726 -208252.4049138573173
+0.0989542144354112 -208479.65539554075804
+0.0990542580132497 -208706.96351109887473
+0.0991543015910882 -208934.31806611828506
+0.0992543451689268 -209161.73267904960085
+0.0993543887467653 -209389.21086421541986
+0.0994544323246038 -209616.75039916162496
+0.0995544759024424 -209844.3553681220219
+0.0996545194802809 -210072.02497236130876
+0.0997545630581194 -210299.75842254742747
+0.099854606635958 -210527.55497162905522
+0.0999546502137965 -210755.41390376727213
diff --git a/DATASET/P=120000Pa/box_confined.data b/DATASET/P=120000Pa/box_confined.data
new file mode 100644
index 0000000..29de3af
--- /dev/null
+++ b/DATASET/P=120000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2186290
+
+240 atoms
+6 atom types
+
+0.027768093813657375 0.07223190618634265 xlo xhi
+0.027768093813657375 0.07223190618634265 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+6 1 0.0035 1071.4285714285713 0.031646967626137036 0.028037754872109764 0 0 0 0
+15 1 0.0025 1500.0000000000005 0.035860768408277906 0.02888258246140758 0 0 0 0
+3 1 0.0035 1071.4285714285713 0.038768466956595624 0.02891677344956789 0 0 0 0
+17 1 0.0035 1071.4285714285713 0.04212475831375076 0.028260575360369772 0 0 0 0
+236 1 0.0025 1500.0000000000005 0.04507960300611586 0.02782198421273846 0 0 1 0
+1 1 0.0025 1500.0000000000005 0.04667850323038371 0.029694692744718972 0 0 0 0
+9 1 0.0035 1071.4285714285713 0.05303014843591972 0.029822111398215074 0 0 0 0
+11 1 0.0025 1500.0000000000005 0.055925486352003326 0.029318442496077783 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.059196122848442265 0.029352689533256454 0 0 0 0
+8 1 0.0035 1071.4285714285713 0.0653629000427489 0.02934273882905765 0 0 0 0
+2 1 0.0035 1071.4285714285713 0.06892204424128613 0.029566503679269635 0 0 0 0
+12 1 0.0025 1500.0000000000005 0.030630726239057014 0.030823177435427614 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.0336903979161997 0.030867287743009134 0 0 0 0
+29 1 0.0035 1071.4285714285713 0.037012378641835396 0.03197168630020771 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.040834547770871324 0.031123174812597788 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.04426454347926078 0.03021646440908874 0 0 0 0
+23 1 0.0025 1500.0000000000005 0.04590715348580985 0.03203460027174289 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.04959259451857443 0.03023815518447736 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.05702129932020476 0.03204895776974841 0 0 0 0
+25 1 0.0025 1500.0000000000005 0.06001166427662089 0.03223833908598143 0 0 0 0
+16 1 0.0025 1500.0000000000005 0.06191314742266987 0.03052249633073021 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.06688850892110608 0.031885327351831715 0 0 0 0
+18 1 0.0035 1071.4285714285713 0.07212845057305099 0.031254597206670766 0 -1 0 0
+26 1 0.0035 1071.4285714285713 0.02819231087930936 0.034626690605053585 0 0 0 0
+37 1 0.0035 1071.4285714285713 0.03158585134014626 0.03364433836927541 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.03457560743358541 0.03370654054852448 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.03981451358895306 0.03400722931757118 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.043114118169800084 0.033012436060088995 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.048166979678990876 0.032941507179012605 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.05006107400873709 0.03437986264410234 0 0 0 0
+21 1 0.0025 1500.0000000000005 0.05159984329029378 0.03245316126748441 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.05406012681081331 0.03275704327990514 0 0 0 0
+48 1 0.0025 1500.0000000000005 0.0586272549388788 0.034569785580222605 0 0 0 0
+13 1 0.0025 1500.0000000000005 0.06160798268539834 0.03425101389117133 0 0 0 0
+28 1 0.0035 1071.4285714285713 0.06402532610201694 0.03256894568045855 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.06669319986011912 0.0345289581942661 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.06939686702494126 0.0333600849296597 0 0 0 0
+36 1 0.0025 1500.0000000000005 0.030506702769454094 0.036454145620555774 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.033421447629357046 0.03655317897290254 0 0 0 0
+46 1 0.0035 1071.4285714285713 0.03677055486855759 0.035626442882382564 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.03951020818365583 0.03708372150358013 0 0 0 0
+39 1 0.0035 1071.4285714285713 0.042583097220388846 0.03648707504957128 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.04582399244357217 0.03507069379880506 0 0 0 0
+55 1 0.0025 1500.0000000000005 0.048510027111744965 0.03629055643956541 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.05110176177209422 0.036637074844352975 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.052547283055195494 0.03469405790360358 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.05570262307312021 0.03523674049166464 0 0 0 0
+57 1 0.0025 1500.0000000000005 0.05803457623867902 0.03702312276531876 0 0 0 0
+41 1 0.0025 1500.0000000000005 0.06043326562930362 0.03635320344559921 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.06415528937246469 0.03605179450369004 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.06699903798450517 0.03709472526490213 0 0 0 0
+44 1 0.0035 1071.4285714285713 0.06992541587211537 0.036768484041063386 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.0282820741565391 0.037580911404976707 0 1 0 0
+71 1 0.0035 1071.4285714285713 0.030615041767740814 0.03939460707285476 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.033556989090927414 0.039469998904305366 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.035825809346736945 0.03836917555654728 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.03812997450009537 0.03933141723049987 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.04094187147798239 0.039075382668837956 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.04353704174520506 0.03927674329263739 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.046381780373005506 0.038562740531084334 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.049493373572658914 0.03854758133923239 0 0 0 0
+56 1 0.0035 1071.4285714285713 0.05368943937558175 0.0380075534949454 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.056508189216325236 0.03899752549717386 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.059614336989737254 0.03890911209246933 0 0 0 0
+49 1 0.0025 1500.0000000000005 0.06213694906786112 0.038149499908386654 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.032575353949775315 0.04164082569360841 0 0 0 0
+72 1 0.0035 1071.4285714285713 0.03587427678078537 0.04131542138686828 0 0 0 0
+82 1 0.0025 1500.0000000000005 0.042166002333748 0.04125234396748509 0 0 0 0
+94 1 0.0035 1071.4285714285713 0.04854565607580533 0.041314685108025155 0 0 0 0
+67 1 0.0025 1500.0000000000005 0.05147584978349662 0.04004261317019141 0 0 0 0
+75 1 0.0035 1071.4285714285713 0.05471084876511822 0.041330730334773476 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.06174707272988508 0.04109033504124411 0 0 0 0
+54 1 0.0035 1071.4285714285713 0.06482288953728979 0.03953807680984383 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.06823593364899788 0.03975294712090138 0 0 0 0
+76 1 0.0035 1071.4285714285713 0.07160843897448387 0.04047773694155071 0 -1 0 0
+77 1 0.0035 1071.4285714285713 0.029834897365081332 0.04275189397368394 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.03929189820590415 0.04211959144092245 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.042203994709122464 0.04421051594277518 0 0 0 0
+88 1 0.0035 1071.4285714285713 0.04519664733867549 0.04224895693583445 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.05154306380305387 0.043032584615888644 0 0 0 0
+73 1 0.0035 1071.4285714285713 0.05827075328070665 0.04162457074162971 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.06041425050682819 0.043666219088409945 0 0 0 0
+87 1 0.0035 1071.4285714285713 0.06333238330662358 0.04409907740724655 0 0 0 0
+68 1 0.0035 1071.4285714285713 0.06638626395277522 0.04262732047022787 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.06943905373242334 0.042540154547550266 0 0 0 0
+85 1 0.0035 1071.4285714285713 0.03001070579775425 0.046245107684114696 0 0 0 0
+99 1 0.0035 1071.4285714285713 0.03304633157502171 0.04454637969872962 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.036456751173308925 0.044684665885196255 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.039418862105583506 0.04509402039826195 0 0 0 0
+96 1 0.0035 1071.4285714285713 0.0451744614293103 0.04588990774513016 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.04843388349574731 0.04477501887521652 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.05450423517791152 0.0447851702766687 0 0 0 0
+95 1 0.0035 1071.4285714285713 0.05799933714021795 0.04526843646757922 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.06083864267342728 0.04633781251991798 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.06594242455038983 0.04557043496401738 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.06839798656472398 0.044805795741065954 0 0 0 0
+79 1 0.0035 1071.4285714285713 0.07140985145063865 0.044715430418865325 0 0 0 0
+98 1 0.0025 1500.0000000000005 0.031778647805170875 0.04864644067517366 0 0 0 0
+103 1 0.0035 1071.4285714285713 0.03457874793395232 0.047609835839711644 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.03797796684898392 0.047888849823496026 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.04110237308906719 0.046990246033462704 0 0 0 0
+107 1 0.0025 1500.0000000000005 0.04320206021675873 0.04816814728153066 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.04553911668674454 0.04888961468276288 0 0 0 0
+110 1 0.0035 1071.4285714285713 0.04836405078705 0.04816352508494446 0 0 0 0
+97 1 0.0035 1071.4285714285713 0.051451202167449424 0.04649851010407757 0 0 0 0
+104 1 0.0025 1500.0000000000005 0.05594224395121685 0.04743854116580826 0 0 0 0
+105 1 0.0035 1071.4285714285713 0.0585480260528961 0.048754537160684584 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.06355994350295367 0.04748639163553301 0 0 0 0
+114 1 0.0035 1071.4285714285713 0.06690313306546941 0.04842118138131452 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.06947789911015329 0.046991365343941945 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.07186458726176506 0.04761599044719502 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.02936312612750529 0.04917712249461304 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.030827198226560607 0.05116359142929356 0 0 0 0
+120 1 0.0025 1500.0000000000005 0.03325389839488398 0.05070786602244454 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.035655201857978 0.05033383718021285 0 0 0 0
+123 1 0.0025 1500.0000000000005 0.038025229111510975 0.05105117879649608 0 0 0 0
+130 1 0.0035 1071.4285714285713 0.04078996075795232 0.049905346435282966 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.04371256338893917 0.05061346081796427 0 0 0 0
+118 1 0.0035 1071.4285714285713 0.05065395815794984 0.0509814754699079 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.05359965010607181 0.049268259299780036 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.06139301331058596 0.04959587372318612 0 0 0 0
+119 1 0.0035 1071.4285714285713 0.06405264702263017 0.05085816954918079 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.07006312934584745 0.049902232041793206 0 0 0 0
+126 1 0.0025 1500.0000000000005 0.028395234739950207 0.0514001617463052 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.029622508578384967 0.05350835483369795 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.03602678254126902 0.05326643105552806 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.042199956891919105 0.05252531255358851 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.0446062151689399 0.05289355054068699 0 0 0 0
+136 1 0.0035 1071.4285714285713 0.04719781106089255 0.05144870042707969 0 0 0 0
+132 1 0.0025 1500.0000000000005 0.053458398024073685 0.05221467753245919 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.0563401703167748 0.05140031202376814 0 0 0 0
+122 1 0.0025 1500.0000000000005 0.059765211188535707 0.05140139679269379 0 0 0 0
+117 1 0.0035 1071.4285714285713 0.06731889999960478 0.05197769234061689 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.07066894228021532 0.053353872790019546 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.03260002949015477 0.05368016616590399 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.03950164948641007 0.053592437371937696 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.04292954363531166 0.0554262956785735 0 0 0 0
+145 1 0.0035 1071.4285714285713 0.04668640274862306 0.05497801303464322 0 0 0 0
+144 1 0.0025 1500.0000000000005 0.04928160224276207 0.05361462516705638 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.051723559032660564 0.053971062372589806 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.055100225871310936 0.05463049124538274 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.05847403339309886 0.05407846819753126 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.061950184881401284 0.05362815859740128 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.06490612837280035 0.05370860271623931 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.06730983259372934 0.05541623791612561 0 0 0 0
+160 1 0.0035 1071.4285714285713 0.028734558466950038 0.05626498255835639 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.03174784325751368 0.05650884131683305 0 0 0 0
+152 1 0.0035 1071.4285714285713 0.034683822670223595 0.05647331461283615 0 0 0 0
+151 1 0.0025 1500.0000000000005 0.03762893671244055 0.05591407900108917 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.04017711447537571 0.056463079293550926 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.045005879614930654 0.05744486754708871 0 0 0 0
+158 1 0.0025 1500.0000000000005 0.04737177266584741 0.05805579369232888 0 0 0 0
+164 1 0.0035 1071.4285714285713 0.0497971952268404 0.05644962953458644 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.052781178940850416 0.05639220184109561 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.05741692570100365 0.05680090255629918 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.06039684217735734 0.056910713922845184 0 0 0 0
+146 1 0.0035 1071.4285714285713 0.06385209286054024 0.05653504481325952 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.06854673333021331 0.0581101356350694 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.07015186710417465 0.05627919637472915 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.030449567786052786 0.058617219293666686 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.03298875842465943 0.05894199123812412 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.03541271492658894 0.059398199330555124 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.03855222546969429 0.05890516467613112 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.0421149124006218 0.05880977402969049 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.04529000363250283 0.06037375568558995 0 0 0 0
+163 1 0.0025 1500.0000000000005 0.04948133900489828 0.05939281872239962 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.051903674134513834 0.05865250450578799 0 0 0 0
+155 1 0.0035 1071.4285714285713 0.054953991226434046 0.05834453163905998 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.05817424796763341 0.059798819284817575 0 0 0 0
+166 1 0.0035 1071.4285714285713 0.062403406413264466 0.05966317824200565 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.06585347375953471 0.059432507775659636 0 0 0 0
+177 1 0.0025 1500.0000000000005 0.071111509875174 0.05851714917881003 0 0 0 0
+180 1 0.0035 1071.4285714285713 0.028496740530610475 0.0607939728447176 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.03145099307021326 0.06088866148320019 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.034145755349828485 0.06209627496684781 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.036981664573394094 0.06130445807607231 0 0 0 0
+190 1 0.0025 1500.0000000000005 0.03947153890943345 0.061770133293904 0 0 0 0
+188 1 0.0035 1071.4285714285713 0.04239600472756639 0.06228895323305379 0 0 0 0
+183 1 0.0025 1500.0000000000005 0.0480893626116993 0.061565119368980195 0 0 0 0
+176 1 0.0035 1071.4285714285713 0.05117366078714797 0.06194264713955425 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.054773500558954656 0.06180340955241536 0 0 0 0
+174 1 0.0025 1500.0000000000005 0.05754163375056172 0.06275266890664727 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.06052051010322133 0.06251517955480318 0 0 0 0
+186 1 0.0025 1500.0000000000005 0.0637573109082581 0.062266920851402216 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.06633141792180795 0.06234963660746423 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.06900814862733443 0.06100962966625778 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.030422223796513374 0.06369896352212367 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.03720266236609107 0.0642036927035276 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.04014894170355037 0.06422638948421247 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.04554274316468988 0.06378772336942871 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.04849286217125097 0.06395430885940763 0 0 0 0
+197 1 0.0025 1500.0000000000005 0.05074516848136179 0.06489381314223092 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.05311104113278817 0.06420581330989035 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.05878736786142747 0.06502671592463424 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.06284157805550362 0.06516556565218722 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.06574947590067336 0.06465715714180864 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.06817468142832495 0.06402461709219415 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.0710739794052333 0.06369117315949668 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.02832500365957204 0.06606974669434144 0 1 0 0
+200 1 0.0035 1071.4285714285713 0.031037816562124964 0.0672309309259985 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.03398536807907409 0.06553403702939974 0 0 0 0
+206 1 0.0025 1500.0000000000005 0.03678249556825598 0.06717895935304735 0 0 0 0
+215 1 0.0035 1071.4285714285713 0.04271060501754724 0.06577286551839245 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.045315714617528396 0.06740221056287075 0 0 0 0
+207 1 0.0025 1500.0000000000005 0.04743912594516826 0.066180661102663 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.04966621989575029 0.06712104915214823 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.052621106869472245 0.06719860914566451 0 0 0 0
+192 1 0.0035 1071.4285714285713 0.05582793107014052 0.06531094657713123 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.05800416904329815 0.06744605092499824 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.06040281509783252 0.06687820481686017 0 0 0 0
+218 1 0.0025 1500.0000000000005 0.06519457747271984 0.06705943122794754 0 0 0 0
+223 1 0.0025 1500.0000000000005 0.06762769877022237 0.066475931978534 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.07015902175343815 0.06650805826016423 0 0 0 0
+208 1 0.0025 1500.0000000000005 0.032623799613202074 0.06970172763405369 0 0 0 0
+228 1 0.0025 1500.0000000000005 0.03469205787602134 0.06839054078456373 0 0 0 0
+216 1 0.0035 1071.4285714285713 0.0397182038040084 0.06747312918229645 0 0 0 0
+227 1 0.0035 1071.4285714285713 0.04270774897788305 0.06923342746512204 0 0 0 0
+225 1 0.0025 1500.0000000000005 0.04771153013047438 0.0686389701749296 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.050327653590065684 0.06954962436420235 0 0 0 0
+221 1 0.0035 1071.4285714285713 0.055567702150326505 0.06901198249244987 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.059509457473918725 0.06999868255442016 0 0 0 0
+220 1 0.0035 1071.4285714285713 0.06275208550570864 0.0686897371895229 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.06661173677349996 0.06906060476119676 0 0 0 0
+222 1 0.0025 1500.0000000000005 0.06901853769354566 0.06870104021055914 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.07193754917942449 0.06886597309171834 0 0 0 0
+239 1 0.0035 1071.4285714285713 0.02807367533145676 0.02781067499203023 0 0 1 0
+214 1 0.0025 1500.0000000000005 0.03016869958100304 0.06999798297010629 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.03436327362739299 0.07136334169127588 0 0 0 0
+224 1 0.0035 1071.4285714285713 0.03717404665422701 0.07023764711167957 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.040075526212564806 0.07066736658652911 0 0 0 0
+238 1 0.0025 1500.0000000000005 0.045662775754648575 0.06993633964419237 0 0 0 0
+229 1 0.0035 1071.4285714285713 0.048085238537825196 0.07157208776785408 0 0 0 0
+4 1 0.0025 1500.0000000000005 0.0509685885055532 0.0719931061818512 0 0 -1 0
+237 1 0.0025 1500.0000000000005 0.05269355779953901 0.0701012712487396 0 0 0 0
+240 1 0.0025 1500.0000000000005 0.054506451977228046 0.07173357060143606 0 0 0 0
+233 1 0.0025 1500.0000000000005 0.057110325195160315 0.07167105293006087 0 0 0 0
+232 1 0.0035 1071.4285714285713 0.06221043170612875 0.07207121750251372 0 0 0 0
+10 1 0.0025 1500.0000000000005 0.06485728028054523 0.07088447153766585 0 0 -1 0
+7 1 0.0025 1500.0000000000005 0.06741927929775564 0.07141026569454333 0 0 -1 0
+230 1 0.0025 1500.0000000000005 0.06981197885337077 0.07106030392596416 0 0 0 0
+
+Velocities
+
+6 -7.084227769812814 -23.925407323284404 0 0 0 0
+15 -13.729818724881705 29.407300446738603 0 0 0 0
+3 -8.590571508698135 -4.823859922359236 0 0 0 0
+17 -19.750050050408635 -55.207835187006474 0 0 0 0
+236 44.388832111978886 23.75875370460308 0 0 0 0
+1 49.490921601861885 -5.110562360733572 0 0 0 0
+9 0.27354169185303984 -0.6596627232654766 0 0 0 0
+11 3.2155776866527095 -39.078227809759504 0 0 0 0
+5 -10.6203450895203 11.123334901812319 0 0 0 0
+8 3.9664409957391884 -15.907351961360407 0 0 0 0
+2 2.4156563290408446 11.522719973277932 0 0 0 0
+12 -6.282049121510842 36.295944166052074 0 0 0 0
+35 -17.486642526817903 -19.3960070433206 0 0 0 0
+29 -23.900281731391704 8.199849342705543 0 0 0 0
+24 36.61057613464516 13.206321035271689 0 0 0 0
+20 20.507289977815407 22.5944121871443 0 0 0 0
+23 64.23702488149048 -13.411375853689853 0 0 0 0
+22 -25.15937660635868 -1.761248217888952 0 0 0 0
+27 30.752318867863867 33.69956045227653 0 0 0 0
+25 -16.136414912005574 -51.13342970182149 0 0 0 0
+16 51.496304074931984 -5.131941688960097 0 0 0 0
+14 13.24259137267457 5.345185626251751 0 0 0 0
+18 -6.25773931379317 5.9171851550239145 0 0 0 0
+26 49.039285924174614 -1.233566990986144 0 0 0 0
+37 11.788896138637865 30.047062242119775 0 0 0 0
+53 -12.422884447393 -3.2112984636143427 0 0 0 0
+31 54.53916172029404 24.950801539366893 0 0 0 0
+30 -7.524827084562502 2.331752867141849 0 0 0 0
+32 -12.096441355492063 5.653470721865073 0 0 0 0
+38 22.46934875564824 19.781531359566607 0 0 0 0
+21 -9.017571261916286 -19.575599702194143 0 0 0 0
+34 29.055996223498887 -13.092235581787278 0 0 0 0
+48 51.9760664367765 -31.71454688598178 0 0 0 0
+13 40.93580769648333 -22.81965301415285 0 0 0 0
+28 -9.54540121578846 -14.345067357714994 0 0 0 0
+47 -36.14190054183657 3.2236426938934124 0 0 0 0
+19 -51.75746954877844 -12.12300637718606 0 0 0 0
+36 17.22794813247796 48.97263254496131 0 0 0 0
+52 -16.961739633922832 -43.08913685092726 0 0 0 0
+46 14.19076341040046 -9.725961357261676 0 0 0 0
+45 -12.110054246062539 30.461048302619837 0 0 0 0
+39 15.078779828195271 26.597603183678068 0 0 0 0
+33 12.342319578718627 21.478044274716467 0 0 0 0
+55 6.411667142919451 22.349294316034324 0 0 0 0
+70 30.06626685921763 1.4940793447702676 0 0 0 0
+50 -8.533737186318415 31.618792095326622 0 0 0 0
+42 18.08326708921404 -3.0437874507689275 0 0 0 0
+57 9.723635699705612 49.78415264654778 0 0 0 0
+41 11.489716502833739 1.0482848104398732 0 0 0 0
+40 22.70613168708645 -23.10660431068151 0 0 0 0
+61 -10.591485978910626 44.74124351273094 0 0 0 0
+44 15.89144335476169 61.468814350310275 0 0 0 0
+58 -36.03404083374234 -2.441404495889191 0 0 0 0
+71 -12.30810290072076 -1.5446206716534059 0 0 0 0
+63 -3.625838433979891 28.934569348945466 0 0 0 0
+51 -12.107078715930493 16.78489251418582 0 0 0 0
+69 -14.147033209025814 15.518924773181174 0 0 0 0
+43 -25.01770084779353 -40.49793756940487 0 0 0 0
+60 -1.6779715467703762 26.5453334713447 0 0 0 0
+65 -10.149070359590048 -9.842786991944505 0 0 0 0
+78 -39.9488663671386 -40.447077553224965 0 0 0 0
+56 19.83026079426852 22.383936252609583 0 0 0 0
+62 -10.313963302441275 -6.911638228711833 0 0 0 0
+59 5.915718139481934 2.316858803883578 0 0 0 0
+49 14.015978683867166 33.81052550592344 0 0 0 0
+80 5.672765747780011 -25.679002289496573 0 0 0 0
+72 -15.312516040381192 1.320188880518558 0 0 0 0
+82 -4.54108795744322 -12.367019646129712 0 0 0 0
+94 -17.332593565799428 -13.887397280121911 0 0 0 0
+67 6.816925431022647 7.971811084739882 0 0 0 0
+75 -1.1750981711689013 -14.088695914381233 0 0 0 0
+64 5.981998838101446 23.348681107083003 0 0 0 0
+54 -0.9348054340339461 32.17295277187673 0 0 0 0
+66 -8.811291464851216 13.861487768828024 0 0 0 0
+76 -26.072051882490754 17.224271423841163 0 0 0 0
+77 47.82694083339675 -9.474193387208416 0 0 0 0
+83 9.250399258660032 -4.376801533265272 0 0 0 0
+90 -25.019883945956092 0.14469004762720183 0 0 0 0
+88 -9.481893742662898 -5.854983139084574 0 0 0 0
+86 4.918764483357365 -45.4641552339418 0 0 0 0
+73 13.424471937054593 -37.387701719048046 0 0 0 0
+81 13.68750113657321 21.067463527423886 0 0 0 0
+87 -10.539537017475727 9.295335234501788 0 0 0 0
+68 21.41996795356633 -12.668731263185945 0 0 0 0
+74 -25.534628582795982 24.338270062355477 0 0 0 0
+85 29.74095644041261 -16.278308874129635 0 0 0 0
+99 5.221245673137658 -19.8855903046309 0 0 0 0
+102 7.37992365442355 -13.567653015521273 0 0 0 0
+93 -30.666776342109305 -14.843202510166725 0 0 0 0
+96 9.885752257512497 -27.86414943444284 0 0 0 0
+106 -52.15402774340651 -3.240991984399283 0 0 0 0
+92 22.37685493644758 -12.461369244079597 0 0 0 0
+95 -22.274469979644824 -2.1458416314453594 0 0 0 0
+89 39.532947193466335 -56.46051487923434 0 0 0 0
+91 -1.2398174513329963 -18.852077327924647 0 0 0 0
+84 -44.79847723066696 -23.893963417268097 0 0 0 0
+79 -4.33281863287185 12.466318018544312 0 0 0 0
+98 5.211671044308527 17.902682209325445 0 0 0 0
+103 -18.403141115905477 24.20859264659405 0 0 0 0
+111 -5.914093351596584 -27.967770849004975 0 0 0 0
+116 -28.970934445716946 -20.16037249948834 0 0 0 0
+107 39.91970574292881 -2.0854286399417665 0 0 0 0
+115 5.708803691938862 -56.9264121580935 0 0 0 0
+110 6.220119322037442 7.112623181818998 0 0 0 0
+97 37.82781153830861 17.707821107727266 0 0 0 0
+104 -1.7947428651271649 -56.713287690359614 0 0 0 0
+105 24.846123951309846 0.19520625040234843 0 0 0 0
+101 0.946576407875105 -2.4515899819562375 0 0 0 0
+114 -14.059412379596559 6.155580838480168 0 0 0 0
+108 -54.20793055752922 40.933990734645064 0 0 0 0
+109 12.755740286471521 14.705830965511167 0 0 0 0
+112 -39.5087790159248 9.116839448895908 0 0 0 0
+125 -2.2294452889326535 -0.7608998263940046 0 0 0 0
+120 -20.645627874412728 47.69077221104794 0 0 0 0
+128 -57.13996720979233 -11.203587907380694 0 0 0 0
+123 -25.47240873430564 48.74938132066842 0 0 0 0
+130 -11.627104620301372 11.587861727869667 0 0 0 0
+127 -90.11378182243773 -18.184558212685232 0 0 0 0
+118 -14.534624898759583 0.2256928546902724 0 0 0 0
+121 -13.565440959728397 1.0879328202615157 0 0 0 0
+100 -13.962868676585092 -20.86579818569471 0 0 0 0
+119 -21.747233231678436 4.226336071236733 0 0 0 0
+124 45.08143503615634 26.49340719593517 0 0 0 0
+126 -38.61299650216013 -8.562323473453786 0 0 0 0
+141 22.740668393688246 18.01675938812586 0 0 0 0
+138 25.580196783397678 15.883805574745484 0 0 0 0
+139 -20.408473103594332 -15.31554343265779 0 0 0 0
+135 11.991393612401739 -12.129505887870579 0 0 0 0
+136 -3.037993554937742 35.18264445693286 0 0 0 0
+132 50.42229602981063 14.229048759134907 0 0 0 0
+113 18.487318638560758 -11.361576622933459 0 0 0 0
+122 5.3485146626752815 -9.388481940703436 0 0 0 0
+117 -6.61611181737087 1.9183249105154747 0 0 0 0
+137 -39.36818277793196 -5.439492439369951 0 0 0 0
+134 -15.267191886374341 -27.896636479263638 0 0 0 0
+140 -11.860207625810759 -19.740415558320517 0 0 0 0
+153 -11.841237728916342 12.486855754151637 0 0 0 0
+145 -35.447961389927876 17.420426733598056 0 0 0 0
+144 3.693382395099946 -50.38812686852076 0 0 0 0
+156 1.7085999105565925 47.54163094947291 0 0 0 0
+129 16.292837225805624 -17.2931019504029 0 0 0 0
+143 -1.5305861930458389 -5.600575064910235 0 0 0 0
+131 -2.6486294589748747 -30.296237522818505 0 0 0 0
+133 -49.57881748261255 -72.02698200178642 0 0 0 0
+154 -49.390193224408634 13.282276780500448 0 0 0 0
+160 -17.941312906744674 11.353474527271107 0 0 0 0
+150 2.823773687041325 -16.579997349784012 0 0 0 0
+152 -5.994401117029077 -3.232218736246641 0 0 0 0
+151 43.3689995744028 -29.197366829347146 0 0 0 0
+165 11.303127211517356 -14.90599044217226 0 0 0 0
+162 39.72855410892537 18.50264329999815 0 0 0 0
+158 -50.31089068840821 5.3438844615246275 0 0 0 0
+164 37.01365485176175 -21.180003654509907 0 0 0 0
+148 35.01290721044735 3.2103427556751307 0 0 0 0
+149 -8.603624827815818 20.70876077892444 0 0 0 0
+147 28.67706060977975 -40.0112376212151 0 0 0 0
+146 -23.11748499621154 18.001761450250058 0 0 0 0
+159 11.349021029545511 -29.935533524684594 0 0 0 0
+142 -6.64323961140686 -13.124103918978726 0 0 0 0
+161 20.037542869681577 -28.764551588876518 0 0 0 0
+173 14.919828848887908 -8.02265452455637 0 0 0 0
+175 48.308774801990715 5.765987476305779 0 0 0 0
+178 31.870703710749154 -17.34254314311837 0 0 0 0
+171 28.092983192762535 -25.14330888919044 0 0 0 0
+179 25.339649692195874 -14.794715324576407 0 0 0 0
+163 2.021765014315921 23.891423145460305 0 0 0 0
+167 11.948899148715345 35.07613451360486 0 0 0 0
+155 12.619214810683635 -20.759761948705712 0 0 0 0
+157 -20.870822984931817 -15.800385437623728 0 0 0 0
+166 39.95314361975607 28.6790976776765 0 0 0 0
+168 36.64862546391711 21.930824610157902 0 0 0 0
+177 33.04386581471666 10.607752975188435 0 0 0 0
+180 23.392779162363276 -0.785364466844209 0 0 0 0
+172 29.471532028313188 14.778843731311637 0 0 0 0
+182 6.877372269703988 6.829673499702922 0 0 0 0
+189 19.283351220046494 -34.82173443931312 0 0 0 0
+190 -37.045119742114125 -44.69882298341526 0 0 0 0
+188 -16.25222030915551 11.608213779331637 0 0 0 0
+183 -1.8500010808056953 13.416830202088496 0 0 0 0
+176 -0.8223928542420441 3.352573311442421 0 0 0 0
+169 -6.670474468408809 -7.201437975544127 0 0 0 0
+174 12.946958524985497 -28.286726819071497 0 0 0 0
+170 9.394065655115124 -18.02178009328954 0 0 0 0
+186 21.04837914062037 32.43884811524058 0 0 0 0
+181 -1.012256727149896 -36.50304905582619 0 0 0 0
+187 14.567615607161136 -37.317229993495914 0 0 0 0
+198 14.506106157648993 26.91144110820555 0 0 0 0
+196 -29.789943609714744 -14.251114534823431 0 0 0 0
+202 34.466041529406034 13.48741980814574 0 0 0 0
+199 11.067577669037641 0.8235254540367104 0 0 0 0
+191 8.212146894916888 -68.75410197487065 0 0 0 0
+197 29.030821395412016 8.034081113269322 0 0 0 0
+195 -3.395520913688078 15.00056717588542 0 0 0 0
+185 46.88632501527195 8.43357044307328 0 0 0 0
+194 -0.8332416386702054 18.31978336525631 0 0 0 0
+204 1.33862751486925 26.921021404620518 0 0 0 0
+193 -17.313619184305573 35.407385172088496 0 0 0 0
+184 -13.93787498596335 -0.1281217826689217 0 0 0 0
+212 -29.178950147468164 17.073027070424665 0 0 0 0
+200 -8.618707427969001 10.610741848435216 0 0 0 0
+201 26.717973456249098 -1.8611612351710494 0 0 0 0
+206 21.78530175680262 2.591915631861666 0 0 0 0
+215 -14.67155025615512 33.755333573277774 0 0 0 0
+219 -54.16577097900331 23.222865837725315 0 0 0 0
+207 -7.298279229473272 -15.378603411954604 0 0 0 0
+203 33.19856473402546 -42.590003872367404 0 0 0 0
+205 -15.357102916584749 27.993131896759262 0 0 0 0
+192 0.35054448315928693 15.431566470527658 0 0 0 0
+211 -14.38766346481255 -20.170667905036456 0 0 0 0
+213 -22.363499696186967 51.55350353645625 0 0 0 0
+218 -35.52315464518939 -6.7032221863811525 0 0 0 0
+223 -7.28595344730793 64.7421154303447 0 0 0 0
+210 -12.429779631815656 -19.68122675657568 0 0 0 0
+208 -8.594414446874362 3.0771113625893562 0 0 0 0
+228 -20.41068448345663 -77.68975116014587 0 0 0 0
+216 -22.874064367084227 22.7100503898712 0 0 0 0
+227 -0.22301344384986085 3.7329291959854434 0 0 0 0
+225 -41.13261283958637 24.361803236325485 0 0 0 0
+217 5.981483548510643 -18.269293167980813 0 0 0 0
+221 -52.325288065177766 -14.52316488169358 0 0 0 0
+209 8.612080587535553 29.902862323841646 0 0 0 0
+220 9.729942754365815 -2.809694014583557 0 0 0 0
+234 -9.752134728687725 -11.7417017332632 0 0 0 0
+222 8.07020508649676 -8.383997364576574 0 0 0 0
+226 4.168957671210676 10.830197834642982 0 0 0 0
+239 -26.291065486312178 2.1838453768473243 0 0 0 0
+214 -26.096262125933652 -2.423053164132656 0 0 0 0
+231 -23.609629743145547 1.0122808957747633 0 0 0 0
+224 -27.51966714922282 26.72364194027628 0 0 0 0
+235 -14.376397505666521 93.56398933177704 0 0 0 0
+238 -33.041039348531385 3.978485622096091 0 0 0 0
+229 -17.09959077808883 -13.339518822133456 0 0 0 0
+4 40.39594302557353 39.82630269258932 0 0 0 0
+237 19.270273645942012 4.514154441448214 0 0 0 0
+240 -6.559070873383105 -47.879342416441034 0 0 0 0
+233 -26.46279271888685 -20.552173060272843 0 0 0 0
+232 32.64719841768885 31.443728826162122 0 0 0 0
+10 -19.44290495248889 6.301946515798682 0 0 0 0
+7 -10.223710485496081 -17.510110034409013 0 0 0 0
+230 10.722518240096086 -53.33933250896536 0 0 0 0
diff --git a/DATASET/P=120000Pa/box_sheared.data b/DATASET/P=120000Pa/box_sheared.data
new file mode 100644
index 0000000..f8ef96a
--- /dev/null
+++ b/DATASET/P=120000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2224902
+
+240 atoms
+6 atom types
+
+0.027768093813657375 0.07223190618634265 xlo xhi
+0.027768093813657375 0.07223190618634265 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.004446381384106565 0 0 xy xz yz
+
+Atoms # sphere
+
+6 1 0.0035 1071.4285714285713 0.031688410390390456 0.02804765499755873 0 0 0 0
+15 1 0.0025 1500.0000000000005 0.03594757602922992 0.02886488616356498 0 0 0 0
+3 1 0.0035 1071.4285714285713 0.038866363058553344 0.02885885803818803 0 0 0 0
+17 1 0.0035 1071.4285714285713 0.04223807829000563 0.02837554170012967 0 0 0 0
+236 1 0.0025 1500.0000000000005 0.045272827770277815 0.027937940261339948 0 0 1 0
+5 1 0.0035 1071.4285714285713 0.05929487499016861 0.02921976898518851 0 0 0 0
+11 1 0.0025 1500.0000000000005 0.05622743466541777 0.029357013849946587 0 0 0 0
+8 1 0.0035 1071.4285714285713 0.06548245290312386 0.029316586788854147 0 0 0 0
+2 1 0.0035 1071.4285714285713 0.06923867373707907 0.029637461715308434 0 0 0 0
+1 1 0.0025 1500.0000000000005 0.04711214743282065 0.02983261890774992 0 0 0 0
+9 1 0.0035 1071.4285714285713 0.053430819627082266 0.02991698509545024 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.04476043807237996 0.030270114026877827 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.05007130115519525 0.030332141550851722 0 0 0 0
+16 1 0.0025 1500.0000000000005 0.06198295715464705 0.030751641445604376 0 0 0 0
+12 1 0.0025 1500.0000000000005 0.030977014077104674 0.030824954282368353 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.0339922613463988 0.03086235904953062 0 0 0 0
+26 1 0.0035 1071.4285714285713 0.028920629727639573 0.03459363901115205 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.029295663734177163 0.037687008582496025 0 1 0 0
+126 1 0.0025 1500.0000000000005 0.0305809076385671 0.05131580395346254 0 0 0 0
+160 1 0.0035 1071.4285714285713 0.031375116481732794 0.056215626195867764 0 0 0 0
+180 1 0.0035 1071.4285714285713 0.031562984512592845 0.06089092319597682 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.0321199569307786 0.06612774819895302 0 1 0 0
+239 1 0.0035 1071.4285714285713 0.03256902544686974 0.07221590612714697 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.03150282075703995 0.049189465112497985 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.03205056211250288 0.05342247494563013 0 0 0 0
+77 1 0.0035 1071.4285714285713 0.031458974335213725 0.04281615227089455 0 0 0 0
+214 1 0.0025 1500.0000000000005 0.03428609921048115 0.06995357763289735 0 0 0 0
+85 1 0.0035 1071.4285714285713 0.032002398240301586 0.04638068529331922 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.03381997147300912 0.06378278487219827 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.03331676045661085 0.05867312933909315 0 0 0 0
+36 1 0.0025 1500.0000000000005 0.03143881376159798 0.036459219215810044 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.033063240588054196 0.05130611159446502 0 0 0 0
+71 1 0.0035 1071.4285714285713 0.03189349856088322 0.03939457685520612 0 0 0 0
+29 1 0.0035 1071.4285714285713 0.037398379426543296 0.03194530219763909 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.04117821389879704 0.031038925631362034 0 0 0 0
+23 1 0.0025 1500.0000000000005 0.04654247554834763 0.032156294419990565 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.05758617527518282 0.03212700461476526 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.06733542515847793 0.03175912701064555 0 0 0 0
+18 1 0.0035 1071.4285714285713 0.072503330607642 0.031174441290089488 0 -1 0 0
+37 1 0.0035 1071.4285714285713 0.032133105877422234 0.03358386163096027 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.035198152151951406 0.033660628609218 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.04047352070110925 0.03381252133163215 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.04370200944165854 0.03286930310379665 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.04892973022923138 0.032993391752201576 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.05095243396925507 0.034662582854267376 0 0 0 0
+21 1 0.0025 1500.0000000000005 0.052184936454866125 0.03265284724520083 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.05475879899162335 0.03282056716511756 0 0 0 0
+25 1 0.0025 1500.0000000000005 0.06059295095609844 0.03258892134531397 0 0 0 0
+48 1 0.0025 1500.0000000000005 0.059417798732788504 0.03465762910302782 0 0 0 0
+13 1 0.0025 1500.0000000000005 0.06238279472260097 0.03437015212980964 0 0 0 0
+28 1 0.0035 1071.4285714285713 0.06452728581734919 0.032509538862736845 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.06757124887447852 0.03463511145547289 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.07000550916459691 0.0332538496762332 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.03442952606182688 0.0364141703790983 0 0 0 0
+46 1 0.0035 1071.4285714285713 0.037677392838271304 0.03549117788775481 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.04042787784355269 0.03703396003978271 0 0 0 0
+39 1 0.0035 1071.4285714285713 0.04324646422176678 0.0362286871611222 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.046490707909706774 0.035148011535853764 0 0 0 0
+55 1 0.0025 1500.0000000000005 0.04928463640400961 0.03651822777230193 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.05214332303888651 0.03687019277998156 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.053543124011355324 0.03483520697082297 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.05645960449718118 0.03537710927224881 0 0 0 0
+41 1 0.0025 1500.0000000000005 0.0613007022900932 0.0364650708175696 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.0650844838867467 0.03598825142036558 0 0 0 0
+44 1 0.0035 1071.4285714285713 0.07084211398408785 0.036654366285255986 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.03487841665244676 0.03934033489697326 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.03700224076523208 0.038234088913799355 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.03949406064347227 0.039258452446796294 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.04206069214430953 0.03903559356736282 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.04456511403264293 0.03905810277121415 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.047472392996503715 0.038610718901520145 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.05071740986607366 0.03864321537979902 0 0 0 0
+56 1 0.0035 1071.4285714285713 0.05483319172443647 0.03826520768562055 0 0 0 0
+57 1 0.0025 1500.0000000000005 0.059003715968021044 0.03714375387767241 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.05775718398903906 0.03913345354168948 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.06093442102925818 0.03897184540969581 0 0 0 0
+49 1 0.0025 1500.0000000000005 0.06328602678694152 0.03813146294950694 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.06796467665558628 0.03713211847745131 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.03411933074160464 0.0415736126720122 0 0 0 0
+72 1 0.0035 1071.4285714285713 0.03734799413765466 0.04117896878308078 0 0 0 0
+82 1 0.0025 1500.0000000000005 0.043606704858530534 0.041272364662473415 0 0 0 0
+94 1 0.0035 1071.4285714285713 0.04996275317768735 0.041365683284245294 0 0 0 0
+67 1 0.0025 1500.0000000000005 0.052826188332737056 0.04018961803169297 0 0 0 0
+75 1 0.0035 1071.4285714285713 0.056297500500597744 0.0415768189052462 0 0 0 0
+73 1 0.0035 1071.4285714285713 0.05977038999001698 0.04156446877078846 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.06324000497885608 0.04103187931736279 0 0 0 0
+54 1 0.0035 1071.4285714285713 0.06613065927054715 0.03950333663075159 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.06961130205449517 0.039755777489783053 0 0 0 0
+76 1 0.0035 1071.4285714285713 0.07309554995317376 0.040501815386690496 0 -1 0 0
+83 1 0.0035 1071.4285714285713 0.04073096130064631 0.04212034672348894 0 0 0 0
+88 1 0.0035 1071.4285714285713 0.046563932780325404 0.042137339375113644 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.05312983129456772 0.04314627509045314 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.06214399793522399 0.043707819358859396 0 0 0 0
+87 1 0.0035 1071.4285714285713 0.0650714909025025 0.044121893730028845 0 0 0 0
+68 1 0.0035 1071.4285714285713 0.06800154353919369 0.04264144668793586 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.07096434885359472 0.04262692548594747 0 0 0 0
+99 1 0.0035 1071.4285714285713 0.03468472806855108 0.04446929656831895 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.03822856545840245 0.044607917056348506 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.04115438768043213 0.04513440550908504 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.04393898136260402 0.04421833683052519 0 0 0 0
+96 1 0.0035 1071.4285714285713 0.04706385997597591 0.04597748416712659 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.05018043310512642 0.04477573074956495 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.0562450337882975 0.04498537426843033 0 0 0 0
+95 1 0.0035 1071.4285714285713 0.0596948798220001 0.045123172406477265 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.06275439831018312 0.04615594615160354 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.06776605713876148 0.04561977630371408 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.07018263797728912 0.044857527569282005 0 0 0 0
+79 1 0.0035 1071.4285714285713 0.07320085668562583 0.044784699013761343 0 0 0 0
+98 1 0.0025 1500.0000000000005 0.033935089333133966 0.04881884029332774 0 0 0 0
+103 1 0.0035 1071.4285714285713 0.03648673324027031 0.047527839675350333 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.039967295359965294 0.047790014957190374 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.04295422387128643 0.046887967755944844 0 0 0 0
+107 1 0.0025 1500.0000000000005 0.04519361781015811 0.048102202764505414 0 0 0 0
+110 1 0.0035 1071.4285714285713 0.05049073186819687 0.04824957569103255 0 0 0 0
+97 1 0.0035 1071.4285714285713 0.05336166009428289 0.04657521706809038 0 0 0 0
+104 1 0.0025 1500.0000000000005 0.057999901072996685 0.04755960649477772 0 0 0 0
+105 1 0.0035 1071.4285714285713 0.06095342976781751 0.048482148015672896 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.0655863775331432 0.047491259700966536 0 0 0 0
+114 1 0.0035 1071.4285714285713 0.0690214442076291 0.04843231920481423 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.07151080340162065 0.04702841819576427 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.07393357627347658 0.047698748478571085 0 0 0 0
+120 1 0.0025 1500.0000000000005 0.03555273019084682 0.05086375479021919 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.03783631626382439 0.05027742993057206 0 0 0 0
+123 1 0.0025 1500.0000000000005 0.0402919252135636 0.05086720283414553 0 0 0 0
+130 1 0.0035 1071.4285714285713 0.0429529470705534 0.04982706793821226 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.04595223926046488 0.05052835104681706 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.0476483145981248 0.04891362524116975 0 0 0 0
+118 1 0.0035 1071.4285714285713 0.052921492540528525 0.05096411381534963 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.05572729899501566 0.0492909398762415 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.058897636098819164 0.05109185881616511 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.06375061582810698 0.04963436382348702 0 0 0 0
+119 1 0.0035 1071.4285714285713 0.06657529023291972 0.05088029676603423 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.07223755294646717 0.05002403763792446 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.038409761584559 0.05317617780675521 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.04461899357345915 0.05239368020250674 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.04702158316392607 0.05299225130956452 0 0 0 0
+136 1 0.0035 1071.4285714285713 0.049471993240496 0.051496354393980426 0 0 0 0
+132 1 0.0025 1500.0000000000005 0.055908101800163784 0.05223555266883334 0 0 0 0
+122 1 0.0025 1500.0000000000005 0.062115957225552215 0.05124879066050332 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.06446066056164299 0.053398519589095986 0 0 0 0
+117 1 0.0035 1071.4285714285713 0.0698437965207946 0.05225004743305675 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.07320896783918657 0.05337223959520261 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.03504766293209379 0.053762638988978706 0 0 0 0
+151 1 0.0025 1500.0000000000005 0.040339213504379454 0.05584723421379896 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.041957668483265174 0.05351888858013355 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.04548659492758346 0.05528374357694202 0 0 0 0
+145 1 0.0035 1071.4285714285713 0.049291480452716044 0.05503060673572473 0 0 0 0
+144 1 0.0025 1500.0000000000005 0.05175553647232409 0.05363329294976049 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.05426513887867766 0.05402968182144302 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.05778265958309338 0.05469104441897024 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.061088780182628186 0.05397416558111439 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.06743987050118394 0.05374698871377667 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.06987728138878008 0.05569451512945371 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.0344959449950044 0.05662724944716288 0 0 0 0
+152 1 0.0035 1071.4285714285713 0.0375123015120566 0.05645878443713184 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.042844019203866095 0.05641184298461309 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.04771452220064788 0.0574318578612373 0 0 0 0
+158 1 0.0025 1500.0000000000005 0.050155616687884916 0.058065910005601296 0 0 0 0
+164 1 0.0035 1071.4285714285713 0.05256613709314989 0.05651000807493185 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.05541424234828263 0.056243463013493505 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.060155189842042225 0.05677943055153835 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.0631298601590585 0.0569557747000871 0 0 0 0
+146 1 0.0035 1071.4285714285713 0.06658163480841968 0.05644096633817443 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.07284412045164879 0.05622162405436612 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.03587291493880017 0.05890875541018747 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.038345019384662976 0.05939306827986804 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.04125786051070379 0.05872355682953381 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.04500177903183866 0.05877120430658518 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.048342176107979626 0.060349170352267445 0 0 0 0
+163 1 0.0025 1500.0000000000005 0.05245031288965055 0.05946310329355181 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.05485224583264816 0.058811752226356984 0 0 0 0
+155 1 0.0035 1071.4285714285713 0.0577008524385579 0.058250261183749444 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.06103113854912616 0.05976058539238946 0 0 0 0
+166 1 0.0035 1071.4285714285713 0.06561077451783516 0.059647729578483716 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.06898286632773953 0.059140603039297746 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.07170173382654361 0.05823804696059544 0 0 0 0
+177 1 0.0025 1500.0000000000005 0.0740988080050643 0.05845504102389997 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.034542398663872556 0.06093448205652301 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.03739504694358198 0.06213125881647058 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.040161440034855014 0.06135178423359289 0 0 0 0
+190 1 0.0025 1500.0000000000005 0.04271752557403242 0.061979135804732466 0 0 0 0
+188 1 0.0035 1071.4285714285713 0.04578297465816196 0.06240780735622521 0 0 0 0
+183 1 0.0025 1500.0000000000005 0.051251221112720347 0.06150554378729363 0 0 0 0
+176 1 0.0035 1071.4285714285713 0.05447567127175107 0.06182647051588662 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.05810532389114992 0.06166754436664704 0 0 0 0
+174 1 0.0025 1500.0000000000005 0.060957963031048265 0.0628304546414148 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.06375068942561658 0.06231320554276465 0 0 0 0
+186 1 0.0025 1500.0000000000005 0.0672472897184581 0.062291711331155505 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.06964220003171918 0.06200945667300348 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.07235753581993092 0.061101561672074894 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.04103343009509758 0.0642308562924858 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.04398687659432525 0.06456355728927198 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.049155793189124275 0.06384211964719289 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.052095829833857146 0.0638694839763977 0 0 0 0
+197 1 0.0025 1500.0000000000005 0.05441869688568878 0.06483137263181389 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.056751208810856144 0.0641155341061781 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.06266319399760366 0.06492428815781177 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.0662764436461207 0.06498204719393073 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.06901322732088119 0.06426621100046997 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.07153064408165337 0.06378675285141813 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.07448855775904828 0.06389083556861652 0 0 0 0
+200 1 0.0035 1071.4285714285713 0.035036062107887525 0.06711396834038687 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.03800625261120359 0.06557706567466585 0 0 0 0
+206 1 0.0025 1500.0000000000005 0.04072437261887636 0.0671204996085674 0 0 0 0
+215 1 0.0035 1071.4285714285713 0.046694079226439894 0.0659747879011253 0 0 0 0
+207 1 0.0025 1500.0000000000005 0.051228306549184754 0.06616645866149969 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.053606918709730084 0.06708673311075294 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.05656034326281188 0.06710212137936382 0 0 0 0
+192 1 0.0035 1071.4285714285713 0.05957985965799059 0.0653229598772782 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.06194923725038892 0.06734559784184636 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.06437334640915164 0.06703740368714593 0 0 0 0
+218 1 0.0025 1500.0000000000005 0.06883982200491762 0.06669300328559641 0 0 0 0
+223 1 0.0025 1500.0000000000005 0.07119161241568646 0.06624505329796046 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.07361777441111259 0.06659978127816724 0 0 0 0
+208 1 0.0025 1500.0000000000005 0.03679736975006971 0.06966403647145467 0 0 0 0
+228 1 0.0025 1500.0000000000005 0.03882257823325159 0.06856149817135967 0 0 0 0
+216 1 0.0035 1071.4285714285713 0.04368870485814606 0.06761216421928705 0 0 0 0
+227 1 0.0035 1071.4285714285713 0.04709708530127256 0.06945719643849987 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.0493216706535823 0.06761253428597672 0 0 0 0
+225 1 0.0025 1500.0000000000005 0.05186259215750594 0.06862335401658544 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.05461162100518437 0.06953240110313796 0 0 0 0
+221 1 0.0035 1071.4285714285713 0.059690432940032345 0.06893449720822749 0 0 0 0
+220 1 0.0035 1071.4285714285713 0.06694830822942727 0.06882581546218793 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.0703122568845884 0.06872941313638807 0 0 0 0
+222 1 0.0025 1500.0000000000005 0.07281658832084202 0.06885053938942928 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.07582841596552602 0.06886389133582702 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.03872592596655915 0.07131959909031095 0 0 0 0
+224 1 0.0035 1071.4285714285713 0.041490450736176354 0.07012630225171067 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.044447289477053856 0.0706633231669091 0 0 0 0
+238 1 0.0025 1500.0000000000005 0.04999684774527921 0.07005143401097222 0 0 0 0
+229 1 0.0035 1071.4285714285713 0.05273749994455923 0.07165385881646867 0 0 0 0
+4 1 0.0025 1500.0000000000005 0.05576747511309426 0.07199350855424222 0 0 -1 0
+237 1 0.0025 1500.0000000000005 0.05703466945840005 0.07002393457247708 0 0 0 0
+240 1 0.0025 1500.0000000000005 0.05900576855415958 0.0718044023310462 0 0 0 0
+233 1 0.0025 1500.0000000000005 0.061462415717001395 0.07150636777064427 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.06376530852408364 0.06993923070793621 0 0 0 0
+232 1 0.0035 1071.4285714285713 0.06674843062906709 0.07218666891322001 0 0 0 0
+10 1 0.0025 1500.0000000000005 0.06927809391301046 0.07087193386260114 0 0 -1 0
+7 1 0.0025 1500.0000000000005 0.07168865515414823 0.07153619953297886 0 0 -1 0
+230 1 0.0025 1500.0000000000005 0.07416794481250644 0.07118060280146542 0 0 0 0
+
+Velocities
+
+6 -25.813005327195764 20.071829246307278 0 0 0 0
+15 -50.31973962550543 4.0942968174040315 0 0 0 0
+3 1.4051553444113047 39.6703956362061 0 0 0 0
+17 -7.044068717842183 -41.30338707840284 0 0 0 0
+236 -21.90091540913398 38.239140335817154 0 0 0 0
+5 36.85397462749142 -16.765891536119994 0 0 0 0
+11 8.750647988402816 -58.87159856329675 0 0 0 0
+8 -4.007876939177567 19.71262416700386 0 0 0 0
+2 2.2362252460464833 15.491345191886307 0 0 0 0
+1 -18.963277228730806 10.955510523639528 0 0 0 0
+9 -28.061578166359173 3.8328787793098895 0 0 0 0
+20 -36.52085783674372 -22.405908479337693 0 0 0 0
+22 19.75383609851054 -22.238397941266477 0 0 0 0
+16 14.189422216077102 -6.774009627649625 0 0 0 0
+12 18.057956340421757 31.16835817859356 0 0 0 0
+35 -15.205156837215387 11.671075327155412 0 0 0 0
+26 1.4898519620066726 -5.078193740290056 0 0 0 0
+58 43.3131849290466 -5.375978960674388 0 0 0 0
+126 45.747758245733316 35.61689243613117 0 0 0 0
+160 -4.340157123747359 7.87670998255616 0 0 0 0
+180 5.975044644183844 -36.11902300571814 0 0 0 0
+212 4.164925473457394 21.623414583282106 0 0 0 0
+239 -23.072586471018976 -7.155654199361334 0 0 0 0
+112 -41.924886395179556 3.976351492792219 0 0 0 0
+141 -8.69945155015964 -23.673331901041777 0 0 0 0
+77 18.96217869992993 38.360467165059475 0 0 0 0
+214 -9.17318500156886 -18.46832963839255 0 0 0 0
+85 22.502113976265264 -42.85513913666571 0 0 0 0
+198 5.796209416016272 12.341451861028052 0 0 0 0
+161 19.385927965844846 -22.528250558652772 0 0 0 0
+36 -40.92950385345919 -16.971433777498042 0 0 0 0
+125 61.709307051026684 -6.541000463393822 0 0 0 0
+71 30.7395804477042 16.5134603919814 0 0 0 0
+29 -11.62517261315664 -12.69506685534486 0 0 0 0
+24 -2.210390980996531 7.534040303471218 0 0 0 0
+23 -28.567329085600377 1.9618191032372418 0 0 0 0
+27 -28.047379631917746 -33.60104534591774 0 0 0 0
+14 5.319862412260228 16.318864573886184 0 0 0 0
+18 -13.65124383406276 -4.200238384064694 0 0 0 0
+37 10.643511758824863 -22.809571579330555 0 0 0 0
+53 22.809239312267714 -25.859598261368358 0 0 0 0
+31 47.80629065542359 -13.87321660884907 0 0 0 0
+30 6.204539130558225 -8.17263269268434 0 0 0 0
+32 -6.591523733959942 59.12607638317259 0 0 0 0
+38 -40.39665466578801 35.45842220434322 0 0 0 0
+21 28.64115825946139 2.2589380663065497 0 0 0 0
+34 19.25406666284477 -49.373496771625724 0 0 0 0
+25 49.04522405738445 16.54274044706038 0 0 0 0
+48 6.972549373435736 4.059176669414023 0 0 0 0
+13 70.03589727839973 -6.604718564627665 0 0 0 0
+28 5.272533371360537 -7.909974313658162 0 0 0 0
+47 -39.14587273897428 -1.468256814186036 0 0 0 0
+19 10.83392533555063 30.55444740635633 0 0 0 0
+52 -26.414521484637124 -37.40903660841366 0 0 0 0
+46 -32.389971743107026 -4.728345368253976 0 0 0 0
+45 11.20326104706727 -68.19332563879712 0 0 0 0
+39 -6.978080949669547 4.742112210084822 0 0 0 0
+33 -8.034629612825118 -13.86114476161915 0 0 0 0
+55 17.599194280884696 -21.31281167450367 0 0 0 0
+70 39.266225555599476 -16.105339405902928 0 0 0 0
+50 59.466963030308804 -52.38834364404434 0 0 0 0
+42 -13.182039439193925 7.130865077056045 0 0 0 0
+41 -6.273803596873217 27.47731873724313 0 0 0 0
+40 19.209693142648945 -32.46457078159758 0 0 0 0
+44 -1.7819693901976374 6.7025988149516 0 0 0 0
+63 20.5050500885541 60.09344024812042 0 0 0 0
+51 27.90922628137585 63.034852016845164 0 0 0 0
+69 9.96031130974196 32.90513275668746 0 0 0 0
+43 22.92229769337693 16.727491672630606 0 0 0 0
+60 -29.19637494487474 -7.313186102536306 0 0 0 0
+65 31.2030184243856 11.587156919232843 0 0 0 0
+78 19.759892411810537 -11.862883301564517 0 0 0 0
+56 -12.26600128207024 -12.243031697119978 0 0 0 0
+57 -53.542102384208235 30.549824959754922 0 0 0 0
+62 10.551141110314195 9.38557201945154 0 0 0 0
+59 56.873501964727176 -15.34931503235064 0 0 0 0
+49 13.573036678089773 22.96337550835753 0 0 0 0
+61 42.32785730365876 102.18819138027398 0 0 0 0
+80 -24.04873094868311 -19.576784355080306 0 0 0 0
+72 -2.3517492444853723 16.591519916989153 0 0 0 0
+82 -16.107130789237704 66.28131145566132 0 0 0 0
+94 -7.559681105443804 17.195522865432743 0 0 0 0
+67 6.648497753717032 -6.329733794538774 0 0 0 0
+75 38.8644829846605 -35.57426799136996 0 0 0 0
+73 -21.389154496404185 28.343688959264412 0 0 0 0
+64 44.25691348464226 -5.311682153318543 0 0 0 0
+54 21.86852390859649 7.066578705268396 0 0 0 0
+66 -13.79401475562919 2.589881568736696 0 0 0 0
+76 -7.432193393799492 2.5849423449620597 0 0 0 0
+83 4.238798956794805 -19.171738163016766 0 0 0 0
+88 -0.3857628389074626 -1.2444799976278407 0 0 0 0
+86 8.545227319860452 19.046715446560054 0 0 0 0
+81 33.50370609219878 35.08620545042164 0 0 0 0
+87 13.803528279891024 45.3689290688925 0 0 0 0
+68 -18.670180158918516 -10.433777631845581 0 0 0 0
+74 -4.922498338126332 54.84023566150019 0 0 0 0
+99 -23.947536868994977 8.420129888426612 0 0 0 0
+102 6.057535149634177 -12.865929932478732 0 0 0 0
+93 -14.053730828624008 16.8408212666973 0 0 0 0
+90 -20.4913300263116 -14.691900848266242 0 0 0 0
+96 4.936555589777104 -2.4547585184587346 0 0 0 0
+106 4.380709208943216 -4.520067470748606 0 0 0 0
+92 -1.9516991980229823 -3.2328614965455236 0 0 0 0
+95 -8.8074202545921 -4.533305701978449 0 0 0 0
+89 6.531037666717546 -36.198334529032564 0 0 0 0
+91 -16.150368353899818 -12.154350046938248 0 0 0 0
+84 50.71157347070402 33.42814182365656 0 0 0 0
+79 -16.183536205652143 12.49851876125699 0 0 0 0
+98 -8.873670535761937 -28.094101832262314 0 0 0 0
+103 -14.529113462166983 25.364668322919105 0 0 0 0
+111 2.9521186804638777 7.914942273608819 0 0 0 0
+116 -65.62034348307154 -40.211822335080484 0 0 0 0
+107 -17.66484706523642 21.613831450597395 0 0 0 0
+110 -12.048740493779187 10.366282540317991 0 0 0 0
+97 -11.020472536565228 -24.47316927598847 0 0 0 0
+104 28.99278966465401 86.59906783651587 0 0 0 0
+105 9.983179446125915 26.889198033577287 0 0 0 0
+101 -15.293886643331453 -12.107141835078593 0 0 0 0
+114 32.87817311939848 14.70190683723256 0 0 0 0
+108 9.38681813528706 29.786613698243674 0 0 0 0
+109 -33.414922448575545 -47.61904090546858 0 0 0 0
+120 34.74146404230373 -47.29050026996041 0 0 0 0
+128 -42.43689077017353 -19.558465578593005 0 0 0 0
+123 -19.459790487041246 31.443726044393024 0 0 0 0
+130 -13.863917748651359 15.12123637009844 0 0 0 0
+127 -10.485980713886104 -8.209887687700567 0 0 0 0
+115 19.442650795947596 -55.064891004302595 0 0 0 0
+118 2.6552672558564936 -21.5481369220288 0 0 0 0
+121 51.97343271357341 -0.5743133588916686 0 0 0 0
+113 12.357750788928968 -11.361469803587283 0 0 0 0
+100 39.65940053170148 -19.741377781786817 0 0 0 0
+119 -23.762452576131466 -32.47773122297195 0 0 0 0
+124 -15.317613254838772 -9.485228414853104 0 0 0 0
+138 -1.618575252620004 -17.132015481125464 0 0 0 0
+139 1.804128596078524 -26.20318135363478 0 0 0 0
+135 -22.86076835305683 59.137373207812225 0 0 0 0
+136 6.193164155025889 9.71578166114199 0 0 0 0
+132 -11.771136644240773 -2.547475175553564 0 0 0 0
+122 -32.44168745931358 -13.78870985326585 0 0 0 0
+131 21.03486193127244 -31.327413933900925 0 0 0 0
+117 19.615115117184903 3.5133902678636604 0 0 0 0
+137 -28.580387773476254 -8.721303590242629 0 0 0 0
+134 -15.745103914420904 13.86261589267421 0 0 0 0
+151 32.09807813296716 33.351398458741244 0 0 0 0
+140 2.3338235187705973 18.224433505144695 0 0 0 0
+153 4.997562995102309 36.0261371842679 0 0 0 0
+145 -5.712592453119807 -29.699092263876594 0 0 0 0
+144 -13.670986489278077 55.98808319497589 0 0 0 0
+156 -31.826558427168656 32.88502454883268 0 0 0 0
+129 35.745690303133664 14.81557963720654 0 0 0 0
+143 45.97835216532727 39.588683835725966 0 0 0 0
+133 -51.33241347583186 23.407295774226874 0 0 0 0
+154 -14.999783331986306 15.019084094637178 0 0 0 0
+150 45.4556482550469 14.945452646691477 0 0 0 0
+152 -2.3580598960806447 -3.4401413617392005 0 0 0 0
+165 -38.11054315849065 21.466048901784305 0 0 0 0
+162 10.954727288537576 -31.59309225637236 0 0 0 0
+158 20.07785139702637 2.68584804936159 0 0 0 0
+164 -15.001135531526817 -28.5935494603289 0 0 0 0
+148 21.976128854143305 -1.9856780332102977 0 0 0 0
+149 2.695876472829176 -47.71593132372858 0 0 0 0
+147 -18.334641022058033 -10.343450732798747 0 0 0 0
+146 4.805878368078057 2.1410758418506086 0 0 0 0
+142 -17.06520070884321 15.221449899593905 0 0 0 0
+173 5.843544576238287 -22.856704796899503 0 0 0 0
+175 -1.1733834544568642 -13.374138644970836 0 0 0 0
+178 -4.307458590226256 -20.676335500376826 0 0 0 0
+171 -20.486537590820685 25.161334669701738 0 0 0 0
+179 -41.38780992482977 18.85476217158963 0 0 0 0
+163 -18.058061499539885 -25.704912718988343 0 0 0 0
+167 0.5008667024498579 23.50103846937189 0 0 0 0
+155 29.95680456085109 -15.553161220675069 0 0 0 0
+157 -10.906320813584763 14.677201097833358 0 0 0 0
+166 -43.83703796738125 36.92587217607432 0 0 0 0
+168 4.279538176119157 -30.47801291828488 0 0 0 0
+159 12.545665655645728 32.47163919293922 0 0 0 0
+177 28.226703053322062 23.770505222838757 0 0 0 0
+172 -37.98073622127504 3.3253872603128114 0 0 0 0
+182 -16.924871251891105 -17.444485703899147 0 0 0 0
+189 45.80675073066792 -27.333981980266564 0 0 0 0
+190 30.45872187110333 13.456701081959626 0 0 0 0
+188 -19.511936351310666 -6.577539655013642 0 0 0 0
+183 -12.379954110286484 -14.075058746791195 0 0 0 0
+176 47.368669948045714 -28.90472805006563 0 0 0 0
+169 3.300295781473889 24.15750919898772 0 0 0 0
+174 -1.778276949678974 -42.626594391486165 0 0 0 0
+170 -24.795379566785925 -3.0651517805055173 0 0 0 0
+186 -1.2425566561700219 5.999950873292494 0 0 0 0
+181 9.528838210225231 39.75195499881931 0 0 0 0
+187 19.396942377865475 -24.153605378109997 0 0 0 0
+196 -7.021409504539628 24.358435183131686 0 0 0 0
+202 -15.38740806207629 -5.905359415216326 0 0 0 0
+199 -3.1938573049909693 39.223242312210814 0 0 0 0
+191 -0.6822136894326363 27.647258495017024 0 0 0 0
+197 -31.420982792609216 11.304810202911877 0 0 0 0
+195 -26.032708361339687 7.572003855022346 0 0 0 0
+185 -23.199040063938256 12.907507677853381 0 0 0 0
+194 -9.348608352473407 9.021857146094149 0 0 0 0
+204 0.5817336167225631 32.14321677438616 0 0 0 0
+193 -25.807168140267144 9.560379446861706 0 0 0 0
+184 -23.436785838208433 -6.139078424947097 0 0 0 0
+200 6.103829769977473 -7.108726444689366 0 0 0 0
+201 10.272778431175778 -19.535469865579042 0 0 0 0
+206 68.9123761582347 43.7695161291613 0 0 0 0
+215 6.833934069174798 19.23309506804171 0 0 0 0
+207 23.029991769071074 34.36151306262811 0 0 0 0
+203 -32.716449137841614 23.210231347085166 0 0 0 0
+205 -3.3300397459800086 -33.56388446126878 0 0 0 0
+192 -1.6687748489226164 -28.996280207397927 0 0 0 0
+211 24.945195450725787 -6.570647374916526 0 0 0 0
+213 0.7395394467196816 -3.1343936045243526 0 0 0 0
+218 -19.238626009473915 26.14264316144682 0 0 0 0
+223 -26.070976877100318 -14.547468090818507 0 0 0 0
+210 -34.50803943990627 30.125738579780467 0 0 0 0
+208 -21.118807281744882 -26.54233778228823 0 0 0 0
+228 19.167183424235173 9.868991553708913 0 0 0 0
+216 -19.51024272198998 -37.85588496728821 0 0 0 0
+227 -19.246278485828284 -14.72536615950657 0 0 0 0
+219 98.81353722066729 8.51851227777112 0 0 0 0
+225 -25.503963447779885 8.001168774290285 0 0 0 0
+217 54.06931154320567 -51.071487642190654 0 0 0 0
+221 11.671135762144276 -17.67442277015142 0 0 0 0
+220 -1.8146042914546363 -10.682420327734976 0 0 0 0
+234 -18.698823263578806 -61.50999432248569 0 0 0 0
+222 6.839377771178025 -4.331511752606513 0 0 0 0
+226 5.171592895537341 -1.403344924156346 0 0 0 0
+231 11.27400428178328 -8.67176436502782 0 0 0 0
+224 -42.44619121464831 42.86653323646551 0 0 0 0
+235 -7.073768888271137 -12.992081404617021 0 0 0 0
+238 11.471960593494247 47.601077220424465 0 0 0 0
+229 22.805351559294596 -45.840314570188376 0 0 0 0
+4 0.6629723956956036 -15.35570010033338 0 0 0 0
+237 -15.645373525431062 -39.482048351797324 0 0 0 0
+240 -25.464423904196007 2.3451329324392876 0 0 0 0
+233 6.326909608800377 -55.249457993964256 0 0 0 0
+209 -0.427902626143267 10.076516593601683 0 0 0 0
+232 -42.398440749847566 22.216105171585752 0 0 0 0
+10 34.5347392718992 -91.35572683800115 0 0 0 0
+7 -39.60933394492579 4.211434165033483 0 0 0 0
+230 3.3302203587065065 -2.6719799827135566 0 0 0 0
diff --git a/DATASET/P=120000Pa/confined.restart b/DATASET/P=120000Pa/confined.restart
new file mode 100644
index 0000000..6b15836
Binary files /dev/null and b/DATASET/P=120000Pa/confined.restart differ
diff --git a/DATASET/P=120000Pa/log.lammps b/DATASET/P=120000Pa/log.lammps
new file mode 100644
index 0000000..f9f1078
--- /dev/null
+++ b/DATASET/P=120000Pa/log.lammps
@@ -0,0 +1,148 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.027768094 0.027768094 -0.00050000000) to (0.072231906 0.072231906 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.001 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 224902
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 225
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.027768094 0.027768094 -0.00050000000) to (0.072231906 0.072231906 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.44638123726853e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 225 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 224902
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 20 20 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.044463812 0 -1433.2421 0 224902
+ 2005000 240 0.044463812 9.8851531e-05 -6198.1878 0.0022231906 224902
+ 2010000 240 0.044463812 0.00019770306 -10935.1 0.0044463812 224902
+ 2015000 240 0.044463812 0.00029655459 -15639.966 0.0066695719 224902
+ 2020000 240 0.044463812 0.00039540612 -20307.113 0.0088927625 224902
+ 2025000 240 0.044463812 0.00049425765 -24951.177 0.011115953 224902
+ 2030000 240 0.044463812 0.00059310918 -29573.959 0.013339144 224902
+ 2035000 240 0.044463812 0.00069196071 -34174.084 0.015562334 224902
+ 2040000 240 0.044463812 0.00079081224 -38749.686 0.017785525 224902
+ 2045000 240 0.044463812 0.00088966377 -43303.957 0.020008716 224902
+ 2050000 240 0.044463812 0.00098851531 -47826.75 0.022231906 224902
+ 2055000 240 0.044463812 0.0010873668 -52325.346 0.024455097 224902
+ 2060000 240 0.044463812 0.0011862184 -56793.17 0.026678287 224902
+ 2065000 240 0.044463812 0.0012850699 -61241.952 0.028901478 224902
+ 2070000 240 0.044463812 0.0013839214 -65666.699 0.031124669 224902
+ 2075000 240 0.044463812 0.001482773 -70079.798 0.033347859 224902
+ 2080000 240 0.044463812 0.0015816245 -74494.341 0.03557105 224902
+ 2085000 240 0.044463812 0.001680476 -78907.366 0.037794241 224902
+ 2090000 240 0.044463812 0.0017793275 -83314.068 0.040017431 224902
+ 2095000 240 0.044463812 0.0018781791 -87722.382 0.042240622 224902
+ 2100000 240 0.044463812 0.0019770306 -92143.944 0.044463812 224902
+ 2105000 240 0.044463812 0.0020758821 -96592.004 0.046687003 224902
+ 2110000 240 0.044463812 0.0021747337 -101078.34 0.048910194 224902
+ 2115000 240 0.044463812 0.0022735852 -105600.32 0.051133384 224902
+ 2120000 240 0.044463812 0.0023724367 -110149.45 0.053356575 224902
+ 2125000 240 0.044463812 0.0024712883 -114715.63 0.055579765 224902
+ 2130000 240 0.044463812 0.0025701398 -119294.83 0.057802956 224902
+ 2135000 240 0.044463812 0.0026689913 -123893.75 0.060026147 224902
+ 2140000 240 0.044463812 0.0027678429 -128520.31 0.062249337 224902
+ 2145000 240 0.044463812 0.0028666944 -133176.24 0.064472528 224902
+ 2150000 240 0.044463812 0.0029655459 -137852.92 0.066695719 224902
+ 2155000 240 0.044463812 0.0030643974 -142547.59 0.068918909 224902
+ 2160000 240 0.044463812 0.003163249 -147268.71 0.0711421 224902
+ 2165000 240 0.044463812 0.0032621005 -152012.76 0.07336529 224902
+ 2170000 240 0.044463812 0.003360952 -156781.93 0.075588481 224902
+ 2175000 240 0.044463812 0.0034598036 -161573.72 0.077811672 224902
+ 2180000 240 0.044463812 0.0035586551 -166399.88 0.080034862 224902
+ 2185000 240 0.044463812 0.0036575066 -171255.03 0.082258053 224902
+ 2190000 240 0.044463812 0.0037563582 -176136.98 0.084481244 224902
+ 2195000 240 0.044463812 0.0038552097 -181045.01 0.086704434 224902
+ 2200000 240 0.044463812 0.0039540612 -185977.87 0.088927625 224902
+ 2205000 240 0.044463812 0.0040529128 -190929.43 0.091150815 224902
+ 2210000 240 0.044463812 0.0041517643 -195900.74 0.093374006 224902
+ 2215000 240 0.044463812 0.0042506158 -200889.2 0.095597197 224902
+ 2220000 240 0.044463812 0.0043494673 -205908.25 0.097820387 224902
+ 2224902 240 0.044463812 0.0044463814 -210858.73 0.1 224902
+Loop time of 5.41381 on 1 procs for 224902 steps with 240 atoms
+
+100.1% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 3.9816 | 3.9816 | 3.9816 | 0.0 | 73.55
+Neigh | 0.0008111 | 0.0008111 | 0.0008111 | 0.0 | 0.01
+Comm | 0.54599 | 0.54599 | 0.54599 | 0.0 | 10.09
+Output | 0.0068712 | 0.0068712 | 0.0068712 | 0.0 | 0.13
+Modify | 0.64411 | 0.64411 | 0.64411 | 0.0 | 11.90
+Other | | 0.2344 | | | 4.33
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 104.000 ave 104 max 104 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 701.000 ave 701 max 701 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 701
+Ave neighs/atom = 2.9208333
+Neighbor list builds = 17
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:05
diff --git a/DATASET/P=130000Pa/1_generate_conf_130000Pa.in b/DATASET/P=130000Pa/1_generate_conf_130000Pa.in
new file mode 100644
index 0000000..6805eb8
--- /dev/null
+++ b/DATASET/P=130000Pa/1_generate_conf_130000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 130000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 181 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 607 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 99 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 700 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 993 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 116 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 191 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 253 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 981 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 928 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 983 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 161 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 256 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 323 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 128 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 18 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 793 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 735 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 566 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 570 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 323 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 872 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 686 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 792 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 626 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 288 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 943 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 854 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 663 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 962 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 639 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 155 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 490 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 386 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 986 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 785 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 104 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 929 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 393 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 811 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=130000Pa/2_shear.in b/DATASET/P=130000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=130000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=130000Pa/StrainStress.txt b/DATASET/P=130000Pa/StrainStress.txt
new file mode 100644
index 0000000..7639cce
--- /dev/null
+++ b/DATASET/P=130000Pa/StrainStress.txt
@@ -0,0 +1,999 @@
+# Fix print output for fix output_file
+1.11325527307097e-05 -3615.2259096641964788
+0.000111325527307565 -3850.3655050577513066
+0.00021151850188442 -4085.4748873905423352
+0.000311711476461275 -4320.550770082822055
+0.00041190445103813 -4555.6200999604261597
+0.000512097425614985 -4790.6698674902736457
+0.00061229040019184 -5025.6859298686476905
+0.000712483374768695 -5260.657962264282105
+0.000812676349345395 -5495.5740587110458364
+0.00091286932392225 -5730.4125244318929617
+0.0010130622984991 -5965.1494359999196604
+0.00111325527307596 -6199.9194678317344369
+0.00121344824765282 -6434.6983725053778471
+0.00131364122222967 -6669.4646912767466347
+0.00141383419680653 -6904.2050070786499418
+0.00151402717138338 -7138.9061148567743658
+0.00161422014596008 -7373.5665272271544382
+0.00171441312053693 -7608.1411203568495694
+0.00181460609511379 -7842.6568870902483468
+0.00191479906969065 -8077.1556195288112576
+0.0020149920442675 -8311.6265218947428366
+0.00211518501884436 -8546.0839343429852306
+0.00221537799342121 -8780.5063502679568046
+0.00231557096799807 -9014.9474326784729783
+0.00241576394257492 -9249.4024391550083237
+0.00251595691715162 -9483.8654103281041898
+0.00261614989172847 -9718.331318813496182
+0.00271634286630533 -9952.7955997112821933
+0.00281653584088219 -10187.253914655164408
+0.00291672881545904 -10421.702000306666378
+0.0030169217900359 -10656.135545712910243
+0.00311711476461275 -10890.550066719722963
+0.00321730773918961 -11124.94074637734775
+0.00331750071376646 -11359.302188923929862
+0.00341769368834316 -11593.627962611608382
+0.00351788666292002 -11827.909526594379713
+0.00361807963749687 -12062.1323554879109
+0.00371827261207373 -12296.259145340662144
+0.00381846558665058 -12530.347030118695329
+0.00391865856122744 -12764.44957238022107
+0.00401885153580429 -12998.586341176316637
+0.00411904451038115 -13232.725544128861657
+0.004219237484958 -13466.858084655368657
+0.0043194304595347 -13701.017021352681695
+0.00441962343411155 -13935.164241320775545
+0.00451981640868841 -14169.292815823864657
+0.00462000938326527 -14403.414364752494293
+0.00472020235784212 -14637.544734422959664
+0.00482039533241898 -14871.678613711030266
+0.00492058830699583 -15105.81119330528054
+0.00502078128157269 -15339.937949752091299
+0.00512097425614954 -15574.085193239714499
+0.00522116723072624 -15808.248787027792787
+0.0053213602053031 -16042.412499790903894
+0.00542155317987995 -16276.568038482662814
+0.00552174615445681 -16510.708467143696907
+0.00562193912903366 -16744.827074787554011
+0.00572213210361052 -16978.916568720178475
+0.00582232507818737 -17212.966568061070575
+0.00592251805276423 -17446.967208786925767
+0.00602271102734093 -17680.929894930508453
+0.00612290400191778 -17914.847050887503428
+0.00622309697649464 -18148.718964799736568
+0.00632328995107149 -18382.534398847321427
+0.00642348292564835 -18616.253394035975361
+0.0065236759002252 -18849.925366960618703
+0.00662386887480206 -19083.550021629311232
+0.00672406184937891 -19317.138562429019657
+0.00682425482395577 -19550.685411903326894
+0.00692444779853247 -19784.173342830956244
+0.00702464077310932 -20017.595562928785512
+0.00712483374768618 -20250.963292741096666
+0.00722502672226303 -20484.283085099268646
+0.00732521969683989 -20717.52007791455253
+0.00742541267141674 -20950.714933712784841
+0.0075256056459936 -21183.891684462145349
+0.00762579862057045 -21417.041198246894055
+0.00772599159514731 -21650.143863130804675
+0.00782618456972401 -21883.224385542802338
+0.00792637754430086 -22116.28615850217102
+0.00802657051887772 -22349.324025179586897
+0.00812676349345457 -22582.331824456454342
+0.00822695646803143 -22815.301563513337896
+0.00832714944260828 -23048.220821276674542
+0.00842734241718514 -23281.065420157236076
+0.00852753539176199 -23513.821668786378723
+0.00862772836633885 -23746.534624062165676
+0.00872792134091555 -23979.234102375830844
+0.0088281143154924 -24211.915118698550941
+0.00892830729006926 -24444.570477908262546
+0.00902850026464611 -24677.184137305364857
+0.00912869323922297 -24909.741381483934674
+0.00922888621379982 -25142.296446726217255
+0.00932907918837668 -25374.864578898967011
+0.00942927216295353 -25607.436240186725627
+0.00952946513753023 -25840.006252876693907
+0.00962965811210709 -26072.571041001760022
+0.00972985108668394 -26305.127492617903044
+0.0098300440612608 -26537.672667732716945
+0.00993023703583765 -26770.203670992388652
+0.0100304300104145 -27002.717575378512265
+0.0101306229849914 -27235.211362070203904
+0.0102308159595682 -27467.68185965239536
+0.0103310089341451 -27700.131184338013554
+0.0104312019087218 -27932.556452841425198
+0.0105313948832986 -28164.950835746753
+0.0106315878578755 -28397.308359440867207
+0.0107317808324523 -28629.621282325580978
+0.0108319738070292 -28861.87112407753375
+0.010932166781606 -29094.065785869399406
+0.0110323597561829 -29326.224298900393478
+0.0111325527307598 -29558.342010000367736
+0.0112327457053366 -29790.413487857797008
+0.0113329386799133 -30022.43202987681434
+0.0114331316544902 -30254.388523888294003
+0.011533324629067 -30486.267339366357191
+0.0116335176036439 -30718.033744491043763
+0.0117337105782207 -30949.735141272663896
+0.0118339035527976 -31181.358221222966677
+0.0119340965273744 -31412.960561656840582
+0.0120342895019513 -31644.586774522660562
+0.0121344824765282 -31876.21437619018252
+0.0122346754511049 -32107.844174741010647
+0.0123348684256817 -32339.459053517519351
+0.0124350614002586 -32571.048863452644582
+0.0125352543748354 -32802.636551994466572
+0.0126354473494123 -33034.217657649678586
+0.0127356403239891 -33265.820859962404938
+0.012835833298566 -33497.422842046100413
+0.0129360262731428 -33729.008971198018116
+0.0130362192477195 -33960.584379312313104
+0.0131364122222964 -34192.163515330350492
+0.0132366051968732 -34423.741887163661886
+0.0133367981714501 -34655.315254735411145
+0.013436991146027 -34886.87945671518537
+0.0135371841206038 -35118.436453144560801
+0.0136373770951807 -35350.003340784496686
+0.0137375700697575 -35581.563627377792727
+0.0138377630443344 -35813.138963451092422
+0.0139379560189111 -36044.767034204742231
+0.0140381489934879 -36276.463232281646924
+0.0141383419680648 -36508.194789894929272
+0.0142385349426416 -36739.929815112474898
+0.0143387279172185 -36971.637278560105187
+0.0144389208917954 -37203.282556076068431
+0.0145391138663722 -37434.865406329096004
+0.0146393068409491 -37666.438607856762246
+0.0147394998155259 -37897.979343698912999
+0.0148396927901026 -38129.541494374556351
+0.0149398857646795 -38361.123266200534999
+0.0150400787392563 -38592.730677947067306
+0.0151402717138332 -38824.368665682544815
+0.01524046468841 -39056.034047478664434
+0.0153406576629869 -39287.748822834946623
+0.0154408506375637 -39519.52829771827237
+0.0155410436121406 -39751.350508358395018
+0.0156412365867173 -39983.207049678567273
+0.0157414295612942 -40215.091937275115924
+0.015841622535871 -40447.019331286217493
+0.0159418155104479 -40678.995964186324272
+0.0160420084850247 -40911.005570223605901
+0.0161422014596016 -41143.067630124620337
+0.0162423944341784 -41375.165285048031365
+0.0163425874087553 -41607.287939895948512
+0.0164427803833321 -41839.442495636285457
+0.0165429733579088 -42071.638212460144132
+0.0166431663324857 -42303.848649268446025
+0.0167433593070626 -42536.048270113475155
+0.0168435522816394 -42768.21565469680354
+0.0169437452562163 -43000.40422785357805
+0.0170439382307931 -43232.605728603804891
+0.01714413120537 -43464.80799490071513
+0.0172443241799468 -43696.977733490115497
+0.0173445171545237 -43929.138277260521136
+0.0174447101291004 -44161.327995696119615
+0.0175449031036772 -44393.543323620899173
+0.0176450960782541 -44625.781000198941911
+0.0177452890528309 -44858.040176421513024
+0.0178454820274078 -45090.314750274010294
+0.0179456750019847 -45322.598386779522116
+0.0180458679765615 -45554.882568371947855
+0.0181460609511384 -45787.147464985988336
+0.0182462539257152 -46019.383815864530334
+0.0183464469002919 -46251.644565592818253
+0.0184466398748688 -46483.927479349782516
+0.0185468328494456 -46716.241901673500251
+0.0186470258240225 -46948.582645741167653
+0.0187472187985993 -47180.945667343556124
+0.0188474117731762 -47413.356497550972563
+0.0189476047477531 -47645.801731430110522
+0.0190477977223299 -47878.271641422405082
+0.0191479906969068 -48110.759954810666386
+0.0192481836714835 -48343.26236663157033
+0.0193483766460603 -48575.78213296035392
+0.0194485696206372 -48808.299267349771981
+0.019548762595214 -49040.815217780385865
+0.0196489555697909 -49273.349950575000548
+0.0197491485443677 -49505.900438435972319
+0.0198493415189446 -49738.463251355809916
+0.0199495344935214 -49971.035225379018812
+0.0200497274680983 -50203.613234884098347
+0.020149920442675 -50436.19411793211475
+0.0202501134172519 -50668.774615747024654
+0.0203503063918287 -50901.351300943897513
+0.0204504993664056 -51133.920455090730684
+0.0205506923409824 -51366.477593354720739
+0.0206508853155593 -51599.018231150694191
+0.0207510782901361 -51831.54076534199703
+0.020851271264713 -52064.039999923668802
+0.0209514642392897 -52296.509500392749032
+0.0210516572138665 -52528.940346633564332
+0.0211518501884434 -52761.315975605757558
+0.0212520431630203 -52993.60295213124482
+0.0213522361375971 -53225.857045142998686
+0.021452429112174 -53458.096499306622718
+0.0215526220867508 -53690.317261661002703
+0.0216528150613277 -53922.514549697247276
+0.0217530080359045 -54154.682161076139892
+0.0218532010104812 -54386.808479158928094
+0.0219533939850581 -54618.886141159266117
+0.0220535869596349 -54850.932786722783931
+0.0221537799342118 -55082.940246678292169
+0.0222539729087886 -55314.895997934108891
+0.0223541658833655 -55546.789982887341466
+0.0224543588579424 -55778.620358297332132
+0.0225545518325192 -56010.394875524681993
+0.0226547448070961 -56242.133126475928293
+0.0227549377816728 -56473.810235700584599
+0.0228551307562496 -56705.457725788663083
+0.0229553237308265 -56937.079911664135579
+0.0230555167054033 -57168.666207030073565
+0.0231557096799802 -57400.238472477103642
+0.023255902654557 -57631.794235749584914
+0.0233560956291339 -57863.329828798952803
+0.0234562886037108 -58094.841094328658073
+0.0235564815782875 -58326.323196146186092
+0.0236566745528643 -58557.770300771844632
+0.0237568675274412 -58789.174978422452114
+0.023857060502018 -59020.529269141472469
+0.0239572534765949 -59251.844598807030707
+0.0240574464511717 -59483.06666821885301
+0.0241576394257486 -59714.17053316305828
+0.0242578324003254 -59945.277916318285861
+0.0243580253749023 -60176.380837773598614
+0.024458218349479 -60407.492124343109026
+0.0245584113240558 -60638.609214812517166
+0.0246586042986327 -60869.729074895549275
+0.0247587972732096 -61100.848553849085874
+0.0248589902477864 -61331.96422730422637
+0.0249591832223633 -61563.072233006991155
+0.0250593761969401 -61794.167972930030373
+0.025159569171517 -62025.245448006979132
+0.0252597621460938 -62256.295072212167725
+0.0253599551206705 -62487.291875048882503
+0.0254601480952474 -62718.264672189077828
+0.0255603410698242 -62949.222163917256694
+0.0256605340444011 -63180.14597801068885
+0.025760727018978 -63411.052481157188595
+0.0258609199935548 -63641.956862983330211
+0.0259611129681317 -63872.856256944724009
+0.0260613059427085 -64103.747411367410677
+0.0261614989172854 -64334.626495772245107
+0.0262616918918621 -64565.488715519022662
+0.0263618848664389 -64796.327346104939352
+0.0264620778410158 -65027.129542037117062
+0.0265622708155926 -65257.87381502527569
+0.0266624637901695 -65488.604729682883772
+0.0267626567647463 -65719.319701319735032
+0.0268628497393232 -65950.003710558376042
+0.0269630427139001 -66180.65710936349933
+0.0270632356884769 -66411.306618184185936
+0.0271634286630536 -66641.951169183535967
+0.0272636216376305 -66872.584584469950642
+0.0273638146122073 -67103.197751337720547
+0.0274640075867842 -67333.774299326934852
+0.027564200561361 -67564.348620091666817
+0.0276643935359379 -67794.92678021285974
+0.0277645865105147 -68025.50656766074826
+0.0278647794850916 -68256.084866927165422
+0.0279649724596683 -68486.65816339077719
+0.0280651654342452 -68717.22208299068734
+0.028165358408822 -68947.76953429931018
+0.0282655513833989 -69178.303798543391167
+0.0283657443579757 -69408.849141070648329
+0.0284659373325526 -69639.382648387821973
+0.0285661303071294 -69869.903123020514613
+0.0286663232817063 -70100.419563458708581
+0.0287665162562831 -70330.951530826772796
+0.0288667092308598 -70561.496794979902916
+0.0289669022054367 -70792.052229294393328
+0.0290670951800135 -71022.614733052192605
+0.0291672881545904 -71253.180945579035324
+0.0292674811291673 -71483.746726072582533
+0.0293676741037441 -71714.30889492672577
+0.029467867078321 -71944.863867083753576
+0.0295680600528978 -72175.427008001555805
+0.0296682530274747 -72405.99522280630481
+0.0297684460020514 -72636.565299091016641
+0.0298686389766282 -72867.133832215928123
+0.0299688319512051 -73097.6963350076403
+0.0300690249257819 -73328.249693844889407
+0.0301692179003588 -73558.791206001274986
+0.0302694108749357 -73789.314227283961372
+0.0303696038495125 -74019.806953064864501
+0.0304697968240894 -74250.23362242487201
+0.0305699897986661 -74480.644910575632821
+0.0306701827732429 -74711.093864959242637
+0.0307703757478198 -74941.584784791790298
+0.0308705687223966 -75172.102246149806888
+0.0309707616969735 -75402.640640920420992
+0.0310709546715503 -75633.196178517348017
+0.0311711476461272 -75863.765821663313545
+0.0312713406207041 -76094.346919520801748
+0.0313715335952809 -76324.937037506926572
+0.0314717265698576 -76555.533862467520521
+0.0315719195444345 -76786.135141489183297
+0.0316721125190113 -77016.73863631846325
+0.0317723054935882 -77247.3420835982688
+0.031872498468165 -77477.943153951797285
+0.0319726914427419 -77708.539402043650625
+0.0320728844173187 -77939.152325725968694
+0.0321730773918956 -78169.7945324240427
+0.0322732703664724 -78400.445354705923819
+0.0323734633410491 -78631.095116796845105
+0.032473656315626 -78861.729765180614777
+0.0325738492902029 -79092.357530018489342
+0.0326740422647797 -79322.990980410686461
+0.0327742352393566 -79553.619647049112245
+0.0328744282139334 -79784.227724734111689
+0.0329746211885103 -80014.825762842330732
+0.0330748141630871 -80245.424202778565814
+0.033175007137664 -80476.020294263638789
+0.0332752001122407 -80706.611340483097592
+0.0333753930868175 -80937.194650796503993
+0.0334755860613944 -81167.768333095445996
+0.0335757790359712 -81398.32942089754215
+0.0336759720105481 -81628.874788876099046
+0.033776164985125 -81859.401317215379095
+0.0338763579597018 -82089.905733002815396
+0.0339765509342787 -82320.390666363600758
+0.0340767439088555 -82550.868509120089584
+0.0341769368834322 -82781.325061693423777
+0.0342771298580091 -83011.751799302990548
+0.0343773228325859 -83242.138981082840473
+0.0344775158071628 -83472.472660208542948
+0.0345777087817396 -83702.769382464641239
+0.0346779017563165 -83933.025185103921103
+0.0347780947308934 -84163.233176136272959
+0.0348782877054702 -84393.384790956421057
+0.0349784806800469 -84623.466964589562849
+0.0350786736546238 -84853.465752697593416
+0.0351788666292006 -85083.359064656324335
+0.0352790596037775 -85313.168767364622909
+0.0353792525783543 -85542.930802761591622
+0.0354794455529312 -85772.617965729892603
+0.035579638527508 -86002.179984362097457
+0.0356798315020849 -86231.652584066585405
+0.0357800244766618 -86461.058967483579181
+0.0358802174512384 -86690.457612554077059
+0.0359804104258153 -86919.843917697566212
+0.0360806034003922 -87149.203956384095363
+0.036180796374969 -87378.538529360637767
+0.0362809893495459 -87607.867062880060985
+0.0363811823241227 -87837.197467632344342
+0.0364813752986996 -88066.518375064697466
+0.0365815682732764 -88295.850930869943113
+0.0366817612478533 -88525.195076732547022
+0.03678195422243 -88754.548317980952561
+0.0368821471970068 -88983.907785923074698
+0.0369823401715837 -89213.269988356216345
+0.0370825331461606 -89442.630213025433477
+0.0371827261207374 -89671.980115955040674
+0.0372829190953143 -89901.304625730597763
+0.0373831120698911 -90130.621963897137903
+0.037483305044468 -90359.943643300517579
+0.0375834980190448 -90589.26234238021425
+0.0376836909936215 -90818.563841762021184
+0.0377838839681984 -91047.873732881387696
+0.0378840769427752 -91277.196421870321501
+0.0379842699173521 -91506.534370194669464
+0.0380844628919289 -91735.886535960482433
+0.0381846558665058 -91965.251720802247291
+0.0382848488410827 -92194.628708512420417
+0.0383850418156595 -92424.016263093013549
+0.0384852347902362 -92653.413126816187287
+0.0385854277648131 -92882.818017998317373
+0.0386856207393899 -93112.229628660250455
+0.0387858137139668 -93341.646621969877742
+0.0388860066885436 -93571.067629336728714
+0.0389861996631205 -93800.491247255820781
+0.0390863926376973 -94029.916033748231712
+0.0391865856122742 -94259.340504282110487
+0.0392867785868511 -94488.763127190133673
+0.0393869715614278 -94718.182318330087583
+0.0394871645360046 -94947.596434857827262
+0.0395873575105815 -95177.003767901653191
+0.0396875504851583 -95406.402533764019608
+0.0397877434597352 -95635.790863213376724
+0.039887936434312 -95865.166788176895352
+0.0399881294088889 -96094.528224792535184
+0.0400883223834657 -96323.87295115312736
+0.0401885153580426 -96553.198576887007221
+0.0402887083326193 -96782.502499273672584
+0.0403889013071961 -97011.781835371075431
+0.040489094281773 -97241.033305194054265
+0.0405892872563499 -97470.252996158073074
+0.0406894802309267 -97699.435732987141819
+0.0407896732055036 -97928.570923951643636
+0.0408898661800804 -98157.65484522949555
+0.0409900591546573 -98386.70440541584685
+0.0410902521292341 -98615.715428406751016
+0.0411904451038108 -98844.685882979159942
+0.0412906380783877 -99073.633761889010202
+0.0413908310529645 -99302.54056706004485
+0.0414910240275414 -99531.387052425532602
+0.0415912170021183 -99760.153828811380663
+0.0416914099766951 -99988.866963511143695
+0.041791602951272 -100217.5053612288466
+0.0418917959258488 -100446.06386715076223
+0.0419919889004257 -100674.53931757436658
+0.0420921818750024 -100902.92192292335676
+0.0421923748495792 -101131.1794824906392
+0.0422925678241561 -101359.36843459153897
+0.0423927607987329 -101587.56670131826831
+0.0424929537733098 -101815.77504939303617
+0.0425931467478866 -102043.98639439119142
+0.0426933397224635 -102272.19441816040489
+0.0427935326970404 -102500.38773460240918
+0.0428937256716171 -102728.54886577256548
+0.0429939186461939 -102956.7198322371114
+0.0430941116207708 -103184.90106747849495
+0.0431943045953476 -103413.09043586406915
+0.0432944975699245 -103641.28559711131675
+0.0433946905445013 -103869.48388698176132
+0.0434948835190782 -104097.68208687666629
+0.043595076493655 -104325.87583623107639
+0.0436952694682319 -104554.05668849509675
+0.0437954624428086 -104782.21552806397085
+0.0438956554173855 -105010.37556778128783
+0.0439958483919623 -105238.53395741157874
+0.0440960413665392 -105466.71181236117263
+0.044196234341116 -105694.9217150240147
+0.0442964273156929 -105923.12611806107452
+0.0443966202902697 -106151.32657927332912
+0.0444968132648466 -106379.54846345171973
+0.0445970062394233 -106607.78721348781255
+0.0446971992140001 -106836.03820178862952
+0.044797392188577 -107064.29603422879882
+0.0448975851631538 -107292.55301366785716
+0.0449977781377307 -107520.78831258245918
+0.0450979711123076 -107749.01242926881241
+0.0451981640868844 -107977.25230976288731
+0.0452983570614613 -108205.5040178665804
+0.0453985500360381 -108433.76153162639821
+0.0454987430106148 -108662.00724182320118
+0.0455989359851917 -108890.24974068088341
+0.0456991289597685 -109118.51716629705334
+0.0457993219343454 -109346.80830512190005
+0.0458995149089222 -109575.12194375981926
+0.0459997078834991 -109803.45686408242909
+0.046099900858076 -110031.81183861765021
+0.0462000938326528 -110260.18562598923745
+0.0463002868072297 -110488.57696639605274
+0.0464004797818064 -110716.9845768349187
+0.0465006727563832 -110945.40714602684602
+0.0466008657309601 -111173.84332878421992
+0.0467010587055369 -111402.29173975322919
+0.0468012516801138 -111630.75094607437495
+0.0469014446546906 -111859.21945883664011
+0.0470016376292675 -112087.69572263259033
+0.0471018306038444 -112316.1781027479592
+0.0472020235784212 -112544.66486880238517
+0.0473022165529979 -112773.15417330368655
+0.0474024095275748 -113001.64402252694708
+0.0475026025021516 -113230.13223492121324
+0.0476027954767285 -113458.61637768198852
+0.0477029884513053 -113687.09366028134536
+0.0478031814258822 -113915.56072364233842
+0.047903374400459 -114144.01305155087903
+0.0480035673750359 -114372.44228807231411
+0.0481037603496127 -114600.84822195640299
+0.0482039533241894 -114829.23408713313984
+0.0483041462987663 -115057.59095497973613
+0.0484043392733432 -115285.91406202421058
+0.04850453224792 -115514.17488606854749
+0.0486047252224969 -115742.3926644744497
+0.0487049181970737 -115970.61280569467635
+0.0488051111716506 -116198.83260998415062
+0.0489053041462274 -116427.06234735422186
+0.0490054971208043 -116655.30402256303933
+0.049105690095381 -116883.53947984699334
+0.0492058830699578 -117111.74770312520559
+0.0493060760445347 -117339.94627319366555
+0.0494062690191115 -117568.16301666473737
+0.0495064619936884 -117796.39601598372974
+0.0496066549682653 -118024.64342769903305
+0.0497068479428421 -118252.90341307703056
+0.049807040917419 -118481.17408219561912
+0.0499072338919957 -118709.45343635197787
+0.0500074268665725 -118937.73929438515916
+0.0501076198411494 -119166.02917952122516
+0.0502078128157262 -119394.32011389931722
+0.0503080057903031 -119622.60815740657563
+0.0504081987648799 -119850.88685913244262
+0.0505083917394568 -120079.14202867173299
+0.0506085847140337 -120307.37835689687927
+0.0507087776886105 -120535.61997279818752
+0.0508089706631874 -120763.87006659166946
+0.0509091636377641 -120992.12581728998339
+0.0510093566123409 -121220.40652400616091
+0.0511095495869178 -121448.71872913131665
+0.0512097425614946 -121677.05287649032834
+0.0513099355360715 -121905.40488660077972
+0.0514101285106483 -122133.77185929607367
+0.0515103214852252 -122362.16413582459791
+0.0516105144598021 -122590.59421615536849
+0.0517107074343787 -122819.04792268187157
+0.0518109004089556 -123047.51980202904087
+0.0519110933835325 -123276.00605633031228
+0.0520112863581093 -123504.50350117156631
+0.0521114793326862 -123733.00922159438778
+0.052211672307263 -123961.52040050219512
+0.0523118652818399 -124190.03420146285498
+0.0524120582564167 -124418.54765815712744
+0.0525122512309934 -124647.0575308065745
+0.0526124442055703 -124875.56005451666715
+0.0527126371801471 -125104.05032991824555
+0.052812830154724 -125332.51962173436186
+0.0529130231293009 -125560.95448394247796
+0.0530132161038777 -125789.38313433126314
+0.0531134090784546 -126017.80472551069397
+0.0532136020530314 -126246.21630908186489
+0.0533137950276083 -126474.61457529054314
+0.053413988002185 -126702.99567593881511
+0.0535141809767618 -126931.35487958630256
+0.0536143739513387 -127159.68572904948087
+0.0537145669259155 -127387.976573657681
+0.0538147599004924 -127616.20642562428839
+0.0539149528750692 -127844.41131043157657
+0.0540151458496461 -128072.59128459899512
+0.054115338824223 -128300.73385439514823
+0.0542155317987998 -128528.85997815159499
+0.0543157247733765 -128756.98255862148653
+0.0544159177479534 -128985.08819684424088
+0.0545161107225302 -129213.16410734617966
+0.0546163036971071 -129441.18160649329366
+0.0547164966716839 -129669.17727953147551
+0.0548166896462608 -129897.1655137593043
+0.0549168826208376 -130125.14255964037147
+0.0550170755954145 -130353.10424865725508
+0.0551172685699914 -130581.04575567769643
+0.0552174615445681 -130808.96117367503757
+0.0553176545191449 -131036.84232171240728
+0.0554178474937218 -131264.67681803446612
+0.0555180404682986 -131492.46312361981836
+0.0556182334428755 -131720.17953642588691
+0.0557184264174523 -131947.77172293458716
+0.0558186193920292 -132175.31961006805068
+0.055918812366606 -132402.86764111588127
+0.0560190053411829 -132630.41496608892339
+0.0561191983157596 -132857.95634842378786
+0.0562193912903364 -133085.48347438822384
+0.0563195842649133 -133312.97265859597246
+0.0564197772394902 -133540.43531046085991
+0.056519970214067 -133767.92076983803418
+0.0566201631886439 -133995.42405116243754
+0.0567203561632207 -134222.9384082982142
+0.0568205491377976 -134450.46303146425635
+0.0569207421123744 -134678.00239427131601
+0.0570209350869511 -134905.5537593352783
+0.057121128061528 -135133.12376161143766
+0.0572213210361048 -135360.70473846080131
+0.0573215140106817 -135588.28432599038933
+0.0574217069852586 -135815.84536560921697
+0.0575218999598354 -136043.4365103165037
+0.0576220929344123 -136271.04355254789698
+0.0577222859089891 -136498.65127194210072
+0.0578224788835658 -136726.29541363930912
+0.0579226718581427 -136953.97392626313376
+0.0580228648327195 -137181.68419604800874
+0.0581230578072964 -137409.42345816054149
+0.0582232507818732 -137637.18848498724401
+0.0583234437564501 -137864.9747286203492
+0.058423636731027 -138092.77119815241895
+0.0585238297056038 -138320.58819220913574
+0.0586240226801807 -138548.43101229786407
+0.0587242156547574 -138776.29661355758435
+0.0588244086293342 -139004.1805962959188
+0.0589246016039111 -139232.07143567243475
+0.0590247945784879 -139459.97686938691186
+0.0591249875530648 -139687.90762701357016
+0.0592251805276416 -139915.86131404270418
+0.0593253735022185 -140143.83507500353153
+0.0594255664767953 -140371.82526934795897
+0.059525759451372 -140599.82666661482654
+0.0596259524259489 -140827.82920143334195
+0.0597261454005258 -141055.81088552295114
+0.0598263383751026 -141283.81424480586429
+0.0599265313496795 -141511.84452977427281
+0.0600267243242563 -141739.89900949597359
+0.0601269172988332 -141967.97368587815436
+0.06022711027341 -142196.06007918287651
+0.0603273032479869 -142424.14586493704701
+0.0604274962225636 -142652.26434984029038
+0.0605276891971404 -142880.41597560106311
+0.0606278821717173 -143108.59969981227187
+0.0607280751462941 -143336.83014444765286
+0.060828268120871 -143565.12668164563365
+0.0609284610954479 -143793.47209871717496
+0.0610286540700247 -144021.86055118142394
+0.0611288470446016 -144250.2883413102536
+0.0612290400191784 -144478.75254348435556
+0.0613292329937551 -144707.25057374432799
+0.061429425968332 -144935.77999062452
+0.0615296189429088 -145164.33837474739994
+0.0616298119174857 -145392.92323525840766
+0.0617300048920625 -145621.5319163807435
+0.0618301978666394 -145850.16147990192985
+0.0619303908412163 -146078.80852428043727
+0.0620305838157931 -146307.46884099135059
+0.06213077679037 -146536.13652542393538
+0.0622309697649467 -146764.79799170655315
+0.0623311627395235 -146993.45344463860965
+0.0624313557141004 -147222.11521331989206
+0.0625315486886772 -147450.76805978972698
+0.0626317416632541 -147679.4033909572172
+0.0627319346378309 -147908.04041641202639
+0.0628321276124078 -148136.70367775895284
+0.0629323205869847 -148365.38934084228822
+0.0630325135615615 -148594.08866283320822
+0.0631327065361382 -148822.82398018310778
+0.0632328995107151 -149051.59471565898275
+0.0633330924852919 -149280.39925790819689
+0.0634332854598688 -149509.235728653759
+0.0635334784344456 -149738.10182280465961
+0.0636336714090225 -149966.99446744172019
+0.0637338643835993 -150195.90888348256703
+0.0638340573581762 -150424.83326092007337
+0.063934250332753 -150653.75885423482396
+0.0640344433073297 -150882.72499519307166
+0.0641346362819066 -151111.73093919170788
+0.0642348292564835 -151340.77584020461654
+0.0643350222310603 -151569.85881471165339
+0.0644352152056372 -151798.97893109041615
+0.064535408180214 -152028.135193664697
+0.0646356011547909 -152257.3265171542298
+0.0647357941293677 -152486.55168157769367
+0.0648359871039444 -152715.80924134291126
+0.0649361800785213 -152945.09729686399805
+0.0650363730530981 -153174.41255242595798
+0.065136566027675 -153403.74838307680329
+0.0652367590022519 -153633.11649724727613
+0.0653369519768287 -153862.51831782129011
+0.0654371449514056 -154091.95294677178026
+0.0655373379259824 -154321.41944929450983
+0.0656375309005591 -154550.91684773130692
+0.065737723875136 -154780.44411373438197
+0.0658379168497128 -155010.00015793027706
+0.0659381098242897 -155239.58381565011223
+0.0660383027988665 -155469.19382634054637
+0.0661384957734434 -155698.82880173521698
+0.0662386887480202 -155928.48717193823541
+0.0663388817225971 -156158.16708072635811
+0.066439074697174 -156387.8661298432271
+0.0665392676717508 -156617.58033145774971
+0.0666394606463275 -156847.30252705933526
+0.0667396536209044 -157077.04460779836518
+0.0668398465954812 -157306.80620733537944
+0.0669400395700581 -157536.58513933379436
+0.0670402325446349 -157766.3786739759089
+0.0671404255192118 -157996.18304261862068
+0.0672406184937886 -158225.99146316151018
+0.0673408114683655 -158455.79192859819159
+0.0674410044429422 -158685.59763678835589
+0.0675411974175191 -158915.42052701904322
+0.0676413903920959 -159145.25722603304894
+0.0677415833666728 -159375.09798728238093
+0.0678417763412496 -159604.93609941727482
+0.0679419693158265 -159834.80135954378056
+0.0680421622904033 -160064.69278868022957
+0.0681423552649802 -160294.60907638509525
+0.068242548239557 -160524.54870485892752
+0.0683427412141337 -160754.50979250238743
+0.0684429341887106 -160984.48962814392871
+0.0685431271632874 -161214.48112569778459
+0.0686433201378643 -161444.48767444206169
+0.0687435131124412 -161674.51781640734407
+0.068843706087018 -161904.57027550876956
+0.0689438990615949 -162134.64363305506413
+0.0690440920361717 -162364.73622784405597
+0.0691442850107486 -162594.84586287126876
+0.0692444779853253 -162824.9715084063937
+0.0693446709599021 -163055.11082379211439
+0.069444863934479 -163285.25990633975016
+0.0695450569090558 -163515.4077625212667
+0.0696452498836327 -163745.56090350111481
+0.0697454428582095 -163975.73326343734516
+0.0698456358327864 -164205.92344205311383
+0.0699458288073633 -164436.1299293123011
+0.0700460217819401 -164666.35108252786449
+0.0701462147565168 -164896.58509489987046
+0.0702464077310937 -165126.82995056125219
+0.0703466007056705 -165357.08335630269721
+0.0704467936802474 -165587.34262961772038
+0.0705469866548242 -165817.60449271043763
+0.0706471796294011 -166047.86461564846104
+0.070747372603978 -166278.11614780660602
+0.0708475655785548 -166508.34113969077589
+0.0709477585531317 -166738.5583959397627
+0.0710479515277084 -166968.77590318408329
+0.0711481445022852 -167198.98744747295859
+0.0712483374768621 -167429.18107798410347
+0.0713485304514389 -167659.32997456859448
+0.0714487234260158 -167889.49314877809957
+0.0715489164005926 -168119.69793156548985
+0.0716491093751695 -168349.9367923749669
+0.0717493023497463 -168580.19511959966621
+0.0718494953243232 -168810.45471476946841
+0.0719496882988999 -169040.7247923539253
+0.0720498812734768 -169271.00783041660907
+0.0721500742480536 -169501.30066302436171
+0.0722502672226305 -169731.61744742226438
+0.0723504601972073 -169961.95377761145937
+0.0724506531717842 -170192.30168268433772
+0.072550846146361 -170422.65815724985441
+0.0726510391209379 -170653.02515507754288
+0.0727512320955146 -170883.39187791521545
+0.0728514250700914 -171113.77615015843185
+0.0729516180446683 -171344.17411220422946
+0.0730518110192452 -171574.57896604764392
+0.073152003993822 -171804.97973588501918
+0.0732521969683989 -172035.34454779000953
+0.0733523899429757 -172265.68638170114718
+0.0734525829175526 -172496.03680578127387
+0.0735527758921293 -172726.41819043783471
+0.0736529688667061 -172956.82690227616695
+0.073753161841283 -173187.2522151535959
+0.0738533548158598 -173417.67295204184484
+0.0739535477904367 -173648.11595669543021
+0.0740537407650135 -173878.59016775983036
+0.0741539337395904 -174109.1144534041814
+0.0742541267141673 -174339.67864919936983
+0.0743543196887441 -174570.29116073393379
+0.0744545126633208 -174800.96565771056339
+0.0745547056378977 -175031.70181621258962
+0.0746548986124745 -175262.49931395679596
+0.0747550915870514 -175493.35782976364135
+0.0748552845616282 -175724.27704313292634
+0.0749554775362051 -175955.25663378616446
+0.0750556705107819 -176186.29628123316797
+0.0751558634853588 -176417.39566430795821
+0.0752560564599356 -176648.55446068392484
+0.0753562494345123 -176879.77234637452057
+0.0754564424090892 -177111.0489952127391
+0.0755566353836661 -177342.38407823795569
+0.0756568283582429 -177573.77726312412415
+0.0757570213328198 -177805.22821336137713
+0.0758572143073966 -178036.73658755631186
+0.0759574072819735 -178268.30203841012553
+0.0760576002565503 -178499.92421168615692
+0.0761577932311272 -178731.60274489084259
+0.0762579862057039 -178963.33726571535226
+0.0763581791802807 -179195.12739015222178
+0.0764583721548576 -179426.97427273375797
+0.0765585651294345 -179658.92250110890018
+0.0766587581040113 -179890.95743826014223
+0.0767589510785882 -180123.06849343382055
+0.076859144053165 -180355.2510908410768
+0.0769593370277419 -180587.5022767696064
+0.0770595300023187 -180819.81980598610244
+0.0771597229768954 -181052.20178320861305
+0.0772599159514723 -181284.64646724425256
+0.0773601089260491 -181517.15211904002354
+0.077460301900626 -181749.71681784352404
+0.0775604948752028 -181982.33809895388549
+0.0776606878497797 -182215.01164626528043
+0.0777608808243566 -182447.72724561867653
+0.0778610737989334 -182680.50346902548335
+0.0779612667735103 -182913.34363321380806
+0.078061459748087 -183146.24719449022086
+0.0781616527226638 -183379.21363538189325
+0.0782618456972407 -183612.24246053109528
+0.0783620386718175 -183845.33319332209066
+0.0784622316463944 -184078.48537316778675
+0.0785624246209712 -184311.69855322077638
+0.0786626175955481 -184544.97229846366099
+0.0787628105701249 -184778.30618407035945
+0.0788630035447018 -185011.69979395900737
+0.0789631965192785 -185245.15271961363032
+0.0790633894938554 -185478.66455898698769
+0.0791635824684322 -185712.23491551761981
+0.0792637754430091 -185945.86339725184371
+0.0793639684175859 -186179.54961609109887
+0.0794641613921628 -186413.29318699191208
+0.0795643543667396 -186647.09372733932105
+0.0796645473413165 -186880.95085622716579
+0.0797647403158932 -187114.86419385467889
+0.07986493329047 -187348.83336092258105
+0.0799651262650469 -187582.85797797032865
+0.0800653192396238 -187816.93766477674944
+0.0801655122142006 -188051.07203969496186
+0.0802657051887775 -188285.26071898633381
+0.0803658981633543 -188519.5033160612511
+0.0804660911379312 -188753.79944071310456
+0.0805662841125079 -188988.14869821103639
+0.0806664770870847 -189222.55068828677759
+0.0807666700616616 -189457.00500398708391
+0.0808668630362384 -189691.51123028880102
+0.0809670560108153 -189926.06894242650014
+0.0810672489853922 -190160.67770386690972
+0.081167441959969 -190395.33706367737614
+0.0812676349345459 -190630.04655314664706
+0.0813678279091227 -190864.8056812477007
+0.0814680208836994 -191099.61392826394876
+0.0815682138582763 -191334.47073652141262
+0.0816684068328531 -191569.37549615773605
+0.08176859980743 -191804.32752155148773
+0.0818687927820068 -192039.3260084677604
+0.0819689857565837 -192274.36994449174381
+0.0820691787311606 -192509.45787095330888
+0.0821693717057374 -192744.60257080473821
+0.0822695646803143 -192979.80432807566831
+0.082369757654891 -193215.06817395973485
+0.0824699506294678 -193450.39077118749265
+0.0825701436040447 -193685.77010754469666
+0.0826703365786215 -193921.20473708337522
+0.0827705295531984 -194156.69349264871562
+0.0828707225277752 -194392.23536661893013
+0.0829709155023521 -194627.82944926418713
+0.0830711084769289 -194863.47489225893514
+0.0831713014515058 -195099.17088465817505
+0.0832714944260825 -195334.91663543222239
+0.0833716874006594 -195570.71135938697262
+0.0834718803752362 -195806.55426458915463
+0.0835720733498131 -196042.44453966349829
+0.0836722663243899 -196278.38133951742202
+0.0837724592989668 -196514.36376738472609
+0.0838726522735436 -196750.39084979359177
+0.0839728452481205 -196986.46149746378069
+0.0840730382226973 -197222.57443527810392
+0.084173231197274 -197458.72804412455298
+0.0842734241718509 -197694.91965349318343
+0.0843736171464277 -197931.14655994944042
+0.0844738101210046 -198167.41010935552185
+0.0845740030955815 -198403.7010401232983
+0.0846741960701583 -198640.02518894741661
+0.0847743890447352 -198876.39600663419697
+0.084874582019312 -199112.81286783359246
+0.0849747749938889 -199349.27511390708969
+0.0850749679684656 -199585.78204522965825
+0.0851751609430424 -199822.33291112427833
+0.0852753539176193 -200058.92689634658745
+0.0853755468921961 -200295.56310232446413
+0.085475739866773 -200532.2405199877976
+0.0855759328413499 -200768.95798832751461
+0.0856761258159267 -201005.71412706936826
+0.0857763187905036 -201242.50721696339315
+0.0858765117650803 -201479.33495736023178
+0.0859767047396571 -201716.19385498561314
+0.086076897714234 -201953.07666399207665
+0.0861770906888108 -202189.96887944760965
+0.0862772836633877 -202426.90111398368026
+0.0863774766379645 -202663.8713612294232
+0.0864776696125414 -202900.88619630227913
+0.0865778625871182 -203137.94939100570627
+0.0866780555616951 -203375.06054102638154
+0.086778248536272 -203612.21923024507123
+0.0868784415108487 -203849.42502910000621
+0.0869786344854255 -204086.70374971607816
+0.0870788274600024 -204324.07078437361633
+0.0871790204345792 -204561.5074874231359
+0.0872792134091561 -204799.00820716566523
+0.0873794063837329 -205036.56962047342677
+0.0874795993583098 -205274.18932895708713
+0.0875797923328867 -205511.86539569398155
+0.0876799853074633 -205749.59612899509375
+0.0877801782820402 -205987.3799492813414
+0.0878803712566171 -206225.21526493559941
+0.0879805642311939 -206463.10022077622125
+0.0880807572057708 -206701.03169884567615
+0.0881809501803476 -206939.01169263588963
+0.0882811431549245 -207177.04000549670309
+0.0883813361295013 -207415.11521502194228
+0.088481529104078 -207653.23569883755408
+0.088581722078655 -207891.39947938063415
+0.0886819150532317 -208129.60386480524903
+0.0887821080278086 -208367.84420213426347
+0.0888823010023854 -208606.10741690490977
+0.0889824939769623 -208844.41234869661275
+0.0890826869515392 -209082.76604294308345
+0.089182879926116 -209321.16737406843458
+0.0892830729006929 -209559.61503319418989
+0.0893832658752696 -209798.10742276752717
+0.0894834588498464 -210036.64244716361281
+0.0895836518244233 -210275.21700448356569
+0.0896838447990001 -210513.82512547416263
+0.089784037773577 -210752.44969157065498
+0.0898842307481538 -210991.11966329801362
+0.0899844237227307 -211229.84384173277067
+0.0900846166973076 -211468.62177324236836
+0.0901848096718844 -211707.45298262158758
+0.0902850026464611 -211946.33696425860398
+0.090385195621038 -212185.27316812492791
+0.0904853885956148 -212424.26097527856473
+0.0905855815701917 -212663.29964829483652
+0.0906857745447685 -212902.3882046280778
+0.0907859675193454 -213141.52486012739246
+0.0908861604939222 -213380.70658746367553
+0.0909863534684991 -213619.93968798444257
+0.091086546443076 -213859.22422472396283
+0.0911867394176527 -214098.55970044797868
+0.0912869323922295 -214337.94557437972981
+0.0913871253668064 -214577.38124594895635
+0.0914873183413832 -214816.86602863919688
+0.0915875113159601 -215056.3991035426443
+0.0916877042905369 -215295.97942534714821
+0.0917878972651138 -215535.60548496083356
+0.0918880902396906 -215775.27432699041674
+0.0919882832142675 -216014.97972682685941
+0.0920884761888442 -216254.7345418316545
+0.092188669163421 -216494.53998214713647
+0.0922888621379979 -216734.39551477431087
+0.0923890551125748 -216974.30052156624151
+0.0924892480871516 -217214.25424969443702
+0.0925894410617285 -217454.25570762422285
+0.0926896340363053 -217694.30338738299906
+0.0927898270108822 -217934.39389984690933
+0.092890019985459 -218174.52274995291373
+0.0929902129600357 -218414.70338128105504
+0.0930904059346126 -218654.93593636289006
+0.0931905989091894 -218895.22012186251231
+0.0932907918837663 -219135.55563028922188
+0.0933909848583432 -219375.94213626187411
+0.09349117783292 -219616.37929121209891
+0.0935913708074969 -219856.86671581250266
+0.0936915637820737 -220097.40398830911727
+0.0937917567566506 -220337.99062570626847
+0.0938919497312273 -220578.62605019353214
+0.0939921427058041 -220819.34554745297646
+0.094092335680381 -221060.17543894873234
+0.0941925286549578 -221301.08590995697887
+0.0942927216295347 -221542.06489627956762
+0.0943929146041115 -221783.11618491497939
+0.0944931075786884 -222024.23935145526775
+0.0945933005532651 -222265.43796087344526
+0.0946934935278421 -222506.73989641337539
+0.0947936865024188 -222748.12849544206983
+0.0948938794769957 -222989.59512626990909
+0.0949940724515725 -223231.13875415982329
+0.0950942654261494 -223472.75853430089774
+0.0951944584007262 -223714.45256183299352
+0.0952946513753031 -223956.21928577759536
+0.0953948443498799 -224198.05739445646759
+0.0954950373244568 -224439.96574881329434
+0.0955952302990335 -224681.94334002662799
+0.0956954232736103 -224923.9892609063827
+0.0957956162481872 -225166.10268563876161
+0.0958958092227641 -225408.28285486262757
+0.0959960021973409 -225650.52906442302628
+0.0960961951719178 -225892.84065661981003
+0.0961963881464946 -226135.217013269983
+0.0962965811210715 -226377.65755012453883
+0.0963967740956482 -226620.16171228227904
+0.096496967070225 -226862.72897036696668
+0.0965971600448019 -227105.35881731568952
+0.0966973530193787 -227348.05076563090552
+0.0967975459939556 -227590.80434497375973
+0.0968977389685325 -227833.61910008973791
+0.0969979319431093 -228076.49458894031704
+0.0970981249176862 -228319.43038100219565
+0.097198317892263 -228562.44111214086297
+0.0972985108668397 -228805.52566759151523
+0.0973987038414166 -229048.67824276638567
+0.0974988968159934 -229291.89667088715942
+0.0975990897905703 -229535.17954608006403
+0.0976992827651471 -229778.52579657585011
+0.097799475739724 -230021.93453276727814
+0.0978996687143008 -230265.40497600592789
+0.0979998616888777 -230508.93641897977795
+0.0981000546634546 -230752.52820051671006
+0.0982002476380313 -230996.17968699970515
+0.0983004406126081 -231239.89025616802974
+0.098400633587185 -231483.65927953494247
+0.0985008265617618 -231727.48609815142117
+0.0986010195363387 -231971.36997942937887
+0.0987012125109155 -232215.31001368392026
+0.0988014054854924 -232459.30469014783739
+0.0989015984600692 -232703.35117444736534
+0.0990017914346461 -232947.45470787302474
+0.0991019844092228 -233191.61557685531443
+0.0992021773837997 -233435.83339850764605
+0.0993023703583765 -233680.10778984424542
+0.0994025633329534 -233924.43836462727631
+0.0995027563075302 -234168.824728965963
+0.0996029492821071 -234413.26647503179265
+0.0997031422566839 -234657.7631707948749
+0.0998033352312608 -234902.31434145063395
+0.0999035282058376 -235146.91942983696936
diff --git a/DATASET/P=130000Pa/box_confined.data b/DATASET/P=130000Pa/box_confined.data
new file mode 100644
index 0000000..9fbf644
--- /dev/null
+++ b/DATASET/P=130000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2272248
+
+240 atoms
+6 atom types
+
+0.027734894538480628 0.07226510546151939 xlo xhi
+0.027734894538480628 0.07226510546151939 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+13 1 0.0025 1500.0000000000005 0.028973109398492087 0.027949847008992574 0 1 0 0
+14 1 0.0035 1071.4285714285713 0.032943340482556344 0.02945270266206925 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.03589676313236978 0.029490197920844792 0 0 0 0
+233 1 0.0025 1500.0000000000005 0.03803628966093649 0.02827772370255256 0 0 1 0
+7 1 0.0035 1071.4285714285713 0.04096206016318614 0.02816985403357672 0 0 0 0
+239 1 0.0035 1071.4285714285713 0.04428205201106779 0.0291610320408229 0 0 1 0
+6 1 0.0025 1500.0000000000005 0.04726484590788863 0.029899193876289334 0 0 0 0
+15 1 0.0035 1071.4285714285713 0.051587598079084473 0.030049030571476676 0 0 0 0
+9 1 0.0025 1500.0000000000005 0.056355261488722004 0.02829188319835616 0 0 0 0
+3 1 0.0035 1071.4285714285713 0.06195398219850051 0.029344275090467727 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.06480621304400387 0.028779746942961416 0 0 1 0
+10 1 0.0025 1500.0000000000005 0.030083046742002212 0.030050969309023703 0 0 0 0
+26 1 0.0025 1500.0000000000005 0.032006539191146106 0.032187520594289094 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.034952931546688715 0.0322843976795943 0 0 0 0
+16 1 0.0035 1071.4285714285713 0.038275214709104256 0.031227638408952166 0 0 0 0
+23 1 0.0035 1071.4285714285713 0.04175824991956738 0.031530322536266905 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.04900238329171107 0.03166519399174248 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.05507393130385328 0.030935613693407783 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.05851071664249763 0.030504169787517823 0 0 0 0
+20 1 0.0035 1071.4285714285713 0.06442595620806327 0.03173520561333761 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.06801155404331931 0.03073853178585265 0 0 0 0
+18 1 0.0035 1071.4285714285713 0.07143906126684055 0.030163936639076926 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.029136209528892478 0.03286326641056075 0 1 0 0
+30 1 0.0025 1500.0000000000005 0.037252555795046875 0.0341904621593564 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.039701040838443204 0.03371796667016962 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.04518600993350291 0.032494454564461726 0 0 0 0
+31 1 0.0025 1500.0000000000005 0.047841351992002644 0.03384346751399888 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.050369602359065103 0.033716480002449964 0 0 0 0
+35 1 0.0025 1500.0000000000005 0.05276296253329412 0.032749782552200214 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.05490523571233303 0.033895414443719483 0 0 0 0
+29 1 0.0035 1071.4285714285713 0.05783445696823568 0.03389378271376892 0 0 0 0
+28 1 0.0035 1071.4285714285713 0.06110262269665769 0.03277528732390063 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.0669346323270567 0.03409406537833122 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.07027605241960326 0.03340116650266758 0 0 0 0
+46 1 0.0035 1071.4285714285713 0.02802053635776269 0.03610386751012929 0 1 0 0
+37 1 0.0035 1071.4285714285713 0.03182684245421474 0.03514388670383794 0 0 0 0
+36 1 0.0025 1500.0000000000005 0.03479067770766695 0.03523758803315697 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.03989281894040366 0.036175713004043264 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.04262145209199663 0.03485800835658272 0 0 0 0
+43 1 0.0035 1071.4285714285713 0.04581357959000797 0.03600372590039992 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.049176307281025664 0.03648005215327262 0 0 0 0
+45 1 0.0035 1071.4285714285713 0.05257594943130344 0.03566692010642583 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.05602143171994694 0.03627181839956006 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.058503032953634924 0.036769222689763764 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.0609475839751562 0.0363209098577117 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.06366506646678963 0.035112101782120056 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.06910250915163806 0.036117635231284924 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.02863090499984282 0.03924609679342339 0 1 0 0
+48 1 0.0025 1500.0000000000005 0.03061389481791615 0.03780807773160421 0 0 0 0
+51 1 0.0035 1071.4285714285713 0.033737269543668603 0.038000029370104785 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.0371338677254153 0.037188482405077106 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.040640411757335106 0.039042857018747726 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.043348125691548355 0.03774061905226001 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.04593026689933487 0.03901729101917768 0 0 0 0
+55 1 0.0025 1500.0000000000005 0.05141068076338787 0.038358917353582656 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.05431332825379271 0.03864425578526444 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.05727642201035955 0.03890658445087264 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.059972449195343024 0.038763345132243 0 0 0 0
+68 1 0.0035 1071.4285714285713 0.06297842042563205 0.0384473618033435 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.06634952566990174 0.03752718133556527 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.07021510438459146 0.03883956128283491 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.03177699968042465 0.040181022694420074 0 0 0 0
+62 1 0.0035 1071.4285714285713 0.03493718985101152 0.04118600673847458 0 0 0 0
+64 1 0.0025 1500.0000000000005 0.037681805930314984 0.04008424366753959 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.04371365338590182 0.040173088742274085 0 0 0 0
+76 1 0.0035 1071.4285714285713 0.048819364748680046 0.03991310375578784 0 0 0 0
+84 1 0.0035 1071.4285714285713 0.05201819964657827 0.041261696055283674 0 0 0 0
+74 1 0.0035 1071.4285714285713 0.05593874172817312 0.04170763407825013 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.05875962369193633 0.04088666503318344 0 0 0 0
+65 1 0.0025 1500.0000000000005 0.06126632389449458 0.04086884210678833 0 0 0 0
+78 1 0.0035 1071.4285714285713 0.0641189945595077 0.0417515117809413 0 0 0 0
+71 1 0.0035 1071.4285714285713 0.06744761335797805 0.04088125528684131 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.07105078532745764 0.041635804157665074 0 0 0 0
+75 1 0.0035 1071.4285714285713 0.029497591035782898 0.042069434899689506 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.03239979774706101 0.042689858110935376 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.03938795168899355 0.041785259745966793 0 0 0 0
+95 1 0.0035 1071.4285714285713 0.03723370577565135 0.043768978565752355 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.041827285630537656 0.04174086091770003 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.043606942850443 0.04347527666985481 0 0 0 0
+70 1 0.0035 1071.4285714285713 0.046195226585702964 0.0420696390313872 0 0 0 0
+87 1 0.0035 1071.4285714285713 0.04931928357345304 0.04357454338129419 0 0 0 0
+91 1 0.0035 1071.4285714285713 0.05870927305732106 0.04382188453466614 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.061561100540867476 0.04332064009588055 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.06927773170865728 0.04338748502262528 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.03093643154440243 0.04520471903351141 0 0 0 0
+82 1 0.0025 1500.0000000000005 0.034223386725093605 0.044483756164362 0 0 0 0
+88 1 0.0035 1071.4285714285713 0.04066463439799627 0.04446421781277475 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.04327902326393937 0.04587924224824277 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.04562423853423524 0.04495787488660281 0 0 0 0
+85 1 0.0035 1071.4285714285713 0.05362583260010096 0.044255767786686134 0 0 0 0
+92 1 0.0025 1500.0000000000005 0.05624979366676468 0.04554335451204083 0 0 0 0
+112 1 0.0035 1071.4285714285713 0.06134501494752819 0.046629741600276386 0 0 0 0
+107 1 0.0025 1500.0000000000005 0.06356490623840148 0.044613584627321956 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.06649532727128198 0.04432222838908766 0 0 0 0
+90 1 0.0025 1500.0000000000005 0.06913340817539418 0.04585305903074347 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.07196584116430911 0.04478488678654948 0 -1 0 0
+99 1 0.0025 1500.0000000000005 0.02883544081080738 0.047302393472097484 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.031198215983092248 0.04809509654181817 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.03342923526638437 0.046867997239610104 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.03585151193428138 0.046384999697582495 0 0 0 0
+106 1 0.0025 1500.0000000000005 0.03817960195750063 0.04719541562738877 0 0 0 0
+94 1 0.0035 1071.4285714285713 0.041101163170469426 0.047833237900276035 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.04467686888580729 0.04847308926493838 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.0477592176383152 0.046891808678797914 0 0 0 0
+100 1 0.0035 1071.4285714285713 0.05118005650480663 0.04670636453113168 0 0 0 0
+113 1 0.0025 1500.0000000000005 0.054329760711437025 0.04710523026284801 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.05652965199259053 0.048274465493735826 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.05841180094012717 0.04671626247331224 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.06476829464085873 0.0473250739338833 0 0 0 0
+127 1 0.0035 1071.4285714285713 0.0680316156291159 0.04873981634435095 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.0709287277678643 0.04771092149940198 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.02916633736020981 0.05023898806610354 0 1 0 0
+111 1 0.0025 1500.0000000000005 0.0322411939151429 0.050335118348614816 0 0 0 0
+116 1 0.0035 1071.4285714285713 0.03517258738350648 0.04922645479111256 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.038503062619855 0.05013132658486126 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.04195682184963604 0.05069661463185135 0 0 0 0
+130 1 0.0035 1071.4285714285713 0.04713714778521342 0.050805376142360976 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.04963228149867781 0.049197040070692186 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.05298011304913637 0.0497377234389054 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.059453164842524185 0.04947945368260918 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.06240650567285045 0.04939859355274821 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.06504346534335508 0.05075162331235379 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.07058192808790048 0.05017922682687771 0 0 0 0
+125 1 0.0035 1071.4285714285713 0.031116356375473754 0.053083985988154156 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.03394530910369005 0.05198832983989574 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.03676998856602982 0.053127494571790605 0 0 0 0
+142 1 0.0035 1071.4285714285713 0.04026117024612181 0.0531278975114491 0 0 0 0
+123 1 0.0025 1500.0000000000005 0.044278717894600715 0.051407795508153796 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.045633614574757154 0.05343894398016762 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.050398551940101184 0.052009767044988 0 0 0 0
+141 1 0.0035 1071.4285714285713 0.0536849746178741 0.05314685876614597 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.05653797261728459 0.051277418309157316 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.05952160479393458 0.052916256675086246 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.062331083295444366 0.05187947637405938 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.06822571964785652 0.052138394546143954 0 0 0 0
+139 1 0.0035 1071.4285714285713 0.07163318702080562 0.0530013396607652 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.029082999475346386 0.05585601994602464 0 0 0 0
+124 1 0.0025 1500.0000000000005 0.03410114232059463 0.054396107299825955 0 0 0 0
+137 1 0.0025 1500.0000000000005 0.03850248183406904 0.05549854795624018 0 0 0 0
+122 1 0.0025 1500.0000000000005 0.04317768671809059 0.0536144081633068 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.04466993499025998 0.055740680731478635 0 0 0 0
+155 1 0.0035 1071.4285714285713 0.04826594857338487 0.05473401794549097 0 0 0 0
+146 1 0.0025 1500.0000000000005 0.05127602153936056 0.054834906959735634 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.05671513207618999 0.054958317778264744 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.05963764656778875 0.055861961749440685 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.0624199495397307 0.05485655850731883 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.06512351336770324 0.053681654029915746 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.06699948034998238 0.05531846246288459 0 0 0 0
+143 1 0.0025 1500.0000000000005 0.06941730795132944 0.05497881405585088 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.03220587009266198 0.055888541613252296 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.031053399579988983 0.05799120024650694 0 0 0 0
+150 1 0.0035 1071.4285714285713 0.03590207193822396 0.056894902351238105 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.04176051439579195 0.05621389506376426 0 0 0 0
+159 1 0.0035 1071.4285714285713 0.04682834005342057 0.05782894677957863 0 0 0 0
+167 1 0.0035 1071.4285714285713 0.05030215594163622 0.05757004648021457 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.05365169636118459 0.056633938045571174 0 0 0 0
+166 1 0.0035 1071.4285714285713 0.06481885040161581 0.05729150548577826 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.06839730727519817 0.05729109258804461 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.07087348879592496 0.056972495136413524 0 -1 0 0
+153 1 0.0035 1071.4285714285713 0.028352462172731255 0.05919656297790192 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.03347361684639767 0.058563406276251555 0 0 0 0
+145 1 0.0025 1500.0000000000005 0.03637097186089112 0.059777636411905005 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.039045950878373675 0.05838502809161357 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.04388396882697838 0.05830600846961011 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.041793971449512614 0.060469330340282665 0 0 0 0
+170 1 0.0025 1500.0000000000005 0.04876433453860071 0.06015247803744833 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.05193141819869848 0.06002743127385227 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.05513812015877439 0.05917652508566985 0 0 0 0
+176 1 0.0035 1071.4285714285713 0.058020434672673565 0.05828712087966178 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.06145338887091589 0.05817951901504931 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.06698484646563009 0.060095162411756504 0 0 0 0
+169 1 0.0025 1500.0000000000005 0.06989487082807704 0.05925330696539134 0 -1 0 0
+178 1 0.0035 1071.4285714285713 0.028284889472926195 0.06259384287664108 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.031274536539614116 0.06097524736436169 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.03420150936191842 0.060916507209670866 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.03859968135845088 0.061768118254934425 0 0 0 0
+191 1 0.0035 1071.4285714285713 0.04531711640682226 0.060914260345664016 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.04861329823195423 0.06264812928491936 0 0 0 0
+188 1 0.0025 1500.0000000000005 0.054019126339869925 0.06134680560184896 0 0 0 0
+185 1 0.0035 1071.4285714285713 0.056949300841071075 0.06155516242591249 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.05983633325163617 0.06072517492024793 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.06357204729349746 0.06080491210826259 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.06930539046786677 0.06261803282434968 0 0 0 0
+209 1 0.0025 1500.0000000000005 0.030944885435354137 0.06393636213931846 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.03335005159720779 0.06322167657694 0 0 0 0
+171 1 0.0025 1500.0000000000005 0.03583012292702878 0.06287605858410213 0 0 0 0
+177 1 0.0025 1500.0000000000005 0.03769925191438764 0.06455128502939439 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.04063461030445553 0.0645604390576371 0 0 0 0
+182 1 0.0025 1500.0000000000005 0.04324428030358486 0.06297335342124182 0 0 0 0
+204 1 0.0035 1071.4285714285713 0.04609271644652694 0.06426188506970305 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.05156700474860087 0.06302710691905383 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.05475859392798859 0.06426136371543122 0 0 0 0
+187 1 0.0025 1500.0000000000005 0.057672089037231554 0.06498716071347141 0 0 0 0
+197 1 0.0025 1500.0000000000005 0.059405585576781175 0.06321235259232333 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.061901373441536595 0.06323485814505768 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.06347899345274108 0.06516042954023397 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.06585982383986591 0.06341229107397732 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.07111492570400516 0.06498562884191458 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.028989802390091034 0.06550748541588038 0 1 0 0
+218 1 0.0035 1071.4285714285713 0.032616302702669374 0.06635431663244702 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.035578390670762995 0.06576659797358529 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.037813069549125285 0.0669982383893388 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.04025307651275426 0.06750689745745336 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.0434431899549558 0.06546533862896914 0 0 0 0
+222 1 0.0025 1500.0000000000005 0.0451634205817611 0.06723678694087429 0 0 0 0
+202 1 0.0035 1071.4285714285713 0.04923657146175886 0.06567987981768289 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.052213480590009465 0.0659512449830495 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.05608697916300996 0.06686289990790237 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.06058902655694941 0.06593039117533085 0 0 0 0
+190 1 0.0025 1500.0000000000005 0.06552550740029496 0.06643476521908057 0 0 0 0
+215 1 0.0035 1071.4285714285713 0.06841274554511344 0.0660350651252803 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.0299401798907653 0.06772997964336525 0 0 0 0
+240 1 0.0025 1500.0000000000005 0.0319431472460605 0.0692177343213251 0 0 0 0
+229 1 0.0035 1071.4285714285713 0.03518941329733756 0.06864948659188255 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.038384499016509 0.06987648092446087 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.041342394674216 0.06983598584667877 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.04267398028891498 0.06773201248626988 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.047638877062734286 0.06894656725853379 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.051078685792161516 0.06866371562273106 0 0 0 0
+214 1 0.0025 1500.0000000000005 0.0538897328205835 0.06789625972306765 0 0 0 0
+224 1 0.0035 1071.4285714285713 0.05623981273234852 0.06981982317619277 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.05829569808763462 0.0677385893918816 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.0604082261516431 0.06899129520975726 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.06322818108523363 0.06819921355081916 0 0 0 0
+225 1 0.0025 1500.0000000000005 0.06630357529814902 0.0689047961713787 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.06872730502196263 0.06905396933746986 0 0 0 0
+212 1 0.0035 1071.4285714285713 0.07152668115968319 0.06784552958345932 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.029121147534368508 0.07001869236249206 0 0 0 0
+5 1 0.0025 1500.0000000000005 0.031240611542136462 0.07158116107686584 0 0 -1 0
+4 1 0.0025 1500.0000000000005 0.0335819860978117 0.07109798808578609 0 0 -1 0
+238 1 0.0025 1500.0000000000005 0.03597440349018378 0.07155796010547788 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.04430189622032037 0.07021478490268808 0 0 0 0
+236 1 0.0025 1500.0000000000005 0.046705681315829195 0.07195997855161636 0 0 0 0
+1 1 0.0035 1071.4285714285713 0.04958681510369494 0.07179390632416914 0 0 -1 0
+232 1 0.0035 1071.4285714285713 0.0531553334506827 0.07144838225870936 0 0 0 0
+12 1 0.0035 1071.4285714285713 0.05916283822776709 0.07163006190830531 0 0 -1 0
+234 1 0.0025 1500.0000000000005 0.062058936072788215 0.07094080295471096 0 0 0 0
+223 1 0.0025 1500.0000000000005 0.0645341678785957 0.07085042757754097 0 0 0 0
+2 1 0.0035 1071.4285714285713 0.0674124336410822 0.07173829486197775 0 0 -1 0
+237 1 0.0035 1071.4285714285713 0.07082596942144716 0.07122993812771791 0 0 0 0
+
+Velocities
+
+13 -13.91583180734039 -33.69639949385916 0 0 0 0
+14 10.095141815864675 0.5554524268830305 0 0 0 0
+8 -27.610755265992736 1.8615093405943215 0 0 0 0
+233 -7.673007696148616 -18.817953433280557 0 0 0 0
+7 19.481309514709935 9.686027410720635 0 0 0 0
+239 -16.07835159527941 -5.443683178549364 0 0 0 0
+6 16.182593569320566 -27.526218062398144 0 0 0 0
+15 6.239201029191382 -7.2473395731795165 0 0 0 0
+9 -36.728093571573865 -34.83544642822028 0 0 0 0
+3 25.997273531825883 -25.139377401312238 0 0 0 0
+235 -50.02719057321605 45.67110301074508 0 0 0 0
+10 18.221747453896853 -3.8463529929032187 0 0 0 0
+26 -8.023622360437235 8.738138078572964 0 0 0 0
+21 -12.388414486666347 47.919869387672286 0 0 0 0
+16 -8.836646915047536 -8.273734379908124 0 0 0 0
+23 -20.69668083718719 -5.75053070316521 0 0 0 0
+17 -10.619404390014877 -23.275669613361323 0 0 0 0
+25 53.44662825904443 -23.111259970488295 0 0 0 0
+19 28.59791168829815 -9.433985440900509 0 0 0 0
+20 12.915350552245924 -22.839328814898735 0 0 0 0
+11 -15.526368775563473 36.73111498008659 0 0 0 0
+18 -2.2220801009801203 18.863708609183153 0 0 0 0
+27 19.900358758567187 -8.867688847446672 0 0 0 0
+30 -56.142225818797144 -2.513296099070428 0 0 0 0
+24 -1.30297248897458 -4.820225322611877 0 0 0 0
+22 1.02768658457018 -7.593257289822845 0 0 0 0
+31 -35.97865288578764 24.628210885462778 0 0 0 0
+47 20.777025143039726 14.637602514923449 0 0 0 0
+35 -0.5429054542936012 -8.53435245456182 0 0 0 0
+34 18.402584504729145 15.862443361544884 0 0 0 0
+29 36.455600421407645 -12.006988480016709 0 0 0 0
+28 -6.582674976944396 9.324608123711554 0 0 0 0
+33 8.596954871164193 -0.46623867797618956 0 0 0 0
+42 0.5728001184980531 -0.15538213065564843 0 0 0 0
+46 -20.655627361083454 -4.6601125467974605 0 0 0 0
+37 -1.423734960844881 29.842223206698872 0 0 0 0
+36 34.73495550634915 24.98162045309418 0 0 0 0
+38 -35.56329611107457 -7.523795864255728 0 0 0 0
+40 18.24970360064794 -10.144078893986455 0 0 0 0
+43 6.140455868396857 -6.907685765459452 0 0 0 0
+49 11.662341433994827 -4.753666938006224 0 0 0 0
+45 2.0312469399072386 27.582973549493477 0 0 0 0
+44 0.7413155083269146 9.401222307078477 0 0 0 0
+61 -36.89646116862539 1.2465671616260512 0 0 0 0
+32 -2.733842517719532 -10.701752006539442 0 0 0 0
+41 14.85802768312273 44.31085200760827 0 0 0 0
+39 -4.692801091634971 26.78642060003596 0 0 0 0
+54 -11.978305157968066 11.507914984362097 0 0 0 0
+48 4.213982607420078 7.58692288858179 0 0 0 0
+51 -1.5101329538496582 5.400095757735662 0 0 0 0
+50 -20.9916778829589 -29.745203867767774 0 0 0 0
+67 -23.85581109884911 -29.89857012006061 0 0 0 0
+53 -62.79395719913443 -34.19929361113436 0 0 0 0
+63 -23.59356384615804 -18.897874369655195 0 0 0 0
+55 -38.14699973983238 37.40223516421632 0 0 0 0
+57 27.134332283130274 19.59565484968644 0 0 0 0
+72 6.126908408305401 11.91736987892109 0 0 0 0
+60 11.618629776729318 8.883633270755073 0 0 0 0
+68 -3.6775631516117886 -17.65710900769047 0 0 0 0
+66 -52.160983687456486 16.393297952394207 0 0 0 0
+52 14.546764248991616 -16.973611581803176 0 0 0 0
+58 36.344151569861815 39.23407190330549 0 0 0 0
+62 -7.7035669409310366 -25.31517274375697 0 0 0 0
+64 18.04804173634574 -43.374367868918114 0 0 0 0
+69 19.837046953628402 -7.4949603846692785 0 0 0 0
+76 -41.239786377422554 -1.4270984266605915 0 0 0 0
+84 33.831718770520425 -23.898228525851145 0 0 0 0
+74 62.103468748650705 -17.782114253159733 0 0 0 0
+79 -9.887537961328853 -6.549951015541287 0 0 0 0
+65 0.04599744097270284 -9.372439220176743 0 0 0 0
+78 -27.694032468832148 14.519945428997634 0 0 0 0
+71 -19.764417020493045 23.06022159220162 0 0 0 0
+56 -14.385295297613698 6.617640113012172 0 0 0 0
+75 -4.416922524899836 4.407780467488468 0 0 0 0
+59 -9.124255490344154 32.03406761103586 0 0 0 0
+73 24.664558115424718 -52.205751342990546 0 0 0 0
+95 -5.976022194414124 -10.600333669541643 0 0 0 0
+80 42.99190333803648 -73.9570369970911 0 0 0 0
+81 9.106241373420287 41.424651171660514 0 0 0 0
+70 2.3699873514323717 9.102313396480394 0 0 0 0
+87 -0.3589991126379216 -17.993090593366166 0 0 0 0
+91 -8.206003954257437 7.416199721322562 0 0 0 0
+96 21.094946393823832 26.543933764050145 0 0 0 0
+77 -7.833406641617153 -9.964920619748144 0 0 0 0
+83 -2.280511320431096 -18.844692894041845 0 0 0 0
+82 52.843718680344324 1.2965595036646858 0 0 0 0
+88 2.9183714177044835 -3.983837174978612 0 0 0 0
+93 -8.802080233848697 10.67961808070481 0 0 0 0
+89 10.47708012372679 6.190937925002548 0 0 0 0
+85 20.83131742682522 -0.7572073066813969 0 0 0 0
+92 6.828049543314122 -11.754908868196052 0 0 0 0
+112 -14.295458065468672 -3.227200022748008 0 0 0 0
+107 0.3095997694294089 20.072232614241116 0 0 0 0
+86 -28.251213812742726 1.9273779300565979 0 0 0 0
+90 14.27487440523027 -36.51986759720914 0 0 0 0
+101 -10.256266988279735 21.31068553233341 0 0 0 0
+99 26.083274486534417 5.876821396890923 0 0 0 0
+110 5.9695755852668615 -23.575599095932915 0 0 0 0
+97 -40.568834518166746 19.366005818007462 0 0 0 0
+105 -25.220977185039107 31.612344175919453 0 0 0 0
+106 19.960507263672586 -44.42776983656214 0 0 0 0
+94 36.517701913026315 -29.838452587330153 0 0 0 0
+102 -19.47927488676048 16.10795370118004 0 0 0 0
+108 -20.88524614803827 -5.671381139709103 0 0 0 0
+100 45.90552488816115 7.105691955437222 0 0 0 0
+113 -54.61212901883537 24.21495220098632 0 0 0 0
+115 -4.217057893917298 -36.7735564474126 0 0 0 0
+119 21.173055183272545 9.566017296069589 0 0 0 0
+98 18.853520468521744 -10.634985355929123 0 0 0 0
+127 -4.2884617824923765 0.07190827673610617 0 0 0 0
+103 65.85760539903472 7.715025070925149 0 0 0 0
+104 5.432227869855306 20.390729843270957 0 0 0 0
+111 -23.496927289347216 -12.288800516864463 0 0 0 0
+116 27.239585843394373 -25.938041020684487 0 0 0 0
+120 -20.72157502858618 -15.134177572903528 0 0 0 0
+118 -0.38340270681337496 26.701765071438334 0 0 0 0
+130 -3.361177810436258 38.289140095441304 0 0 0 0
+109 14.559326368764143 46.405360863219975 0 0 0 0
+126 37.34166618779167 -26.219463375868067 0 0 0 0
+131 35.94212093006012 1.8168580743769283 0 0 0 0
+121 15.975714557543029 45.41287577743662 0 0 0 0
+132 -11.297855103295513 -25.389203053108226 0 0 0 0
+117 -8.558054734564116 16.80910121608613 0 0 0 0
+125 29.152658222545746 -6.607285898939579 0 0 0 0
+114 12.390247747763599 -36.15017867931866 0 0 0 0
+129 -22.343156472947495 8.570717315966334 0 0 0 0
+142 -57.11141215956748 -2.854209397161158 0 0 0 0
+123 15.598060069687929 -12.565144079979428 0 0 0 0
+156 3.906333059907376 -4.824628299790369 0 0 0 0
+138 -26.485292841234024 8.99338585923962 0 0 0 0
+141 1.6363026214956038 -31.855026568890334 0 0 0 0
+128 -17.828968674043473 -12.340593436059047 0 0 0 0
+144 12.18175696237037 -27.913746116126575 0 0 0 0
+135 25.66535648230351 -38.943077900425166 0 0 0 0
+134 -0.3015242988849409 1.8655936376441855 0 0 0 0
+139 20.09018948763248 18.67274486008367 0 0 0 0
+133 -21.490682258478277 -5.766695096571947 0 0 0 0
+124 2.0740729204961217 -0.9045540557505627 0 0 0 0
+137 -19.989425350953127 -52.61444100228125 0 0 0 0
+122 -45.63397463071183 -51.4383075504048 0 0 0 0
+147 -13.77501890547157 -32.01321215075898 0 0 0 0
+155 15.797905324797219 2.4448174557455884 0 0 0 0
+146 -31.843568991138074 43.939124799458476 0 0 0 0
+151 1.2623091497572578 21.525771361723287 0 0 0 0
+172 14.66703830769323 14.662898787286975 0 0 0 0
+154 -4.0785049564977225 2.7174220949790904 0 0 0 0
+148 64.90502894082614 46.45925960359538 0 0 0 0
+152 25.23235059984187 19.689238773368537 0 0 0 0
+143 41.63343062088641 -26.220003937992235 0 0 0 0
+136 -2.859228666321548 -45.83764845828946 0 0 0 0
+149 7.170868549184566 3.7887624714873365 0 0 0 0
+150 -14.99538098960529 10.654705268175721 0 0 0 0
+140 15.495660157547102 14.954672642654481 0 0 0 0
+159 -33.146454686318215 31.321662442020287 0 0 0 0
+167 -0.9726899428970921 -20.583396428655192 0 0 0 0
+157 -22.257658025633106 51.50344158672592 0 0 0 0
+166 -43.40996168394229 -8.239616944067718 0 0 0 0
+164 -12.165160310378816 -7.888703936469847 0 0 0 0
+165 12.955286332693339 6.131000099099166 0 0 0 0
+153 -4.142779563751188 -12.183024192703721 0 0 0 0
+160 -5.306100553619929 -33.0545028856142 0 0 0 0
+145 9.886193045741658 -3.0302551300525495 0 0 0 0
+158 15.319439303959058 -10.410137830174463 0 0 0 0
+162 -39.460283088044925 8.33466778190723 0 0 0 0
+174 7.392327957100237 -3.749916301230243 0 0 0 0
+170 -12.983692993191173 15.206504902044845 0 0 0 0
+180 -44.08193783713691 -13.468240275551697 0 0 0 0
+173 22.25785102409454 -1.0312667832002862 0 0 0 0
+176 23.79528897409392 -47.948233522276055 0 0 0 0
+179 9.344719704481273 -21.628714037461354 0 0 0 0
+168 -30.436648810637493 4.527330345754167 0 0 0 0
+169 3.04556553477547 -0.5584581415045682 0 0 0 0
+178 -14.803911273458938 25.65956704748752 0 0 0 0
+163 -4.871939527337737 16.269446057993413 0 0 0 0
+161 -44.661713969965724 54.69159083315091 0 0 0 0
+184 22.45402635948239 -12.314554856915882 0 0 0 0
+191 -26.243573451854722 13.701627524230526 0 0 0 0
+175 -43.070949476836475 34.27410862167514 0 0 0 0
+188 23.860341815477867 -2.4864803219458644 0 0 0 0
+185 0.7604226586177215 15.873376679687233 0 0 0 0
+181 -103.71425496517409 -7.795952204217474 0 0 0 0
+183 14.759122319974006 8.727511061222843 0 0 0 0
+186 10.387356148153854 4.711229497468392 0 0 0 0
+209 5.054298971453059 -28.584314534972837 0 0 0 0
+195 -73.24740774471387 -32.08207711218496 0 0 0 0
+171 24.569461183205455 49.36118971532018 0 0 0 0
+177 -23.834651628965666 -42.56605126930648 0 0 0 0
+198 32.97514330322586 22.066994016640205 0 0 0 0
+182 35.65761965844202 8.017942593430968 0 0 0 0
+204 -1.352484577221914 5.168961922105858 0 0 0 0
+196 -11.179651625220375 -5.903287955317492 0 0 0 0
+194 2.6657338927049827 -23.576455503625944 0 0 0 0
+187 38.839462302380696 15.73924722109517 0 0 0 0
+197 -26.379183743018867 -26.558260550764576 0 0 0 0
+189 -20.700028235024995 -0.9809011076095877 0 0 0 0
+203 46.75618042409617 4.199690341775778 0 0 0 0
+208 -21.57662928250413 -23.412070374803225 0 0 0 0
+201 -21.729985777964504 7.9358611293022046 0 0 0 0
+200 -43.28415357611673 -33.626422600633134 0 0 0 0
+218 30.967220861561966 -21.39227941275161 0 0 0 0
+192 -25.14757689216924 14.629940440765251 0 0 0 0
+216 3.5660789543909384 35.471355045980054 0 0 0 0
+221 28.192670178785587 -16.90351477931027 0 0 0 0
+199 6.476702256593294 -6.933309425302415 0 0 0 0
+222 44.239042366008796 29.344802785069035 0 0 0 0
+202 -7.703900886108054 -2.739220078788598 0 0 0 0
+193 -41.051731517627125 10.25870747371755 0 0 0 0
+210 -4.332753980979522 6.151803644171925 0 0 0 0
+205 7.502232232205319 -23.423838597939344 0 0 0 0
+190 2.159311923355486 24.234850603601515 0 0 0 0
+215 35.84779671976067 16.267373896157252 0 0 0 0
+211 48.399537631548846 1.2159469577030697 0 0 0 0
+240 -27.590210999447315 32.616260142037156 0 0 0 0
+229 24.755715889547734 -22.89480584328163 0 0 0 0
+228 11.395455632798758 18.086691635013477 0 0 0 0
+219 35.91548051074577 21.514965641955932 0 0 0 0
+213 -11.070012421356632 13.298515801517087 0 0 0 0
+230 31.010411642338248 5.415865640101238 0 0 0 0
+207 -19.980933368940544 29.475856497971776 0 0 0 0
+214 -28.768698843631178 36.537423549720494 0 0 0 0
+224 -15.383151101084572 3.5485595775313805 0 0 0 0
+220 2.7976870418203728 -18.878492240991097 0 0 0 0
+227 12.010586345005933 -4.013144197030169 0 0 0 0
+206 0.45853672710774174 31.530970175162174 0 0 0 0
+225 -4.552244210199967 -2.7080876102703737 0 0 0 0
+217 -39.019594606463 59.56256356586326 0 0 0 0
+212 14.89706626059628 -20.987779607099835 0 0 0 0
+231 47.62473975639631 11.080214261035612 0 0 0 0
+5 15.814820653308567 -12.659766627203487 0 0 0 0
+4 -7.230802721468154 -17.63735268816491 0 0 0 0
+238 62.57550364368262 -48.99832690658533 0 0 0 0
+226 19.986881959722464 32.34296668513357 0 0 0 0
+236 -20.625133617553626 -29.69074892825604 0 0 0 0
+1 -45.05554031751906 -11.331105432553178 0 0 0 0
+232 -8.879022564832004 12.924233771671766 0 0 0 0
+12 -21.051167219064784 28.33326193549399 0 0 0 0
+234 12.53167559114112 8.328718542288952 0 0 0 0
+223 7.8412853474110875 -21.4390481432631 0 0 0 0
+2 -30.559917549378184 24.319372937511744 0 0 0 0
+237 20.314898886918964 -20.573501561478338 0 0 0 0
diff --git a/DATASET/P=130000Pa/box_sheared.data b/DATASET/P=130000Pa/box_sheared.data
new file mode 100644
index 0000000..2c6fe89
--- /dev/null
+++ b/DATASET/P=130000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2224567
+
+240 atoms
+6 atom types
+
+0.027734894538480628 0.07226510546151939 xlo xhi
+0.027734894538480628 0.07226510546151939 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.004453028162077821 0 0 xy xz yz
+
+Atoms # sphere
+
+13 1 0.0025 1500.0000000000005 0.028860336348814547 0.028062941118733895 0 1 0 0
+233 1 0.0025 1500.0000000000005 0.038146342729330304 0.02816665436603677 0 0 1 0
+7 1 0.0035 1071.4285714285713 0.04110159252239669 0.028251272107615095 0 0 0 0
+9 1 0.0025 1500.0000000000005 0.05626496715717327 0.028192276784544047 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.06483745901434602 0.02879464534371263 0 0 1 0
+239 1 0.0035 1071.4285714285713 0.04460685076663021 0.029271140319607217 0 0 1 0
+14 1 0.0035 1071.4285714285713 0.03323276777686729 0.029355556141435986 0 0 0 0
+3 1 0.0035 1071.4285714285713 0.061871400994933795 0.029343606395407642 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.036203745399921286 0.02944801176697617 0 0 0 0
+6 1 0.0025 1500.0000000000005 0.047675495771818545 0.029577710355699113 0 0 0 0
+10 1 0.0025 1500.0000000000005 0.03044540878205708 0.030095328480784455 0 0 0 0
+15 1 0.0035 1071.4285714285713 0.05180840943495543 0.030069987952955627 0 0 0 0
+18 1 0.0035 1071.4285714285713 0.07162091480723731 0.030213987388685234 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.058719347248983256 0.030473091145182443 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.06824623527769451 0.030532417609623812 0 0 0 0
+46 1 0.0035 1071.4285714285713 0.02893536938273189 0.03613871383991986 0 1 0 0
+54 1 0.0025 1500.0000000000005 0.02991325823147253 0.03909135858858619 0 1 0 0
+99 1 0.0025 1500.0000000000005 0.03070348895760129 0.04722917762935933 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.03187634160456081 0.05586823850414632 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.03154716234462956 0.05922906363232455 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.031779470742999194 0.0625931154873972 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.03280857691674791 0.06553555923266853 0 1 0 0
+231 1 0.0025 1500.0000000000005 0.0332720072150484 0.070159026341623 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.029659708580386024 0.032828768678213854 0 1 0 0
+104 1 0.0035 1071.4285714285713 0.03134452743330833 0.05016356012080292 0 1 0 0
+75 1 0.0035 1071.4285714285713 0.030896927718440544 0.04191933477013579 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.03387380367739885 0.06780488451228825 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.032513874859621754 0.04506503930758906 0 0 0 0
+48 1 0.0025 1500.0000000000005 0.03180326261567292 0.03778534323544435 0 0 0 0
+209 1 0.0025 1500.0000000000005 0.03456054318752924 0.06383707386631063 0 0 0 0
+26 1 0.0025 1500.0000000000005 0.03248294656770901 0.032098624122648786 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.03555558672884317 0.03221269012230642 0 0 0 0
+16 1 0.0035 1071.4285714285713 0.03880212303439658 0.031104069313066553 0 0 0 0
+23 1 0.0035 1071.4285714285713 0.04229939847598309 0.03157757767425327 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.0495000829915017 0.03165988882330499 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.055243353871760936 0.030882149030994517 0 0 0 0
+20 1 0.0035 1071.4285714285713 0.0647469706730291 0.03168611748515172 0 0 0 0
+30 1 0.0025 1500.0000000000005 0.03809184335761334 0.03405925839866701 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.040522097834895965 0.03369566281569785 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.04573671222833378 0.032629199338532436 0 0 0 0
+31 1 0.0025 1500.0000000000005 0.04855423137713477 0.03385770944296774 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.051064995175931736 0.03375856845011693 0 0 0 0
+35 1 0.0025 1500.0000000000005 0.05316660373009585 0.03275997506905625 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.05554249727908751 0.03381035128232739 0 0 0 0
+29 1 0.0035 1071.4285714285713 0.05849986462165116 0.03394104682454268 0 0 0 0
+28 1 0.0035 1071.4285714285713 0.061596846689678256 0.03275819532058841 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.06754192284117792 0.03397660102677807 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.07089805836397935 0.0335133234150275 0 0 0 0
+37 1 0.0035 1071.4285714285713 0.032587210007434114 0.03504403339556834 0 0 0 0
+36 1 0.0025 1500.0000000000005 0.03567130222101684 0.03519188924626221 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.04082567030164597 0.036200464940092665 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.04336641306490524 0.03494304116585983 0 0 0 0
+43 1 0.0035 1071.4285714285713 0.04670712008090225 0.03611712745656688 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.05015767557017637 0.03648372796918326 0 0 0 0
+45 1 0.0035 1071.4285714285713 0.0535107817210621 0.03578973955923121 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.056667510438475954 0.03613398546776603 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.05940969930047481 0.036811945897580474 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.06160673566316095 0.03585553020825316 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.06441141706846923 0.03511948778765056 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.06983273838160346 0.03612339508421634 0 0 0 0
+51 1 0.0035 1071.4285714285713 0.03485134380542507 0.03790210832136532 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.03814517995495925 0.03714830594527184 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.041604255410018984 0.03908641977615788 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.04427381664264502 0.03788206519639773 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.04716891740987905 0.03914033737051042 0 0 0 0
+55 1 0.0025 1500.0000000000005 0.05251278185002711 0.03846288899934207 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.055465207781458865 0.03877814561225303 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.05842163268211026 0.039079485608919606 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.06110648105280478 0.03880752961910998 0 0 0 0
+68 1 0.0035 1071.4285714285713 0.06404897692485337 0.038491477932943115 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.06727285676920465 0.03750132227414995 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.0714191601441494 0.038715239394320186 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.0331988021637523 0.04014936780313962 0 0 0 0
+62 1 0.0035 1071.4285714285713 0.03627852761078034 0.041149498842199636 0 0 0 0
+64 1 0.0025 1500.0000000000005 0.038890252639481704 0.040061047336093655 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.04504742019899423 0.04024419132450138 0 0 0 0
+76 1 0.0035 1071.4285714285713 0.0500938674303021 0.03997117483788937 0 0 0 0
+84 1 0.0035 1071.4285714285713 0.05341925848086272 0.04135054120174191 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.06011362735664581 0.04105801585647088 0 0 0 0
+65 1 0.0025 1500.0000000000005 0.06261508633053697 0.04090493476352646 0 0 0 0
+78 1 0.0035 1071.4285714285713 0.06556219282188981 0.04173678088001229 0 0 0 0
+71 1 0.0035 1071.4285714285713 0.06883566465482056 0.04082534637233058 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.07243597139468816 0.0415791370428126 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.033852421899661915 0.04260901849149775 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.04074175437682161 0.04184845433423406 0 0 0 0
+95 1 0.0035 1071.4285714285713 0.038812699157833155 0.04386177669691972 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.04322855326505711 0.041803906387783994 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.045195269793341736 0.043480916140094916 0 0 0 0
+70 1 0.0035 1071.4285714285713 0.04769243957525157 0.04212627681584085 0 0 0 0
+87 1 0.0035 1071.4285714285713 0.050985996731459204 0.043657424261561883 0 0 0 0
+74 1 0.0035 1071.4285714285713 0.05734054044621591 0.041874779033315684 0 0 0 0
+91 1 0.0035 1071.4285714285713 0.06035986068898615 0.0439964304244914 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.06316246162425126 0.043334244024771325 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.07086489783067616 0.04327704986052138 0 0 0 0
+82 1 0.0025 1500.0000000000005 0.035914068984621024 0.044312156289395804 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.03759947347783075 0.04640073866070611 0 0 0 0
+88 1 0.0035 1071.4285714285713 0.04232526428698186 0.044469284112659414 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.04512882817897705 0.04592174034492453 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.04728513702034381 0.045020700915148974 0 0 0 0
+85 1 0.0035 1071.4285714285713 0.05529492639932654 0.04438682130201901 0 0 0 0
+92 1 0.0025 1500.0000000000005 0.05803334404398251 0.045598666922243285 0 0 0 0
+107 1 0.0025 1500.0000000000005 0.06530855569500457 0.044677393963119684 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.06820399269593784 0.0443119997388037 0 0 0 0
+90 1 0.0025 1500.0000000000005 0.07091355405038419 0.045853032757132435 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.07359655415312738 0.04464254279953481 0 -1 0 0
+110 1 0.0025 1500.0000000000005 0.03312076938405428 0.04800295132290619 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.035202823618908564 0.04665610917343612 0 0 0 0
+106 1 0.0025 1500.0000000000005 0.040101211605897163 0.046735368862641194 0 0 0 0
+94 1 0.0035 1071.4285714285713 0.04310239124313304 0.04790705154797455 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.04702259743266034 0.04846194702691298 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.04982286749071267 0.04673017793244225 0 0 0 0
+100 1 0.0035 1071.4285714285713 0.05334018264905471 0.047010863818234036 0 0 0 0
+113 1 0.0025 1500.0000000000005 0.05634886536883146 0.047228679923296026 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.058566786387828716 0.04849573224267788 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.0602505419744994 0.046901286198747755 0 0 0 0
+112 1 0.0035 1071.4285714285713 0.06328248833048185 0.046632113456559064 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.06681618773950838 0.04738141770044842 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.07280700685946663 0.04762164431527027 0 0 0 0
+111 1 0.0025 1500.0000000000005 0.03432705520019535 0.05024316551074882 0 0 0 0
+116 1 0.0035 1071.4285714285713 0.036990813412482594 0.049199646758812346 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.0404499236280051 0.04994136823443561 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.04435772570942989 0.050650911036540285 0 0 0 0
+130 1 0.0035 1071.4285714285713 0.04963568875340274 0.05108977934416681 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.05167749562528595 0.04924873390133695 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.05570548901663222 0.050031300659661465 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.06166001051238358 0.04958640328642477 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.06472201070931426 0.04934589720190287 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.06746321691417918 0.050821848792384355 0 0 0 0
+127 1 0.0035 1071.4285714285713 0.07013540194048032 0.04887472207511742 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.07291271709697222 0.05007229891107534 0 0 0 0
+125 1 0.0035 1071.4285714285713 0.03358788787159339 0.05304370538192245 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.03625396411881762 0.051986924941800794 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.039166237982584284 0.053055294411809464 0 0 0 0
+142 1 0.0035 1071.4285714285713 0.042621810498509716 0.052859128156569915 0 0 0 0
+122 1 0.0025 1500.0000000000005 0.04554912935984552 0.053461847826193856 0 0 0 0
+123 1 0.0025 1500.0000000000005 0.046729083547444095 0.05141355280508887 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.05304089810064179 0.05196162297163251 0 0 0 0
+141 1 0.0035 1071.4285714285713 0.05640407982938819 0.05348954185063194 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.05894180643019996 0.051409671171855166 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.06211072882700361 0.05303883728363022 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.06475175797528232 0.05187236894056368 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.07069252082358511 0.05243833566393792 0 0 0 0
+139 1 0.0035 1071.4285714285713 0.07418370666140378 0.05298400293074192 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.03484706234085307 0.05585535692088216 0 0 0 0
+124 1 0.0025 1500.0000000000005 0.03666215960286266 0.05438599728455831 0 0 0 0
+137 1 0.0025 1500.0000000000005 0.0412327161655677 0.05537872340418494 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.048185235247630534 0.05354137027433091 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.04719649240811394 0.055691782340991564 0 0 0 0
+155 1 0.0035 1071.4285714285713 0.05106621216753393 0.05457554311448391 0 0 0 0
+146 1 0.0025 1500.0000000000005 0.054034632123478185 0.054905628888388625 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.059592995180017705 0.05518013185735983 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.06517423608486657 0.054820947714198764 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.0677642075164098 0.05378224242756553 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.06987763729078003 0.05521670129003686 0 0 0 0
+143 1 0.0025 1500.0000000000005 0.07235453779663109 0.055074249883128215 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.03410577043169953 0.0580604775750138 0 0 0 0
+150 1 0.0035 1071.4285714285713 0.03869774224471425 0.05670522416086944 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.044310713744953587 0.05607023522076844 0 0 0 0
+159 1 0.0035 1071.4285714285713 0.049646782506489864 0.057561483555931436 0 0 0 0
+167 1 0.0035 1071.4285714285713 0.053150922311161114 0.05762372387102538 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.05646062563693488 0.0569407096209147 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.06253070323176983 0.05594818875464743 0 0 0 0
+166 1 0.0035 1071.4285714285713 0.06791733119313888 0.05723225301156944 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.07133904336023823 0.05731034960653103 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.07377885343296617 0.057167342599614084 0 -1 0 0
+160 1 0.0025 1500.0000000000005 0.03655700050209475 0.058627074304551094 0 0 0 0
+145 1 0.0025 1500.0000000000005 0.03944465495680689 0.05966120009878252 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.04191361849846236 0.0582819652575586 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.044910638220971605 0.0602880662543389 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.0468144955402052 0.05822741797067998 0 0 0 0
+170 1 0.0025 1500.0000000000005 0.0515375322314857 0.059958430163373155 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.05530709760230616 0.05989341751947934 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.05841866315843293 0.059303377886057745 0 0 0 0
+176 1 0.0035 1071.4285714285713 0.06112097740401029 0.0583877405948406 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.06466012157326484 0.0582478131557833 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.07035862919877883 0.06000451954272691 0 0 0 0
+169 1 0.0025 1500.0000000000005 0.07318111898491345 0.05951458204217881 0 -1 0 0
+163 1 0.0035 1071.4285714285713 0.034700909663489876 0.06095958328698643 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.03759091837917413 0.06111426434983962 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.041815273575534995 0.0616791324036082 0 0 0 0
+191 1 0.0035 1071.4285714285713 0.04869930590969555 0.06074854002115654 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.051876747447214364 0.06246600565798878 0 0 0 0
+188 1 0.0025 1500.0000000000005 0.0573786743941309 0.061382647537491605 0 0 0 0
+185 1 0.0035 1071.4285714285713 0.06038269423230565 0.06167701970351604 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.06317392740105908 0.06069326626380066 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.06712843879453458 0.060856009203152206 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.0728756424313741 0.0626111981421329 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.036903942419746504 0.06346350264743811 0 0 0 0
+171 1 0.0025 1500.0000000000005 0.03931294028135591 0.06302297776326451 0 0 0 0
+177 1 0.0025 1500.0000000000005 0.041374047666943116 0.06454145314910573 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.04427811501783398 0.064419910476334 0 0 0 0
+182 1 0.0025 1500.0000000000005 0.046859074332188264 0.06290464557214014 0 0 0 0
+204 1 0.0035 1071.4285714285713 0.04972011822882498 0.06418609192776104 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.05489272728686701 0.06296586359096096 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.058333883592771224 0.06420751650376931 0 0 0 0
+187 1 0.0025 1500.0000000000005 0.06138856734229929 0.06486693678457907 0 0 0 0
+197 1 0.0025 1500.0000000000005 0.06303457180379204 0.063150009909535 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.0655381976986493 0.06319235492516337 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.06726588451464885 0.06515562260549652 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.06962210660745287 0.06350042775174711 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.07491538299712218 0.06502384361364928 0 0 0 0
+218 1 0.0035 1071.4285714285713 0.03636072920797999 0.06636717822696132 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.03914228869685971 0.06545001076087788 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.041580354010132214 0.06692922133519114 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.04405927668311265 0.06736764522449984 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.047162099921010184 0.06538048093097318 0 0 0 0
+222 1 0.0025 1500.0000000000005 0.04903473152430601 0.06721189637889882 0 0 0 0
+202 1 0.0035 1071.4285714285713 0.05288202765172659 0.06581841533249377 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.055993579024942744 0.06582290008175737 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.059958840194522356 0.06674594053468186 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.06442378202944096 0.06589206874995668 0 0 0 0
+190 1 0.0025 1500.0000000000005 0.06947323675301928 0.06642361067585593 0 0 0 0
+215 1 0.0035 1071.4285714285713 0.07231806344320789 0.06601082130780882 0 0 0 0
+240 1 0.0025 1500.0000000000005 0.03595452555089213 0.06925868504027623 0 0 0 0
+229 1 0.0035 1071.4285714285713 0.03926223370517024 0.06855025833959996 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.04257801775424015 0.06980047273095048 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.04549475821185177 0.06979675607536989 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.0465887763224658 0.06773703534276257 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.05161556585916364 0.06898709935057094 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.05513173874767588 0.06870493399442754 0 0 0 0
+214 1 0.0025 1500.0000000000005 0.05776083705890797 0.06765785492203968 0 0 0 0
+224 1 0.0035 1071.4285714285713 0.060295532043627684 0.06975472180755525 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.06227801798883131 0.06774514106422036 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.06455883961469537 0.06894205787040794 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.06732819199392746 0.0681766172338778 0 0 0 0
+225 1 0.0025 1500.0000000000005 0.07025697298523949 0.06884345995570958 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.0728605409327592 0.06905118361605135 0 0 0 0
+212 1 0.0035 1071.4285714285713 0.07550674079822949 0.06796799001959165 0 0 0 0
+5 1 0.0025 1500.0000000000005 0.03550173051864059 0.07170890458008394 0 0 -1 0
+4 1 0.0025 1500.0000000000005 0.03781911802573283 0.07097669197060091 0 0 -1 0
+238 1 0.0025 1500.0000000000005 0.04029934730704711 0.07150718150881766 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.04841284885532762 0.07024886782122114 0 0 0 0
+236 1 0.0025 1500.0000000000005 0.05105756475041927 0.07184032600994882 0 0 0 0
+1 1 0.0035 1071.4285714285713 0.05403725981413211 0.07183859832570154 0 0 -1 0
+232 1 0.0035 1071.4285714285713 0.057506410890001664 0.07157686382132035 0 0 0 0
+12 1 0.0035 1071.4285714285713 0.06338909146362955 0.0715991070292145 0 0 -1 0
+234 1 0.0025 1500.0000000000005 0.06621642540826331 0.07093027184223694 0 0 0 0
+223 1 0.0025 1500.0000000000005 0.06866065197809389 0.07089811519394237 0 0 0 0
+2 1 0.0035 1071.4285714285713 0.07159003132977687 0.07165509589751663 0 0 -1 0
+237 1 0.0035 1071.4285714285713 0.07503343772942976 0.07136937233600739 0 0 0 0
+
+Velocities
+
+13 -12.630707115067453 29.89867782212249 0 0 0 0
+233 3.330489679269587 -2.5002336022915177 0 0 0 0
+7 -7.828717188374448 8.329848503165016 0 0 0 0
+9 -8.025504179802416 19.459216125460433 0 0 0 0
+235 29.71639033141974 96.92271132607114 0 0 0 0
+239 -5.593760213521214 -7.43848258791107 0 0 0 0
+14 9.851232935518965 -31.664684870871938 0 0 0 0
+3 15.819091244776072 -22.832516702990656 0 0 0 0
+8 1.2095135115855191 -7.384144436407484 0 0 0 0
+6 12.28054706442812 -32.02549006671251 0 0 0 0
+10 21.609520673789962 4.55455196164358 0 0 0 0
+15 29.850159166354764 -18.86602477669528 0 0 0 0
+18 -12.353670506146692 -2.9047294360200424 0 0 0 0
+19 -4.025555559277009 -9.966724442674188 0 0 0 0
+11 -43.54360730475388 -18.59592568000357 0 0 0 0
+46 40.44498916449604 -14.617947739991925 0 0 0 0
+54 6.79219727922685 4.359667833721191 0 0 0 0
+99 59.1408054854055 -14.18506139407189 0 0 0 0
+133 -12.426602550477273 27.631837463035076 0 0 0 0
+153 -15.14612898111099 8.706433406090394 0 0 0 0
+178 -3.134512688466305 -11.355745986965731 0 0 0 0
+200 -24.105547611679363 -16.746729368279645 0 0 0 0
+231 -9.050903447330429 -1.9755581186793223 0 0 0 0
+27 29.661238454202344 1.8251779086789497 0 0 0 0
+104 -33.05107861077497 32.09386259890834 0 0 0 0
+75 -22.729686359892067 -28.1444005867713 0 0 0 0
+211 58.433094732090375 5.3206860306755654 0 0 0 0
+83 12.833830281626895 -9.074755107745208 0 0 0 0
+48 3.030972862705065 -34.17427391942297 0 0 0 0
+209 -62.7907515213044 54.669606052482735 0 0 0 0
+26 -19.603014156369248 2.781457131898136 0 0 0 0
+21 0.1253112196705257 -21.32323129130113 0 0 0 0
+16 -6.50428794907213 31.37205797357223 0 0 0 0
+23 -2.041044449221157 -4.596260907758886 0 0 0 0
+17 -39.2343747313991 -1.1657726166837552 0 0 0 0
+25 -11.72055671219323 30.683756050732697 0 0 0 0
+20 11.992695556931833 18.58504445425294 0 0 0 0
+30 24.348485199683545 17.730872904786434 0 0 0 0
+24 48.36651450843577 39.45681359572733 0 0 0 0
+22 13.585762061552298 -7.908063232159313 0 0 0 0
+31 18.335079233690024 9.54464227494691 0 0 0 0
+47 48.247170814519905 0.2165703405533233 0 0 0 0
+35 -29.050711162871277 -12.750915787316718 0 0 0 0
+34 -63.96499196070813 -15.595227480231399 0 0 0 0
+29 -36.931044408909976 -33.65698294010318 0 0 0 0
+28 19.088949040039722 15.297713777669443 0 0 0 0
+33 8.079992612235278 -1.3923664875111272 0 0 0 0
+42 10.405936945058933 -39.21007650996132 0 0 0 0
+37 4.236880993153212 -11.507528407310717 0 0 0 0
+36 -7.980812548514286 22.89953206813859 0 0 0 0
+38 -19.72660221515158 -19.83293228552326 0 0 0 0
+40 -20.04107759174507 -11.698686358319279 0 0 0 0
+43 8.491080239250962 -7.1085882132197336 0 0 0 0
+49 22.84956406241382 16.975126551500836 0 0 0 0
+45 8.829889100544541 -69.13531512703837 0 0 0 0
+44 16.08553635511479 -30.27132197959639 0 0 0 0
+61 5.624053717874359 24.706124853441708 0 0 0 0
+32 -31.90289432299598 15.679200597894383 0 0 0 0
+41 -14.800762856494616 -13.635291428448735 0 0 0 0
+39 4.172936542532324 2.1212110240788733 0 0 0 0
+51 22.650065708236248 -2.6406899651091034 0 0 0 0
+50 28.625296541283888 7.79917013215499 0 0 0 0
+67 -37.006851629231676 -5.926812574654077 0 0 0 0
+53 -19.58929311748416 -13.640038644461882 0 0 0 0
+63 -25.87469541363709 8.391415662320664 0 0 0 0
+55 26.19978510460796 -50.379642748041846 0 0 0 0
+57 17.17564785491264 19.040838790118972 0 0 0 0
+72 -48.65710895802099 -37.759858537108535 0 0 0 0
+60 -35.763389653356704 -26.164743310283097 0 0 0 0
+68 2.662937908272104 -3.134091742304715 0 0 0 0
+66 -3.1630276060141354 -46.44497105788256 0 0 0 0
+52 27.881085933686045 -1.0499924122844986 0 0 0 0
+58 8.03582003353535 16.608038047008556 0 0 0 0
+62 -14.359335312443884 -24.859388293222015 0 0 0 0
+64 -62.84599966257348 74.4033970545844 0 0 0 0
+69 -56.30519887190217 14.922449453009909 0 0 0 0
+76 7.612160205220731 -8.416408309293699 0 0 0 0
+84 -10.145069318099916 24.491226256898837 0 0 0 0
+79 22.343894779329116 49.90665622584015 0 0 0 0
+65 -18.148135788770496 -19.16562494984469 0 0 0 0
+78 9.841518921380722 -11.916571245472598 0 0 0 0
+71 -46.33683203739156 22.401487517335706 0 0 0 0
+56 15.175824674707899 -5.271345828579202 0 0 0 0
+59 19.401260841810622 36.692256765181256 0 0 0 0
+73 9.227057314898307 10.60096373637648 0 0 0 0
+95 1.308723253298819 13.745459860907808 0 0 0 0
+80 27.37071203733309 45.56793981368188 0 0 0 0
+81 -11.746870791878065 11.477831250367965 0 0 0 0
+70 -18.470120460327497 20.76091576275713 0 0 0 0
+87 7.176945013871949 -2.755852203505781 0 0 0 0
+74 35.484242668474536 4.6573876980424895 0 0 0 0
+91 -0.946302711907726 -11.700053874387068 0 0 0 0
+96 -16.51408185506707 -47.00799984400359 0 0 0 0
+77 -36.00032196393131 -42.33108281168254 0 0 0 0
+82 -69.80068326814587 30.968897451159727 0 0 0 0
+105 -40.25967703529141 -15.788539573968226 0 0 0 0
+88 -31.638701402435096 -13.967363804530029 0 0 0 0
+93 65.01886176651396 0.09776918885973987 0 0 0 0
+89 20.43779516198392 -24.17679789166167 0 0 0 0
+85 42.18634182294077 -9.18312832582657 0 0 0 0
+92 15.18381202278873 22.964336550055073 0 0 0 0
+107 -12.311744326139056 -9.319701944454359 0 0 0 0
+86 52.66466804550278 -12.516704758308169 0 0 0 0
+90 3.1936179766639 13.423992132091014 0 0 0 0
+101 -14.834582421779375 20.468200818623124 0 0 0 0
+110 -11.82852750040663 30.91275767206737 0 0 0 0
+97 -60.33152007607753 47.2906400186356 0 0 0 0
+106 11.032790375646078 27.742775225547145 0 0 0 0
+94 43.55954977461574 15.099141354312545 0 0 0 0
+102 5.011326629396089 -23.242512329853724 0 0 0 0
+108 9.944497383853566 6.360284306789065 0 0 0 0
+100 -16.34919000981359 19.106065759926107 0 0 0 0
+113 9.390800144310338 14.039913617972143 0 0 0 0
+115 30.739649999824536 13.182572081908999 0 0 0 0
+119 33.25129004993636 -47.308738290803994 0 0 0 0
+112 -5.067436773507056 -15.050774254358641 0 0 0 0
+98 9.989013817916023 10.63002553413195 0 0 0 0
+103 33.343567713626776 -2.5975483299997957 0 0 0 0
+111 -22.903002689339267 -27.312801775509037 0 0 0 0
+116 32.10034104460929 -4.537873583658925 0 0 0 0
+120 3.752398076597763 26.872355968576485 0 0 0 0
+118 15.311791338889927 -14.09825520450066 0 0 0 0
+130 -15.590525848171584 22.786271787504795 0 0 0 0
+109 -13.174717347325887 20.13349080928134 0 0 0 0
+126 32.42989030301456 -27.37757736778992 0 0 0 0
+131 11.427820306365621 37.6583129871243 0 0 0 0
+121 55.747523599404815 20.305065031894244 0 0 0 0
+132 -12.275814583034615 6.896443626229647 0 0 0 0
+127 -2.074985601720813 2.1197637817704167 0 0 0 0
+117 34.607789233343496 -15.188119358626595 0 0 0 0
+125 7.51762711065062 -5.188198167731938 0 0 0 0
+114 -17.45736560260488 -31.722813106965987 0 0 0 0
+129 3.8957115052845523 22.48137431427101 0 0 0 0
+142 -22.94639124881678 7.888038490630119 0 0 0 0
+122 10.912986650833698 4.974220809044926 0 0 0 0
+123 -23.641245144600152 -37.09234245904076 0 0 0 0
+138 4.117627316513089 -12.83261553601658 0 0 0 0
+141 29.602851503660887 -45.14547732983013 0 0 0 0
+128 -21.126705646315873 8.456432097960791 0 0 0 0
+144 14.722521412434867 -33.65519437229863 0 0 0 0
+135 -12.718624923595494 27.557816015677044 0 0 0 0
+134 0.28641702003621416 29.37618086655653 0 0 0 0
+139 -2.5428721903949354 0.5935537896149545 0 0 0 0
+136 -17.66350546998562 21.693155059962375 0 0 0 0
+124 10.099020550505786 -5.997867764033108 0 0 0 0
+137 -0.632522923788799 -13.022140791592536 0 0 0 0
+156 8.965811303809144 67.9474502691517 0 0 0 0
+147 -13.147674289145794 -8.101145121284748 0 0 0 0
+155 18.381415574235312 24.858334445742674 0 0 0 0
+146 -18.796156926270736 29.64483169819456 0 0 0 0
+151 -9.883978387572004 5.720857149807836 0 0 0 0
+154 22.9371443695967 32.741811820781365 0 0 0 0
+148 -11.109932673895319 -26.720160272698237 0 0 0 0
+152 31.179233603774854 10.457868702756986 0 0 0 0
+143 -25.48408473034357 -22.013751003484316 0 0 0 0
+149 -24.484206082673097 36.69297808444048 0 0 0 0
+150 10.46396073087419 0.4619244004608176 0 0 0 0
+140 -42.51878011371317 -26.338839320204013 0 0 0 0
+159 12.46682804906591 21.071360651618487 0 0 0 0
+167 -1.8995633636948588 -8.789657799196789 0 0 0 0
+157 -9.561666151687472 -17.124231412860205 0 0 0 0
+172 19.089656885602768 0.6142180337740093 0 0 0 0
+166 -9.08895008677731 3.6307474971428118 0 0 0 0
+164 -51.01572448129634 -35.918942291612815 0 0 0 0
+165 27.169335095248645 -27.38235760727865 0 0 0 0
+160 -46.10382109792347 13.531580931930277 0 0 0 0
+145 27.33495138940648 48.670994783746444 0 0 0 0
+158 -19.41913773189659 -32.63830633210006 0 0 0 0
+174 15.212037683706372 -26.88912832349667 0 0 0 0
+162 23.200014070434516 -35.00514399913888 0 0 0 0
+170 5.726370022213309 3.5643778093324645 0 0 0 0
+180 -3.35194914884475 31.062322765595972 0 0 0 0
+173 -9.783312883190852 -1.4857097578848124 0 0 0 0
+176 -38.94159079173776 39.98911371047012 0 0 0 0
+179 1.4229095817893982 -9.336426340123069 0 0 0 0
+168 -3.31675136067057 14.909093038498222 0 0 0 0
+169 18.545846815371185 -2.3986870036077366 0 0 0 0
+163 31.38015675218267 26.142318025274633 0 0 0 0
+161 10.255499664235133 -34.10695750448155 0 0 0 0
+184 9.477291316459453 -1.6231766754185422 0 0 0 0
+191 -8.462221061571775 7.043810187033357 0 0 0 0
+175 -6.240668397460374 11.703018951003662 0 0 0 0
+188 10.091706704045357 -17.730145358587862 0 0 0 0
+185 -28.3003474515744 11.335227517640655 0 0 0 0
+181 0.7194290137688397 -35.66291596547411 0 0 0 0
+183 -25.1673223338995 -7.50970714756449 0 0 0 0
+186 12.596762000435202 38.2854848483422 0 0 0 0
+195 -1.5965872028672354 -25.017160153559292 0 0 0 0
+171 19.6864148488824 45.03919833578591 0 0 0 0
+177 -12.583876314983524 -10.963045850677107 0 0 0 0
+198 15.7500153772056 2.7582847492956644 0 0 0 0
+182 -38.13142313304424 -1.9427022051081135 0 0 0 0
+204 -3.12279556087185 32.50855858247384 0 0 0 0
+196 -28.860436992673993 -0.6159753229238021 0 0 0 0
+194 25.978766183477664 0.3069130113472607 0 0 0 0
+187 -12.099550437067139 36.199228006862924 0 0 0 0
+197 53.16038734286472 19.112113418830244 0 0 0 0
+189 26.559244844048134 13.659388940581762 0 0 0 0
+203 -21.77550174373095 -16.432546629961937 0 0 0 0
+208 -25.206385889993363 -11.023239235773827 0 0 0 0
+201 -47.94672684549949 30.905549570074843 0 0 0 0
+218 -6.708297573540922 -42.91485427896325 0 0 0 0
+192 18.60550460849041 -73.85389120934522 0 0 0 0
+216 -26.433820647387286 57.80770210184427 0 0 0 0
+221 13.556965180009717 -8.224192331562513 0 0 0 0
+199 25.390554180912186 10.107408523152193 0 0 0 0
+222 -7.2147926500877615 -59.621094947534104 0 0 0 0
+202 -17.26269105189051 -14.043940630790011 0 0 0 0
+193 -25.37500379569707 1.5626199055258858 0 0 0 0
+210 -2.2536665205475517 50.818715617159135 0 0 0 0
+205 -1.93818405173201 43.28821944733695 0 0 0 0
+190 9.040678948101165 -7.170285544050995 0 0 0 0
+215 7.520943501546616 -2.2636373244700754 0 0 0 0
+240 -9.353054576978488 -61.10225657991121 0 0 0 0
+229 -9.29152096128646 -1.5816337332620212 0 0 0 0
+228 -21.183443492700018 -13.998566415799663 0 0 0 0
+219 8.395832144241098 -26.194804677245457 0 0 0 0
+213 -35.876499865312 55.43907352945538 0 0 0 0
+230 8.840189542491418 -35.714539471958155 0 0 0 0
+207 -36.428149344057466 4.820595079509372 0 0 0 0
+214 7.2576065336284765 8.646837775055419 0 0 0 0
+224 25.89933427834539 -23.391016937640167 0 0 0 0
+220 -0.5316728214931601 -15.81009455583401 0 0 0 0
+227 -73.0014208456705 15.796667154726268 0 0 0 0
+206 36.32250666569446 -15.409281360682 0 0 0 0
+225 54.46355309061927 -6.903628552026906 0 0 0 0
+217 11.675624063865893 33.41952848187123 0 0 0 0
+212 11.08940935151667 -27.80623888002661 0 0 0 0
+5 23.025099505773582 0.04642637534505023 0 0 0 0
+4 -5.276707758585128 -3.9465871324534545 0 0 0 0
+238 -62.893705101857684 -54.993243506212394 0 0 0 0
+226 -39.7128437952554 -17.307788396566078 0 0 0 0
+236 43.20178503871428 66.8301205472995 0 0 0 0
+1 -23.102145077905053 -4.78888682575101 0 0 0 0
+232 50.88573555844436 30.131724606640063 0 0 0 0
+12 22.95913391303352 -0.9462546813007545 0 0 0 0
+234 -17.160708343728867 -11.577255070375877 0 0 0 0
+223 -35.21053651217087 45.00108400826629 0 0 0 0
+2 19.957144090501842 -8.504949635935727 0 0 0 0
+237 6.309429190581983 6.813694544568538 0 0 0 0
diff --git a/DATASET/P=130000Pa/confined.restart b/DATASET/P=130000Pa/confined.restart
new file mode 100644
index 0000000..ab9f406
Binary files /dev/null and b/DATASET/P=130000Pa/confined.restart differ
diff --git a/DATASET/P=130000Pa/log.lammps b/DATASET/P=130000Pa/log.lammps
new file mode 100644
index 0000000..d0d2cf3
--- /dev/null
+++ b/DATASET/P=130000Pa/log.lammps
@@ -0,0 +1,148 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.027734895 0.027734895 -0.00050000000) to (0.072265105 0.072265105 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.002 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 224567
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 225
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.027734895 0.027734895 -0.00050000000) to (0.072265105 0.072265105 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.45302109230388e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 225 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 224567
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 20 20 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.044530211 0 -3590.1428 0 224567
+ 2005000 240 0.044530211 9.9146984e-05 -8806.5544 0.0022265105 224567
+ 2010000 240 0.044530211 0.00019829397 -14013.212 0.0044530211 224567
+ 2015000 240 0.044530211 0.00029744095 -19213.328 0.0066795316 224567
+ 2020000 240 0.044530211 0.00039658794 -24392.872 0.0089060422 224567
+ 2025000 240 0.044530211 0.00049573492 -29558.342 0.011132553 224567
+ 2030000 240 0.044530211 0.00059488191 -34706.775 0.013359063 224567
+ 2035000 240 0.044530211 0.00069402889 -39854.394 0.015585574 224567
+ 2040000 240 0.044530211 0.00079317587 -45012.889 0.017812084 224567
+ 2045000 240 0.044530211 0.00089232286 -50177.771 0.020038595 224567
+ 2050000 240 0.044530211 0.00099146984 -55340.666 0.022265105 224567
+ 2055000 240 0.044530211 0.0010906168 -60484.531 0.024491616 224567
+ 2060000 240 0.044530211 0.0011897638 -65616.782 0.026718127 224567
+ 2065000 240 0.044530211 0.0012889108 -70740.817 0.028944637 224567
+ 2070000 240 0.044530211 0.0013880578 -75863.766 0.031171148 224567
+ 2075000 240 0.044530211 0.0014872048 -80988.434 0.033397658 224567
+ 2080000 240 0.044530211 0.0015863517 -86104.175 0.035624169 224567
+ 2085000 240 0.044530211 0.0016854987 -91200.754 0.037850679 224567
+ 2090000 240 0.044530211 0.0017846457 -96298.391 0.04007719 224567
+ 2095000 240 0.044530211 0.0018837927 -101384.72 0.0423037 224567
+ 2100000 240 0.044530211 0.0019829397 -106455.63 0.044530211 224567
+ 2105000 240 0.044530211 0.0020820867 -111529.21 0.046756721 224567
+ 2110000 240 0.044530211 0.0021812337 -116604.58 0.048983232 224567
+ 2115000 240 0.044530211 0.0022803806 -121677.05 0.051209743 224567
+ 2120000 240 0.044530211 0.0023795276 -126753.74 0.053436253 224567
+ 2125000 240 0.044530211 0.0024786746 -131821.35 0.055662764 224567
+ 2130000 240 0.044530211 0.0025778216 -136878.08 0.057889274 224567
+ 2135000 240 0.044530211 0.0026769686 -141942.63 0.060115785 224567
+ 2140000 240 0.044530211 0.0027761156 -147018.86 0.062342295 224567
+ 2145000 240 0.044530211 0.0028752625 -152104.53 0.064568806 224567
+ 2150000 240 0.044530211 0.0029744095 -157204.69 0.066795316 224567
+ 2155000 240 0.044530211 0.0030735565 -162313.6 0.069021827 224567
+ 2160000 240 0.044530211 0.0031727035 -167429.18 0.071248337 224567
+ 2165000 240 0.044530211 0.0032718505 -172547.23 0.073474848 224567
+ 2170000 240 0.044530211 0.0033709975 -177676.64 0.075701359 224567
+ 2175000 240 0.044530211 0.0034701444 -182835.72 0.077927869 224567
+ 2180000 240 0.044530211 0.0035692914 -188025.05 0.08015438 224567
+ 2185000 240 0.044530211 0.0036684384 -193241.21 0.08238089 224567
+ 2190000 240 0.044530211 0.0037675854 -198482.47 0.084607401 224567
+ 2195000 240 0.044530211 0.0038667324 -203743.99 0.086833911 224567
+ 2200000 240 0.044530211 0.0039658794 -209029.79 0.089060422 224567
+ 2205000 240 0.044530211 0.0040650264 -214337.95 0.091286932 224567
+ 2210000 240 0.044530211 0.0041641733 -219669.82 0.093513443 224567
+ 2215000 240 0.044530211 0.0042633203 -225031.59 0.095739953 224567
+ 2220000 240 0.044530211 0.0043624673 -230427.75 0.097966464 224567
+ 2224567 240 0.044530211 0.0044530282 -235382.88 0.10000016 224567
+Loop time of 5.67428 on 1 procs for 224567 steps with 240 atoms
+
+100.0% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 4.2426 | 4.2426 | 4.2426 | 0.0 | 74.77
+Neigh | 0.00077319 | 0.00077319 | 0.00077319 | 0.0 | 0.01
+Comm | 0.56022 | 0.56022 | 0.56022 | 0.0 | 9.87
+Output | 0.0068455 | 0.0068455 | 0.0068455 | 0.0 | 0.12
+Modify | 0.6365 | 0.6365 | 0.6365 | 0.0 | 11.22
+Other | | 0.2274 | | | 4.01
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 112.000 ave 112 max 112 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 702.000 ave 702 max 702 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 702
+Ave neighs/atom = 2.9250000
+Neighbor list builds = 17
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:05
diff --git a/DATASET/P=140000Pa/1_generate_conf_140000Pa.in b/DATASET/P=140000Pa/1_generate_conf_140000Pa.in
new file mode 100644
index 0000000..f38cdaa
--- /dev/null
+++ b/DATASET/P=140000Pa/1_generate_conf_140000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 140000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 246 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 176 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 39 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 477 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 682 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 759 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 538 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 867 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 818 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 921 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 408 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 525 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 828 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 506 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 903 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 825 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 36 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 685 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 20 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 321 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 776 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 512 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 400 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 654 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 972 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 883 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 471 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 143 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 92 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 354 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 834 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 800 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 727 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 959 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 854 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 51 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 665 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 698 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 575 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 190 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=140000Pa/2_shear.in b/DATASET/P=140000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=140000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=140000Pa/StrainStress.txt b/DATASET/P=140000Pa/StrainStress.txt
new file mode 100644
index 0000000..10dccdf
--- /dev/null
+++ b/DATASET/P=140000Pa/StrainStress.txt
@@ -0,0 +1,1003 @@
+# Fix print output for fix output_file
+9.07782000006683e-06 -7825.1205915424006889
+0.000108933840000038 -8073.0680703663329041
+0.000208789860000008 -8321.0135656076927262
+0.000308645879999979 -8568.962150679250044
+0.00040850189999995 -8816.9171179856384697
+0.000508357920000074 -9064.8724474132959585
+0.000608213940000045 -9312.8210678363120678
+0.000708069960000015 -9560.7528102177566325
+0.000807925979999986 -9808.660257254006865
+0.000907781999999957 -10056.55258165388841
+0.00100763801999993 -10304.433811710550799
+0.00110749404000005 -10552.294597984162465
+0.00120735006000002 -10800.15128453759462
+0.00130720607999999 -11048.006367257323291
+0.00140706209999996 -11295.857999637617468
+0.00150691811999993 -11543.701010612587197
+0.00160677414000006 -11791.5317490814341
+0.00170663016000003 -12039.346759087859027
+0.00180648618 -12287.142568373525137
+0.00190634219999997 -12534.915572899295512
+0.00200619821999994 -12782.661922614091964
+0.00210605424000006 -13030.377356506058277
+0.00220591026000004 -13278.056885297084591
+0.00230576628000001 -13525.693889400459739
+0.00240562229999998 -13773.27536252020036
+0.00250547831999995 -14020.804493346793606
+0.00260533434000007 -14268.281232722332788
+0.00270519036000004 -14515.715407543497349
+0.00280504638000001 -14763.106731218016648
+0.00290490239999998 -15010.452387852308675
+0.00300475841999996 -15257.728302346624332
+0.00310461443999993 -15505.006489377337857
+0.00320447046000005 -15752.278560962922711
+0.00330432648000002 -15999.53533145712754
+0.00340418249999999 -16246.769937780643886
+0.00350403851999996 -16493.97544585833748
+0.00360389453999993 -16741.142758756035619
+0.00370375056000006 -16988.250211302834941
+0.00380360658000003 -17235.318515471673891
+0.0039034626 -17482.35987422803737
+0.00400331861999997 -17729.370170119669638
+0.00410317463999994 -17976.344913599139545
+0.00420303066000006 -18223.296208823634515
+0.00430288668000003 -18470.211349313012761
+0.0044027427 -18717.072365717460343
+0.00450259871999998 -18963.892728770370013
+0.00460245473999995 -19210.663964617197053
+0.00470231076000007 -19457.361338818482182
+0.00480216678000004 -19703.980087376869051
+0.00490202280000001 -19950.576946564397076
+0.00500187881999998 -20197.14911535241481
+0.00510173483999995 -20443.693748929392314
+0.00520159086000008 -20690.207920402441232
+0.00530144688000005 -20936.688580017362256
+0.00540130290000002 -21183.132506427737098
+0.00550115891999999 -21429.536242870857677
+0.00560101493999996 -21675.896006775150454
+0.00570087095999993 -21922.228094629830593
+0.00580072698000005 -22168.549943216341489
+0.00590058300000003 -22414.836559439117991
+0.00600043902 -22661.07416305492734
+0.00610029503999997 -22907.244882574872463
+0.00620015105999994 -23153.31860541869537
+0.00630000708000006 -23399.341819976674742
+0.00639986310000003 -23645.305545608011016
+0.00649971912 -23891.183539986050164
+0.00659957513999997 -24137.022250251560763
+0.00669943115999994 -24382.89640499993402
+0.00679928718000007 -24628.782589584665402
+0.00689914320000004 -24874.663833869872178
+0.00699899922000001 -25120.530256243866461
+0.00709885523999998 -25366.372680916010722
+0.00719871125999995 -25612.17783419168336
+0.00729856728000007 -25857.92779947911913
+0.00739842330000005 -26103.658318977762974
+0.00749827932000002 -26349.3673760281672
+0.00759813533999999 -26595.050855321118433
+0.00769799135999996 -26840.704313345220726
+0.00779784737999993 -27086.322640495392989
+0.00789770340000005 -27331.915868750675145
+0.00799755942000002 -27577.519723684410565
+0.00809741543999999 -27823.079511475800246
+0.00819727145999996 -28068.625149238490849
+0.00829712747999994 -28314.164283474376134
+0.00839698350000006 -28559.69112092953219
+0.00849683952000003 -28805.20041112502804
+0.00859669554 -29050.686969082584255
+0.00869655155999997 -29296.145226530079526
+0.00879640757999994 -29541.568449775950285
+0.00889626360000007 -29786.945967362047668
+0.00899611962000004 -30032.256538930167153
+0.00909597564000001 -30277.534707630609773
+0.00919583165999998 -30522.782571950610873
+0.00929568767999995 -30767.995620270074141
+0.00939554370000007 -31013.168295176663378
+0.00949539972000004 -31258.292558177283354
+0.00959525574000001 -31503.34980293697663
+0.00969511175999999 -31748.373654393119068
+0.00979496777999996 -31993.383851540143951
+0.00989482379999993 -32238.383498611685354
+0.00999467982000005 -32483.362843949125818
+0.01009453584 -32728.324708323048981
+0.01019439186 -32973.267346391963656
+0.01029424788 -33218.187433076593152
+0.0103941038999999 -33463.081818394537549
+0.0104939599200001 -33707.94743015642598
+0.01059381594 -33952.781201436817355
+0.01069367196 -34197.580001975868072
+0.01079352798 -34442.340552999638021
+0.0108933839999999 -34687.059284420982294
+0.0109932400200001 -34931.731984191108495
+0.01109309604 -35176.351445771178987
+0.01119295206 -35420.915560881468991
+0.01129280808 -35665.429426092974609
+0.0113926640999999 -35909.88864120170183
+0.0114925201200001 -36154.287453546116012
+0.01159237614 -36398.615473001351347
+0.01169223216 -36642.858283899404341
+0.01179208818 -36887.047546339890687
+0.0118919442 -37131.18121653538401
+0.0119918002199999 -37375.254939920770994
+0.01209165624 -37619.260563961055595
+0.01219151226 -37863.201381209139072
+0.01229136828 -38107.078846886615793
+0.0123912243 -38350.889102285029367
+0.0124910803199999 -38594.627817912922183
+0.0125909363400001 -38838.289981105197512
+0.01269079236 -39081.869500215208973
+0.01279064838 -39325.358327829591872
+0.0128905044 -39568.743752756738104
+0.0129903604199999 -39811.991206103091827
+0.0130902164400001 -40055.122885036362277
+0.01319007246 -40298.168065326739452
+0.01328992848 -40541.144444491408649
+0.0133897845 -40784.04752717033989
+0.0134896405199999 -41026.906419999017089
+0.0135894965400001 -41269.715361093578395
+0.01368935256 -41512.444937302236212
+0.01378920858 -41755.078857491047529
+0.0138890646 -41997.650271962476836
+0.01398892062 -42240.150889081043715
+0.0140887766400001 -42482.568821312357613
+0.01418863266 -42724.880854464849108
+0.01428848868 -42967.115636889771849
+0.0143883447 -43209.271807231991261
+0.01448820072 -43451.336478938683285
+0.0145880567399999 -43693.276371132713393
+0.0146879127600001 -43935.08672213715181
+0.01478776878 -44176.847532428757404
+0.0148876248 -44418.557474712761177
+0.01498748082 -44660.21348608910921
+0.0150873368399999 -44901.81226458389574
+0.0151871928600001 -45143.350152377170161
+0.01528704888 -45384.822911349139758
+0.0153869049 -45626.225164137118554
+0.01548676092 -45867.547737772714754
+0.0155866169399999 -46108.779822822994902
+0.0156864729600001 -46349.941691384745354
+0.01578632898 -46591.02852450512728
+0.015886185 -46832.032651442568749
+0.01598604102 -47072.949211117083905
+0.0160858970399999 -47313.783676646402455
+0.0161857530600001 -47554.551751533406787
+0.01628560908 -47795.245423323569412
+0.0163854651 -48035.873671023276984
+0.01648532112 -48276.432623688822787
+0.01658517714 -48516.916991672369477
+0.0166850331599999 -48757.32063680246938
+0.0167848891800001 -48997.63578376256919
+0.0168847452 -49237.850837496036547
+0.01698460122 -49477.934252759390802
+0.01708445724 -49717.898175363836344
+0.0171843132599999 -49957.784967227300513
+0.0172841692800001 -50197.581009594381612
+0.0173840253 -50437.296190460328944
+0.01748388132 -50676.932756194000831
+0.01758373734 -50916.484065521261073
+0.0176835933599999 -51155.940600799192907
+0.0177834493800001 -51395.281468678040255
+0.0178833054 -51634.491585829811811
+0.01798316142 -51873.626080823407392
+0.01808301744 -52112.678390754503198
+0.01818287346 -52351.638705084485991
+0.0182827294800001 -52590.482153061588178
+0.0183825855 -52829.203331062191864
+0.01848244152 -53067.859692173209623
+0.01858229754 -53306.447352833856712
+0.01868215356 -53544.961690091840865
+0.0187820095800001 -53783.396724683974753
+0.0188818656000001 -54021.742902657570085
+0.01898172162 -54259.979261674590816
+0.01908157764 -54498.133589002813096
+0.01918143366 -54736.207465287727246
+0.0192812896799999 -54974.191468124670791
+0.0193811457000001 -55212.059751613291155
+0.01948100172 -55449.835820938700635
+0.01958085774 -55687.553533251390036
+0.01968071376 -55925.205702323299192
+0.0197805697799999 -56162.784722928889096
+0.0198804258000001 -56400.273868395954196
+0.01998028182 -56637.681720021377259
+0.02008013784 -56875.022423105212511
+0.02017999386 -57112.291570603047148
+0.0202798498799999 -57349.483797674547532
+0.0203797059000001 -57586.591151939275733
+0.02047956192 -57823.599331524201261
+0.02057941794 -58060.524951316285296
+0.02067927396 -58297.365151201745903
+0.02077912998 -58534.111330049818207
+0.0208789860000001 -58770.744287373323459
+0.02097884202 -59007.262131407173001
+0.02107869804 -59243.686380861210637
+0.02117855406 -59480.002803561153996
+0.02127841008 -59716.170520886749728
+0.0213782660999999 -59952.202412242848368
+0.0214781221200001 -60188.172280979269999
+0.02157797814 -60424.074405356754141
+0.02167783416 -60659.898445435690519
+0.02177769018 -60895.664148140051111
+0.0218775461999999 -61131.370053091479349
+0.0219774022200001 -61367.013116252586769
+0.02207725824 -61602.589892245872761
+0.02217711426 -61838.096332775974588
+0.02227697028 -62073.527364419584046
+0.0223768262999999 -62308.875543739573914
+0.0224766823200001 -62544.132806051966327
+0.02257653834 -62779.32620249921456
+0.02267639436 -63014.448309680112288
+0.02277625038 -63249.526015123679827
+0.0228761064 -63484.558868233143585
+0.0229759624200001 -63719.541920174342522
+0.02307581844 -63954.470728847016289
+0.02317567446 -64189.341001767817943
+0.02327553048 -64424.148376963777991
+0.0233753865 -64658.88823075981054
+0.0234752425199999 -64893.555437003393308
+0.0235750985400001 -65128.143943990013213
+0.02367495456 -65362.645647151286539
+0.02377481058 -65597.044546047618496
+0.0238746666 -65831.339080499354168
+0.0239745226199999 -66065.547744636933203
+0.0240743786400001 -66299.662452389602549
+0.02417423466 -66533.671108872193145
+0.02427409068 -66767.557138530901284
+0.0243739467 -67001.303970400374965
+0.0244738027199999 -67234.943276053760201
+0.0245736587400001 -67468.491516456706449
+0.02467351476 -67701.979396061040461
+0.02477337078 -67935.396329188748496
+0.0248732268 -68168.723108562742709
+0.02497308282 -68401.994857806028449
+0.0250729388400001 -68635.210263781773392
+0.02517279486 -68868.363164089387283
+0.02527265088 -69101.445943127881037
+0.0253725069 -69334.444193753195577
+0.02547236292 -69567.348119138507172
+0.0255722189399999 -69800.175387591443723
+0.0256720749600001 -70032.894651754686492
+0.02577193098 -70265.527654597724904
+0.025871787 -70498.114630291849608
+0.02597164302 -70730.652607221680228
+0.0260714990399999 -70963.138281287814607
+0.0261713550600001 -71195.572328659938648
+0.02627121108 -71427.951912403194001
+0.0263710671 -71660.268040773837129
+0.02647092312 -71892.507799309954862
+0.0265707791399999 -72124.655361365134013
+0.0266706351600001 -72356.745414142875234
+0.02677049118 -72588.768860799333197
+0.0268703472 -72820.730540850418038
+0.02697020322 -73052.635316313753719
+0.0270700592399999 -73284.480811843284755
+0.0271699152600001 -73516.271622899977956
+0.02726977128 -73747.998621034115786
+0.0273696273 -73979.654149596637581
+0.02746948332 -74211.229898900812259
+0.02756933934 -74442.715055721331737
+0.0276691953599999 -74674.1567215230898
+0.02776905138 -74905.517827190153184
+0.0278689074 -75136.759722535934998
+0.02796876342 -75367.968389665809809
+0.02806861944 -75599.160836014038068
+0.0281684754599999 -75830.360083172825398
+0.0282683314800001 -76061.561710966241662
+0.0283681875 -76292.753320086732856
+0.02846804352 -76523.910385602313909
+0.02856789954 -76755.052762848194106
+0.0286677555599999 -76986.188675650511868
+0.0287676115800001 -77217.313352932425914
+0.0288674676 -77448.421951561846072
+0.02896732362 -77679.509129874335486
+0.02906717964 -77910.578408156186924
+0.0291670356599999 -78141.617970519015216
+0.0292668916800001 -78372.617599757839344
+0.0293667477 -78603.592587186503806
+0.02946660372 -78834.540102023544023
+0.02956645974 -79065.456702019888326
+0.02966631576 -79296.345157048548572
+0.0297661717799999 -79527.186416642463882
+0.0298660278 -79758.005511900977581
+0.02996588382 -79988.810951388833928
+0.03006573984 -80219.600446045573335
+0.03016559586 -80450.371677745642955
+0.0302654518799999 -80681.122274590990855
+0.0303653079000001 -80911.849781918208464
+0.03046516392 -81142.551625132502522
+0.03056501994 -81373.22505758148327
+0.03066487596 -81603.868967010130291
+0.0307647319799999 -81834.504973319810233
+0.0308645880000001 -82065.11950106851873
+0.03096444402 -82295.702136151841842
+0.03106430004 -82526.241980039849295
+0.03116415606 -82756.715653459934401
+0.0312640120799999 -82987.187020168741583
+0.0313638681000001 -83217.656301178707508
+0.03146372412 -83448.113022378907772
+0.03156358014 -83678.550802989630029
+0.03166343616 -83908.963909347367007
+0.03176329218 -84139.34574643583619
+0.0318631482000001 -84369.682206670579035
+0.03196300422 -84599.979281024949159
+0.03206286024 -84830.250250918543315
+0.03216271626 -85060.492130077211186
+0.03226257228 -85290.701884030728252
+0.0323624283000001 -85520.876369145946228
+0.0324622843200001 -85751.0122405840375
+0.03256214034 -85981.105726633002632
+0.03266199636 -86211.197491749058827
+0.03276185238 -86441.304849756430485
+0.0328617083999999 -86671.398385463908198
+0.0329615644200001 -86901.465714152684086
+0.03306142044 -87131.496952146597323
+0.03316127646 -87361.481581097876187
+0.03326113248 -87591.401061353550176
+0.0333609884999999 -87821.245374549704138
+0.0334608445200001 -88051.048506530220038
+0.03356070054 -88280.803747155456222
+0.03366055656 -88510.502403536127531
+0.03376041258 -88740.129514729516814
+0.0338602686 -88969.683641011142754
+0.0339601246200001 -89199.132478621817427
+0.03405998064 -89428.52084258699324
+0.03415983666 -89657.870579318987438
+0.03425969268 -89887.177826969098533
+0.0343595487 -90116.438446362066315
+0.0344594047200001 -90345.647922984790057
+0.03455926074 -90574.801214539489592
+0.03465911676 -90803.892470033868449
+0.03475897278 -91032.91426239424618
+0.0348588288 -91261.855314425120014
+0.0349586848199999 -91490.715240804041969
+0.0350585408400001 -91719.483494076004717
+0.03515839686 -91948.134232903583325
+0.03525825288 -92176.646768507809611
+0.0353581089 -92405.065164364263183
+0.0354579649199999 -92633.363697809792939
+0.0355578209400001 -92861.595216575515224
+0.03565767696 -93089.748142582684522
+0.03575753298 -93317.826386098793591
+0.035857389 -93545.848827490786789
+0.0359572450199999 -93773.813053907564608
+0.0360571010400001 -94001.701936937955907
+0.03615695706 -94229.479156922607217
+0.03625681308 -94457.20458659119322
+0.0363566691 -94684.88026286441891
+0.03645652512 -94912.497190051901271
+0.0365563811400001 -95140.129630403607734
+0.03665623716 -95367.783946693234611
+0.03675609318 -95595.419477429124527
+0.0368559492 -95823.007116015709471
+0.03695580522 -96050.538131363777211
+0.0370556612399999 -96278.057684630854055
+0.0371555172600001 -96505.573491401111824
+0.03725537328 -96733.106851691336487
+0.0373552293 -96960.659846392183681
+0.03745508532 -97188.232357660133857
+0.0375549413399999 -97415.81425235842471
+0.0376547973600001 -97643.396780609269626
+0.03775465338 -97870.985959783633007
+0.0378545094 -98098.57920569597627
+0.03795436542 -98326.172881558624795
+0.0380542214399999 -98553.763187120217481
+0.0381540774600001 -98781.345834038496832
+0.03825393348 -99008.914808691275539
+0.0383537895 -99236.461414952733321
+0.03845364552 -99463.996870311180828
+0.03855350154 -99691.518880151124904
+0.0386533575600001 -99919.023792590640369
+0.03875321358 -100146.50762140352163
+0.0388530696 -100373.96590205970278
+0.03895292562 -100601.39344979441375
+0.03905278164 -100828.78388878295664
+0.0391526376599999 -101056.12845427302818
+0.0392524936800001 -101283.40918676150613
+0.0393523497 -101510.62150823688717
+0.03945220572 -101737.74824118353717
+0.03955206174 -101964.83525961445412
+0.0396519177599999 -102191.87714820468682
+0.0397517737800001 -102418.86749938667344
+0.0398516298 -102645.8220018735301
+0.03995148582 -102872.74434046774695
+0.04005134184 -103099.65363621477445
+0.0401511978599999 -103326.54972000057751
+0.0402510538800001 -103553.42945811069512
+0.0403509099 -103780.28966944591957
+0.04045076592 -104007.12877270345052
+0.04055062194 -104234.00654331147962
+0.04065047796 -104460.89985168424028
+0.0407503339800001 -104687.78951467927254
+0.04085019 -104914.6642706028797
+0.04095004602 -105141.51356286874216
+0.04104990204 -105368.32154261961114
+0.04114975806 -105595.08772376310662
+0.0412496140800001 -105821.80763849338109
+0.0413494701 -106048.455413358839
+0.04144932612 -106275.01588060140784
+0.04154918214 -106501.55149083975994
+0.04164903816 -106728.05498937384982
+0.0417488941799999 -106954.5172124637902
+0.0418487502000001 -107180.92536000101245
+0.04194860622 -107407.25382805950358
+0.04204846224 -107633.47925754828611
+0.04214831826 -107859.62225334088726
+0.0422481742799999 -108085.69737024180358
+0.0423480303000001 -108311.73466219039983
+0.04244788632 -108537.75540728736087
+0.04254774234 -108763.79672292697069
+0.04264759836 -108989.84135579869326
+0.04274745438 -109215.88624417808023
+0.0428473104000001 -109441.91831570124486
+0.04294716642 -109668.01614236741443
+0.04304702244 -109894.14472472500347
+0.04314687846 -110120.31611567107029
+0.04324673448 -110346.53555252085789
+0.0433465904999999 -110572.7961337990273
+0.04344644652 -110799.09132351675362
+0.04354630254 -111025.41410261271812
+0.04364615856 -111251.7556874336442
+0.04374601458 -111478.10093020641943
+0.0438458706000001 -111704.42527896247339
+0.0439457266200001 -111930.7609229121299
+0.04404558264 -112157.11013017632649
+0.04414543866 -112383.50410063477466
+0.04424529468 -112609.94051152683096
+0.0443451506999999 -112836.41701594235201
+0.0444450067200001 -113062.93121250062541
+0.04454486274 -113289.4806106465112
+0.04464471876 -113516.06258755459567
+0.04474457478 -113742.67433039772732
+0.0448444307999999 -113969.31275246701261
+0.0449442868200001 -114195.97435971365485
+0.04504414284 -114422.65501278812008
+0.04514399886 -114649.34942357859109
+0.04524385488 -114876.0496961694007
+0.0453437109 -115102.74570832721656
+0.0454435669199999 -115329.49989417174947
+0.0455434229400001 -115556.3021067839727
+0.04564327896 -115783.12102985834645
+0.04574313498 -116009.97403408956598
+0.045842991 -116236.87520997588581
+0.0459428470200001 -116463.8176471383631
+0.0460427030400001 -116690.79467394095263
+0.04614255906 -116917.81345213326858
+0.04624241508 -117144.8695360148995
+0.0463422711 -117371.95591943706677
+0.0464421271199999 -117599.06712195732689
+0.0465419831400001 -117826.20663621542917
+0.04664183916 -118053.35798540063843
+0.04674169518 -118280.51870900407084
+0.0468415512 -118507.72373458603397
+0.0469414072199999 -118734.97025112640404
+0.0470412632400001 -118962.25425331525912
+0.04714111926 -119189.56639853277011
+0.04724097528 -119416.9173141662468
+0.0473408313 -119644.31066306593129
+0.04744068732 -119871.74476298539957
+0.0475405433400001 -120099.21788143092999
+0.04764039936 -120326.75467047007987
+0.04774025538 -120554.40182140422985
+0.0478401114 -120782.12394047320413
+0.04793996742 -121009.90927144185116
+0.0480398234400001 -121237.75064130481042
+0.0481396794600001 -121465.64211539368262
+0.04823953548 -121693.57695551142388
+0.0483393915 -121921.55233295493235
+0.04843924752 -122149.56809318407613
+0.0485391035399999 -122377.61998869407398
+0.0486389595600001 -122605.70328145155509
+0.04873881558 -122833.81298187829088
+0.0488386716 -123061.98382468537602
+0.04893852762 -123290.19742494540696
+0.0490383836399999 -123518.42528371051594
+0.0491382396600001 -123746.63768925372278
+0.04923809568 -123974.88040669990005
+0.0493379517 -124203.14705520975986
+0.04943780772 -124431.47441105838516
+0.04953766374 -124659.85983928375936
+0.0496375197600001 -124888.30083421159361
+0.04973737578 -125116.7949493380147
+0.0498372318 -125345.34824944369029
+0.04993708782 -125573.97432985404157
+0.05003694384 -125802.65960077363707
+0.0501367998600001 -126031.39777020382462
+0.0502366558800001 -126260.18332293983258
+0.0503365119 -126489.00676932685019
+0.05043636792 -126717.86947501271788
+0.05053622394 -126946.77969097789901
+0.0506360799599999 -127175.7347188496642
+0.0507359359800001 -127404.73183019676071
+0.050835792 -127633.76821213973744
+0.05093564802 -127862.84091060300125
+0.05103550404 -128091.94676219389657
+0.0511353600599999 -128321.08230246280436
+0.0512352160800001 -128550.24362860128167
+0.0513350721 -128779.42616806163278
+0.05143492812 -129008.62421621846443
+0.05153478414 -129237.82964417019684
+0.0516346401599999 -129467.02530757620116
+0.0517344961800001 -129696.25089369456691
+0.0518343522 -129925.50062390169478
+0.05193420822 -130154.73561532482563
+0.05203406424 -130384.014884107135
+0.05213392026 -130613.32379805640085
+0.0522337762800001 -130842.64288930137991
+0.0523336323000001 -131072.01799215743085
+0.05243348832 -131301.45016584749101
+0.05253334434 -131530.93666164894239
+0.05263320036 -131760.47471335073351
+0.0527330563799999 -131990.06144707463682
+0.0528329124000001 -132219.69376322656171
+0.05293276842 -132449.36804826572188
+0.05303262444 -132679.08029250075924
+0.05313248046 -132908.8272766743903
+0.0532323364799999 -133138.60274958409718
+0.0533321925000001 -133368.39482372213388
+0.05343204852 -133598.18599978912971
+0.05353190454 -133828.01370976155158
+0.05363176056 -134057.87358484408469
+0.0537316165799999 -134287.74864422401879
+0.0538314726000001 -134517.64209360556561
+0.05393132862 -134747.58316248122719
+0.05403118464 -134977.56837772048311
+0.05413104066 -135207.58961730150622
+0.05423089668 -135437.65009107394144
+0.0543307527000001 -135667.75773421977647
+0.0544306087200001 -135897.91042506901431
+0.05453046474 -136128.10581110080238
+0.05463032076 -136358.34119561116677
+0.05473017678 -136588.61329478296102
+0.0548300327999999 -136818.91749423730653
+0.0549298888200001 -137049.24289891292574
+0.05502974484 -137279.59728726214962
+0.05512960086 -137509.9862968766829
+0.05522945688 -137740.40630922454875
+0.0553293128999999 -137970.85283895398607
+0.0554291689200001 -138201.31980093836319
+0.05552902494 -138431.7962822795962
+0.05562888096 -138662.26963511682698
+0.05572873698 -138892.75478830380598
+0.0558285929999999 -139123.22494231478777
+0.0559284490200001 -139353.67472903081216
+0.05602830504 -139584.166294427705
+0.05612816106 -139814.70482802318293
+0.05622801708 -140045.28668956682668
+0.0563278731 -140275.90675907459809
+0.0564277291200001 -140506.55642980788252
+0.05652758514 -140737.20831412955886
+0.05662744116 -140967.87500932757393
+0.05672729718 -141198.60644858959131
+0.0568271532 -141429.40160242427373
+0.0569270092199999 -141660.25931185882655
+0.0570268652400001 -141891.17817864826065
+0.05712672126 -142122.15619181474904
+0.05722657728 -142353.18893031650805
+0.0573264333 -142584.28095080502681
+0.0574262893199999 -142815.43295513847261
+0.0575261453400001 -143046.64277748021414
+0.05762600136 -143277.90502219737391
+0.05772585738 -143509.22658258554293
+0.0578257134 -143740.60983924541506
+0.0579255694199999 -143972.05406416577171
+0.0580254254400001 -144203.558519097307
+0.05812528146 -144435.122454696364
+0.05822513748 -144666.74510964943329
+0.0583249935 -144898.42570964479819
+0.0584248495199999 -145130.1634663263394
+0.0585247055400001 -145361.95757606491679
+0.05862456156 -145593.81280956129194
+0.05872441758 -145825.75171163663617
+0.0588242736 -146057.76120967624593
+0.05892412962 -146289.85235718733747
+0.0590239856399999 -146522.04448277089978
+0.0591238416600001 -146754.31826567693497
+0.05922369768 -146986.66691515373532
+0.0593235537 -147219.08621346284053
+0.05942340972 -147451.57296511219465
+0.0595232657400001 -147684.15688168595079
+0.0596231217600001 -147916.84255229274277
+0.05972297778 -148149.61175977642415
+0.0598228338 -148382.45768197835423
+0.05992268982 -148615.37565803722828
+0.0600225458399999 -148848.36193385414663
+0.0601224018600001 -149081.41321117104962
+0.06022225788 -149314.52641992407735
+0.0603221139 -149547.6985673942545
+0.06042196992 -149780.9266015648318
+0.0605218259399999 -150014.20722861535614
+0.0606216819600001 -150247.53652944005444
+0.06072153798 -150480.9082723960164
+0.060821394 -150714.31464940321166
+0.06092125002 -150947.76976234387257
+0.06102110604 -151181.27124461327912
+0.0611209620600001 -151414.81579581755796
+0.0612208180800001 -151648.39950354630128
+0.0613206741 -151882.01724883471616
+0.06142053012 -152115.66001182768377
+0.06152038614 -152349.31605815660441
+0.0616202421600001 -152583.00704553618561
+0.0617200981800001 -152816.72603170649381
+0.0618199542 -153050.46567893002066
+0.06191981022 -153284.23611152978265
+0.06201966624 -153518.02972267800942
+0.0621195222599999 -153751.84463773993775
+0.0622193782800001 -153985.66514649853343
+0.0623192343 -154219.48113629926229
+0.06241909032 -154453.283969290409
+0.06251894634 -154687.1158566820086
+0.0626188023599999 -154920.95707117154961
+0.0627186583800001 -155154.83930032487842
+0.0628185144 -155388.75954334929702
+0.06291837042 -155622.72198296387796
+0.06301822644 -155856.71980706017348
+0.0631180824599999 -156090.79212197518791
+0.0632179384800001 -156324.95321751531446
+0.0633177945000001 -156559.22393739208928
+0.06341765052 -156793.5873416751856
+0.06351750654 -157028.03795781786903
+0.06361736256 -157262.57257039714023
+0.0637172185800001 -157497.18881291776779
+0.0638170746000001 -157731.88474215622409
+0.06391693062 -157966.65865407098318
+0.06401678664 -158201.50898701278493
+0.06411664266 -158436.43426319822902
+0.0642164986799999 -158671.43304882198572
+0.0643163547000001 -158906.50392329832539
+0.06441621072 -159141.64545238303253
+0.06451606674 -159376.85616132686846
+0.06461592276 -159612.13450446998468
+0.0647157787799999 -159847.47882659180323
+0.0648156348000001 -160082.88730860705255
+0.06491549082 -160318.35788313663215
+0.06501534684 -160553.88808834718657
+0.06511520286 -160789.47477727226214
+0.06521505888 -161025.11340240726713
+0.0653149149000001 -161260.79526964607066
+0.06541477092 -161496.49823051891872
+0.06551462694 -161732.26279841925134
+0.06561448296 -161968.09715277890791
+0.06571433898 -162204.00024376547663
+0.0658141950000001 -162439.97095919208368
+0.0659140510200001 -162676.00810525295674
+0.06601390704 -162912.11037899699295
+0.06611376306 -163148.2763265184476
+0.06621361908 -163384.50427512827446
+0.0663134750999999 -163620.7922121223819
+0.0664133311200001 -163857.13753661260125
+0.06651318714 -164093.53642067845794
+0.06661304316 -164329.98100062221056
+0.06671289918 -164566.45698680030182
+0.0668127551999999 -164802.99767959941528
+0.0669126112200001 -165039.60464755029534
+0.06701246724 -165276.27639501393423
+0.06711232326 -165513.01024416281143
+0.06721217928 -165749.81374384163064
+0.0673120352999999 -165986.70635493827285
+0.0674118913200001 -166223.67418291428476
+0.06751174734 -166460.7076203848701
+0.06761160336 -166697.81001425915747
+0.06771145938 -166934.9832644618582
+0.0678113154 -167172.22266901939292
+0.0679111714200001 -167409.52350697707152
+0.0680110274400001 -167646.90032808366232
+0.06811088346 -167884.35200064766104
+0.06821073948 -168121.87671558462898
+0.0683105955 -168359.4732131473429
+0.0684104515200001 -168597.15027324575931
+0.0685103075400001 -168834.92733787564794
+0.06861016356 -169072.7899174602062
+0.06871001958 -169310.73287528991932
+0.0688098756 -169548.75309560599271
+0.0689097316199999 -169786.84818537571118
+0.0690095876400001 -170025.01608954332187
+0.06910944366 -170263.25491851862171
+0.06920929968 -170501.56304339118651
+0.0693091557 -170739.9404700504092
+0.0694090117199999 -170978.38450418101274
+0.0695088677400001 -171216.89267031924101
+0.06960872376 -171455.46234417895903
+0.06970857978 -171694.0902646528848
+0.0698084358 -171932.77148224241682
+0.06990829182 -172171.49156047357246
+0.0700081478400001 -172410.25832620839356
+0.07010800386 -172649.0935050889675
+0.07020785988 -172887.99600121853291
+0.0703077159 -173126.96470033933292
+0.07040757192 -173365.99846240773331
+0.0705074279400001 -173605.09611381433206
+0.0706072839600001 -173844.25643885976751
+0.07070713998 -174083.47817008357379
+0.070806996 -174322.75997668408672
+0.07090685202 -174562.10045026300941
+0.0710067080399999 -174801.49808637384558
+0.0711065640600001 -175040.95125938445562
+0.07120642008 -175280.45818530974793
+0.0713062761 -175520.01686028431868
+0.07140613212 -175759.62493513393565
+0.0715059881399999 -175999.27931876052753
+0.0716058441600001 -176238.97458572301548
+0.07170570018 -176478.71380339362076
+0.0718055562 -176718.49564651778201
+0.07190541222 -176958.31651171910926
+0.0720052682399999 -177198.17191404706682
+0.0721051242600001 -177438.05594657422625
+0.0722049802800001 -177677.96008742621052
+0.0723048363 -177917.86965495423647
+0.07240469232 -178157.73998282256071
+0.07250454834 -178397.58658234530594
+0.0726044043600001 -178637.49992579739774
+0.0727042603800001 -178877.47849201553618
+0.0728041164 -179117.51948925835313
+0.07290397242 -179357.61748761954368
+0.07300382844 -179597.77539753014571
+0.0731036844600001 -179837.99131941536325
+0.0732035404800001 -180078.25860837422078
+0.0733033965 -180318.61099621490575
+0.07340325252 -180559.06322139364784
+0.07350310854 -180799.61513416102389
+0.0736029645599999 -181040.27902316616382
+0.0737028205800001 -181281.05024022076395
+0.0738026766 -181521.9255755651684
+0.07390253262 -181762.90259045606945
+0.07400238864 -182003.97931568653439
+0.07410224466 -182245.15409189762431
+0.0742021006800001 -182486.42547555544297
+0.0743019567 -182727.83999062003568
+0.07440181272 -182969.40174331370508
+0.07450166874 -183211.08856809602003
+0.07460152476 -183452.89301095213159
+0.0747013807800001 -183694.81047972789383
+0.0748012368 -183936.83762227272382
+0.07490109282 -184178.97175503015751
+0.07500094884 -184421.21057347994065
+0.07510080486 -184663.55199103336781
+0.0752006608800001 -184905.99455431263777
+0.0753005169000001 -185148.5366310691461
+0.07540037292 -185391.17664174555102
+0.07550022894 -185633.9130417983979
+0.07560008496 -185876.74428002699278
+0.0756999409799999 -186119.66874888361781
+0.0757997970000001 -186362.68471489974763
+0.07589965302 -186605.79020366381155
+0.07599950904 -186848.98277269746177
+0.07609936506 -187092.25893579184776
+0.0761992210799999 -187335.61167763813864
+0.0762990771000001 -187579.02760903915623
+0.07639893312 -187822.53752645800705
+0.07649878914 -188066.14370459719794
+0.07659864516 -188309.84550182084786
+0.07669850118 -188553.64229219601839
+0.0767983572000001 -188797.53346332124784
+0.0768982132200001 -189041.51841432234505
+0.07699806924 -189285.59655395607115
+0.07709792526 -189529.76729882572545
+0.07719778128 -189774.0300715288613
+0.0772976373000001 -190018.38429895191803
+0.0773974933200001 -190262.82941033801762
+0.07749734934 -190507.3648353611643
+0.07759720536 -190751.99000195323606
+0.07769706138 -190996.70433388793026
+0.0777969173999999 -191241.50724794319831
+0.0778967734200001 -191486.39815055529471
+0.07799662944 -191731.37643362724339
+0.07809648546 -191976.44146925912355
+0.07819634148 -192221.59260271265521
+0.0782961974999999 -192466.82914287847234
+0.0783960535200001 -192712.15034857828869
+0.07849590954 -192957.55540802198811
+0.07859576556 -193203.04340593144298
+0.07869562158 -193448.61326651129639
+0.0787954776 -193694.26364229948376
+0.0788953336200001 -193939.99265464916243
+0.07899518964 -194185.79703508043895
+0.07909504566 -194431.66642573248828
+0.07919490168 -194677.61353049808531
+0.0792947577 -194923.64737572809099
+0.0793946137200001 -195169.76757826737594
+0.0794944697400001 -195415.97375480510527
+0.07959432576 -195662.26552142435685
+0.07969418178 -195908.64249301800737
+0.0797940378 -196155.10428273398429
+0.0798938938199999 -196401.65050133812474
+0.0799937498400001 -196648.31172617149423
+0.08009360586 -196895.09683592343936
+0.08019346188 -197141.98873440810712
+0.0802933179 -197388.98214630267466
+0.0803931739200001 -197636.07396106692613
+0.0804930299400001 -197883.26197167136706
+0.08059288596 -198130.54444898458314
+0.08069274198 -198377.91994877794059
+0.080792598 -198625.38720789886429
+0.0808924540199999 -198872.94508084128029
+0.0809923100400001 -199120.59249618015019
+0.08109216606 -199368.32842213113327
+0.08119202208 -199616.15183395182248
+0.0812918781 -199864.06167448163615
+0.08139173412 -200112.05678690216155
+0.0814915901400001 -200360.13569783535786
+0.0815914461600001 -200608.29652428848203
+0.08169130218 -200856.53993437916506
+0.0817911582 -201104.86522669941769
+0.08189101422 -201353.26546382234665
+0.0819908702399999 -201601.74335465830518
+0.0820907262600001 -201850.3085430226929
+0.08219058228 -202098.96045217715437
+0.0822904383 -202347.69853031242383
+0.08239029432 -202596.52223741429043
+0.0824901503400001 -202845.43103646597592
+0.0825900063600001 -203094.42438536114059
+0.08268986238 -203343.5017274748534
+0.0827897184 -203592.6624779982958
+0.08288957442 -203841.9060000947502
+0.08298943044 -204091.23155313945608
+0.0830892864600001 -204340.63813206422492
+0.08318914248 -204590.12333753608982
+0.0832889985 -204839.68890968977939
+0.08338885452 -205089.33649913634872
+0.08348871054 -205339.0655483257724
+0.0835885665600001 -205588.87540543079376
+0.08368842258 -205838.76515292545082
+0.0837882786 -206088.73298547312152
+0.08388813462 -206338.78097267783596
+0.08398799064 -206588.90918421756942
+0.0840878466599999 -206839.11692622149712
+0.0841877026800001 -207089.40297345691943
+0.0842875587 -207339.76603122768574
+0.08438741472 -207590.2092550995585
+0.08448727074 -207840.73232692317106
+0.0845871267600001 -208091.3348713403393
+0.0846869827800001 -208342.01650727514061
+0.0847868388 -208592.77684656096972
+0.08488669482 -208843.61549229928642
+0.08498655084 -209094.53203680575825
+0.0850864068599999 -209345.52605913055595
+0.0851862628800001 -209596.59712177497568
+0.0852861189 -209847.74476650601719
+0.08538597492 -210098.96850862397696
+0.08548583094 -210350.26782912455383
+0.0855856869599999 -210601.64216331802891
+0.0856855429800001 -210853.09088380399044
+0.0857853990000001 -211104.61327316708048
+0.08588525502 -211356.20847703042091
+0.08598511104 -211607.87541364747449
+0.08608496706 -211859.61256806732854
+0.0861848230799999 -212111.41734810284106
+0.0862846791000001 -212363.28125831193756
+0.08638453512 -212615.21211469490663
+0.08648439114 -212867.22041599245858
+0.08658424716 -213119.30590027940343
+0.0866841031800001 -213371.46830572589533
+0.0867839592000001 -213623.70737052350887
+0.08688381522 -213876.02283279615222
+0.08698367124 -214128.41723392083077
+0.08708352726 -214380.89476992597338
+0.0871833832799999 -214633.45194163071574
+0.0872832393000001 -214886.08753377094399
+0.08738309532 -215138.80079297767952
+0.08748295134 -215391.59114043079899
+0.08758280736 -215644.45808628201485
+0.08768266338 -215897.40119312735624
+0.0877825194000001 -216150.42005738260923
+0.08788237542 -216403.51429850334534
+0.08798223144 -216656.68355226764106
+0.08808208746 -216909.92746628282475
+0.08818194348 -217163.24569681572029
+0.0882817994999999 -217416.63790648826398
+0.0883816555200001 -217670.10376247816021
+0.08848151154 -217923.64293509876006
+0.08858136756 -218177.2550966036215
+0.08868122358 -218430.93992021487793
+0.0887810796000001 -218684.69707916263724
+0.0888809356200001 -218938.52624590523192
+0.08898079164 -219192.4270912859065
+0.08908064766 -219446.39928374733427
+0.08918050368 -219700.44248849147698
+0.0892803597 -219954.55636660123128
+0.0893802157200001 -220208.74057401510072
+0.08948007174 -220462.99476039182628
+0.08957992776 -220717.31856765251723
+0.08967978378 -220971.71162815557909
+0.0897796398000001 -221226.1735620261461
+0.0898794958200001 -221480.70397295700968
+0.08997935184 -221735.3024400168506
+0.09007920786 -221989.96849514069618
+0.09017906388 -222244.70146154583199
+0.0902789199 -222499.50114360326552
+0.0903787759199999 -222754.3675105383445
+0.0904786319400001 -223009.30009948092629
+0.09057848796 -223264.2984200938954
+0.09067834398 -223519.37256373793934
+0.0907782 -223774.53108379122568
+0.0908780560200001 -224029.76470708684064
+0.0909779120400001 -224285.07557622002787
+0.09107776806 -224540.47042581046117
+0.09117762408 -224795.9412598136696
+0.0912774801 -225051.48453924618661
+0.0913773361199999 -225307.09747515720665
+0.0914771921400001 -225562.77718934754375
+0.09157704816 -225818.52137766696978
+0.09167690418 -226074.322370286769
+0.0917767602 -226330.16971764570917
+0.0918766162200001 -226586.09245520684635
+0.0919764722400001 -226842.09058390354039
+0.09207632826 -227098.16329469598713
+0.09217618428 -227354.32603044155985
+0.0922760403 -227610.6057924196939
+0.09237589632 -227866.98074183493736
+0.0924757523399999 -228123.44737860170426
+0.09257560836 -228380.00309652474243
+0.09267546438 -228636.64548465004191
+0.0927753204 -228893.37267332180636
+0.09287517642 -229150.18310217605904
+0.0929750324400001 -229407.07539377515786
+0.0930748884600001 -229664.04826761464938
+0.09317474448 -229921.10045968886698
+0.0932746005 -230178.23059621101129
+0.09337445652 -230435.436590627447
+0.0934743125399999 -230692.71723503642716
+0.0935741685600001 -230950.07183665467892
+0.09367402458 -231207.5003508728405
+0.0937738806 -231465.01375159190502
+0.09387373662 -231722.6688232353481
+0.0939735926400001 -231980.44058723736089
+0.0940734486600001 -232238.31729007480317
+0.09417330468 -232496.29345387141802
+0.0942731607 -232754.36555530526675
+0.09437301672 -233012.53100296139019
+0.0944728727399999 -233270.78773712806287
+0.0945727287600001 -233529.13403413887136
+0.0946725847800001 -233787.56839651564951
+0.0947724408 -234046.08948477750528
+0.09487229682 -234304.69607140097651
+0.09497215284 -234563.38700705528026
+0.0950720088600001 -234822.16119350623921
+0.0951718648800001 -235081.01755920230062
+0.0952717209 -235339.95503430737881
+0.09537157692 -235598.97252064806526
+0.09547143294 -235858.06884962692857
+0.0955712889599999 -236117.24271246229182
+0.0956711449800001 -236376.4925211124355
+0.095771001 -236635.81604843292735
+0.09587085702 -236895.20874741172884
+0.09597071304 -237154.66380025623948
+0.0960705690600001 -237414.19903580439859
+0.0961704250800001 -237673.81481513899053
+0.0962702811 -237933.51063195453025
+0.09637013712 -238193.28598913550377
+0.09646999314 -238453.14039689526544
+0.09656984916 -238713.07337091176305
+0.0966697051800001 -238973.08443043840816
+0.0967695612 -239233.17309625924099
+0.09686941722 -239493.3388885226741
+0.09696927324 -239753.58132421752089
+0.09706912926 -240013.89991423627362
+0.0971689852800001 -240274.29415980356862
+0.0972688413 -240534.76354788168101
+0.09736869732 -240795.30778976844158
+0.09746855334 -241055.92676304397173
+0.09756840936 -241316.61955799185671
+0.0976682653799999 -241577.38542080280604
+0.0977681214000001 -241838.2235536823282
+0.09786797742 -242099.133032592159
+0.09796783344 -242360.11268767854199
+0.09806768946 -242621.16081420477713
+0.0981675454800001 -242882.2739590985002
+0.0982674015000001 -243143.44502606525202
+0.09836725752 -243404.68974261934636
+0.09846711354 -243666.00960769964149
+0.09856696956 -243927.40432319280808
+0.09866682558 -244188.87359430047218
+0.0987666816000001 -244450.41712915897369
+0.09886653762 -244712.03463857405586
+0.09896639364 -244973.72583573136944
+0.09906624966 -245235.49043596166302
+0.09916610568 -245497.32815648571705
+0.0992659617000001 -245759.23871621661237
+0.0993658177200001 -246021.22183555329684
+0.09946567374 -246283.27723616076401
+0.09956552976 -246545.40464077654178
+0.09966538578 -246807.60377302495181
+0.0997652417999999 -247069.87435719193309
+0.0998650978200001 -247332.21611804820714
+0.09996495384 -247594.62878060096409
diff --git a/DATASET/P=140000Pa/box_confined.data b/DATASET/P=140000Pa/box_confined.data
new file mode 100644
index 0000000..03b307a
--- /dev/null
+++ b/DATASET/P=140000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2102318
+
+240 atoms
+6 atom types
+
+0.027305450000000002 0.07269455 xlo xhi
+0.027305450000000002 0.07269455 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+235 1 0.0035 1071.4285714285713 0.029243281155639254 0.02815670501731188 0 0 1 0
+233 1 0.0035 1071.4285714285713 0.03447104204957606 0.028594386831449145 0 0 1 0
+237 1 0.0025 1500.0000000000005 0.037370923321399026 0.028535867714322784 0 0 1 0
+236 1 0.0035 1071.4285714285713 0.04033114039190241 0.02821328296228024 0 0 1 0
+17 1 0.0025 1500.0000000000005 0.045536223212248254 0.029013298729044144 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.048418661411863864 0.029118849418342717 0 0 0 0
+14 1 0.0035 1071.4285714285713 0.051952967809459336 0.029033283525102177 0 0 0 0
+9 1 0.0035 1071.4285714285713 0.057616234348529055 0.029159768482131424 0 0 0 0
+15 1 0.0025 1500.0000000000005 0.0660675608138074 0.027855789408433276 0 0 0 0
+239 1 0.0025 1500.0000000000005 0.07172173332090523 0.028262749394535432 0 0 1 0
+10 1 0.0035 1071.4285714285713 0.027364093039060514 0.03112170752623295 0 1 0 0
+2 1 0.0035 1071.4285714285713 0.03171431666141137 0.03072827653376473 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.03455914473438752 0.0316112403384312 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.03690768733199133 0.03093692861663826 0 0 0 0
+13 1 0.0035 1071.4285714285713 0.03975019475888773 0.03160058736981713 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.042964157474137704 0.03040552568691524 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.05295554564249402 0.031784384851887934 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.054807534780641466 0.03003498183707009 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.06098906068550936 0.02971139986893535 0 0 0 0
+20 1 0.0035 1071.4285714285713 0.06448157109770125 0.030365686882561093 0 0 0 0
+16 1 0.0025 1500.0000000000005 0.06758459171599734 0.029863731814565263 0 0 0 0
+22 1 0.0025 1500.0000000000005 0.07004475071595472 0.029989466356874054 0 -1 0 0
+29 1 0.0025 1500.0000000000005 0.02971145695394249 0.032859067717088714 0 0 0 0
+26 1 0.0035 1071.4285714285713 0.033177925991096015 0.034175111609848895 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.03659016270355367 0.03383487623433153 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.04238192415192574 0.03379242341465207 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.04631978778587631 0.031841085731560456 0 0 0 0
+23 1 0.0035 1071.4285714285713 0.049999356637765724 0.032137572165949625 0 0 0 0
+28 1 0.0035 1071.4285714285713 0.05547711630486694 0.03335996177359197 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.058778108617216676 0.03238639324726618 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.06219724309515515 0.03294317086040021 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.06489928042381682 0.0341965501586845 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.066788892424501 0.03219873991619948 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.06970264005312105 0.03289681841509307 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.027463822322477068 0.03474077758273458 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.030429974828135687 0.03524121820564976 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.035054622991015735 0.036398910762589436 0 0 0 0
+30 1 0.0025 1500.0000000000005 0.03950181803725923 0.03460249393014313 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.04790098420616027 0.034875028054683815 0 0 0 0
+43 1 0.0035 1071.4285714285713 0.05225991430840714 0.03477609233444842 0 0 0 0
+49 1 0.0025 1500.0000000000005 0.05767028600389036 0.03528847803679194 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.06011877095279005 0.03503347215362707 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.0628574544381701 0.03630824807281324 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.06734738888505952 0.03460653868222527 0 0 0 0
+59 1 0.0035 1071.4285714285713 0.06976178465025187 0.036320639696748536 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.029223986415680008 0.03734050766705773 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.032239433188574945 0.03755468560960783 0 0 0 0
+34 1 0.0035 1071.4285714285713 0.037965796812130546 0.03715278070984188 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.04114562952679324 0.03648153437188469 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.0447514710909285 0.03631327281342252 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.047580299501252823 0.03832730736099309 0 0 0 0
+48 1 0.0025 1500.0000000000005 0.05013830300671333 0.0367799334245977 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.052371077701737864 0.03779277089655984 0 0 0 0
+56 1 0.0035 1071.4285714285713 0.05512007497255888 0.03683016613804876 0 0 0 0
+67 1 0.0025 1500.0000000000005 0.06006194726207678 0.03747862070522478 0 0 0 0
+63 1 0.0035 1071.4285714285713 0.0661237832915043 0.037352390595989854 0 0 0 0
+61 1 0.0035 1071.4285714285713 0.029958516039520496 0.04015080852594661 0 0 0 0
+45 1 0.0035 1071.4285714285713 0.03520568254720805 0.03928820378078816 0 0 0 0
+66 1 0.0025 1500.0000000000005 0.03794058582624213 0.04040731996874984 0 0 0 0
+51 1 0.0035 1071.4285714285713 0.04060873245196581 0.039301465970066715 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.043490329491420864 0.03895577085705084 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.04543979701872526 0.04047266950095151 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.05068870013336 0.04022652560971347 0 0 0 0
+74 1 0.0035 1071.4285714285713 0.054247127191717454 0.040250777728882844 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.0576142256204717 0.039185518247216465 0 0 0 0
+71 1 0.0035 1071.4285714285713 0.06212858469483218 0.039669449275217546 0 0 0 0
+77 1 0.0035 1071.4285714285713 0.06537758679236967 0.040698858113717054 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.06874425655440634 0.03959955001566237 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.07210685097660359 0.038941981064581986 0 -1 0 0
+78 1 0.0025 1500.0000000000005 0.02846580042133021 0.04267159624500062 0 0 0 0
+86 1 0.0025 1500.0000000000005 0.030895982210677134 0.04297146329943516 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.03288654635100477 0.041087520634365805 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.035239734923931544 0.04222688705418728 0 0 0 0
+90 1 0.0025 1500.0000000000005 0.03758836050617583 0.04290238438146397 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.039930700333886446 0.04225368227418647 0 0 0 0
+76 1 0.0035 1071.4285714285713 0.04284315389963839 0.04185028414299328 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.04780579734070519 0.041281635002379004 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.0520225238274561 0.04287810538947288 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.05741651027641381 0.042225707296963386 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.05967393185670791 0.041257276095786714 0 0 0 0
+79 1 0.0035 1071.4285714285713 0.062322555956057256 0.04305724535704267 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.06786018308863032 0.04234484126993142 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.0710086489616603 0.04229145730473296 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.028999548398464435 0.04509547201139312 0 1 0 0
+95 1 0.0025 1500.0000000000005 0.033272864035540514 0.043602746228439536 0 0 0 0
+83 1 0.0025 1500.0000000000005 0.0359680122122226 0.04477258450005212 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.04152377253237965 0.04447049475203219 0 0 0 0
+69 1 0.0035 1071.4285714285713 0.04586358841857336 0.0434217506966731 0 0 0 0
+70 1 0.0035 1071.4285714285713 0.04925635064312373 0.04395391918723635 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.05493460749277454 0.04370025464064271 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.05748080636459992 0.04521545414364019 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.059394900715516834 0.04373752954263836 0 0 0 0
+96 1 0.0035 1071.4285714285713 0.06560411711430846 0.044149171648413525 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.06895022333506992 0.04503110323954852 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.0719495575500642 0.04511908469245739 0 0 0 0
+99 1 0.0025 1500.0000000000005 0.027478974443537085 0.047414335984550054 0 0 0 0
+107 1 0.0025 1500.0000000000005 0.03138450051087356 0.04550100855887186 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.02996448432764908 0.04751322226247892 0 0 0 0
+104 1 0.0025 1500.0000000000005 0.033750180710609416 0.04600985508255096 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.03881218824691379 0.045558410832090064 0 0 0 0
+115 1 0.0035 1071.4285714285713 0.04166486425063629 0.047468024284995906 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.04374537149512943 0.04539071601654038 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.04670949101280501 0.04632835010262983 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.04925514189440476 0.04776694328937878 0 0 0 0
+91 1 0.0035 1071.4285714285713 0.05206279541243065 0.0458745772036552 0 0 0 0
+112 1 0.0035 1071.4285714285713 0.05533577643210364 0.04716821326235891 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.06024580035942393 0.0460424058121842 0 0 0 0
+100 1 0.0035 1071.4285714285713 0.06317732238439479 0.04654971858246681 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.06647699663720055 0.04749608582113628 0 0 0 0
+110 1 0.0035 1071.4285714285713 0.03283163221387558 0.048741867922656744 0 0 0 0
+125 1 0.0035 1071.4285714285713 0.03610715094987387 0.047706200363555766 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.03892252748574378 0.04857767199543406 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.04462749306726929 0.04767441304003671 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.05251055454472929 0.049209233597115556 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.05528184661620044 0.05014684407881445 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.05823403803460255 0.047540900516927324 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.06082833566885889 0.04895641882988089 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.06409950612229108 0.05000101669851659 0 0 0 0
+114 1 0.0035 1071.4285714285713 0.06985439979056553 0.04831209839746502 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.029865240817409204 0.05045938250729206 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.03527759958038652 0.05052527217144508 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.03810190051941473 0.051410443027858764 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.04339360663477466 0.04986109141699655 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.04449715309294571 0.05237321211459039 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.046395684340282725 0.050010048163339114 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.04962515023814631 0.05118097477278462 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.05810230230696922 0.05095420237787721 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.06744948549227871 0.05076339640739825 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.07035656993361195 0.05128329228834935 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.07237078158682454 0.04981927367821418 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.029752643515399236 0.053871715565732364 0 0 0 0
+136 1 0.0035 1071.4285714285713 0.03283066991157733 0.05218088967284997 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.03919691780243401 0.054200319071657156 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.04146788109612761 0.05227300463181985 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.047196495904105955 0.053628378209731764 0 0 0 0
+132 1 0.0025 1500.0000000000005 0.05010254728235806 0.05411205120482521 0 0 0 0
+141 1 0.0035 1071.4285714285713 0.05269237090297511 0.05267623295374268 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.055636309962972974 0.05255011932337653 0 0 0 0
+137 1 0.0025 1500.0000000000005 0.057650377882167064 0.05401172170934257 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.06150102278581434 0.0523360158496539 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.0652869553024 0.052738582980734194 0 0 0 0
+148 1 0.0035 1071.4285714285713 0.06882542576433145 0.053868885775125316 0 0 0 0
+129 1 0.0025 1500.0000000000005 0.07264091612866934 0.05223460389309413 0 -1 0 0
+145 1 0.0035 1071.4285714285713 0.03270612753925033 0.05570990285637761 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.0359880364980427 0.05421311239548419 0 0 0 0
+150 1 0.0035 1071.4285714285713 0.041419724722657085 0.056004564878202795 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.04407676397299753 0.05487387390682827 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.0488109071532918 0.056124514977394895 0 0 0 0
+161 1 0.0035 1071.4285714285713 0.05168513512892637 0.05674196064148208 0 0 0 0
+152 1 0.0035 1071.4285714285713 0.05483487679622337 0.05533576173258899 0 0 0 0
+151 1 0.0025 1500.0000000000005 0.05996609035592749 0.054867394961991 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.0632182023992794 0.055340643072520436 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.06612959868589326 0.05516034006958781 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.07200994846793604 0.05523971499105892 0 0 0 0
+155 1 0.0035 1071.4285714285713 0.029408015984646055 0.05730392392180792 0 0 0 0
+169 1 0.0025 1500.0000000000005 0.03205915274634347 0.058580639174699405 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.035128901326503176 0.057375866060858545 0 0 0 0
+146 1 0.0035 1071.4285714285713 0.03808058481121101 0.05698468842154886 0 0 0 0
+153 1 0.0025 1500.0000000000005 0.040407083838428746 0.05883294108456796 0 0 0 0
+165 1 0.0035 1071.4285714285713 0.04330435897768929 0.05890068489634625 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.04612979262420546 0.05700957682640615 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.05474111088077079 0.05874637550248494 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.057853249655504695 0.0571009074450473 0 0 0 0
+168 1 0.0025 1500.0000000000005 0.06082467929985078 0.05713460720212637 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.06540630749931976 0.05749395067868772 0 0 0 0
+180 1 0.0035 1071.4285714285713 0.06843635311757812 0.057291310067516754 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.07158039237855102 0.05864787483754608 0 0 0 0
+166 1 0.0025 1500.0000000000005 0.02871961818155899 0.060192534308655954 0 1 0 0
+172 1 0.0025 1500.0000000000005 0.03150286772099826 0.06093069321820461 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.03458516144918741 0.06026644541710069 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.038042433303873115 0.060568577069209865 0 0 0 0
+186 1 0.0025 1500.0000000000005 0.0460784784932799 0.060075578171282534 0 0 0 0
+160 1 0.0035 1071.4285714285713 0.048887859249445303 0.059120033844790074 0 0 0 0
+171 1 0.0025 1500.0000000000005 0.0519300136811143 0.05976222547491965 0 0 0 0
+170 1 0.0025 1500.0000000000005 0.05743583812757461 0.06015872861049251 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.059833452037887765 0.05935847299300737 0 0 0 0
+176 1 0.0035 1071.4285714285713 0.06282731837665265 0.059261715630766605 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.06606000696961543 0.06051870265147516 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.06903707691474972 0.060151064322896075 0 0 0 0
+184 1 0.0025 1500.0000000000005 0.029554805215475776 0.06251927819079338 0 1 0 0
+188 1 0.0025 1500.0000000000005 0.03312060829957253 0.06283715743001092 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.03604138852691191 0.06339026498262215 0 0 0 0
+179 1 0.0025 1500.0000000000005 0.03898280781814824 0.06342901172117182 0 0 0 0
+173 1 0.0035 1071.4285714285713 0.04131354598282425 0.06163574710618194 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.044273219577592046 0.061713987090599026 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.04709085813893276 0.06292758920187211 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.05045261676893105 0.062273195497567164 0 0 0 0
+181 1 0.0035 1071.4285714285713 0.053982924716592356 0.0621281903574222 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.056987526357012375 0.06250417887491654 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.06065283885126386 0.06229961557213944 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.06358798545117461 0.062110705045668985 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.06843896572532951 0.06304287224610355 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.07178990748009056 0.06215218540144263 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.028195429814083527 0.06508804090378677 0 1 0 0
+202 1 0.0025 1500.0000000000005 0.031164727234762095 0.06435678125727738 0 0 0 0
+196 1 0.0025 1500.0000000000005 0.03796885195954926 0.06564370007676343 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.041520010864542004 0.06508722880079258 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.04446749507399598 0.06437248248054422 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.049277925395107884 0.06555287736397059 0 0 0 0
+203 1 0.0035 1071.4285714285713 0.05281251008047143 0.06543005337067302 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.055629559293717705 0.06457870740277684 0 0 0 0
+212 1 0.0035 1071.4285714285713 0.058537281152118044 0.06501326913267748 0 0 0 0
+227 1 0.0035 1071.4285714285713 0.06206386500121629 0.06544134798997049 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.06534447186087611 0.06447771497534044 0 0 0 0
+224 1 0.0035 1071.4285714285713 0.07031972107520684 0.06590605256748028 0 0 0 0
+204 1 0.0035 1071.4285714285713 0.030655968043438175 0.06781878454636196 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.033676165535706744 0.06592307742177861 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.03630206411258124 0.06806944019237604 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.039734829644792524 0.06804223863521594 0 0 0 0
+207 1 0.0025 1500.0000000000005 0.04395656878369516 0.0667695367548399 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.046353592908104695 0.06612687242322876 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.05584578358203342 0.0674703654326745 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.06505777996130557 0.06747096971327998 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.06740629363589676 0.06673646434013121 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.03340702888724781 0.06886068182075598 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.04252827041272272 0.06883666266514855 0 0 0 0
+211 1 0.0035 1071.4285714285713 0.045397724911510715 0.06934352837745272 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.04823867185196146 0.06837098631660754 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.05123459946960648 0.06843867808985375 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.053870472256894654 0.06975799179750167 0 0 0 0
+232 1 0.0035 1071.4285714285713 0.059161503376354035 0.06844507858255648 0 0 0 0
+231 1 0.0035 1071.4285714285713 0.06259631352835747 0.06903787486556077 0 0 0 0
+6 1 0.0035 1071.4285714285713 0.065881341182773 0.07029354155453721 0 0 -1 0
+230 1 0.0035 1071.4285714285713 0.06915360283423683 0.06915368220190166 0 0 0 0
+218 1 0.0035 1071.4285714285713 0.07261241488270208 0.06842726570184865 0 -1 0 0
+216 1 0.0025 1500.0000000000005 0.02927971178071488 0.07056040124500444 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.032054860821254874 0.07150331523394218 0 0 0 0
+223 1 0.0025 1500.0000000000005 0.0349880912360576 0.0707323057385832 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.03798236691767512 0.07104646624601246 0 0 0 0
+215 1 0.0025 1500.0000000000005 0.040934185669737944 0.07075006544204608 0 0 0 0
+225 1 0.0035 1071.4285714285713 0.04345619087315636 0.07225217995413487 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.0464185203659392 0.07212955128872392 0 0 0 0
+217 1 0.0035 1071.4285714285713 0.049182687678183075 0.0711407099042044 0 0 0 0
+240 1 0.0025 1500.0000000000005 0.05208997290769132 0.07144368562863324 0 0 0 0
+1 1 0.0035 1071.4285714285713 0.05491108697179579 0.07247684388606909 0 0 -1 0
+4 1 0.0025 1500.0000000000005 0.05688764500095371 0.07029650037086194 0 0 -1 0
+12 1 0.0035 1071.4285714285713 0.05977011523439152 0.0718353926037832 0 0 -1 0
+3 1 0.0035 1071.4285714285713 0.06318592814172097 0.0724437195247747 0 0 -1 0
+238 1 0.0035 1071.4285714285713 0.0689264446950816 0.07259149584465692 0 0 0 0
+229 1 0.0025 1500.0000000000005 0.0715829309456681 0.07120886765794676 0 0 0 0
+
+Velocities
+
+235 11.088588485418894 -10.414017808005502 0 0 0 0
+233 18.258786302092503 -16.80799192041474 0 0 0 0
+237 23.33493015472899 10.978611532147365 0 0 0 0
+236 -20.976572501878767 -7.838018547834923 0 0 0 0
+17 10.799633623663357 -65.16343603130125 0 0 0 0
+5 -39.60142918210774 -27.683713641528524 0 0 0 0
+14 -18.348090810911625 5.183547870438195 0 0 0 0
+9 -17.9890472565425 24.735536934245545 0 0 0 0
+15 -71.2350873733777 -26.600035101931947 0 0 0 0
+239 35.19841663543833 -29.7966643325809 0 0 0 0
+10 7.383338795828569 -29.68192464452565 0 0 0 0
+2 -15.9335485965339 10.597917658199862 0 0 0 0
+8 18.55333950491415 0.3085851417955105 0 0 0 0
+7 -51.22118519317727 36.519028445950404 0 0 0 0
+13 33.39620888122076 -18.47265246318049 0 0 0 0
+11 -25.605388544270863 2.8689498410450236 0 0 0 0
+38 6.153050489042944 25.10120642526084 0 0 0 0
+18 -68.69989630227025 5.483277171834704 0 0 0 0
+21 37.84062233426818 13.772777312126392 0 0 0 0
+20 -4.446280655702883 -0.7595197100851268 0 0 0 0
+16 -11.866913780657361 39.227302406591804 0 0 0 0
+22 38.770409053102284 28.823006156140384 0 0 0 0
+29 15.539271023675166 48.65304287938795 0 0 0 0
+26 39.044719429372506 49.67568829693584 0 0 0 0
+19 2.946914500264372 -35.69460153608119 0 0 0 0
+27 -3.2473416855495465 18.94268655822923 0 0 0 0
+25 -18.953559279229456 -7.926601763091858 0 0 0 0
+23 24.114951928244338 28.034986558756202 0 0 0 0
+28 20.05051226001078 -17.334776551488833 0 0 0 0
+31 -2.432677004383042 3.015330110090918 0 0 0 0
+41 15.188421430389726 -7.261357357880709 0 0 0 0
+44 -44.73121373037828 -52.14910933612454 0 0 0 0
+24 5.67259609260238 34.99535408439708 0 0 0 0
+36 -15.55188822071134 -9.095657774329124 0 0 0 0
+40 -12.391346400649597 21.31596635365889 0 0 0 0
+39 -9.331324991033632 69.99874361162928 0 0 0 0
+37 41.30747836820662 9.771002837758221 0 0 0 0
+30 -18.666328532455978 53.116885618867336 0 0 0 0
+33 -15.342627890692665 10.125982993142461 0 0 0 0
+43 -0.4406891500083474 -19.058523884021096 0 0 0 0
+49 22.55410996976191 48.952855729023376 0 0 0 0
+50 6.543728949057457 4.753547819886864 0 0 0 0
+58 -10.100265476090698 -31.737910580120605 0 0 0 0
+53 48.51686103691071 58.550905768635104 0 0 0 0
+59 -7.057656902477492 -15.123990384873432 0 0 0 0
+54 -26.74364249921036 -26.177264366448867 0 0 0 0
+52 -9.268073203363466 -55.084488046385474 0 0 0 0
+34 -15.14874779188089 -17.743581116852372 0 0 0 0
+32 23.587259952126214 -50.68754094318562 0 0 0 0
+35 -10.010343495516002 6.416067667904866 0 0 0 0
+42 41.03527709223699 19.092295907222837 0 0 0 0
+48 -26.098624333892836 -13.339988824191192 0 0 0 0
+62 -59.23581860484183 -13.395185990834245 0 0 0 0
+56 15.278550497095448 31.28850417356053 0 0 0 0
+67 12.631097257703699 30.865016487239906 0 0 0 0
+63 2.489134391156643 2.9582319365673566 0 0 0 0
+61 6.104290066544335 -12.237958250793277 0 0 0 0
+45 33.60959880041902 -36.13211800353032 0 0 0 0
+66 -9.291927378332145 -1.2091655078448436 0 0 0 0
+51 -3.9964846283842714 -9.007288602999793 0 0 0 0
+46 32.67860835722769 -35.65613058595825 0 0 0 0
+60 25.557471535099985 0.43876046825186144 0 0 0 0
+57 -13.20446314071168 -9.714192087685614 0 0 0 0
+74 -4.695950608139596 2.726082264238329 0 0 0 0
+55 14.118481216641827 -30.71715181002773 0 0 0 0
+71 -26.63624801049834 -6.91848315775629 0 0 0 0
+77 -29.68881152439529 18.97530996400781 0 0 0 0
+64 -15.677190318985526 -8.497833263593327 0 0 0 0
+65 29.401095341138056 -23.220840252184246 0 0 0 0
+78 3.983198200560241 -10.954872714258267 0 0 0 0
+86 15.054552702569998 -8.399169532667752 0 0 0 0
+84 -30.64868806817202 -52.860736207265006 0 0 0 0
+68 19.128777088954195 4.395264617861511 0 0 0 0
+90 24.456634134313852 9.709705837461609 0 0 0 0
+72 15.026286506634769 -19.389348151492797 0 0 0 0
+76 -5.257001703099325 3.3194168977400316 0 0 0 0
+47 -34.625483821593626 12.089205213310931 0 0 0 0
+87 -23.91629445548784 0.04642242046446016 0 0 0 0
+81 14.819578677367439 34.450921228123484 0 0 0 0
+75 -52.5164296997211 8.966483763239932 0 0 0 0
+79 -16.02709235652728 -18.899488288689277 0 0 0 0
+88 31.18915491513065 22.604232240134447 0 0 0 0
+82 -11.286883766157727 -4.2425254721561725 0 0 0 0
+85 -31.944339929654234 37.47616752596549 0 0 0 0
+95 7.30421375890695 14.637964459844877 0 0 0 0
+83 -20.72484258960155 -29.426718563441696 0 0 0 0
+73 14.923958106471167 -36.37564458696879 0 0 0 0
+69 8.79336893243682 14.218779903625434 0 0 0 0
+70 -3.074590113822751 19.49481221724144 0 0 0 0
+92 1.1211537424122358 -17.12523050429746 0 0 0 0
+89 -17.38401803429171 25.266047729449053 0 0 0 0
+80 10.624388127405414 17.44186342137749 0 0 0 0
+96 -39.491029310863496 -11.622215976656705 0 0 0 0
+106 -10.252973373628464 13.708458321014126 0 0 0 0
+93 19.995045047010166 33.768654655019056 0 0 0 0
+99 -59.2159617358951 -18.745456192367552 0 0 0 0
+107 -15.369821109534039 12.836611674415684 0 0 0 0
+105 46.39552641775113 6.630339542633548 0 0 0 0
+104 -1.2256401148573892 -31.617543886312923 0 0 0 0
+98 23.11372403508913 8.907398088697873 0 0 0 0
+115 25.162247688989954 -45.415294741962484 0 0 0 0
+94 -2.287152060179096 30.643460816404414 0 0 0 0
+97 -5.7943212339090415 -38.3894583549357 0 0 0 0
+108 -23.065043014696172 20.508545376363692 0 0 0 0
+91 -14.454841248596374 11.484617266021516 0 0 0 0
+112 -11.005386373475659 -16.9737313065023 0 0 0 0
+103 -39.107701572752475 -8.263764336100564 0 0 0 0
+100 30.462010665958616 16.766297515505535 0 0 0 0
+101 -7.364567180100325 13.861102958451442 0 0 0 0
+110 34.13861460251785 -22.61306378397232 0 0 0 0
+125 46.025779308869566 7.531205079052602 0 0 0 0
+109 22.721851569614376 48.364731734579095 0 0 0 0
+116 8.73080587447749 -13.711509843866509 0 0 0 0
+123 4.921157999930377 19.454404432501445 0 0 0 0
+121 -19.393658862883257 22.497712464482834 0 0 0 0
+102 -26.394719111261114 0.5457140524523663 0 0 0 0
+113 -1.0693297067375689 11.881319672907384 0 0 0 0
+124 5.607663012092666 -6.409071466917656 0 0 0 0
+114 28.72810577745112 23.380076485492477 0 0 0 0
+122 21.314160574202795 28.59492313269321 0 0 0 0
+119 -28.64363000039685 0.6453324888167853 0 0 0 0
+138 5.321289545504752 31.125794721677977 0 0 0 0
+118 40.769195703007384 3.6417701664502222 0 0 0 0
+127 22.6865234013817 33.08927598305665 0 0 0 0
+111 11.630555286781336 -6.085999240608999 0 0 0 0
+126 6.937199894589753 9.344021521844068 0 0 0 0
+120 27.614460921056406 10.811393825051772 0 0 0 0
+143 22.57368896643612 -18.34225822502085 0 0 0 0
+130 -7.274293253374344 32.33299279721389 0 0 0 0
+117 -13.474896684055107 26.57726244885525 0 0 0 0
+144 -1.9840904152079495 -1.1121724943043212 0 0 0 0
+136 -14.846219586242524 18.710489557487296 0 0 0 0
+142 19.267820812528583 11.480352362558994 0 0 0 0
+128 16.058810812758875 -1.7830905069345167 0 0 0 0
+134 19.191101751036946 -13.297825439275138 0 0 0 0
+132 -9.717038741925842 13.600446777579952 0 0 0 0
+141 18.683780026782397 26.72213217062661 0 0 0 0
+139 -2.331921191948639 1.244678844496603 0 0 0 0
+137 7.084148326079431 -60.56716096111967 0 0 0 0
+131 18.76207454435486 -14.720782327134648 0 0 0 0
+156 4.8579418240619034 0.5581816563979111 0 0 0 0
+148 17.823571930285745 -33.727754454109025 0 0 0 0
+129 66.5085176937756 -12.787003564358226 0 0 0 0
+145 -6.40006485877911 -25.765095801564268 0 0 0 0
+140 15.63592354891712 4.631005628860615 0 0 0 0
+150 25.5509665180698 -4.130582274396575 0 0 0 0
+135 16.394885346761864 73.83132499043782 0 0 0 0
+147 -20.694772609263822 16.208051333451664 0 0 0 0
+161 -21.102235188232164 0.34764911509777163 0 0 0 0
+152 17.9096573234788 -2.8617397458036797 0 0 0 0
+151 11.468016270545856 33.171768005340695 0 0 0 0
+158 29.71799504529516 -2.661619528243835 0 0 0 0
+149 -44.171523047396114 11.406472074592255 0 0 0 0
+133 -1.5140536110548393 -44.147116873180565 0 0 0 0
+155 26.965578199700627 -20.473852694614145 0 0 0 0
+169 -46.81766933965851 21.24733556081023 0 0 0 0
+164 -3.8827579269887282 -15.163351491457423 0 0 0 0
+146 -1.2045302830376623 7.077264676009025 0 0 0 0
+153 -29.99483144536482 -7.399315453293672 0 0 0 0
+165 -24.738022966582307 -1.2126824733295878 0 0 0 0
+154 -9.686797861776851 -18.35926167125152 0 0 0 0
+163 -22.478487167010666 -15.704933340118773 0 0 0 0
+157 21.70091068377961 -3.666336212633487 0 0 0 0
+168 15.787670519562635 22.798593285152755 0 0 0 0
+159 -5.6821624634504735 44.436940133462585 0 0 0 0
+180 11.62005684012203 -7.977235242167834 0 0 0 0
+175 -26.72042653263431 -4.965899110998581 0 0 0 0
+166 -9.160319010655842 23.659173618087614 0 0 0 0
+172 -4.438256594504784 7.172475923551945 0 0 0 0
+178 32.74353943688475 -20.878750383760885 0 0 0 0
+162 17.925828432013024 -0.5247105777609449 0 0 0 0
+186 -4.845961216758575 5.155325706958454 0 0 0 0
+160 4.756973476348555 1.9876979477991155 0 0 0 0
+171 26.931296893492306 -20.39675486301697 0 0 0 0
+170 -42.74549911592214 -11.25256823886214 0 0 0 0
+189 -17.09331836450135 -13.548882934557646 0 0 0 0
+176 31.283614589007755 10.132883096100725 0 0 0 0
+177 -11.273170687011284 -5.972699445232724 0 0 0 0
+191 47.237464414262575 40.824159385827855 0 0 0 0
+184 -53.86572712526024 34.25698842605 0 0 0 0
+188 -32.19237448220591 10.421567748287444 0 0 0 0
+174 -30.45516139632058 7.767892057190656 0 0 0 0
+179 44.17380514074846 -31.468330884712817 0 0 0 0
+173 35.14844758963302 -0.6931799979680981 0 0 0 0
+167 -19.214911822040932 86.4218579164005 0 0 0 0
+194 -28.85965905366829 -12.898877901123516 0 0 0 0
+182 26.10153178726283 21.129754296119433 0 0 0 0
+181 10.304274801119897 17.79819293273358 0 0 0 0
+195 -38.91290076078732 19.01757161300231 0 0 0 0
+208 8.029063880646625 9.784356660126754 0 0 0 0
+193 -42.8640380660061 -13.172742315010204 0 0 0 0
+197 1.3139903461790474 11.024508708534976 0 0 0 0
+187 -47.34022847420499 52.04835776563942 0 0 0 0
+198 -5.894903408580722 -10.170243751508275 0 0 0 0
+202 44.2414865707114 -2.543120363498204 0 0 0 0
+196 -11.498939783574544 -29.7483113980231 0 0 0 0
+183 0.6749320384464195 21.9700566257934 0 0 0 0
+192 19.689761165729735 -7.7781671110197355 0 0 0 0
+199 -14.94816321409864 -26.287229901811422 0 0 0 0
+203 -10.483028867397488 -32.94836338771979 0 0 0 0
+185 20.498391985723153 17.991319255042473 0 0 0 0
+212 -25.009529304275446 -20.92928529095034 0 0 0 0
+227 21.73973413765463 -7.136166648328654 0 0 0 0
+209 9.74911983917773 27.3265637084625 0 0 0 0
+224 2.740620291279645 34.57828315908025 0 0 0 0
+204 9.213986144622568 24.823157487384357 0 0 0 0
+190 -7.088043403115305 -44.43784617297957 0 0 0 0
+214 -12.542289935555102 -14.862300417600347 0 0 0 0
+206 -14.390859780678227 -30.71368410177636 0 0 0 0
+207 24.627554675721385 7.130280797363497 0 0 0 0
+200 -37.40225763079393 -3.6269284758355296 0 0 0 0
+226 -24.948479226380243 10.136082029833041 0 0 0 0
+221 35.55000917688209 -17.672238041784905 0 0 0 0
+210 -2.259689452732458 26.756662781798937 0 0 0 0
+213 8.824432765298132 -5.8111115135811735 0 0 0 0
+220 32.496886145782916 -36.85053527625888 0 0 0 0
+211 20.800092512755235 15.505108451624858 0 0 0 0
+201 -59.65487690169546 -11.59739695473626 0 0 0 0
+205 -5.919522242176117 -9.481695411466136 0 0 0 0
+219 -0.4476865702071742 13.225685550492907 0 0 0 0
+232 -3.0524304108481632 11.018251899209043 0 0 0 0
+231 -27.04409511292101 1.8877974145925203 0 0 0 0
+6 16.56998127481053 -9.294803148417614 0 0 0 0
+230 -16.673940945596886 -54.60732822490224 0 0 0 0
+218 -9.2125752214588 -11.975249290685747 0 0 0 0
+216 11.043800028821797 -49.615017557195095 0 0 0 0
+222 17.492892236849613 11.183748709778097 0 0 0 0
+223 10.159655380829905 -21.828967785635175 0 0 0 0
+228 -18.629322041513046 -18.331100871834387 0 0 0 0
+215 9.26643653034833 -52.41503715439258 0 0 0 0
+225 -10.94170081544961 -35.47642507924695 0 0 0 0
+234 -84.59181641886492 8.372486464937017 0 0 0 0
+217 -10.993013082604513 12.849410107160296 0 0 0 0
+240 29.826437791683436 61.11583555819674 0 0 0 0
+1 -51.40612007211852 13.07943023290277 0 0 0 0
+4 34.642732231182386 62.101833424016924 0 0 0 0
+12 -26.553553764634493 27.111988205484234 0 0 0 0
+3 13.298323173219027 -14.640584651118129 0 0 0 0
+238 -13.287159068655422 -1.04796760415336 0 0 0 0
+229 -4.751145469876392 -29.091651105584383 0 0 0 0
diff --git a/DATASET/P=140000Pa/box_sheared.data b/DATASET/P=140000Pa/box_sheared.data
new file mode 100644
index 0000000..0d43496
--- /dev/null
+++ b/DATASET/P=140000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2220317
+
+240 atoms
+6 atom types
+
+0.027305450000000002 0.07269455 xlo xhi
+0.027305450000000002 0.07269455 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.004538905617546225 0 0 xy xz yz
+
+Atoms # sphere
+
+235 1 0.0035 1071.4285714285713 0.0293561574762363 0.02825129762660058 0 0 1 0
+233 1 0.0035 1071.4285714285713 0.03434347565271826 0.02839055194884799 0 0 1 0
+236 1 0.0035 1071.4285714285713 0.04018808768692783 0.028410436228045247 0 0 1 0
+15 1 0.0025 1500.0000000000005 0.06609542522493167 0.027763368943220186 0 0 0 0
+239 1 0.0025 1500.0000000000005 0.07179396771796959 0.028237130405467055 0 0 1 0
+237 1 0.0025 1500.0000000000005 0.03733307302403839 0.02867131645506206 0 0 1 0
+14 1 0.0035 1071.4285714285713 0.05205377323903988 0.028846360647132314 0 0 0 0
+9 1 0.0035 1071.4285714285713 0.057745856708909284 0.02895875246077258 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.0456829841726215 0.029221266558644106 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.0485797378836446 0.02930836580546408 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.061170947739083284 0.029580854036788472 0 0 0 0
+16 1 0.0025 1500.0000000000005 0.06773339489853458 0.029811560670811962 0 0 0 0
+22 1 0.0025 1500.0000000000005 0.07015905327384828 0.029870227987267753 0 -1 0 0
+18 1 0.0025 1500.0000000000005 0.05496965561225174 0.0299292901541231 0 0 0 0
+20 1 0.0035 1071.4285714285713 0.06477751196241639 0.0302409366291568 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.04314054766498501 0.03044365012333463 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.02813208036595559 0.03469105884097745 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.030031557061125345 0.04305380666772667 0 0 0 0
+99 1 0.0025 1500.0000000000005 0.029656741429287176 0.04747897862951508 0 0 0 0
+129 1 0.0025 1500.0000000000005 0.029822210762552065 0.05238786797014527 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.03206862712040054 0.0651700732352858 0 1 0 0
+166 1 0.0025 1500.0000000000005 0.03200714224453224 0.06019670264514431 0 1 0 0
+216 1 0.0025 1500.0000000000005 0.03317558676049957 0.07074635283181405 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.03096048703216262 0.04535814823884202 0 1 0 0
+54 1 0.0025 1500.0000000000005 0.03015475994210119 0.037254481413315624 0 0 0 0
+155 1 0.0035 1071.4285714285713 0.03249602476868566 0.057379510203821434 0 0 0 0
+184 1 0.0025 1500.0000000000005 0.033064762109263464 0.062458148052857675 0 1 0 0
+29 1 0.0025 1500.0000000000005 0.030205811206569948 0.0327978887559508 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.032491906831580326 0.054005151760811276 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.03219970108127723 0.05055107750302459 0 0 0 0
+61 1 0.0035 1071.4285714285713 0.031200609812048946 0.040196331898725686 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.032196221812784254 0.047614478359189354 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.031153301302752325 0.03510293840817658 0 0 0 0
+204 1 0.0035 1071.4285714285713 0.0346441432963146 0.06795166735679542 0 0 0 0
+2 1 0.0035 1071.4285714285713 0.03204041376833326 0.03072193032510989 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.03497107457579758 0.03145165275185852 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.03734566351089193 0.031065255408102167 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.05334092224975988 0.031634641526955734 0 0 0 0
+10 1 0.0035 1071.4285714285713 0.07299417495816068 0.03107114648473184 0 0 0 0
+26 1 0.0035 1071.4285714285713 0.03378971912056915 0.034085166092780894 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.03734842429541155 0.03399101249687031 0 0 0 0
+13 1 0.0035 1071.4285714285713 0.04016473394362215 0.031984934770111134 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.043235263299609736 0.033848987823432646 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.04625860466022268 0.032343101462231204 0 0 0 0
+23 1 0.0035 1071.4285714285713 0.05053649421713134 0.03226362603772864 0 0 0 0
+28 1 0.0035 1071.4285714285713 0.055970674930785905 0.033242557756770326 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.05919029214566311 0.03225303783844985 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.06268148653049362 0.03282799859090213 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.06553425237148972 0.03390725417973322 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.06715596375734745 0.032175462069099166 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.07015843403785654 0.03279399091692036 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.03581753605448881 0.03637161645492335 0 0 0 0
+30 1 0.0025 1500.0000000000005 0.04060128554381501 0.03504661379121743 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.04879819341405541 0.035016789566878384 0 0 0 0
+43 1 0.0035 1071.4285714285713 0.05308007452149775 0.03483029941588293 0 0 0 0
+49 1 0.0025 1500.0000000000005 0.05851376619498205 0.03507370642510463 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.06086653797264679 0.034993312459546726 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.06371831689212445 0.036189192463412054 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.06796374740787633 0.034539041248224954 0 0 0 0
+59 1 0.0035 1071.4285714285713 0.07064119707735403 0.03626888076737422 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.03312989100632855 0.03751349972718422 0 0 0 0
+34 1 0.0035 1071.4285714285713 0.038766236696382475 0.03727560148917912 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.04278365980466552 0.03678074485900821 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.045751164181816406 0.03639150562826929 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.04873996644721967 0.03846707700733844 0 0 0 0
+48 1 0.0025 1500.0000000000005 0.051134724919375846 0.03703477716465517 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.05361649269560881 0.03775218489786424 0 0 0 0
+56 1 0.0035 1071.4285714285713 0.056261270457184 0.03670170275094214 0 0 0 0
+67 1 0.0025 1500.0000000000005 0.06113070109447268 0.037442850014750735 0 0 0 0
+63 1 0.0035 1071.4285714285713 0.06714276354884463 0.03720205192418535 0 0 0 0
+45 1 0.0035 1071.4285714285713 0.0362082167815426 0.039362433262963965 0 0 0 0
+66 1 0.0025 1500.0000000000005 0.03914416652736389 0.04059401647643214 0 0 0 0
+51 1 0.0035 1071.4285714285713 0.04170337499399461 0.039368864349179924 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.044551333978713525 0.038922559791281515 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.04681259091365643 0.04045980148607852 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.05194040249895676 0.04011685202317704 0 0 0 0
+74 1 0.0035 1071.4285714285713 0.05560351822274681 0.04009175542761385 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.058914267339814 0.03919463700264474 0 0 0 0
+71 1 0.0035 1071.4285714285713 0.0634857577570632 0.03954338880752824 0 0 0 0
+77 1 0.0035 1071.4285714285713 0.06690073662795398 0.04069626602472884 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.06992383870649815 0.03953680114622653 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.07322254081802829 0.0388434988104638 0 -1 0 0
+86 1 0.0025 1500.0000000000005 0.03253489678653267 0.04308289676026067 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.03407343062731971 0.04128684543081507 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.03672603577797571 0.04233855613437786 0 0 0 0
+90 1 0.0025 1500.0000000000005 0.03915903121469841 0.0430519371460101 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.04147150040121876 0.04237970723695022 0 0 0 0
+76 1 0.0035 1071.4285714285713 0.044298019658047895 0.041870390805458325 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.04949006919751835 0.041411020392219756 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.05362294460643367 0.04274069166385244 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.05914674848557125 0.04214090542026459 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.06124113798204621 0.04119166158156948 0 0 0 0
+79 1 0.0035 1071.4285714285713 0.0640400517083791 0.04297683014174813 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.06955198932213727 0.04231492687761129 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.07247813054289834 0.04218979551744658 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.03495295106367188 0.04381581033983428 0 0 0 0
+83 1 0.0025 1500.0000000000005 0.037655654904582635 0.044765321868767666 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.04305751100708212 0.0444223307756945 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.04547073598717876 0.045243845503075523 0 0 0 0
+69 1 0.0035 1071.4285714285713 0.047544355652962236 0.043373840797427024 0 0 0 0
+70 1 0.0035 1071.4285714285713 0.0509712325758731 0.04405864699945931 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.05664301464238497 0.043492597434194695 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.05948987039244787 0.04523683590153005 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.0612754579589071 0.043610163376938314 0 0 0 0
+96 1 0.0035 1071.4285714285713 0.06744115088125455 0.044097700238345396 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.07091353512615689 0.045096461792460144 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.07391714692170936 0.04495418441951386 0 0 0 0
+107 1 0.0025 1500.0000000000005 0.03340547797911007 0.045606593207775756 0 0 0 0
+104 1 0.0025 1500.0000000000005 0.03584632138156988 0.04618710384610559 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.040567552934745975 0.04576652838154384 0 0 0 0
+115 1 0.0035 1071.4285714285713 0.043736418477520814 0.0474674028809205 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.04667321088460153 0.04747985884779039 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.048718060999046436 0.046229358520502035 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.05151205597355546 0.047596586326804316 0 0 0 0
+91 1 0.0035 1071.4285714285713 0.05415975516435545 0.04567062155024642 0 0 0 0
+112 1 0.0035 1071.4285714285713 0.057397818306979875 0.04711070263984345 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.06029887838178565 0.04764697643510697 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.062009513053872 0.04602291898382449 0 0 0 0
+100 1 0.0035 1071.4285714285713 0.0652058325277276 0.04642105567608184 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.06861447447935137 0.04746184888041269 0 0 0 0
+110 1 0.0035 1071.4285714285713 0.035030907760842854 0.04890925653966396 0 0 0 0
+125 1 0.0035 1071.4285714285713 0.03826979529839675 0.04809787786488742 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.041198788876654374 0.04867732036903696 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.04570266369796455 0.04989873604558911 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.04867706287825877 0.049826012119878554 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.054703600280766415 0.04918667428231242 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.06305667692328032 0.048886776866718135 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.06646311877260971 0.04991406127360338 0 0 0 0
+114 1 0.0035 1071.4285714285713 0.07204909275461197 0.048422457053090465 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.07466396673956241 0.049956022793596774 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.03779841773038786 0.050967748162821125 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.040751857459150845 0.051517401821460036 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.04700031778806871 0.05210215894531473 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.05199181296804484 0.05108364924612523 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.057613301922332466 0.05005007856808792 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.06056579745218514 0.05100609429241819 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.06416959053302215 0.05226396325461137 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.0698570727562153 0.0509062248844607 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.07282108482573449 0.05142017772147793 0 0 0 0
+136 1 0.0035 1071.4285714285713 0.03536403089290123 0.052356697856039816 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.038670303314248276 0.0541885439790873 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.04190409023395313 0.054292027179879174 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.04418563089438761 0.052599634952819656 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.04969327845927061 0.053602081514267444 0 0 0 0
+132 1 0.0025 1500.0000000000005 0.052766672236385426 0.05397681210070626 0 0 0 0
+141 1 0.0035 1071.4285714285713 0.05520805739106132 0.052653402677825645 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.05810970927459186 0.05242775192539496 0 0 0 0
+137 1 0.0025 1500.0000000000005 0.060257209159363834 0.05396637643247895 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.06759792003030606 0.05276539192360556 0 0 0 0
+148 1 0.0035 1071.4285714285713 0.0716228939288193 0.053993123787120546 0 0 0 0
+145 1 0.0035 1071.4285714285713 0.035656973935157765 0.05582744338295875 0 0 0 0
+150 1 0.0035 1071.4285714285713 0.04444392347369041 0.05608088481917474 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.04686890017535732 0.0545881058124333 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.05170896034624426 0.056007711190444495 0 0 0 0
+161 1 0.0035 1071.4285714285713 0.05461019107149114 0.05662323195617927 0 0 0 0
+152 1 0.0035 1071.4285714285713 0.057694974262576026 0.05527989448089428 0 0 0 0
+151 1 0.0025 1500.0000000000005 0.06273027206595094 0.0546885213506189 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.06616623418310694 0.05529372064072928 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.06901809773139929 0.05506849192741254 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.07486698784121029 0.05533404231201914 0 0 0 0
+169 1 0.0025 1500.0000000000005 0.03528636425238468 0.05866116565435993 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.03828373716501618 0.0574684018071861 0 0 0 0
+146 1 0.0035 1071.4285714285713 0.04113000446303662 0.056994054639941616 0 0 0 0
+153 1 0.0025 1500.0000000000005 0.04355854933573462 0.05884636401360897 0 0 0 0
+165 1 0.0035 1071.4285714285713 0.04653652886523997 0.05901050798114787 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.04900949013514426 0.05687359792389207 0 0 0 0
+160 1 0.0035 1071.4285714285713 0.05208780306117775 0.058982227248091414 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.05790447336802146 0.058705354790341426 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.06083876516854816 0.05700215632705614 0 0 0 0
+168 1 0.0025 1500.0000000000005 0.06376631547800987 0.05699644998368332 0 0 0 0
+176 1 0.0035 1071.4285714285713 0.06607527521257889 0.059067153974227245 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.06839904225489701 0.057416854201914024 0 0 0 0
+180 1 0.0035 1071.4285714285713 0.07136376155559787 0.0574828093472147 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.07468123639251556 0.05869010470488377 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.03489885153192283 0.061001622102350835 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.03786274348926357 0.060324275526265965 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.04132123219289175 0.06056015596957852 0 0 0 0
+186 1 0.0025 1500.0000000000005 0.049437283674684376 0.06010273160055773 0 0 0 0
+171 1 0.0025 1500.0000000000005 0.05516536641842773 0.05961793246244596 0 0 0 0
+170 1 0.0025 1500.0000000000005 0.0607500909926025 0.05991447499917218 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.0630649743904601 0.05923936101697951 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.06942074284630687 0.060381763612287316 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.07244119197015078 0.060316061104801456 0 0 0 0
+188 1 0.0025 1500.0000000000005 0.036647319063026415 0.062934874978324 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.039583288542563114 0.06350035418134885 0 0 0 0
+179 1 0.0025 1500.0000000000005 0.04253502857039249 0.06343479178325633 0 0 0 0
+173 1 0.0035 1071.4285714285713 0.044720238310015405 0.0617226900289553 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.047697153076259546 0.06191005945509759 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.050496251014701926 0.06299450859179559 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.0537891790510289 0.0621847364489517 0 0 0 0
+181 1 0.0035 1071.4285714285713 0.05719909936436248 0.06204367886390601 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.060440307740193995 0.06227059854112666 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.06399271927694032 0.06214585007352022 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.06696157532850919 0.062010788008096014 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.0718069707478721 0.06309557220599848 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.07525217135492263 0.06225199005131606 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.03479828802717192 0.06433630169642614 0 0 0 0
+196 1 0.0025 1500.0000000000005 0.04196741453307665 0.06576141078599082 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.04513608615205586 0.0651915776015656 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.0478886024789408 0.0643726464503318 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.05314951813619137 0.06546985631100623 0 0 0 0
+203 1 0.0035 1071.4285714285713 0.056568447119763554 0.06533125637200955 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.05929147260189246 0.06430685921167092 0 0 0 0
+212 1 0.0035 1071.4285714285713 0.062189730878130886 0.06488953862664903 0 0 0 0
+227 1 0.0035 1071.4285714285713 0.06568484235150829 0.06558702673913552 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.06884758793089941 0.06448253588697851 0 0 0 0
+224 1 0.0035 1071.4285714285713 0.07412830409524762 0.0657788665677023 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.03738692580002613 0.0659317244631796 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.040396814500183835 0.06808251317511266 0 0 0 0
+207 1 0.0025 1500.0000000000005 0.04775340872217313 0.06697374548548245 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.05009592289692055 0.06595334485993001 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.05971583462673172 0.06720884099142987 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.06898785170932366 0.06738876292900657 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.07131124595244481 0.0666233966308492 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.03761346020379445 0.06883711984131563 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.04385957319819862 0.06823924652178699 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.04676640343509527 0.06915306157794342 0 0 0 0
+211 1 0.0035 1071.4285714285713 0.04971909299422221 0.06951152859451075 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.052269055354774815 0.06819434719051469 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.055266879206414765 0.0684057393772934 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.058103458025416464 0.06949915670823746 0 0 0 0
+4 1 0.0025 1500.0000000000005 0.06121973682667501 0.07027873687704148 0 0 -1 0
+232 1 0.0035 1071.4285714285713 0.06321325746658499 0.06829656201801179 0 0 0 0
+231 1 0.0035 1071.4285714285713 0.06670858370391364 0.06902864026745512 0 0 0 0
+6 1 0.0035 1071.4285714285713 0.07018946066885517 0.07021204555756191 0 0 -1 0
+230 1 0.0035 1071.4285714285713 0.0733151038319763 0.06908462325170721 0 0 0 0
+218 1 0.0035 1071.4285714285713 0.07661798460543726 0.06835853100987162 0 -1 0 0
+222 1 0.0035 1071.4285714285713 0.036212274394955085 0.07131328183399342 0 0 0 0
+223 1 0.0025 1500.0000000000005 0.039212711986446866 0.07088147628455735 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.04218622484849216 0.07115126716544648 0 0 0 0
+215 1 0.0025 1500.0000000000005 0.04528465097507627 0.07096661930148042 0 0 0 0
+225 1 0.0035 1071.4285714285713 0.048007748148498536 0.0723970230042976 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.05090186587151862 0.07232244447513651 0 0 0 0
+217 1 0.0035 1071.4285714285713 0.05349817516297708 0.07122145945374711 0 0 0 0
+240 1 0.0025 1500.0000000000005 0.05645559637939925 0.07121226299333551 0 0 0 0
+1 1 0.0035 1071.4285714285713 0.059294754124433476 0.07229524999352699 0 0 -1 0
+12 1 0.0035 1071.4285714285713 0.0642245805614855 0.07170569281215611 0 0 -1 0
+3 1 0.0035 1071.4285714285713 0.0677078374868369 0.07240852311698293 0 0 -1 0
+238 1 0.0035 1071.4285714285713 0.07342056451979273 0.07248951735864542 0 0 0 0
+229 1 0.0025 1500.0000000000005 0.0761422038825178 0.0711920175540937 0 0 0 0
+
+Velocities
+
+235 -14.290694179753627 -7.188933556824291 0 0 0 0
+233 -20.71925363844857 38.675192880468025 0 0 0 0
+236 0.7816152676528446 -27.924856585160448 0 0 0 0
+15 -35.46742143717331 44.163429130707506 0 0 0 0
+239 -9.241180428625048 6.016375597257487 0 0 0 0
+237 28.331936920137714 10.688881000714417 0 0 0 0
+14 13.253309110520764 -24.367898813533007 0 0 0 0
+9 25.74567959535501 -8.47013912513364 0 0 0 0
+17 -14.100293397060089 60.85609280170964 0 0 0 0
+5 36.48954021499193 -9.667824476440709 0 0 0 0
+21 1.2154833275983543 25.85406392095096 0 0 0 0
+16 43.534661797739 17.653676907374273 0 0 0 0
+22 -85.31591305118452 17.324746407116464 0 0 0 0
+18 -57.32630158816561 -14.227006560243256 0 0 0 0
+20 -19.004444540589287 -12.145005183833533 0 0 0 0
+11 24.599632611612382 21.205308516210717 0 0 0 0
+40 -33.13784150125914 23.130450084729688 0 0 0 0
+78 11.513753681762942 11.780051472897696 0 0 0 0
+99 15.839300238021902 -43.902009992083244 0 0 0 0
+129 52.982527136327185 10.200601613999488 0 0 0 0
+198 24.562052314906765 6.722650373932626 0 0 0 0
+166 -12.096292536688187 -8.092201335257506 0 0 0 0
+216 47.44710133636228 -1.656898216321531 0 0 0 0
+85 46.4244362244827 -34.82482151092607 0 0 0 0
+54 78.61101928486444 -13.698553637309836 0 0 0 0
+155 31.783114882977507 16.994753179412093 0 0 0 0
+184 -20.701767779469506 5.927389512855661 0 0 0 0
+29 14.76598476167815 31.12444098232651 0 0 0 0
+144 -11.944475318829793 31.549044213297773 0 0 0 0
+122 7.345639377586472 -9.49423678093904 0 0 0 0
+61 39.834248878277926 2.124562290367305 0 0 0 0
+105 -58.538171420444904 30.21646081186257 0 0 0 0
+39 10.552491128799792 84.70823357420653 0 0 0 0
+204 -22.770964226834874 13.588420842860748 0 0 0 0
+2 1.1172909857144584 0.7534479579248528 0 0 0 0
+8 -61.26512521967311 36.58937768776051 0 0 0 0
+7 1.5612742399481556 -3.00628809063642 0 0 0 0
+38 -3.1122174259003073 4.788345720438247 0 0 0 0
+10 11.610373144077533 6.407280377148932 0 0 0 0
+26 -16.3092687758037 16.428655739714497 0 0 0 0
+19 -10.542251033269384 -27.969568712891213 0 0 0 0
+13 -12.654044672969704 -24.079254253442844 0 0 0 0
+27 -3.3310983926697064 36.903534232565775 0 0 0 0
+25 -22.048420433525788 1.513341314495527 0 0 0 0
+23 12.853176323024547 -34.30916743014494 0 0 0 0
+28 -10.230149742547558 -3.6855115769141387 0 0 0 0
+31 -8.493804912076095 -11.351260764133103 0 0 0 0
+41 31.975951232605784 10.01476638219874 0 0 0 0
+44 3.7900804170911506 43.62139861072497 0 0 0 0
+24 26.948131335386982 -75.02675201564794 0 0 0 0
+36 -14.609734238884702 10.72520596645992 0 0 0 0
+37 -15.22509806424811 6.733779910006243 0 0 0 0
+30 -9.404543054381705 -24.172916675586215 0 0 0 0
+33 -4.777217501108171 5.3750849309925215 0 0 0 0
+43 39.900409750401366 -12.290898608535805 0 0 0 0
+49 13.357665133944636 36.967360889179574 0 0 0 0
+50 34.48656309877254 -21.416045823357596 0 0 0 0
+58 28.659515824052363 -7.022510953060654 0 0 0 0
+53 11.319140824748018 -20.512520002958528 0 0 0 0
+59 31.077261908796608 13.427697640948892 0 0 0 0
+52 7.407887592127383 -23.91880410287554 0 0 0 0
+34 -35.96986306798152 -8.881316662307402 0 0 0 0
+32 -7.903596049457424 29.58608129454206 0 0 0 0
+35 13.501630428451408 13.602754076199405 0 0 0 0
+42 18.608231769829434 21.719531451977346 0 0 0 0
+48 -16.56513187988521 -36.11982164045197 0 0 0 0
+62 8.247647210796973 64.82207975366956 0 0 0 0
+56 21.775929239958014 -28.11725473336186 0 0 0 0
+67 29.233262200358652 -55.76596787764432 0 0 0 0
+63 -16.296793582344822 18.167691633263967 0 0 0 0
+45 -10.889476654080326 40.973656880052985 0 0 0 0
+66 14.365887514015403 -27.73089430386414 0 0 0 0
+51 -17.822315705231077 -22.27875517560682 0 0 0 0
+46 -14.897092010004982 10.046741137908155 0 0 0 0
+60 -17.344460888929977 -36.0351764633648 0 0 0 0
+57 -20.962238464403928 0.26975651911301474 0 0 0 0
+74 -13.879655243636037 -8.558414766420016 0 0 0 0
+55 9.6824107726863 -10.404564581908506 0 0 0 0
+71 15.274245146464539 26.679245100786268 0 0 0 0
+77 -20.707361687295386 14.346927623547366 0 0 0 0
+64 -58.85235101227881 29.496195764535397 0 0 0 0
+65 -8.807392199145479 23.639841728147957 0 0 0 0
+86 4.8523695599985395 -14.036694717418952 0 0 0 0
+84 -12.813271061087935 33.539715217467595 0 0 0 0
+68 9.281729539727628 -7.612528431105736 0 0 0 0
+90 42.651093899319406 -16.231585300527623 0 0 0 0
+72 -23.941802981551096 -12.01033265568507 0 0 0 0
+76 3.907263803912779 25.519444134329696 0 0 0 0
+47 2.0446621142918913 -23.242531150496607 0 0 0 0
+87 40.20453343542565 68.93915949426614 0 0 0 0
+81 -17.7182167593975 -61.86753921174147 0 0 0 0
+75 28.52037998213141 28.785956646736317 0 0 0 0
+79 12.138981082940413 25.248211924924203 0 0 0 0
+88 -44.86502832501342 46.836572162588524 0 0 0 0
+82 9.157142394250435 9.373938062434549 0 0 0 0
+95 -17.703883742194453 8.827595114446277 0 0 0 0
+83 1.6839967194893355 -10.23707781809773 0 0 0 0
+73 13.295266548325088 -13.991788369055355 0 0 0 0
+94 34.1146308002877 0.39670859635170974 0 0 0 0
+69 24.624707575189078 14.336426394120833 0 0 0 0
+70 8.054527260962375 -11.18102538536527 0 0 0 0
+92 10.229046587319317 -20.397630479217906 0 0 0 0
+89 -9.595054365693773 -3.436111974404806 0 0 0 0
+80 42.964187943653705 -21.584669011238756 0 0 0 0
+96 -32.79622737830056 -21.149421629197665 0 0 0 0
+106 2.9834044667847834 3.643731386972576 0 0 0 0
+93 0.24372035650582427 -48.29132264147382 0 0 0 0
+107 16.592563799598548 21.840599405948957 0 0 0 0
+104 -16.175383134892243 -37.59518103254478 0 0 0 0
+98 20.56763985909443 -16.119342790487043 0 0 0 0
+115 -9.561457494752878 -17.877972670224022 0 0 0 0
+116 91.73789762939815 -12.196072388687172 0 0 0 0
+97 6.4077961410438355 -8.873843776864492 0 0 0 0
+108 -14.952894502094356 -14.853451312517082 0 0 0 0
+91 9.109690444068892 15.85287923331946 0 0 0 0
+112 -28.65996613034117 69.32818870801464 0 0 0 0
+102 -41.22497541346463 -25.37659023047243 0 0 0 0
+103 -67.50619411049806 31.119767438020407 0 0 0 0
+100 11.968886657555373 -12.955200189994063 0 0 0 0
+101 6.337375576871597 -1.2691212132565852 0 0 0 0
+110 -2.3013458231010744 43.037942315200084 0 0 0 0
+125 -23.532420808500127 -22.1221835277964 0 0 0 0
+109 -49.43646715296565 66.8162192400506 0 0 0 0
+118 -26.831853662205557 29.900841115058096 0 0 0 0
+111 -7.724655438578964 -4.092341325860314 0 0 0 0
+123 -21.381351028337036 -13.065975786707517 0 0 0 0
+113 10.042895398276274 -8.541005451533598 0 0 0 0
+124 17.738921410696445 -38.105754007305414 0 0 0 0
+114 32.13938918305877 2.0528786786088613 0 0 0 0
+117 -13.442994153192656 7.437617885726855 0 0 0 0
+119 5.277558115975428 10.544349406826687 0 0 0 0
+138 19.569876157767126 -28.93859875254533 0 0 0 0
+127 -7.26529830655358 -30.49223407550454 0 0 0 0
+126 -22.65670919228442 36.500469604170206 0 0 0 0
+121 10.9988675505941 3.1165847382582212 0 0 0 0
+120 17.851957633776145 -23.215826039039094 0 0 0 0
+131 14.615586599183537 -32.33312389471417 0 0 0 0
+143 -10.762017115086401 -4.353050679214943 0 0 0 0
+130 -11.081788915568621 -13.821809012170311 0 0 0 0
+136 -23.184565715154427 34.324570397353405 0 0 0 0
+140 20.992277632395453 -10.461957076419818 0 0 0 0
+142 -4.8596418951267895 45.052070400904334 0 0 0 0
+128 23.51247727576253 26.195192869766696 0 0 0 0
+134 -8.58226962607273 -23.653875145573426 0 0 0 0
+132 -4.294520911749134 -47.19357273137493 0 0 0 0
+141 4.814515474889902 10.733805517589998 0 0 0 0
+139 45.568713811180466 13.135681044680348 0 0 0 0
+137 24.573401367073714 -21.428573247668073 0 0 0 0
+156 18.086282852651497 -14.241892068678716 0 0 0 0
+148 19.687306029136245 13.623534800506869 0 0 0 0
+145 4.157016827483014 -11.328385895214488 0 0 0 0
+150 1.9847186257932965 21.90873016062841 0 0 0 0
+135 -13.742895402491373 17.699341654804055 0 0 0 0
+147 -105.76066603572214 -52.87451346866788 0 0 0 0
+161 46.23948162051263 -31.841811753851726 0 0 0 0
+152 -22.056922905437517 56.86138657531981 0 0 0 0
+151 -5.665222297743363 27.473773078112547 0 0 0 0
+158 -21.722423895040546 33.38158190480791 0 0 0 0
+149 -57.00888504147058 8.77210767678606 0 0 0 0
+133 -1.1856896948842486 11.19573439889591 0 0 0 0
+169 -43.00449594766156 75.37469126771877 0 0 0 0
+164 60.16628889852908 -39.631711843525395 0 0 0 0
+146 24.39305174171142 3.777919299329557 0 0 0 0
+153 36.53471571813991 -21.619073193448497 0 0 0 0
+165 1.3135199702872877 11.963593072498103 0 0 0 0
+154 18.396434592368355 21.564014675490892 0 0 0 0
+160 -29.831027362272255 1.5467343377603027 0 0 0 0
+163 -12.602005699937099 6.095243770742438 0 0 0 0
+157 -28.739569758740853 2.1599828058376254 0 0 0 0
+168 3.070521290845536 -9.2144916833659 0 0 0 0
+176 -7.038861417966866 -12.850753602007943 0 0 0 0
+159 -9.77305822035678 -9.423391480873262 0 0 0 0
+180 -0.37798179526118836 44.91936400779248 0 0 0 0
+175 4.321111464055164 -31.78528597007111 0 0 0 0
+172 -27.47836076673342 2.468761319136919 0 0 0 0
+178 -27.28002011709721 -4.387207522386026 0 0 0 0
+162 0.10441820373704638 4.064389804397725 0 0 0 0
+186 -37.2714385031943 -29.30417677052303 0 0 0 0
+171 13.050077261063814 46.24621132548829 0 0 0 0
+170 37.41657725625773 8.834839860573833 0 0 0 0
+189 46.59024446696749 44.54529823387235 0 0 0 0
+177 32.3299100167022 -15.434101955993086 0 0 0 0
+191 -31.5189304033821 26.5433501269742 0 0 0 0
+188 35.49545962964311 -53.968906135531334 0 0 0 0
+174 5.873370638008678 1.1774406585250772 0 0 0 0
+179 -42.463134861308355 23.31363905188208 0 0 0 0
+173 -5.699101406851984 4.7858323391323525 0 0 0 0
+167 -72.11257908639259 -30.665068191614612 0 0 0 0
+194 -25.20221978303434 -23.604538013675995 0 0 0 0
+182 11.027245407338489 15.987488820836193 0 0 0 0
+181 -21.699381514472414 -17.191748665389895 0 0 0 0
+195 12.102320615669845 -7.753415927248023 0 0 0 0
+208 4.571929599039364 -9.154559831529683 0 0 0 0
+193 1.9444461603287664 -24.893369215551033 0 0 0 0
+197 -16.173709965789417 -38.287884093555185 0 0 0 0
+187 -24.853509062855935 7.34789100919616 0 0 0 0
+202 -7.3971048144400715 -20.5948363669818 0 0 0 0
+196 -26.724245890234833 -44.175725814291496 0 0 0 0
+183 16.050501582296395 -35.767368305892894 0 0 0 0
+192 -4.0144216025188575 -26.948347981366457 0 0 0 0
+199 -20.36994595842148 -17.126762673270147 0 0 0 0
+203 -3.7710233245511695 -4.282758184066708 0 0 0 0
+185 -17.91346561001987 -54.70658212438412 0 0 0 0
+212 -27.71085252591079 6.223071318932191 0 0 0 0
+227 1.2520322276857154 -8.728952522944796 0 0 0 0
+209 54.16033297670284 -3.46449447918426 0 0 0 0
+224 -23.119191756700122 -12.81852689539926 0 0 0 0
+190 35.75734604700936 5.788147962332471 0 0 0 0
+214 25.229474297226137 16.891512670804943 0 0 0 0
+207 18.373250002236848 -0.21567559654297078 0 0 0 0
+200 -24.803717617421096 -35.7727062799618 0 0 0 0
+226 -44.2631144403592 45.284526038451816 0 0 0 0
+221 17.067895117065305 -32.84337490163133 0 0 0 0
+210 1.9381468094378638 -33.59098726848988 0 0 0 0
+213 -40.19148554013939 -52.38919549825085 0 0 0 0
+206 30.40698928383102 -1.9305627759003747 0 0 0 0
+220 -31.788178855325626 2.5219417181038777 0 0 0 0
+211 26.030120098817576 0.24682060851551818 0 0 0 0
+201 -2.7860558050339423 11.384460685708158 0 0 0 0
+205 16.09219849113678 -14.480402346937387 0 0 0 0
+219 38.75434058100236 -40.65705906983936 0 0 0 0
+4 70.21858514750656 -6.669513549031067 0 0 0 0
+232 -6.904127462399885 -48.56791232250387 0 0 0 0
+231 -18.461683586630937 8.00508392644199 0 0 0 0
+6 28.908479233694237 -43.721037756441355 0 0 0 0
+230 -2.958907176809005 12.775159959648468 0 0 0 0
+218 11.627541377218192 -12.573275252268171 0 0 0 0
+222 -7.890948002519899 35.189969497007915 0 0 0 0
+223 -78.94458693814012 -12.62140764713936 0 0 0 0
+228 -17.590972428683934 -49.71191385758897 0 0 0 0
+215 71.65920590458667 7.884652727573156 0 0 0 0
+225 -3.276402358450901 -33.8599854655031 0 0 0 0
+234 40.183776387700426 28.04927572958434 0 0 0 0
+217 -8.635382691194197 -23.267180140545392 0 0 0 0
+240 2.4103937122516874 42.276739701978045 0 0 0 0
+1 9.529681084785071 25.88066004182679 0 0 0 0
+12 -28.804749736972774 -33.970584653123375 0 0 0 0
+3 -40.85812337319503 51.249890239834 0 0 0 0
+238 6.335553226159977 8.108056188047199 0 0 0 0
+229 -12.458439896867326 -4.890079193601019 0 0 0 0
diff --git a/DATASET/P=140000Pa/confined.restart b/DATASET/P=140000Pa/confined.restart
new file mode 100644
index 0000000..ecc15b4
Binary files /dev/null and b/DATASET/P=140000Pa/confined.restart differ
diff --git a/DATASET/P=140000Pa/log.lammps b/DATASET/P=140000Pa/log.lammps
new file mode 100644
index 0000000..f1c2602
--- /dev/null
+++ b/DATASET/P=140000Pa/log.lammps
@@ -0,0 +1,148 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.027305450 0.027305450 -0.00050000000) to (0.072694550 0.072694550 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.004 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 220317
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 220
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.027305450 0.027305450 -0.00050000000) to (0.072694550 0.072694550 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.53891e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 220 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 220317
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 21 21 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.0453891 0 -7803.7071 0 220317
+ 2005000 240 0.0453891 0.00010300852 -13435.65 0.002269455 220317
+ 2010000 240 0.0453891 0.00020601704 -19053.634 0.00453891 220317
+ 2015000 240 0.0453891 0.00030902556 -24651.136 0.006808365 220317
+ 2020000 240 0.0453891 0.00041203408 -30232.941 0.00907782 220317
+ 2025000 240 0.0453891 0.0005150426 -35798.778 0.011347275 220317
+ 2030000 240 0.0453891 0.00061805112 -41335.924 0.01361673 220317
+ 2035000 240 0.0453891 0.00072105964 -46832.033 0.015886185 220317
+ 2040000 240 0.0453891 0.00082406816 -52286.478 0.01815564 220317
+ 2045000 240 0.0453891 0.00092707668 -57694.333 0.020425095 220317
+ 2050000 240 0.0453891 0.0010300852 -63057.193 0.02269455 220317
+ 2055000 240 0.0453891 0.0011330937 -68380.791 0.024964005 220317
+ 2060000 240 0.0453891 0.0012361022 -73663.742 0.02723346 220317
+ 2065000 240 0.0453891 0.0013391108 -78918.512 0.029502915 220317
+ 2070000 240 0.0453891 0.0014421193 -84160.288 0.03177237 220317
+ 2075000 240 0.0453891 0.0015451278 -89386.817 0.034041825 220317
+ 2080000 240 0.0453891 0.0016481363 -94581.398 0.03631128 220317
+ 2085000 240 0.0453891 0.0017511448 -99753.568 0.038580735 220317
+ 2090000 240 0.0453891 0.0018541534 -104914.66 0.04085019 220317
+ 2095000 240 0.0453891 0.0019571619 -110058.63 0.043119645 220317
+ 2100000 240 0.0453891 0.0020601704 -115205.81 0.0453891 220317
+ 2105000 240 0.0453891 0.0021631789 -120368.14 0.047658555 220317
+ 2110000 240 0.0453891 0.0022661874 -125553.19 0.04992801 220317
+ 2115000 240 0.0453891 0.002369196 -130759.25 0.052197465 220317
+ 2120000 240 0.0453891 0.0024722045 -135981.61 0.05446692 220317
+ 2125000 240 0.0453891 0.002575213 -141219.59 0.056736375 220317
+ 2130000 240 0.0453891 0.0026782215 -146479.82 0.05900583 220317
+ 2135000 240 0.0453891 0.00278123 -151775.82 0.061275285 220317
+ 2140000 240 0.0453891 0.0028842386 -157091.99 0.06354474 220317
+ 2145000 240 0.0453891 0.0029872471 -162439.97 0.065814195 220317
+ 2150000 240 0.0453891 0.0030902556 -167819.59 0.06808365 220317
+ 2155000 240 0.0453891 0.0031932641 -173235.61 0.070353105 220317
+ 2160000 240 0.0453891 0.0032962726 -178681.13 0.07262256 220317
+ 2165000 240 0.0453891 0.0033992812 -184156.96 0.074892015 220317
+ 2170000 240 0.0453891 0.0035022897 -189685.2 0.07716147 220317
+ 2175000 240 0.0453891 0.0036052982 -195259.29 0.079430925 220317
+ 2180000 240 0.0453891 0.0037083067 -200879.11 0.08170038 220317
+ 2185000 240 0.0453891 0.0038113152 -206543.43 0.083969835 220317
+ 2190000 240 0.0453891 0.0039143238 -212248.79 0.08623929 220317
+ 2195000 240 0.0453891 0.0040173323 -217992.8 0.088508745 220317
+ 2200000 240 0.0453891 0.0041203408 -223774.53 0.0907782 220317
+ 2205000 240 0.0453891 0.0042233493 -229593.96 0.093047655 220317
+ 2210000 240 0.0453891 0.0043263578 -235457.68 0.09531711 220317
+ 2215000 240 0.0453891 0.0044293664 -241364.03 0.097586565 220317
+ 2220000 240 0.0453891 0.0045323749 -247308.36 0.09985602 220317
+ 2220317 240 0.0453891 0.0045389056 -247686.49 0.099999903 220317
+Loop time of 5.59208 on 1 procs for 220317 steps with 240 atoms
+
+99.2% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 4.1688 | 4.1688 | 4.1688 | 0.0 | 74.55
+Neigh | 0.00081635 | 0.00081635 | 0.00081635 | 0.0 | 0.01
+Comm | 0.55053 | 0.55053 | 0.55053 | 0.0 | 9.84
+Output | 0.0069611 | 0.0069611 | 0.0069611 | 0.0 | 0.12
+Modify | 0.63566 | 0.63566 | 0.63566 | 0.0 | 11.37
+Other | | 0.2293 | | | 4.10
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 108.000 ave 108 max 108 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 696.000 ave 696 max 696 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 696
+Ave neighs/atom = 2.9000000
+Neighbor list builds = 18
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:05
diff --git a/DATASET/P=150000Pa/1_generate_conf_150000Pa.in b/DATASET/P=150000Pa/1_generate_conf_150000Pa.in
new file mode 100644
index 0000000..b55d56e
--- /dev/null
+++ b/DATASET/P=150000Pa/1_generate_conf_150000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 150000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 125 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 150 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 314 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 570 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 342 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 305 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 692 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 682 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 838 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 783 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 54 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 444 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 613 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 993 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 264 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 53 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 572 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 620 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 5 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 103 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 196 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 774 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 877 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 992 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 884 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 350 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 47 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 867 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 823 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 936 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 820 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 656 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 269 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 370 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 636 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 106 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 670 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 659 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 657 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 120 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=150000Pa/2_shear.in b/DATASET/P=150000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=150000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=150000Pa/StrainStress.txt b/DATASET/P=150000Pa/StrainStress.txt
new file mode 100644
index 0000000..01fcc3d
--- /dev/null
+++ b/DATASET/P=150000Pa/StrainStress.txt
@@ -0,0 +1,1002 @@
+# Fix print output for fix output_file
+4.27967650134181e-05 9964.0417606704722857
+0.000142655883378164 9696.5048893790080911
+0.00024251500174291 9428.9620885020722199
+0.000342374120107656 9161.4174268373681116
+0.000442233238472402 8893.8614842680872243
+0.000542092356837148 8626.2986989302480652
+0.000641951475201894 8358.7396835909439687
+0.00074181059356664 8091.1935846151827718
+0.000841669711931386 7823.6720404104025874
+0.000941528830296132 7556.1762938711208335
+0.00104138794866088 7288.6978793248263173
+0.00114124706702562 7021.2131390609210939
+0.00124110618539037 6753.7165795663986501
+0.00134096530375512 6486.2167768436529514
+0.00144082442211986 6218.7297900474850394
+0.00154068354048461 5951.26800050109523
+0.00164054265884935 5683.8565322197482601
+0.0017404017772141 5416.4775421787189771
+0.00184026089557885 5149.1116583031898699
+0.00194012001394359 4881.7627313030197911
+0.00203997913230834 4614.4346089933178519
+0.00213983825067308 4347.1312811781181153
+0.00223969736903783 4079.8570662179354258
+0.00233955648740257 3812.6169162696378407
+0.00243941560576732 3545.4170539660258328
+0.00253927472413207 3278.2669064480191992
+0.00263913384249681 3011.1895085381133867
+0.00273899296086156 2744.1705222093796692
+0.0028388520792263 2477.2121459285640412
+0.00293871119759105 2210.2740313420281382
+0.0030385703159558 1943.356211917327073
+0.00313842943432054 1676.4604637693532823
+0.00323828855268529 1409.5804887693188903
+0.00333814767105003 1142.7163736415170661
+0.00343800678941478 875.87382318917684643
+0.00353786590777953 609.05576129466669499
+0.00363772502614427 342.26459908269350763
+0.00373758414450902 75.502541017565320658
+0.00383744326287376 -191.22830469629519712
+0.00393730238123851 -457.92586880354900813
+0.00403716149960326 -724.58808102294096898
+0.004137020617968 -991.21283261113865137
+0.00423687973633275 -1257.7979301228313034
+0.00433673885469749 -1524.3410233376812357
+0.00443659797306224 -1790.8394660559401927
+0.00453645709142699 -2057.2899664325454978
+0.00463631620979173 -2323.6961130623981262
+0.00473617532815648 -2590.0495421945529415
+0.00483603444652122 -2856.3637141558333497
+0.00493589356488597 -3122.6375986137868495
+0.00503575268325072 -3388.8819918217168379
+0.00513561180161546 -3655.1291028995547094
+0.00523547091998021 -3921.3561724734072413
+0.00533533003834495 -4187.5546613274455012
+0.0054351891567097 -4453.719409409036416
+0.00553504827507445 -4719.8464712349841648
+0.00563490739343919 -4985.9382257365787154
+0.00573476651180394 -5252.0163662865215883
+0.00583462563016868 -5518.0653126961115049
+0.00593448474853343 -5784.0806506662574975
+0.00603434386689818 -6050.0914803359637517
+0.00613420298526292 -6316.0982141943813986
+0.00623406210362767 -6582.0818196496702512
+0.00633392122199241 -6848.0337251746723268
+0.00643378034035716 -7113.9478101468430395
+0.00653363945872191 -7379.8189297411199732
+0.00663349857708665 -7645.6423783806430947
+0.0067333576954514 -7911.4135803723247591
+0.00683321681381614 -8177.1277784862786575
+0.00693307593218089 -8442.7791498539754684
+0.00703293505054564 -8708.3654833202381269
+0.00713279416891038 -8973.897167771065142
+0.00723265328727513 -9239.3633135502095683
+0.00733251240563987 -9504.7346302831774665
+0.00743237152400462 -9770.0416705437855853
+0.00753223064236937 -10035.30365353581692
+0.00763208976073411 -10300.546729307403439
+0.00773194887909886 -10565.745275731274887
+0.0078318079974636 -10830.884376547875945
+0.00793166711582835 -11095.940990847313515
+0.00803152623419309 -11360.937920881446189
+0.00813138535255784 -11625.877999003851073
+0.00823124447092259 -11890.751376523166982
+0.00833110358928733 -12155.554051906150562
+0.00843096270765208 -12420.306384116594927
+0.00853082182601683 -12685.004003647871286
+0.00863068094438157 -12949.642935432604645
+0.00873054006274632 -13214.219250662181366
+0.00883039918111106 -13478.728838938339322
+0.00893025829947581 -13743.167165163840764
+0.00903011741784055 -14007.52881413589057
+0.0091299765362053 -14271.806072964145642
+0.00922983565457005 -14535.980754851520032
+0.00932969477293479 -14800.070574655374003
+0.00942955389129954 -15064.08280835412188
+0.00952941300966428 -15328.012501882074503
+0.00962927212802903 -15591.853537175638849
+0.00972913124639378 -15855.597460633282026
+0.00982899036475837 -16119.228170919912372
+0.00992884948312311 -16382.725596216763734
+0.0100287086014879 -16646.113838715296879
+0.0101285677198526 -16909.389242088062019
+0.0102284268382174 -17172.598705861448252
+0.0103282859565821 -17435.739523026066308
+0.0104281450749468 -17698.808700371293526
+0.0105280041933116 -17961.802806208150287
+0.0106278633116763 -18224.717674221734342
+0.0107277224300411 -18487.547706953140732
+0.0108275815484058 -18750.28344918096991
+0.0109274406667706 -19012.902085057325166
+0.0110272997851353 -19275.423973749708239
+0.0111271589035001 -19537.880108978588396
+0.0112270180218648 -19800.268937868371722
+0.0113268771402296 -20062.588692969933618
+0.0114267362585943 -20324.837578292859689
+0.011526595376959 -20587.013760642486886
+0.0116264544953238 -20849.115360674775729
+0.0117263136136885 -21111.140442164047272
+0.0118261727320533 -21373.086997802362021
+0.011926031850418 -21634.952928829843586
+0.0120258909687828 -21896.739527379173524
+0.0121257500871475 -22158.457291606988292
+0.0122256092055123 -22420.096477945753577
+0.012325468323877 -22681.651099233269633
+0.0124253274422418 -22943.11451943539214
+0.0125251865606065 -23204.490439410736144
+0.0126250456789713 -23465.776590506036882
+0.012724904797336 -23726.969574773069326
+0.0128247639157007 -23988.065665713547787
+0.0129246230340655 -24249.060568737073481
+0.0130244821524302 -24509.948979084278108
+0.013124341270795 -24770.72353856632617
+0.0132242003891597 -25031.371083187030308
+0.0133240595075245 -25291.857074067629583
+0.0134239186258892 -25552.265535018239461
+0.013523777744254 -25812.604670764070761
+0.0136236368626187 -26072.86706499304637
+0.0137234959809835 -26333.048339514931286
+0.0138233550993482 -26593.144950153604441
+0.0139232142177129 -26853.153671295760432
+0.0140230733360777 -27113.071368191511283
+0.0141229324544424 -27372.894840679611661
+0.0142227915728072 -27632.620652777131909
+0.0143226506911719 -27892.244845571753103
+0.0144225098095367 -28151.762203830629005
+0.0145223689279014 -28411.172800192245631
+0.0146222280462662 -28670.509813631400903
+0.0147220871646309 -28929.777034921506129
+0.0148219462829957 -29188.964901159859437
+0.0149218054013604 -29448.067561839005066
+0.0150216645197252 -29707.080401867180626
+0.0151215236380899 -29965.999361454592872
+0.0152213827564546 -30224.820643263334205
+0.0153212418748194 -30483.540547900422098
+0.0154211009931841 -30742.155356659837707
+0.0155209601115489 -31000.661224357987521
+0.0156208192299136 -31259.054054371386883
+0.0157206783482784 -31517.329317760035337
+0.0158205374666431 -31775.481735504472454
+0.0159203965850079 -32033.504588047715515
+0.0160202557033726 -32291.387622599097085
+0.0161201148217374 -32549.101594286083127
+0.0162199739401021 -32806.666023155303265
+0.0163198330584669 -33064.118273613741621
+0.0164196921768316 -33321.455511158055742
+0.0165195512951963 -33578.675671153541771
+0.0166194104135611 -33835.776140590940486
+0.0167192695319258 -34092.753115567087661
+0.0168191286502906 -34349.603021080838516
+0.0169189877686553 -34606.322123705220292
+0.0170188468870201 -34862.906417376063473
+0.0171187060053848 -35119.351499157106446
+0.0172185651237496 -35375.652371675052564
+0.0173184242421143 -35631.803051161798066
+0.0174182833604791 -35887.795538841550297
+0.0175181424788438 -36143.650763397643459
+0.0176180015972086 -36399.371205179129902
+0.0177178607155733 -36654.98635120093968
+0.017817719833938 -36910.478306089142279
+0.0179175789523028 -37165.836164326734433
+0.0180174380706675 -37421.050000999333861
+0.0181172971890323 -37676.109076309250668
+0.018217156307397 -37931.00051426403661
+0.0183170154257618 -38185.715622258641815
+0.0184168745441265 -38440.234373325925844
+0.0185167336624913 -38694.513474352286721
+0.018616592780856 -38948.528034431765263
+0.0187164518992208 -39202.363000145625847
+0.0188163110175855 -39456.057919612743717
+0.0189161701359502 -39709.60237628743198
+0.019016029254315 -39962.979272608637984
+0.0191158883726797 -40216.148908748560643
+0.0192157474910445 -40469.149306147221068
+0.0193156066094092 -40722.002826331437973
+0.019415465727774 -40974.719549972374807
+0.0195153248461387 -41227.282998539711116
+0.0196151839645035 -41479.66168971767911
+0.0197150430828682 -41731.917569040779199
+0.019814902201233 -41984.051560770363722
+0.0199147613195977 -42236.058850424233242
+0.0200146204379625 -42487.941908708373376
+0.0201144795563272 -42739.695389793771028
+0.0202143386746919 -42991.312866149586625
+0.0203141977930567 -43242.785957629588665
+0.0204140569114214 -43494.101238412113162
+0.0205139160297862 -43745.23206051834859
+0.0206137751481509 -43996.208454150451871
+0.0207136342665157 -44247.015305245899071
+0.0208134933848804 -44497.630744934649556
+0.0209133525032452 -44748.124014909306425
+0.0210132116216099 -44998.489671869429003
+0.0211130707399747 -45248.71868660209293
+0.0212129298583394 -45498.798332408237911
+0.0213127889767042 -45748.6939767763688
+0.0214126480950689 -45998.427036367676919
+0.0215125072134336 -46248.047585589294613
+0.0216123663317984 -46497.541095741675235
+0.0217122254501631 -46746.881038118684955
+0.0218120845685279 -46996.086775042262161
+0.0219119436868925 -47245.166535829928762
+0.0220118028052572 -47494.115969843755011
+0.022111661923622 -47742.928119633557799
+0.0222115210419867 -47991.633900094333512
+0.0223113801603515 -48240.229919837642228
+0.0224112392787162 -48488.695587184651231
+0.0225110983970809 -48737.064748095726827
+0.0226109575154457 -48985.353783674225269
+0.0227108166338104 -49233.571515178642585
+0.0228106757521752 -49481.706725646326959
+0.0229105348705399 -49729.75510417066107
+0.0230103939889047 -49977.712217392938328
+0.0231102531072694 -50225.615998997447605
+0.0232101122256342 -50473.456317593343556
+0.0233099713439989 -50721.217624843469821
+0.0234098304623637 -50968.892220107081812
+0.0235096895807284 -51216.474106281159038
+0.0236095486990932 -51463.957896339321451
+0.0237094078174579 -51711.338353297869617
+0.0238092669358226 -51958.61008721296821
+0.0239091260541874 -52205.767250976081414
+0.0240089851725521 -52452.803586030429869
+0.0241088442909169 -52699.749327034805901
+0.0242087034092816 -52946.581243666609225
+0.0243085625276464 -53193.255239271747996
+0.0244084216460111 -53439.823121025270666
+0.0245082807643759 -53686.346715646526718
+0.0246081398827406 -53932.783378005900886
+0.0247079990011054 -54179.099394711302011
+0.0248078581194701 -54425.322927768887894
+0.0249077172378349 -54671.439443372371898
+0.0250075763561996 -54917.437105771881761
+0.0251074354745643 -55163.351989822884207
+0.0252072945929291 -55409.177830900574918
+0.0253071537112938 -55654.905906881205738
+0.0254070128296586 -55900.533773416049371
+0.0255068719480233 -56146.055371889699018
+0.0256067310663881 -56391.461502432597626
+0.0257065901847528 -56636.754602448912919
+0.0258064493031176 -56881.911599711449526
+0.0259063084214823 -57126.952356179164781
+0.0260061675398471 -57371.884422265247849
+0.0261060266582118 -57616.686910648975754
+0.0262058857765765 -57861.378954295512813
+0.0263057448949413 -58105.974539886818093
+0.026405604013306 -58350.470084812484856
+0.0265054631316708 -58594.861794449418085
+0.0266053222500355 -58839.145586560080119
+0.0267051813684003 -59083.316964288445888
+0.026805040486765 -59327.37074722781108
+0.0269048996051298 -59571.299941793695325
+0.0270047587234945 -59815.097201718272117
+0.0271046178418593 -60058.762609641467861
+0.027204476960224 -60302.284237783256685
+0.0273043360785888 -60545.641698443912901
+0.0274041951969535 -60788.866988346286234
+0.0275040543153182 -61031.957018675740983
+0.027603913433683 -61274.902560518559767
+0.0277037725520477 -61517.682829049306747
+0.0278036316704125 -61760.305162856326206
+0.0279034907887772 -62002.784697431023233
+0.028003349907142 -62245.112963394938561
+0.0281032090255067 -62487.279208673870016
+0.0282030681438715 -62729.268143234054151
+0.0283029272622362 -62971.045493103847548
+0.028402786380601 -63212.603044259099988
+0.0285026454989657 -63453.980635526691913
+0.0286025046173305 -63695.136064531950979
+0.0287023637356952 -63936.038371701273718
+0.0288022228540599 -64176.760876142048801
+0.0289020819724247 -64417.345488939659845
+0.0290019410907894 -64657.805623288273637
+0.0291018002091542 -64898.140588775211654
+0.0292016593275189 -65138.329546162989573
+0.0293015184458837 -65378.328014239421464
+0.0294013775642484 -65618.216420015654876
+0.0295012366826132 -65858.007476443992346
+0.0296010958009779 -66097.69258753406757
+0.0297009549193427 -66337.255538084849832
+0.0298008140377074 -66576.66242351764231
+0.0299006731560721 -66815.959829244020511
+0.0300005322744369 -67055.181501326311263
+0.0301003913928016 -67294.324053156960872
+0.0302002505111664 -67533.383300089393742
+0.0303001096295311 -67772.353458727753605
+0.0303999687478959 -68011.223801810032455
+0.0304998278662606 -68249.973462198846391
+0.0305996869846254 -68488.643747530906694
+0.0306995461029901 -68727.236670886588399
+0.0307994052213549 -68965.748810505800066
+0.0308992643397196 -69204.175805059378035
+0.0309991234580844 -69442.511065419632359
+0.0310989825764491 -69680.739228422768065
+0.0311988416948138 -69918.860572042409331
+0.0312987008131786 -70156.914154049925855
+0.0313985599315433 -70394.939626266306732
+0.0314984190499081 -70632.913579753803788
+0.0315982781682728 -70870.824912677315297
+0.0316981372866376 -71108.666236509758164
+0.0317979964050023 -71346.430697281422908
+0.0318978555233671 -71584.110545600764453
+0.0319977146417318 -71821.694716959507787
+0.0320975737600966 -72059.15457721844723
+0.0321974328784613 -72296.509329934648122
+0.0322972919968261 -72533.763572012205259
+0.0323971511151908 -72770.943879865735653
+0.0324970102335555 -73008.062464828413795
+0.0325968693519203 -73245.117264519605669
+0.032696728470285 -73482.106200777023332
+0.0327965875886498 -73719.027162740094354
+0.0328964467070145 -73955.877989845146658
+0.0329963058253793 -74192.656453253424843
+0.033096164943744 -74429.360234165316797
+0.0331960240621088 -74665.986896822447306
+0.0332958831804735 -74902.533852657448733
+0.0333957422988383 -75138.998309404792963
+0.033495601417203 -75375.377193330074078
+0.0335954605355678 -75611.667018722597277
+0.0336953196539325 -75847.863638623966835
+0.0337951787722972 -76083.987346489608171
+0.033895037890662 -76320.037726920869318
+0.0339948970090267 -76555.979373704903992
+0.0340947561273915 -76791.836662754256395
+0.0341946152457562 -77027.613340645621065
+0.034294474364121 -77263.299341221572831
+0.0343943334824857 -77498.895598167626304
+0.0344941926008503 -77734.403532612297568
+0.0345940517192152 -77969.813618372514611
+0.0346939108375798 -78205.127973233087687
+0.0347937699559445 -78440.347895277533098
+0.0348936290743093 -78675.467686157557182
+0.034993488192674 -78910.480066556498059
+0.0350933473110388 -79145.374204269013717
+0.0351932064294035 -79380.123598276797566
+0.0352930655477683 -79614.728967734845355
+0.035392924666133 -79849.223783831432229
+0.0354927837844978 -80083.599689548427705
+0.0355926429028625 -80317.892491991238785
+0.0356925020212273 -80552.098938706432818
+0.035792361139592 -80786.21540423562692
+0.0358922202579567 -81020.237735591537785
+0.0359920793763215 -81254.160987801253214
+0.0360919384946862 -81487.978915433384827
+0.036191797613051 -81721.682804694399238
+0.0362916567314157 -81955.257713670420344
+0.0363915158497805 -82188.656026314434712
+0.0364913749681452 -82421.929434872377897
+0.03659123408651 -82655.125097930198535
+0.0366910932048747 -82888.24063670488249
+0.0367909523232395 -83121.273506459707278
+0.0368908114416042 -83354.220951109746238
+0.036990670559969 -83587.090791548384004
+0.0370905296783337 -83819.884971591003705
+0.0371903887966984 -84052.592525500556803
+0.0372902479150632 -84285.206337074065232
+0.0373901070334279 -84517.716538639870123
+0.0374899661517927 -84750.115051812041202
+0.0375898252701574 -84982.405746934819035
+0.0376896843885222 -85214.56515950904577
+0.0377895435068869 -85446.625782844115747
+0.0378894026252517 -85678.594217423247756
+0.0379892617436164 -85910.465400821965886
+0.0380891208619812 -86142.231694401125424
+0.0381889799803459 -86373.877594131787191
+0.0382888390987107 -86605.422688755468698
+0.0383886982170754 -86836.867394423548831
+0.0384885573354401 -87068.20572632427502
+0.0385884164538049 -87299.42805943005078
+0.0386882755721696 -87530.51847362171975
+0.0387881346905344 -87761.499045085933176
+0.0388879938088991 -87992.363998421351425
+0.0389878529272639 -88223.093385999483871
+0.0390877120456286 -88453.688307249714853
+0.0391875711639934 -88684.177393914491404
+0.0392874302823581 -88914.55391560048156
+0.0393872894007229 -89144.808759118328453
+0.0394871485190876 -89374.927213484610547
+0.0395870076374523 -89604.873230701632565
+0.0396868667558171 -89834.658794449947891
+0.0397867258741818 -90064.333119264687411
+0.0398865849925466 -90293.873089946660912
+0.0399864441109113 -90523.28443704349047
+0.0400863032292761 -90752.614199500007089
+0.0401861623476408 -90981.866415668948321
+0.0402860214660056 -91211.037813211325556
+0.0403858805843703 -91440.124463290339918
+0.0404857397027351 -91669.121285568093299
+0.0405855988210998 -91898.020573962683557
+0.0406854579394646 -92126.802795842668274
+0.0407853170578293 -92355.480562267504865
+0.040885176176194 -92584.051222378737293
+0.0409850352945588 -92812.521358688245527
+0.0410848944129235 -93040.91855350464175
+0.0411847535312883 -93269.238994565384928
+0.041284612649653 -93497.483589971307083
+0.0413844717680178 -93725.650822933093878
+0.0414843308863825 -93953.743011911181384
+0.0415841900047473 -94181.760450250818394
+0.041684049123112 -94409.698346336153918
+0.0417839082414768 -94637.552119227606454
+0.0418837673598415 -94865.316633931637625
+0.0419836264782063 -95092.984545337792952
+0.042083485596571 -95320.536710893386044
+0.0421833447149357 -95547.989664400534821
+0.0422832038333005 -95775.356709433093783
+0.0423830629516652 -96002.632424323717714
+0.04248292207003 -96229.803598312049871
+0.0425827811883947 -96456.882450239441823
+0.0426826403067595 -96683.876077972861822
+0.0427824994251242 -96910.781643482419895
+0.042882358543489 -97137.596062452561455
+0.0429822176618537 -97364.347871939171455
+0.0430820767802185 -97591.0381156593794
+0.0431819358985832 -97817.647695246691001
+0.0432817950169479 -98044.194192794893752
+0.0433816541353127 -98270.660062986062258
+0.0434815132536774 -98497.019817520151264
+0.0435813723720422 -98723.287573754016194
+0.0436812314904069 -98949.458578829217004
+0.0437810906087717 -99175.519779595982982
+0.0438809497271364 -99401.445800421308377
+0.0439808088455012 -99627.236228130830568
+0.0440806679638659 -99852.910848551910021
+0.0441805270822307 -100078.47635112910939
+0.0442803862005954 -100303.96700036262337
+0.0443802453189602 -100529.40377615169564
+0.0444801044373249 -100754.76287802419392
+0.0445799635556896 -100980.03037677939574
+0.0446798226740544 -101205.19185164353985
+0.0447796817924191 -101430.22654042905197
+0.0448795409107839 -101655.08254216803471
+0.0449794000291486 -101879.77183721789334
+0.0450792591475134 -102104.37812334438786
+0.0451791182658781 -102328.88962319008715
+0.0452789773842429 -102553.30661495724053
+0.0453788365026076 -102777.6020814795047
+0.0454786956209724 -103001.81462979361822
+0.0455785547393371 -103225.98878355234046
+0.0456784138577019 -103450.12262971284508
+0.0457782729760666 -103674.21424885708257
+0.0458781320944313 -103898.26170530880336
+0.0459779912127961 -104122.26303776608256
+0.0460778503311608 -104346.21625015314203
+0.0461777094495256 -104570.11930226872209
+0.0462775685678903 -104793.97009993213578
+0.0463774276862549 -105017.76648424024461
+0.0464772868046197 -105241.50707124249311
+0.0465771459229844 -105465.21369304666587
+0.0466770050413492 -105688.88050673303951
+0.0467768641597139 -105912.49724138474267
+0.0468767232780787 -106136.05850823796936
+0.0469765823964434 -106359.5598660732503
+0.0470764415148081 -106582.99715449681389
+0.0471763006331729 -106806.36621518390893
+0.0472761597515376 -107029.66271236396278
+0.0473760188699024 -107252.88196699974651
+0.0474758779882671 -107476.0187538152677
+0.0475757371066319 -107699.06699607866176
+0.0476755962249966 -107922.01921978087921
+0.0477754553433614 -108144.86535214754986
+0.0478753144617261 -108367.58863210034906
+0.0479751735800909 -108590.15551342898107
+0.0480750326984556 -108812.55620632544742
+0.0481748918168203 -109034.88340126631374
+0.0482747509351851 -109257.13539526142995
+0.0483746100535498 -109479.30459171757684
+0.0484744691719146 -109701.39201741213037
+0.0485743282902793 -109923.39141176163685
+0.0486741874086441 -110145.29192555334885
+0.0487740465270088 -110367.07569576303649
+0.0488739056453736 -110588.74505833568401
+0.0489737647637383 -110810.34142060382874
+0.0490736238821031 -111031.87726014739019
+0.0491734830004678 -111253.34750772199186
+0.0492733421188326 -111474.74701129544701
+0.0493732012371973 -111696.07019029610092
+0.049473060355562 -111917.31071121100103
+0.0495729194739268 -112138.46103138642502
+0.0496727785922915 -112359.51416889694519
+0.0497726377106563 -112580.4626411376812
+0.049872496829021 -112801.27669102294021
+0.0499723559473858 -113021.94003925366269
+0.0500722150657505 -113242.47439979134651
+0.0501720741841153 -113462.86656794861483
+0.05027193330248 -113683.03524230165931
+0.0503717924208448 -113903.12011588766472
+0.0504716515392095 -114123.17443013026787
+0.0505715106575743 -114343.19654429898947
+0.050671369775939 -114563.18272739517852
+0.0507712288943037 -114783.12774057190109
+0.0508710880126685 -115003.02149218974228
+0.0509709471310332 -115222.87143855704926
+0.051070806249398 -115442.67513769438665
+0.0511706653677627 -115662.42347850475926
+0.0512705244861275 -115882.09358463833632
+0.0513703836044922 -116101.66839077477925
+0.051470242722857 -116321.20687689715123
+0.0515701018412217 -116540.72888051251357
+0.0516699609595865 -116760.23299709206913
+0.0517698200779512 -116979.7177452599426
+0.0518696791963159 -117199.18154374249571
+0.0519695383146807 -117418.62267581865308
+0.0520693974330454 -117638.03922789348871
+0.0521692565514102 -117857.42896240101254
+0.0522691156697749 -118076.78889575354697
+0.0523689747881397 -118296.11486974057334
+0.0524688339065044 -118515.40697265943163
+0.0525686930248692 -118734.65733101952355
+0.0526685521432339 -118953.85989072924713
+0.0527684112615987 -119173.03760677976243
+0.0528682703799634 -119392.18898708790948
+0.0529681294983282 -119611.31243702750362
+0.0530679886166929 -119830.40627212685649
+0.0531678477350576 -120049.46870242396835
+0.0532677068534224 -120268.49781231899397
+0.0533675659717871 -120487.49153422613745
+0.0534674250901519 -120706.44761275625206
+0.0535672842085166 -120925.36355401943729
+0.0536671433268814 -121144.23654940449342
+0.0537670024452461 -121363.06334796153533
+0.0538668615636109 -121581.83998390001943
+0.0539667206819756 -121800.5606961320882
+0.0540665798003404 -122019.22222407690424
+0.0541664389187051 -122237.81831067723397
+0.0542662980370699 -122456.33606079178571
+0.0543661571554346 -122674.74222220972297
+0.0544660162737993 -122893.07009047342581
+0.0545658753921641 -123111.31354863320303
+0.0546657345105288 -123329.51820168457925
+0.0547655936288936 -123547.69272726528288
+0.0548654527472583 -123765.83487031815457
+0.0549653118656231 -123983.94194803391292
+0.0550651709839878 -124202.01062989958155
+0.0551650301023526 -124420.03657180516166
+0.0552648892207173 -124638.01862802027608
+0.0553647483390821 -124855.95492905737774
+0.0554646074574468 -125073.81064107276325
+0.0555644665758116 -125291.64118537062313
+0.0556643256941763 -125509.45126833749237
+0.055764184812541 -125727.25244845876296
+0.0558640439309058 -125945.07268876732269
+0.0559639030492705 -126162.88448314246489
+0.0560637621676353 -126380.69223251061339
+0.056163621286 -126598.49172786640702
+0.0562634804043648 -126816.27886885569023
+0.0563633395227295 -127034.04998273462115
+0.0564631986410943 -127251.80151101222145
+0.056563057759459 -127469.52977698906034
+0.0566629168778238 -127687.23072121906443
+0.0567627759961885 -127904.89944928212208
+0.0568626351145532 -128122.52907033487281
+0.056962494232918 -128340.10313542383665
+0.0570623533512827 -128557.61724989871436
+0.0571622124696475 -128775.10856437924667
+0.0572620715880122 -128992.57429805706488
+0.057361930706377 -129210.01136165275238
+0.0574617898247417 -129427.41621001456224
+0.0575616489431065 -129644.78458145375771
+0.0576615080614712 -129862.11095278208086
+0.057761367179836 -130079.38700017456722
+0.0578612262982007 -130296.59076085667766
+0.0579610854165655 -130513.73101462259365
+0.0580609445349302 -130730.8305989899236
+0.0581608036532949 -130947.94008943844528
+0.0582606627716597 -131165.07394480551011
+0.0583605218900244 -131382.21828673483105
+0.0584603810083892 -131599.36456367335632
+0.0585602401267539 -131816.5059648285096
+0.0586600992451187 -132033.63586270192172
+0.0587599583634834 -132250.74639418770676
+0.0588598174818482 -132467.82334088077187
+0.0589596766002129 -132684.84875389913213
+0.0590595357185777 -132901.85553417960182
+0.0591593948369424 -133118.85717700264649
+0.059259253955307 -133335.8506685984612
+0.0593591130736719 -133552.8327700374939
+0.0594589721920366 -133769.79986418457702
+0.0595588313104012 -133986.74769379620557
+0.059658690428766 -134203.67081837382284
+0.0597585495471307 -134420.56114306621021
+0.0598584086654955 -134637.39917413357762
+0.0599582677838602 -134854.17752583991387
+0.060058126902225 -135070.94590972084552
+0.0601579860205897 -135287.70455094796489
+0.0602578451389544 -135504.4508297885186
+0.0603577042573192 -135721.18186107376823
+0.0604575633756839 -135937.89439872145886
+0.0605574224940487 -136154.5846916550945
+0.0606572816124134 -136371.2482477283047
+0.0607571407307782 -136587.87940229396918
+0.0608569998491429 -136804.4703845277254
+0.0609568589675077 -137021.00838896934874
+0.0610567180858724 -137237.46576675373944
+0.0611565772042372 -137453.8370265471749
+0.0612564363226019 -137670.14739502751036
+0.0613562954409667 -137886.45248881651787
+0.0614561545593314 -138102.75846625308623
+0.0615560136776961 -138319.06293237576028
+0.0616558727960609 -138535.36283274495509
+0.0617557319144256 -138751.65372957382351
+0.0618555910327904 -138967.94840960082365
+0.0619554501511551 -139184.22861918908893
+0.0620553092695199 -139400.52503971848637
+0.0621551683878846 -139616.83701012356323
+0.0622550275062494 -139833.16190501418896
+0.0623548866246141 -140049.49749010973028
+0.0624547457429789 -140265.84170662771794
+0.0625546048613436 -140482.19256270659389
+0.0626544639797083 -140698.54806424374692
+0.0627543230980731 -140914.90616032024263
+0.0628541822164378 -141131.26468974337331
+0.0629540413348026 -141347.62131806224352
+0.0630539004531673 -141563.97344972507562
+0.0631537595715321 -141780.31808445375646
+0.0632536186898968 -141996.65152975908131
+0.0633534778082616 -142212.96856344077969
+0.0634533369266263 -142429.25815282249823
+0.0635531960449911 -142645.52637112306547
+0.0636530551633558 -142861.77023973327596
+0.0637529142817206 -143077.9856831607176
+0.0638527734000853 -143294.1442555905669
+0.0639526325184501 -143510.28019170166226
+0.0640524916368148 -143726.41921919674496
+0.0641523507551795 -143942.55916272383183
+0.0642522098735443 -144158.69741212637746
+0.064352068991909 -144374.83042244860553
+0.0644519281102738 -144590.95252208548482
+0.0645517872286385 -144807.06569546303945
+0.0646516463470033 -145023.16547361708945
+0.064751505465368 -145239.24069706565933
+0.0648513645837328 -145455.28192199481418
+0.0649512237020975 -145671.27823944308329
+0.0650510828204623 -145887.27979037296609
+0.065150941938827 -146103.29035631200531
+0.0652508010571917 -146319.30751798933488
+0.0653506601755565 -146535.327828351059
+0.0654505192939212 -146751.35326581809204
+0.065550378412286 -146967.38122462568572
+0.0656502375306507 -147183.40721459308406
+0.0657500966490155 -147399.42053544829832
+0.0658499557673802 -147615.41255120874848
+0.065949814885745 -147831.41824157504016
+0.0660496740041097 -148047.43637106931419
+0.0661495331224745 -148263.46518304516212
+0.0662493922408392 -148479.50105103189708
+0.066349251359204 -148695.54327918202034
+0.0664491104775687 -148911.59704905524268
+0.0665489695959335 -149127.66106729360763
+0.0666488287142982 -149343.73386180037051
+0.0667486878326629 -149559.81368539025425
+0.0668485469510277 -149775.89830835635075
+0.0669484060693924 -149991.98442365546362
+0.0670482651877572 -150208.06328231620137
+0.0671481243061219 -150424.13613412674749
+0.0672479834244867 -150640.21874394678161
+0.0673478425428514 -150856.30983636263409
+0.0674477016612162 -151072.40800794929964
+0.0675475607795809 -151288.51169019265217
+0.0676474198979456 -151504.61909358942648
+0.0677472790163104 -151720.72811763241771
+0.0678471381346751 -151936.83619153228938
+0.0679469972530399 -152152.93995068481308
+0.0680468563714046 -152369.03440660881461
+0.0681467154897694 -152585.109223835374
+0.0682465746081341 -152801.14714555069804
+0.0683464337264989 -153017.18943868830684
+0.0684462928448636 -153233.23673629874247
+0.0685461519632284 -153449.28639887660393
+0.0686460110815931 -153665.33487511394196
+0.0687458701999579 -153881.37668382655829
+0.0688457293183226 -154097.39811570619349
+0.0689455884366874 -154313.39838723622961
+0.0690454475550521 -154529.38448464954854
+0.0691453066734168 -154745.39493438621867
+0.0692451657917816 -154961.4325810627488
+0.0693450249101463 -155177.49556795807439
+0.0694448840285111 -155393.58249534937204
+0.0695447431468758 -155609.69214497861685
+0.0696446022652406 -155825.82337118635769
+0.0697444613836053 -156041.97504050660064
+0.0698443205019701 -156258.14598541762098
+0.0699441796203348 -156474.33495447781752
+0.0700440387386996 -156690.54053524514893
+0.0701438978570643 -156906.76097879224108
+0.070243756975429 -157122.99331819187501
+0.0703436160937938 -157339.23483704251703
+0.0704434752121585 -157555.49071101963636
+0.0705433343305233 -157771.75918929485488
+0.070643193448888 -157988.0379757063638
+0.0707430525672528 -158204.32358041024418
+0.0708429116856174 -158420.60627779923379
+0.0709427708039823 -158636.89135608670767
+0.071042629922347 -158853.19079849321861
+0.0711424890407116 -159069.52240319791599
+0.0712423481590763 -159285.91173677024199
+0.0713422072774413 -159502.33470224618213
+0.0714420663958058 -159718.79378251970047
+0.0715419255141706 -159935.29154243454104
+0.0716417846325353 -160151.78564605451538
+0.0717416437509001 -160368.30726363978465
+0.0718415028692648 -160584.87954568129499
+0.0719413619876296 -160801.49999889431638
+0.0720412211059943 -161018.16654742558603
+0.0721410802243591 -161234.87724675366189
+0.0722409393427238 -161451.62942754069809
+0.0723407984610886 -161668.4235569856246
+0.0724406575794533 -161885.2598831076466
+0.0725405166978181 -162102.13742622479913
+0.0726403758161828 -162319.05528080475051
+0.0727402349345475 -162536.01260148815345
+0.0728400940529123 -162753.00859240928548
+0.072939953171277 -162970.04249894298846
+0.0730398122896418 -163187.11360111864633
+0.0731396714080065 -163404.22120832680957
+0.0732395305263713 -163621.36465499919723
+0.073339389644736 -163838.54329698652145
+0.0734392487631008 -164055.75650853736443
+0.0735391078814655 -164273.00367972024833
+0.0736389669998303 -164490.2842142090376
+0.073738826118195 -164707.59752734506037
+0.0738386852365597 -164924.94304441669374
+0.0739385443549245 -165142.32019917771686
+0.0740384034732892 -165359.72843244561227
+0.074138262591654 -165577.16719087157981
+0.0742381217100187 -165794.6359257963486
+0.0743379808283835 -166012.13409217688604
+0.0744378399467482 -166229.66114758892218
+0.074537699065113 -166447.21655121885124
+0.0746375581834777 -166664.79976293447544
+0.0747374173018425 -166882.41024235010264
+0.0748372764202072 -167100.0474479124241
+0.074937135538572 -167317.71083589908085
+0.0750369946569367 -167535.39985946827801
+0.0751368537753015 -167753.11396760871867
+0.0752367128936662 -167970.85260402152198
+0.0753365720120309 -168188.61520588985877
+0.0754364311303957 -168406.40120256942464
+0.0755362902487604 -168624.21001403569244
+0.0756361493671252 -168842.04104917359655
+0.0757360084854899 -169059.8937037474534
+0.0758358676038547 -169277.7673580070259
+0.0759357267222194 -169495.66137369722128
+0.0760355858405842 -169713.57509044988547
+0.0761354449589489 -169931.50782116278424
+0.0762353040773136 -170149.45884584408486
+0.0763351631956784 -170367.42740331814275
+0.0764350223140431 -170585.41271539969603
+0.0765348814324079 -170803.46251374512212
+0.0766347405507726 -171021.56671531239408
+0.0767345996691374 -171239.71052044947282
+0.0768344587875021 -171457.887570247025
+0.0769343179058669 -171676.09271521191113
+0.0770341770242316 -171894.32168380109943
+0.0771340361425964 -172112.57554024661658
+0.0772338952609611 -172330.85033728729468
+0.0773337543793259 -172549.1368621927686
+0.0774336134976906 -172767.43680672522169
+0.0775334726160554 -172985.76514854151173
+0.0776333317344201 -173204.12075102012022
+0.0777331908527848 -173422.50252717596595
+0.0778330499711496 -173640.90942331400583
+0.0779329090895143 -173859.34040525680757
+0.0780327682078791 -174077.79444550492917
+0.0781326273262438 -174296.27050967470859
+0.0782324864446086 -174514.76753974545863
+0.0783323455629733 -174733.28442890342558
+0.0784322046813381 -174951.81997400440741
+0.0785320637997028 -175170.37275031971512
+0.0786319229180676 -175388.94029225467239
+0.0787317820364323 -175607.52145545737585
+0.078831641154797 -175826.12126193635049
+0.0789315002731618 -176044.73906269299914
+0.0790313593915265 -176263.37719258616562
+0.0791312185098913 -176482.06596483205794
+0.079231077628256 -176700.79002949263668
+0.0793309367466208 -176919.54198967208504
+0.0794307958649855 -177138.31776888735476
+0.0795306549833503 -177357.11428215104388
+0.079630514101715 -177575.92912279782468
+0.0797303732200798 -177794.76024264158332
+0.0798302323384445 -178013.60480777994962
+0.0799300914568093 -178232.46011073433328
+0.080029950575174 -178451.32326217280934
+0.0801298096935387 -178670.19098940782715
+0.0802296688119035 -178889.05933105316944
+0.0803295279302682 -179107.92296164919389
+0.080429387048633 -179326.77342009282438
+0.0805292461669977 -179545.59868869907223
+0.0806291052853625 -179764.42065403269953
+0.0807289644037272 -179983.22944839912816
+0.080828823522092 -180202.00193376251264
+0.0809286826404567 -180420.7643966076721
+0.0810285417588215 -180639.54695014003664
+0.0811284008771862 -180858.34858662061743
+0.0812282599955509 -181077.17002359664184
+0.0813281191139157 -181296.00712034286698
+0.0814279782322804 -181514.85292303512688
+0.0815278373506452 -181733.72461877172464
+0.0816276964690099 -181952.65602899447549
+0.0817275555873747 -182171.62750239128945
+0.0818274147057394 -182390.62355834932532
+0.0819272738241042 -182609.63321954672574
+0.0820271329424689 -182828.68538784360862
+0.0821269920608337 -183047.77834391384386
+0.0822268511791984 -183266.91045422531897
+0.0823267102975632 -183486.08027043225593
+0.0824265694159279 -183705.28645757833146
+0.0825264285342927 -183924.52774579610559
+0.0826262876526574 -184143.80289227204048
+0.0827261467710221 -184363.11064444927615
+0.0828260058893869 -184582.44969384607975
+0.0829258650077516 -184801.81859573209658
+0.0830257241261164 -185021.21554825056228
+0.0831255832444811 -185240.63700505127781
+0.0832254423628459 -185460.08464645559434
+0.0833253014812106 -185679.55937630758854
+0.0834251605995754 -185899.05942571346532
+0.0835250197179401 -186118.58228398783831
+0.0836248788363048 -186338.1215182581218
+0.0837247379546696 -186557.67996708577266
+0.0838245970730343 -186777.26518696726998
+0.0839244561913991 -186996.87572498747613
+0.0840243153097637 -187216.50975679644034
+0.0841241744281284 -187436.16460885974811
+0.0842240335464933 -187655.83330952725373
+0.0843238926648579 -187875.51993443141691
+0.0844237517832227 -188095.2306620781892
+0.0845236109015874 -188314.96308288141154
+0.0846234700199522 -188534.71308023954043
+0.0847233291383169 -188754.46730527241016
+0.0848231882566816 -188974.23929958394729
+0.0849230473750464 -189194.04386501063709
+0.0850229064934111 -189413.88051611432456
+0.0851227656117759 -189633.74876419268548
+0.0852226247301406 -189853.64811647546594
+0.0853224838485054 -190073.57807526504621
+0.0854223429668701 -190293.53813700261526
+0.0855222020852349 -190513.52779131822172
+0.0856220612035996 -190733.54651996548637
+0.0857219203219644 -190953.59379562630784
+0.0858217794403291 -191173.6690806588158
+0.0859216385586938 -191393.77182565312251
+0.0860214976770586 -191613.9014678094245
+0.0861213567954233 -191834.05742910702247
+0.0862212159137881 -192054.23911414531176
+0.0863210750321528 -192274.44590774405515
+0.0864209341505176 -192494.67717199676554
+0.0865207932688823 -192714.93224284026655
+0.0866206523872471 -192935.21042590614525
+0.0867205115056118 -193155.5148486578837
+0.0868203706239766 -193375.85273771316861
+0.0869202297423413 -193596.21802216154174
+0.0870200888607061 -193816.60822083117091
+0.0871199479790708 -194037.02157376462128
+0.0872198070974356 -194257.45652143063489
+0.0873196662158003 -194477.91153306639171
+0.087419525334165 -194698.38500572033809
+0.0875193844525298 -194918.87516907267855
+0.0876192435708945 -195139.37995551113272
+0.0877191026892593 -195359.89676577021601
+0.087818961807624 -195580.42191288075992
+0.0879188209259888 -195800.94848683523014
+0.0880186800443535 -196021.46376647360739
+0.0881185391627183 -196242.04137015560991
+0.088218398281083 -196462.66871296765748
+0.0883182573994477 -196683.33537964356947
+0.0884181165178125 -196904.03560224399553
+0.0885179756361772 -197124.76454823961831
+0.088617834754542 -197345.51707674263162
+0.0887176938729067 -197566.28623900463572
+0.0888175529912715 -197787.05738488113275
+0.0889174121096362 -198007.80985318802414
+0.089017271228001 -198228.60306146962103
+0.0891171303463657 -198449.43849181613768
+0.0892169894647305 -198670.31534897195525
+0.0893168485830952 -198891.23289303254569
+0.08941670770146 -199112.19042796679423
+0.0895165668198247 -199333.18729287973838
+0.0896164259381895 -199554.22285521155572
+0.0897162850565542 -199775.29650524759199
+0.0898161441749189 -199996.4076515645429
+0.0899160032932837 -200217.55571726537892
+0.0900158624116484 -200438.74013661305071
+0.0901157215300132 -200659.96035203529755
+0.0902155806483779 -200881.21581130672712
+0.0903154397667427 -201102.50596480089007
+0.0904152988851074 -201323.83026275946759
+0.0905151580034722 -201545.18815219582757
+0.0906150171218369 -201766.57907349863672
+0.0907148762402017 -201988.0024563044135
+0.0908147353585664 -202209.45771408226574
+0.0909145944769311 -202430.94423669911339
+0.0910144535952959 -202652.46137915091822
+0.0911143127136606 -202874.00844281705213
+0.0912141718320254 -203095.58463987178402
+0.0913140309503901 -203317.18901080708019
+0.0914138900687549 -203538.82014552212786
+0.0915137491871196 -203760.47455084067769
+0.0916136083054844 -203982.15607643063413
+0.0917134674238491 -204203.8664378686517
+0.0918133265422139 -204425.60503520921338
+0.0919131856605786 -204647.37123254485778
+0.0920130447789434 -204869.16434424719773
+0.0921129038973081 -205090.98361056574504
+0.0922127630156728 -205312.82814493321348
+0.0923126221340376 -205534.69676616927609
+0.0924124812524023 -205756.58882774962694
+0.0925123403707671 -205978.50774455640931
+0.0926121994891318 -206200.45233551348792
+0.0927120586074966 -206422.4210839397856
+0.0928119177258613 -206644.41239897458581
+0.0929117768442261 -206866.42421756617841
+0.0930116359625908 -207088.45294041754096
+0.0931114950809556 -207310.48932096950011
+0.0932113541993203 -207532.54867932363413
+0.093311213317685 -207754.63469209111645
+0.0934110724360498 -207976.74669382051798
+0.0935109315544145 -208198.88397621002514
+0.0936107906727793 -208421.04577009603963
+0.093710649791144 -208643.23121749926941
+0.0938105089095088 -208865.43932239164133
+0.0939103680278735 -209087.66884691483574
+0.0940102271462383 -209309.92440855703899
+0.094110086264603 -209532.21379829966463
+0.0942099453829678 -209754.52913545627962
+0.0943098045013325 -209976.86751090461621
+0.0944096636196973 -210199.23644950473681
+0.094509522738062 -210421.63449848533492
+0.0946093818564268 -210644.06037273033871
+0.0947092409747915 -210866.51285049784929
+0.0948091000931562 -211088.99070779385511
+0.094908959211521 -211311.49266304640332
+0.0950088183298857 -211534.01731536755688
+0.0951086774482503 -211756.56305737158982
+0.0952085365666151 -211979.12792463621008
+0.09530839568498 -212201.70927588050836
+0.0954082548033446 -212424.3028631794441
+0.0955081139217093 -212646.89578434484429
+0.0956079730400742 -212869.49403744976735
+0.0957078321584388 -213092.11918737521046
+0.0958076912768036 -213314.77015284425579
+0.0959075503951683 -213537.44553475169232
+0.096007409513533 -213760.14502245598123
+0.0961072686318978 -213982.89724896216649
+0.0962071277502625 -214205.69676584895933
+0.0963069868686273 -214428.54024568598834
+0.096406845986992 -214651.42369526633411
+0.0965067051053568 -214874.34414725573151
+0.0966065642237215 -215097.29877472110093
+0.0967064233420863 -215320.28368501487421
+0.096806282460451 -215543.29285037374939
+0.0969061415788157 -215766.33681002957746
+0.0970060006971805 -215989.41532714868663
+0.0971058598155452 -216212.52710160624702
+0.09720571893391 -216435.67072487963014
+0.0973055780522747 -216658.84457555174595
+0.0974054371706395 -216882.04661911088624
+0.0975052962890042 -217105.27388345552026
+0.097605155407369 -217328.51906186674023
+0.0977050145257337 -217551.78256800191593
+0.0978048736440985 -217775.06298361791414
+0.0979047327624632 -217998.37421752180671
+0.098004591880828 -218221.72381006809883
+0.0981044509991927 -218445.11138014009339
+0.0982043101175575 -218668.53655676875496
+0.0983041692359222 -218891.99897788185626
+0.0984040283542869 -219115.49828912512749
+0.0985038874726517 -219339.03414294758113
+0.0986037465910164 -219562.60619769670302
+0.0987036057093812 -219786.21411687962245
+0.0988034648277459 -220009.8575684960233
+0.0989033239461107 -220233.5362243768468
+0.0990031830644754 -220457.24975965329213
+0.0991030421828402 -220680.99785222136416
+0.0992029013012049 -220904.78018225939013
+0.0993027604195697 -221128.59643175845849
+0.0994026195379344 -221352.44628407480195
+0.0995024786562991 -221576.32942353066755
+0.0996023377746639 -221800.24553498337627
+0.0997021968930286 -222024.19430341868429
+0.0998020560113934 -222248.17541353876004
+0.0999019151297581 -222472.1885493582522
diff --git a/DATASET/P=150000Pa/box_confined.data b/DATASET/P=150000Pa/box_confined.data
new file mode 100644
index 0000000..2dd1617
--- /dev/null
+++ b/DATASET/P=150000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2162144
+
+240 atoms
+6 atom types
+
+0.0277100182221552 0.07228998177784482 xlo xhi
+0.0277100182221552 0.07228998177784482 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+12 1 0.0035 1071.4285714285713 0.030698387367409735 0.02933637851410482 0 0 0 0
+237 1 0.0035 1071.4285714285713 0.034090772163481366 0.028857660204900323 0 0 1 0
+233 1 0.0035 1071.4285714285713 0.03735866394673456 0.07218104000896378 0 0 0 0
+240 1 0.0035 1071.4285714285713 0.04012455893630738 0.029649336358540536 0 0 1 0
+3 1 0.0035 1071.4285714285713 0.04324800009911774 0.028269590277340922 0 0 0 0
+239 1 0.0025 1500.0000000000005 0.046379798453170716 0.028033402113927203 0 0 1 0
+8 1 0.0035 1071.4285714285713 0.04923173369656248 0.02888885550681572 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.05245550086695196 0.02933641603744508 0 0 0 0
+19 1 0.0025 1500.0000000000005 0.05502200149821532 0.029376710026619887 0 0 0 0
+16 1 0.0025 1500.0000000000005 0.05684631823664702 0.07222978807275125 0 0 -1 0
+15 1 0.0035 1071.4285714285713 0.063503542649082 0.02999885606329404 0 0 0 0
+1 1 0.0025 1500.0000000000005 0.06567654385501069 0.02799437258212897 0 0 0 0
+21 1 0.0025 1500.0000000000005 0.06998487203265578 0.02994758896106089 0 0 0 0
+29 1 0.0035 1071.4285714285713 0.027927695288427517 0.03136150586386514 0 1 0 0
+18 1 0.0025 1500.0000000000005 0.031666421435597614 0.032155201724927515 0 0 0 0
+13 1 0.0025 1500.0000000000005 0.034103274543294294 0.031817961215987706 0 0 0 0
+6 1 0.0035 1071.4285714285713 0.03696749575356011 0.03102074867613217 0 0 0 0
+17 1 0.0035 1071.4285714285713 0.04290000607015276 0.031699931119616255 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.045443828007641185 0.03029373151189419 0 0 0 0
+9 1 0.0025 1500.0000000000005 0.04766143527925051 0.03132259365962914 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.05092121431577778 0.031833713878400456 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.053879072897459176 0.031542121214798664 0 0 0 0
+23 1 0.0035 1071.4285714285713 0.05781092590087275 0.030559652100799934 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.060680578091825754 0.030823175313837645 0 0 0 0
+10 1 0.0035 1071.4285714285713 0.06708337088380123 0.03053935594682808 0 0 0 0
+26 1 0.0025 1500.0000000000005 0.0697047350016685 0.03240037655615016 0 0 0 0
+31 1 0.0025 1500.0000000000005 0.029779881699610416 0.03367534017030442 0 0 0 0
+20 1 0.0035 1071.4285714285713 0.03579182094637163 0.03424793051797221 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.0397390186508215 0.03306298420146042 0 0 0 0
+28 1 0.0035 1071.4285714285713 0.0456411692534074 0.03367730610223999 0 0 0 0
+22 1 0.0025 1500.0000000000005 0.048534991416319 0.03356343227898508 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.05366360481284325 0.03399667206742081 0 0 0 0
+36 1 0.0025 1500.0000000000005 0.05584760566718815 0.03291304722512999 0 0 0 0
+32 1 0.0035 1071.4285714285713 0.05872241422889083 0.03384368383610365 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.06213931170359034 0.033460919072096626 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.06493131289653019 0.032609030502627145 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.06740510627394664 0.03420431554652631 0 0 0 0
+43 1 0.0035 1071.4285714285713 0.0714642142279175 0.034743545771634445 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.02953208876877292 0.03612388128667903 0 0 0 0
+39 1 0.0035 1071.4285714285713 0.03239585205632416 0.03505335499340207 0 0 0 0
+24 1 0.0035 1071.4285714285713 0.03853296806338259 0.03631025495049465 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.042030013305284074 0.03565331247082925 0 0 0 0
+52 1 0.0025 1500.0000000000005 0.04483097216774131 0.03663676995900668 0 0 0 0
+38 1 0.0035 1071.4285714285713 0.047795562235525 0.036425513177331406 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.051018935534745645 0.03526199641226024 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.05593117673661306 0.03586677032911204 0 0 0 0
+54 1 0.0035 1071.4285714285713 0.06076083391546129 0.03659447001707995 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.06457523679474776 0.03511943577819213 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.06613354788060997 0.037051852011366036 0 0 0 0
+68 1 0.0035 1071.4285714285713 0.07227449056819056 0.03841055891283503 0 -1 0 0
+70 1 0.0035 1071.4285714285713 0.03117549787236762 0.03853348695641011 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.034574708675706146 0.03769510824793241 0 0 0 0
+40 1 0.0025 1500.0000000000005 0.037303574074863274 0.03891245530859279 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.04070037245896972 0.03829135897351132 0 0 0 0
+48 1 0.0025 1500.0000000000005 0.04315892797006472 0.03849864697643337 0 0 0 0
+60 1 0.0035 1071.4285714285713 0.046072840828205154 0.0394233077430566 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.04956599436457893 0.03943513142029864 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.05324232613824325 0.03707076509386862 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.05505996920242495 0.03873344876254942 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.05800540201379663 0.03857318733471197 0 0 0 0
+57 1 0.0025 1500.0000000000005 0.06366127181392849 0.03740797735501466 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.06690784238538919 0.039424564652904476 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.06905848294934823 0.037251874148331525 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.02786982919804336 0.041359782994414424 0 1 0 0
+61 1 0.0025 1500.0000000000005 0.03334230724116793 0.04049631448575617 0 0 0 0
+72 1 0.0035 1071.4285714285713 0.03609740582773886 0.04149541048652923 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.039324107895312814 0.040325307189072 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.0417838508622146 0.04048812866611589 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.052467442146442785 0.03934989574005537 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.05147655371274165 0.04177237048392827 0 0 0 0
+79 1 0.0035 1071.4285714285713 0.054413915440767915 0.041634090652400486 0 0 0 0
+74 1 0.0035 1071.4285714285713 0.057876547341935626 0.042006817436721924 0 0 0 0
+77 1 0.0035 1071.4285714285713 0.061245816408418766 0.040015168808732564 0 0 0 0
+66 1 0.0025 1500.0000000000005 0.06453006520417141 0.03970339257887196 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.06659770681742687 0.04184597360767171 0 0 0 0
+71 1 0.0035 1071.4285714285713 0.06959175717955593 0.04061493099951452 0 0 0 0
+83 1 0.0025 1500.0000000000005 0.028651654316409744 0.04395667644136044 0 1 0 0
+81 1 0.0035 1071.4285714285713 0.030756183865586 0.04191861272731939 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.03351732039348381 0.04292541913782295 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.038898114064501936 0.042706455503191985 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.0413744860962278 0.042866560342234836 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.04423708945170672 0.04236106994675051 0 0 0 0
+69 1 0.0035 1071.4285714285713 0.04774008773533586 0.04237295928925739 0 0 0 0
+67 1 0.0025 1500.0000000000005 0.050235946002188746 0.043968577823825 0 0 0 0
+86 1 0.0025 1500.0000000000005 0.0607027246535173 0.042900365951410634 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.06369211103736544 0.0424526458672708 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.06851755644812588 0.04374299688535336 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.07089682166318234 0.043249655724555476 0 0 0 0
+101 1 0.0025 1500.0000000000005 0.028079536678657147 0.04636468022368105 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.03095406445722704 0.044847552871982825 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.03367853835501189 0.045904678362319505 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.036959269826206204 0.044879119067573046 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.04022133892516917 0.045012151704008754 0 0 0 0
+99 1 0.0025 1500.0000000000005 0.04271995166583619 0.044891962480813966 0 0 0 0
+107 1 0.0025 1500.0000000000005 0.04607270305755377 0.04476703260154832 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.04837241670809394 0.04554241524186687 0 0 0 0
+88 1 0.0035 1071.4285714285713 0.05313358011996108 0.04486533689454981 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.055915816715590205 0.044179327467936326 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.05863307280635901 0.04536303735924826 0 0 0 0
+96 1 0.0035 1071.4285714285713 0.06203631424393274 0.045516097187009684 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.06596598194121477 0.044312071213386865 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.07033510998535925 0.045560989749744714 0 0 0 0
+104 1 0.0025 1500.0000000000005 0.028010750894152597 0.04881553222513566 0 1 0 0
+115 1 0.0035 1071.4285714285713 0.030695755137015588 0.04773844804936341 0 0 0 0
+97 1 0.0035 1071.4285714285713 0.03624519107886381 0.04828141787006287 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.038918351777567514 0.04708974207589605 0 0 0 0
+109 1 0.0035 1071.4285714285713 0.04174441621909376 0.04771191419024108 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.04451627284977936 0.04665008716049222 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.04690563950704832 0.047526520291607054 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.04980354830356944 0.04805906796143965 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.05282282735194029 0.047792797056540604 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.055705145988709535 0.047151653541744665 0 0 0 0
+103 1 0.0035 1071.4285714285713 0.06009708337852959 0.0484662554660147 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.06308043937274856 0.048268691465669276 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.06479715792249272 0.04648078249166243 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.06766842556550597 0.04672352061509691 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.07032124111443079 0.04805036798108066 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.03337350907819757 0.04887842050441954 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.039118668520838645 0.050037560985585865 0 0 0 0
+129 1 0.0025 1500.0000000000005 0.04197395132022718 0.05084082350200342 0 0 0 0
+125 1 0.0035 1071.4285714285713 0.04460877312003087 0.04958499282940254 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.04751953382713711 0.0499614662352651 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.049711468067584016 0.05108495315405205 0 0 0 0
+124 1 0.0025 1500.0000000000005 0.05212277453680745 0.05096164658502022 0 0 0 0
+120 1 0.0025 1500.0000000000005 0.05426528756709116 0.04980006938812591 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.05716493924855532 0.05029269287319196 0 0 0 0
+113 1 0.0025 1500.0000000000005 0.06563835763397702 0.04896750376018436 0 0 0 0
+126 1 0.0025 1500.0000000000005 0.06796138347174692 0.04970050471740591 0 0 0 0
+136 1 0.0035 1071.4285714285713 0.07062489828639312 0.0510212525960652 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.029496307036085783 0.05136846800419808 0 0 0 0
+127 1 0.0035 1071.4285714285713 0.0328687464564218 0.051758458812216766 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.0357902657399831 0.05122077485539164 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.03792741007529025 0.05325522433226443 0 0 0 0
+141 1 0.0035 1071.4285714285713 0.04400828817546351 0.05296219704009711 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.04751379127615493 0.05306218126240569 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.05459755545724559 0.05278168214522311 0 0 0 0
+146 1 0.0025 1500.0000000000005 0.05754099576098914 0.05320774640593042 0 0 0 0
+135 1 0.0035 1071.4285714285713 0.06022855278267802 0.05188378101307767 0 0 0 0
+130 1 0.0035 1071.4285714285713 0.0635877441529569 0.051224510886433844 0 0 0 0
+138 1 0.0025 1500.0000000000005 0.06663221398690285 0.05174491064149198 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.031014226276172115 0.0546173963200593 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.03496762032877435 0.05388506669108847 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.03650115105525246 0.055787571580363446 0 0 0 0
+137 1 0.0025 1500.0000000000005 0.04100367148726977 0.053288461016530744 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.04569205305557046 0.05540270468762246 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.05094607017513416 0.05383218399559703 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.05339470853438318 0.055459664878621945 0 0 0 0
+156 1 0.0035 1071.4285714285713 0.059717387246865095 0.05527888790815994 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.062360614241538624 0.05394448506019985 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.06523656546140183 0.05433426989730675 0 0 0 0
+142 1 0.0035 1071.4285714285713 0.06864982134784707 0.05384026455035355 0 0 0 0
+145 1 0.0035 1071.4285714285713 0.07211897610087553 0.05418713800423872 0 -1 0 0
+148 1 0.0025 1500.0000000000005 0.02788473863844386 0.057135506546349 0 0 0 0
+172 1 0.0035 1071.4285714285713 0.03061755973385348 0.058176432176530284 0 0 0 0
+155 1 0.0035 1071.4285714285713 0.03376002204034249 0.056770187529717665 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.03942732500590112 0.056373912218988735 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.04286640402526615 0.056212834228256965 0 0 0 0
+166 1 0.0025 1500.0000000000005 0.045315944163774366 0.05789993864680062 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.0484882129606849 0.05636473821684623 0 0 0 0
+144 1 0.0025 1500.0000000000005 0.05130920597445229 0.05676919494359267 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.05634105920324828 0.05593218316329957 0 0 0 0
+160 1 0.0035 1071.4285714285713 0.06289346116237654 0.05687257822827306 0 0 0 0
+152 1 0.0035 1071.4285714285713 0.06732877127216179 0.057081803377842494 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.0701681556946298 0.056350652419063806 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.0280662835909817 0.05968696591727598 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.033438349842102096 0.06020431322496876 0 0 0 0
+164 1 0.0035 1071.4285714285713 0.03656324503137159 0.05871317803014252 0 0 0 0
+174 1 0.0025 1500.0000000000005 0.039780114103354074 0.05928027350997901 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.04276042316916817 0.05965152353336453 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.04746737926820231 0.059111951264126154 0 0 0 0
+168 1 0.0025 1500.0000000000005 0.05063949438515072 0.05911094295205539 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.05372849532812391 0.05845607885980431 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.05668840231025968 0.05886653932151731 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.05956535502079096 0.058711051346903076 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.06233080830644538 0.05972136953324279 0 0 0 0
+165 1 0.0035 1071.4285714285713 0.06521934925564533 0.05982715323643847 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.06821051265720086 0.05986741076282214 0 0 0 0
+169 1 0.0025 1500.0000000000005 0.07040013517830497 0.058755750439856806 0 0 0 0
+185 1 0.0035 1071.4285714285713 0.030300810401749364 0.061626802348095616 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.03587157764279618 0.06183910119282546 0 0 0 0
+178 1 0.0025 1500.0000000000005 0.038212505137816564 0.06113045872965979 0 0 0 0
+188 1 0.0025 1500.0000000000005 0.04056398623350599 0.06167006561150989 0 0 0 0
+190 1 0.0025 1500.0000000000005 0.04281792009892655 0.06262531260173335 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.04561246332642384 0.061634752368975226 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.049028191782923766 0.0616107201344959 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.052481751607007264 0.061717144144448795 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.05530788442649055 0.06096775656543705 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.05775638346979348 0.06104000794389533 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.060546140070792565 0.06203096001765637 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.06351375575485384 0.06231935241730476 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.06711651719810859 0.06272043480916281 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.07045309769633445 0.06169882414833147 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.028110813778673763 0.06355556658949049 0 1 0 0
+189 1 0.0035 1071.4285714285713 0.03056334009401304 0.06511832200257506 0 0 0 0
+177 1 0.0025 1500.0000000000005 0.03282756483304616 0.06320154449217877 0 0 0 0
+187 1 0.0025 1500.0000000000005 0.035054612101173395 0.06412200180623519 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.0379805461875716 0.06402176487702124 0 0 0 0
+198 1 0.0025 1500.0000000000005 0.040880649571258025 0.0641200873813492 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.04440952368073316 0.06445873966715322 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.04736200227226682 0.0646500910349789 0 0 0 0
+194 1 0.0025 1500.0000000000005 0.050640241716213695 0.06408885301527661 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.0549164250130595 0.06339201230499038 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.057756861885703635 0.06398031011276709 0 0 0 0
+209 1 0.0025 1500.0000000000005 0.06210146003801619 0.06466569734426786 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.06456308877565156 0.06452864258016992 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.0702461828256783 0.06519152581811559 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.03340680878740099 0.06592520424983703 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.03616396785702672 0.06691348277214922 0 0 0 0
+210 1 0.0035 1071.4285714285713 0.039686459998121405 0.06700434978182156 0 0 0 0
+206 1 0.0025 1500.0000000000005 0.042415783597476095 0.06593455777757894 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.044632926032266554 0.06690041407916232 0 0 0 0
+225 1 0.0025 1500.0000000000005 0.046952767869553144 0.06760103503479403 0 0 0 0
+218 1 0.0035 1071.4285714285713 0.04994238763275943 0.06698185355454517 0 0 0 0
+203 1 0.0035 1071.4285714285713 0.05318302978529563 0.06578973883461692 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.05654982052285589 0.06665810985182904 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.059929713000364 0.06664565038039874 0 0 0 0
+211 1 0.0035 1071.4285714285713 0.06330118216018182 0.0676445326540473 0 0 0 0
+217 1 0.0035 1071.4285714285713 0.06695903246269772 0.066249046974427 0 0 0 0
+221 1 0.0035 1071.4285714285713 0.028301757679077125 0.0677227019359743 0 1 0 0
+215 1 0.0035 1071.4285714285713 0.03172284912603611 0.06839069421351285 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.037875283520798116 0.06928840536791434 0 0 0 0
+223 1 0.0025 1500.0000000000005 0.04237103145566508 0.06847437404177079 0 0 0 0
+234 1 0.0035 1071.4285714285713 0.04496588743338601 0.0698881807969187 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.0523123864377093 0.06883924455091511 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.05474919715631993 0.068273213191696 0 0 0 0
+219 1 0.0035 1071.4285714285713 0.057769801835800626 0.06938399436629925 0 0 0 0
+226 1 0.0025 1500.0000000000005 0.060727335197815056 0.06945461984016896 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.06614038766420072 0.06958523613088642 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.06948302825390394 0.06853368164465301 0 0 0 0
+222 1 0.0025 1500.0000000000005 0.029633857378239915 0.07048877115564176 0 0 0 0
+224 1 0.0025 1500.0000000000005 0.03201831013111474 0.07130504782896797 0 0 0 0
+227 1 0.0035 1071.4285714285713 0.034733357669000806 0.07002485720206232 0 0 0 0
+232 1 0.0035 1071.4285714285713 0.040471442804130446 0.07075262651964186 0 0 0 0
+229 1 0.0035 1071.4285714285713 0.048437176182881916 0.07006688132464056 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.051164713183580665 0.07119800346645057 0 0 0 0
+4 1 0.0035 1071.4285714285713 0.05410426778539025 0.07115202073162594 0 0 -1 0
+5 1 0.0035 1071.4285714285713 0.05994074771674234 0.02784967986488869 0 0 0 0
+231 1 0.0035 1071.4285714285713 0.06312931384348755 0.07120154499055138 0 0 0 0
+236 1 0.0035 1071.4285714285713 0.06858884417304126 0.07195257350142839 0 0 0 0
+238 1 0.0035 1071.4285714285713 0.07204809767258309 0.027891082593469785 0 0 1 0
+
+Velocities
+
+12 -9.154854932136825 5.574670069001645 0 0 0 0
+237 4.783393681962084 8.202276828611835 0 0 0 0
+233 -18.58301232984873 -9.940544864488075 0 0 0 0
+240 11.258685179619007 -30.477165831980457 0 0 0 0
+3 5.411891489259858 -8.322632421833804 0 0 0 0
+239 19.926492192657935 -8.077446953861587 0 0 0 0
+8 -4.194191522535869 23.254190695368536 0 0 0 0
+2 9.74016785860455 34.67358172319207 0 0 0 0
+19 50.39843717900973 19.074785449026976 0 0 0 0
+16 -34.403107393113714 1.1233019484287468 0 0 0 0
+15 24.54534818736241 44.72475279679649 0 0 0 0
+1 -14.558590275103688 -65.71200069755713 0 0 0 0
+21 34.84798930736312 41.98390376502641 0 0 0 0
+29 0.49313073088284526 6.521149847304299 0 0 0 0
+18 30.26707139479668 -75.97585415243634 0 0 0 0
+13 7.999978554242325 18.606221665181643 0 0 0 0
+6 -6.782274056905773 -8.171227679540417 0 0 0 0
+17 32.22892070633458 -7.590100574889131 0 0 0 0
+7 21.25993227235106 27.579573842000315 0 0 0 0
+9 86.78898095094377 11.32066861411902 0 0 0 0
+30 -1.5411461042789678 -25.180908214053076 0 0 0 0
+27 45.551119439044136 -33.737537600100566 0 0 0 0
+23 -21.880777577954934 -12.35588992130795 0 0 0 0
+14 -4.008092155623313 38.61183551110782 0 0 0 0
+10 8.496979193519602 -21.869945948886382 0 0 0 0
+26 0.5019327737913971 20.348078425048268 0 0 0 0
+31 -55.96936774649786 28.437040445990377 0 0 0 0
+20 20.396620429000553 33.38938212526158 0 0 0 0
+11 -16.947884382949645 -0.97239515995326 0 0 0 0
+28 -22.659766167670575 12.492190353998543 0 0 0 0
+22 17.592974463035077 16.51181587333888 0 0 0 0
+37 -7.922947498543263 0.024040017474982432 0 0 0 0
+36 52.95392501397191 26.106265859021136 0 0 0 0
+32 -18.636011823974847 3.1419537986971298 0 0 0 0
+25 -51.6263800280636 1.43748981617472 0 0 0 0
+34 50.046659279778325 -3.46698857947185 0 0 0 0
+42 -45.22502083427067 -8.409564241544697 0 0 0 0
+43 20.44396474729884 -9.92479328110859 0 0 0 0
+47 4.409680813598284 -59.43624168565872 0 0 0 0
+39 -6.23516922257229 -19.14416031397164 0 0 0 0
+24 -13.180169673442311 -32.528874507834104 0 0 0 0
+35 -14.525609446220026 -15.62324305637863 0 0 0 0
+52 -6.294222658253419 -17.576486068595106 0 0 0 0
+38 4.6935707103447415 -0.7838887630454372 0 0 0 0
+41 -13.511153249727018 -23.842052201579673 0 0 0 0
+58 9.67200336925791 13.249687580588034 0 0 0 0
+54 -12.507515602679268 10.3081113462826 0 0 0 0
+45 3.1468601267878586 70.77912625372751 0 0 0 0
+44 -44.796886220490414 -7.668696252957634 0 0 0 0
+68 25.79537251912608 11.199835292200268 0 0 0 0
+70 -14.433922836298173 12.067328487381412 0 0 0 0
+33 44.03312913531241 17.963145191627895 0 0 0 0
+40 -48.87625446640383 -44.11678512490942 0 0 0 0
+53 -55.9037120538761 15.595679076345856 0 0 0 0
+48 -33.94399412574848 42.507959887954314 0 0 0 0
+60 -5.537198532431937 -21.243664169320443 0 0 0 0
+55 8.30605955217327 25.558021356215765 0 0 0 0
+46 -27.275125742205702 -22.032169261342624 0 0 0 0
+63 11.58380303601167 23.155659592152453 0 0 0 0
+64 27.31550217344563 6.075318378422759 0 0 0 0
+57 39.86620605812392 -47.91476242211334 0 0 0 0
+50 -10.276636835942885 40.158357581776436 0 0 0 0
+49 -35.20232181156432 2.3186865456429127 0 0 0 0
+75 -9.875682229004708 -8.669481631684274 0 0 0 0
+61 -24.897798124663343 -55.33844016744238 0 0 0 0
+72 -1.4961161877003368 -7.25086241288514 0 0 0 0
+56 -16.832610855187404 -14.087240558841513 0 0 0 0
+59 11.671688676729623 -52.12173089144598 0 0 0 0
+51 34.504329524453865 27.339579557959397 0 0 0 0
+62 31.251171005715175 1.5919417328949081 0 0 0 0
+79 -7.345483167543356 32.46436913700517 0 0 0 0
+74 3.963537606888339 42.407738258940235 0 0 0 0
+77 -4.497571567449853 -14.142650697908788 0 0 0 0
+66 33.92506812735594 -43.77546642593296 0 0 0 0
+73 15.718012142125824 38.84938512376068 0 0 0 0
+71 13.3049875801945 4.956491322132942 0 0 0 0
+83 -14.405245037540332 -16.131723774021395 0 0 0 0
+81 4.339277140871394 22.665217617375188 0 0 0 0
+80 24.487241285056864 -86.95412061667189 0 0 0 0
+78 46.77371919040928 -30.52512304869033 0 0 0 0
+76 20.374210817052077 -0.6642321705924504 0 0 0 0
+65 3.856908584116421 23.011103288193652 0 0 0 0
+69 11.304441600239826 23.84007188245307 0 0 0 0
+67 -31.944656123663258 -28.240804682172556 0 0 0 0
+86 -32.431317958565806 18.342709844514406 0 0 0 0
+82 24.92630973750173 24.896382001496953 0 0 0 0
+94 -20.544094878546627 -24.337260375811987 0 0 0 0
+89 3.925258754279926 59.20939218243709 0 0 0 0
+101 -2.7582324423181785 46.442857786642676 0 0 0 0
+100 40.54608405463299 -1.997288451059409 0 0 0 0
+92 -0.31204381518769253 -1.9003577685022295 0 0 0 0
+90 -2.0740289496498043 5.815314028961064 0 0 0 0
+93 -6.24133777644456 25.780831378423287 0 0 0 0
+99 -9.74445856140556 -5.444352054403046 0 0 0 0
+107 -69.01757481453944 -8.625574593365705 0 0 0 0
+102 -19.732025206798312 -17.56437112779383 0 0 0 0
+88 -11.548693091076313 14.219747147129835 0 0 0 0
+95 -14.899596097066825 -14.556208973593087 0 0 0 0
+98 7.684140412639351 8.782901223164984 0 0 0 0
+96 2.9193350228051886 -16.565902397633106 0 0 0 0
+84 -41.92023314531318 45.65907038459067 0 0 0 0
+91 -3.9150083315042616 -14.694640590704429 0 0 0 0
+104 13.48477186501704 44.60435527584303 0 0 0 0
+115 3.5458670954655775 -40.70528216908025 0 0 0 0
+97 -19.570667693259367 25.91955447922967 0 0 0 0
+85 8.449564553964503 -42.80086767052162 0 0 0 0
+109 22.274318898429055 -70.00462388235601 0 0 0 0
+112 -14.528743867129426 20.820560489229013 0 0 0 0
+117 -4.815309964526937 1.019758007678447 0 0 0 0
+106 3.3283082714683903 -26.51896216111238 0 0 0 0
+114 22.913542860873815 28.76474233374402 0 0 0 0
+111 15.528142670338536 24.13782320697021 0 0 0 0
+103 -26.307103074614446 -6.689774193185106 0 0 0 0
+110 -4.139969537486548 57.15726585683928 0 0 0 0
+87 68.56551608377451 -5.218369164389152 0 0 0 0
+108 10.51563470000209 30.056485996783323 0 0 0 0
+116 3.5917611157320204 -25.653470822329375 0 0 0 0
+105 36.33530585976231 -37.00058309921306 0 0 0 0
+122 -10.271368825976628 -11.166400081142873 0 0 0 0
+129 40.50679375492594 54.236389401992064 0 0 0 0
+125 41.034902352036134 -34.2627493602482 0 0 0 0
+121 18.03812055505213 10.554812916032871 0 0 0 0
+119 21.95199537880804 -3.613077010764921 0 0 0 0
+124 -38.16825426215914 -33.961737008964086 0 0 0 0
+120 -30.274193411668257 9.847745729962353 0 0 0 0
+123 -16.62315431779175 17.229165628181253 0 0 0 0
+113 -54.470050210656254 -11.211588257792087 0 0 0 0
+126 39.006188923806775 19.759078703599865 0 0 0 0
+136 1.0365661166730034 14.925082473606517 0 0 0 0
+131 60.472289139985335 -21.059937238990965 0 0 0 0
+127 -4.87389993454109 -48.41740984007188 0 0 0 0
+118 -30.565303059398687 47.27932647166085 0 0 0 0
+132 -36.21015862734689 12.113094771049091 0 0 0 0
+141 15.622571998724336 16.548585285928738 0 0 0 0
+134 -11.775687105905051 -35.38025460806677 0 0 0 0
+143 -6.087004287133044 42.11012687174483 0 0 0 0
+146 -24.39814377140043 27.548866452192676 0 0 0 0
+135 36.674480510025255 13.846997030839317 0 0 0 0
+130 20.17464022998817 -25.2460932466246 0 0 0 0
+138 -23.463194220618043 18.307140530109407 0 0 0 0
+140 -22.65731694628103 34.62312355818404 0 0 0 0
+133 -17.003764012336912 2.2078308680987915 0 0 0 0
+149 9.14884814611351 25.939155758219155 0 0 0 0
+137 -19.80630210981231 -41.47856275111976 0 0 0 0
+139 -58.677790831726455 -25.438586338144262 0 0 0 0
+128 -17.38970705714198 -6.501576362614095 0 0 0 0
+150 -21.622445931987397 -6.9503129825576835 0 0 0 0
+156 7.2724376524940295 41.063794307909895 0 0 0 0
+162 5.502349832299595 -13.218142472936037 0 0 0 0
+147 -25.684392495969515 -2.931653510937915 0 0 0 0
+142 -6.426599075017095 -3.848159953593386 0 0 0 0
+145 -1.1998878634886256 27.31444127924892 0 0 0 0
+148 20.258256499534447 -17.052511346850356 0 0 0 0
+172 -11.119228018924874 1.442953475666088 0 0 0 0
+155 -50.405305781940214 11.575231175148003 0 0 0 0
+154 19.404819019625016 -28.779491457160727 0 0 0 0
+157 -0.980932370987996 16.596612440115575 0 0 0 0
+166 -19.189331796586078 -44.81912096168076 0 0 0 0
+153 -4.366632577482661 -20.118952309322076 0 0 0 0
+144 49.570095041443025 13.237007535833564 0 0 0 0
+151 12.939647603033809 -6.416053286167847 0 0 0 0
+160 -1.767885253811189 8.336939191976297 0 0 0 0
+152 32.8289595967254 3.0935266219853443 0 0 0 0
+159 -1.8003763568990097 -10.532489692023615 0 0 0 0
+180 -17.200529197283927 -12.166737358139933 0 0 0 0
+163 18.518077685703126 41.25737573118454 0 0 0 0
+164 -10.21558318499671 -15.67007897248905 0 0 0 0
+174 -14.113297728215164 -64.13063944032079 0 0 0 0
+179 12.683451769692985 -34.554826513138096 0 0 0 0
+167 -57.79416841556156 -19.606084677121128 0 0 0 0
+168 19.499089299911464 15.691388804881012 0 0 0 0
+158 8.954875983318425 -16.669984969896124 0 0 0 0
+173 -21.696927138287336 -22.91375871884039 0 0 0 0
+171 11.244964996986825 6.517207206076671 0 0 0 0
+200 -30.97548632795553 4.777310594433011 0 0 0 0
+165 -3.3897634748017857 0.8587497420439114 0 0 0 0
+161 -31.18056011368792 17.915007464863105 0 0 0 0
+169 -7.280228611180094 26.688691715134922 0 0 0 0
+185 -16.893934568136075 21.882150913594145 0 0 0 0
+181 -44.24176611880973 6.172306401108498 0 0 0 0
+178 10.69930239773586 33.70317036685785 0 0 0 0
+188 39.608644207751944 -5.483829750155093 0 0 0 0
+190 -7.503978875662783 4.765893944984 0 0 0 0
+186 8.980785152940149 -2.3325388741028306 0 0 0 0
+170 12.651858470827436 -8.415806963983893 0 0 0 0
+182 10.500851174007549 25.36080956940348 0 0 0 0
+176 -3.673843376466132 -16.806105752578567 0 0 0 0
+175 20.663133135641623 51.56434783411694 0 0 0 0
+184 -18.965052997308227 0.6078485934967308 0 0 0 0
+192 -1.5372943138798545 16.043438230913228 0 0 0 0
+197 18.21593245763897 32.57893544194412 0 0 0 0
+183 37.71281959159553 4.417072059447013 0 0 0 0
+191 6.551480426573466 40.1125925809016 0 0 0 0
+189 -7.730611443723928 8.51814649780599 0 0 0 0
+177 5.333904490208337 -46.25589717313799 0 0 0 0
+187 -23.278478966033386 16.452028896499424 0 0 0 0
+205 20.759893508547556 -18.089741150471465 0 0 0 0
+198 -37.528961777539024 57.66985886672524 0 0 0 0
+195 3.8189046871736423 14.790481516030356 0 0 0 0
+208 25.460312921813284 14.017223030838998 0 0 0 0
+194 -6.551504503038153 4.2885398668061505 0 0 0 0
+193 -35.192702435446876 -39.505844272752825 0 0 0 0
+201 21.692778947556945 -25.18217543342213 0 0 0 0
+209 63.93489660628859 12.688392185430878 0 0 0 0
+202 24.942133085200215 27.028398058417224 0 0 0 0
+196 -19.444475756577734 -17.886853785520145 0 0 0 0
+199 28.14121420180471 -11.583415928362733 0 0 0 0
+207 -2.6645142822287706 27.625227520197615 0 0 0 0
+210 16.989239749025906 -17.14065159254826 0 0 0 0
+206 -66.30206976999622 -17.460248299471104 0 0 0 0
+216 -13.040531518578273 -35.75508810066041 0 0 0 0
+225 -10.317079470949533 -60.23863846904616 0 0 0 0
+218 7.723989785535252 8.106007768568682 0 0 0 0
+203 -4.185512481349912 -2.8735621427554667 0 0 0 0
+204 -11.141529694419559 -33.241091425765745 0 0 0 0
+214 12.79056437608126 -0.7635663417988134 0 0 0 0
+211 19.04666619697316 -53.65305468568108 0 0 0 0
+217 -21.04709249110124 -19.45502316962212 0 0 0 0
+221 -2.972171374749157 3.030870738983043 0 0 0 0
+215 -8.989518537155659 24.665897137981343 0 0 0 0
+212 12.549791263005973 -12.497603484112474 0 0 0 0
+223 11.586715414171252 -43.26888176663117 0 0 0 0
+234 -22.031848496344754 -4.893588908186468 0 0 0 0
+220 -5.185968655438822 -66.50382224481457 0 0 0 0
+213 -40.99848415243522 -16.046051103678682 0 0 0 0
+219 14.958008210616482 -15.33186434077457 0 0 0 0
+226 -21.764227177221418 60.49882581596649 0 0 0 0
+228 -14.588342330404299 16.612090144026187 0 0 0 0
+230 7.922670661639445 -6.830679152655576 0 0 0 0
+222 -51.721978812186926 1.1114207875833866 0 0 0 0
+224 12.128194184704249 39.12022461852525 0 0 0 0
+227 21.821042933001127 -16.51639888901988 0 0 0 0
+232 -7.258963724798841 -14.93116710749924 0 0 0 0
+229 -9.185846963382659 11.614359103969566 0 0 0 0
+235 -47.830149002758745 -25.12288483969338 0 0 0 0
+4 9.184267701686371 21.81151344175069 0 0 0 0
+5 38.77071665590291 -4.612574570941505 0 0 0 0
+231 -27.496071406657347 -18.05876814562326 0 0 0 0
+236 -1.3259642213176577 -2.302051761644463 0 0 0 0
+238 -11.178399294617062 2.9695112569963373 0 0 0 0
diff --git a/DATASET/P=150000Pa/box_sheared.data b/DATASET/P=150000Pa/box_sheared.data
new file mode 100644
index 0000000..1f439b1
--- /dev/null
+++ b/DATASET/P=150000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2224316
+
+240 atoms
+6 atom types
+
+0.0277100182221552 0.07228998177784482 xlo xhi
+0.0277100182221552 0.07228998177784482 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.004457995956559595 0 0 xy xz yz
+
+Atoms # sphere
+
+237 1 0.0035 1071.4285714285713 0.03415214352823806 0.0288487394361129 0 0 1 0
+3 1 0.0035 1071.4285714285713 0.04333816882578466 0.02830812729191902 0 0 0 0
+239 1 0.0025 1500.0000000000005 0.04629701710940748 0.027947116264557897 0 0 1 0
+8 1 0.0035 1071.4285714285713 0.04924830194066633 0.02891527601390896 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.05981217005999681 0.027761015384392903 0 0 0 0
+1 1 0.0025 1500.0000000000005 0.0656389941267484 0.027961335954315148 0 0 0 0
+238 1 0.0035 1071.4285714285713 0.0719460171304507 0.027723016852746328 0 0 1 0
+12 1 0.0035 1071.4285714285713 0.03072932859172002 0.02914467894772504 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.052384209145586474 0.02915050529142266 0 0 0 0
+19 1 0.0025 1500.0000000000005 0.055170382077496014 0.029457860396750787 0 0 0 0
+240 1 0.0035 1071.4285714285713 0.040242308973321386 0.02956873128325337 0 0 1 0
+15 1 0.0035 1071.4285714285713 0.06369619332692786 0.029972642692326495 0 0 0 0
+21 1 0.0025 1500.0000000000005 0.07025230152012699 0.03001194972868476 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.04559579070292251 0.030381314848101682 0 0 0 0
+23 1 0.0035 1071.4285714285713 0.05798979667210768 0.03048932797097008 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.06091721462301336 0.03068105126577434 0 0 0 0
+10 1 0.0035 1071.4285714285713 0.06749956094831733 0.030712515746727627 0 0 0 0
+29 1 0.0035 1071.4285714285713 0.028340065940447946 0.03143604265844267 0 1 0 0
+75 1 0.0025 1500.0000000000005 0.029348061459976454 0.0416237035912469 0 1 0 0
+83 1 0.0025 1500.0000000000005 0.03023417389684937 0.04400441336095604 0 1 0 0
+101 1 0.0025 1500.0000000000005 0.030080631558465083 0.04639036215385404 0 0 0 0
+104 1 0.0025 1500.0000000000005 0.02993364439872035 0.048810285174345165 0 1 0 0
+148 1 0.0025 1500.0000000000005 0.030930796516824278 0.05717469152575746 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.03135334761137815 0.059684993140906355 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.03170526616503011 0.06360562807287096 0 1 0 0
+221 1 0.0035 1071.4285714285713 0.03225194782335297 0.06784946487938695 0 1 0 0
+47 1 0.0025 1500.0000000000005 0.03036688363670804 0.03631410235637965 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.03187719208047416 0.051348406753867 0 0 0 0
+31 1 0.0025 1500.0000000000005 0.03034798502086721 0.03382238095241062 0 0 0 0
+222 1 0.0025 1500.0000000000005 0.033990091812538356 0.07048390532003428 0 0 0 0
+185 1 0.0035 1071.4285714285713 0.033729711679208095 0.06168360717853358 0 0 0 0
+189 1 0.0035 1071.4285714285713 0.034309975902799 0.06510585806219131 0 0 0 0
+115 1 0.0035 1071.4285714285713 0.03269065710001311 0.04806096189696662 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.032464076536488765 0.04512230589476724 0 0 0 0
+172 1 0.0035 1071.4285714285713 0.033800638275922446 0.05820235817246803 0 0 0 0
+81 1 0.0035 1071.4285714285713 0.03232536374221193 0.04215318785625806 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.033668697226341686 0.05479358054364096 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.03182179006882266 0.031975704339314355 0 0 0 0
+13 1 0.0025 1500.0000000000005 0.03429572914068203 0.03198725926087613 0 0 0 0
+6 1 0.0035 1071.4285714285713 0.037036666734452314 0.031018320611904394 0 0 0 0
+17 1 0.0035 1071.4285714285713 0.04311198693993659 0.03180335682664453 0 0 0 0
+9 1 0.0025 1500.0000000000005 0.047920172299493316 0.031412498899868246 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.05138347450249639 0.031874530843593506 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.05427378717351361 0.031575469600074846 0 0 0 0
+20 1 0.0035 1071.4285714285713 0.03632639490069082 0.03433653290986367 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.039972600931697064 0.03295660915409799 0 0 0 0
+28 1 0.0035 1071.4285714285713 0.046195843475446946 0.03361678507573803 0 0 0 0
+22 1 0.0025 1500.0000000000005 0.049160260946716834 0.033579729706776265 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.054158933617980895 0.03398060894285633 0 0 0 0
+36 1 0.0025 1500.0000000000005 0.056450972529532524 0.03281942828857913 0 0 0 0
+32 1 0.0035 1071.4285714285713 0.05930223887423764 0.033798338263127226 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.06263680668037686 0.03324763843178078 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.06546525566994132 0.032615949487006086 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.06812454307603863 0.034289224775505125 0 0 0 0
+26 1 0.0025 1500.0000000000005 0.0702368774968285 0.03243115036392898 0 0 0 0
+39 1 0.0035 1071.4285714285713 0.03303223390233293 0.03536100115441052 0 0 0 0
+24 1 0.0035 1071.4285714285713 0.03938439178765306 0.03621124769316047 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.04269554645169883 0.035352812504691106 0 0 0 0
+52 1 0.0025 1500.0000000000005 0.04554906860201778 0.036326612372899865 0 0 0 0
+38 1 0.0035 1071.4285714285713 0.04851270164195266 0.03635450504776134 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.051652236994701714 0.03535154591089172 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.05667744012661381 0.03575462412294363 0 0 0 0
+54 1 0.0035 1071.4285714285713 0.061900766089287636 0.036498576404322934 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.06517602661459862 0.034987402056322156 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.06713000119265067 0.037035590338258914 0 0 0 0
+43 1 0.0035 1071.4285714285713 0.07224518187446252 0.03477922909823806 0 0 0 0
+70 1 0.0035 1071.4285714285713 0.032353799556203315 0.0386780200351838 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.03581686848845142 0.037882085498869414 0 0 0 0
+40 1 0.0025 1500.0000000000005 0.03870985675777874 0.03892901819253127 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.04160615756724999 0.038341072299827195 0 0 0 0
+48 1 0.0025 1500.0000000000005 0.044063407920181985 0.03814946643851846 0 0 0 0
+60 1 0.0035 1071.4285714285713 0.046988541286249616 0.03926401287425372 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.050589705462009416 0.03924582522316343 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.054145685290770684 0.037117857090008415 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.05351048195681092 0.03937058733088707 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.05628208708756087 0.03867499891140408 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.05920422851979386 0.038381657448388846 0 0 0 0
+57 1 0.0025 1500.0000000000005 0.06475562283891248 0.03739263443793993 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.06810563489293084 0.039385469571968784 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.07009557526097426 0.037311179411625255 0 0 0 0
+68 1 0.0035 1071.4285714285713 0.07336401011071098 0.038613991048797515 0 -1 0 0
+61 1 0.0025 1500.0000000000005 0.034752768768912506 0.040680550656897733 0 0 0 0
+72 1 0.0035 1071.4285714285713 0.037719848786341645 0.041563414210300326 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.04079700769706125 0.04056731198283167 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.0432622930731456 0.04037849031398539 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.052650704878090676 0.04162318020385106 0 0 0 0
+79 1 0.0035 1071.4285714285713 0.055722180501457094 0.04155310426233713 0 0 0 0
+77 1 0.0035 1071.4285714285713 0.06247383376989446 0.0399616053025585 0 0 0 0
+66 1 0.0025 1500.0000000000005 0.065758135085448 0.039756770257463984 0 0 0 0
+71 1 0.0035 1071.4285714285713 0.07085829712073159 0.04078643558591692 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.035175790731573495 0.04314313361747214 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.04045895539381031 0.0429637164498525 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.04294171634572971 0.04275414748289665 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.04580903560820256 0.04234574551219087 0 0 0 0
+69 1 0.0035 1071.4285714285713 0.04920327070308418 0.04223146337528405 0 0 0 0
+67 1 0.0025 1500.0000000000005 0.051894299261655195 0.04382042075717556 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.05746240879232206 0.04412804580498788 0 0 0 0
+74 1 0.0035 1071.4285714285713 0.059172084278783864 0.041829648625111016 0 0 0 0
+86 1 0.0025 1500.0000000000005 0.062073425172550115 0.04292559860059321 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.06505771889821768 0.04252741954376562 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.06792031371391492 0.0418569945855503 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.07002081333961976 0.04378965109216289 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.07240937995878852 0.043382245273504046 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.035351959442600736 0.04607106192877256 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.03851643420519226 0.04494992837959428 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.042032183744878646 0.04499578368933114 0 0 0 0
+99 1 0.0025 1500.0000000000005 0.04446127275592805 0.04485969291708524 0 0 0 0
+107 1 0.0025 1500.0000000000005 0.04781071392408476 0.0446641647090787 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.050220092161103735 0.045414839762353255 0 0 0 0
+88 1 0.0035 1071.4285714285713 0.05473071861778764 0.04496360652266137 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.06031141062672549 0.045215355198062426 0 0 0 0
+96 1 0.0035 1071.4285714285713 0.06374624801294296 0.045552878011279836 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.06658251469907758 0.046465538938986896 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.06762810416381812 0.044263946953275346 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.07223428643839803 0.04573392036309949 0 0 0 0
+97 1 0.0035 1071.4285714285713 0.03830940940888651 0.04841664787744882 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.04080944008112228 0.047023936625116745 0 0 0 0
+109 1 0.0035 1071.4285714285713 0.04375014634182196 0.047604722376672785 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.04644621187978583 0.04655910649425582 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.04883984716558436 0.04736538244174006 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.0518159287297258 0.04806425304587792 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.054769429811426636 0.04786208719878785 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.05767322304413581 0.04710249817511224 0 0 0 0
+103 1 0.0035 1071.4285714285713 0.062071853708701163 0.04837139527781972 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.06505901366747685 0.04831354056155694 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.06950168782388103 0.046740337336310486 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.07215691515117585 0.048189270365432316 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.03553114727273575 0.049033050503235115 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.041529716341876285 0.04999960302838368 0 0 0 0
+129 1 0.0025 1500.0000000000005 0.04433766211907797 0.050918358202342556 0 0 0 0
+125 1 0.0035 1071.4285714285713 0.046815712157316586 0.0495209911392211 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.049787009119806616 0.05002551101495686 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.05208867800623557 0.05100893918423631 0 0 0 0
+124 1 0.0025 1500.0000000000005 0.05448387801652092 0.050823507871759155 0 0 0 0
+120 1 0.0025 1500.0000000000005 0.05651557647273786 0.04971907226978533 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.05940267957476062 0.050266905907822276 0 0 0 0
+113 1 0.0025 1500.0000000000005 0.06757083542922626 0.04884069724296914 0 0 0 0
+126 1 0.0025 1500.0000000000005 0.0702115611408629 0.04968581822564625 0 0 0 0
+136 1 0.0035 1071.4285714285713 0.07296769903227557 0.05110055731164882 0 0 0 0
+127 1 0.0035 1071.4285714285713 0.035267813790035435 0.051906287362234474 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.038238539268443034 0.051340774434034814 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.040638742470999994 0.05321754951830843 0 0 0 0
+141 1 0.0035 1071.4285714285713 0.046659560577225784 0.0529160398554128 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.05013265169165583 0.05307955279106419 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.05707462676095267 0.052641473139601526 0 0 0 0
+146 1 0.0025 1500.0000000000005 0.06009445686067463 0.05319736012847577 0 0 0 0
+135 1 0.0035 1071.4285714285713 0.06262331923638467 0.05180983862719267 0 0 0 0
+130 1 0.0035 1071.4285714285713 0.06606627261999753 0.051244489317937056 0 0 0 0
+138 1 0.0025 1500.0000000000005 0.06907231164921804 0.05172456881000309 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.0376661144863023 0.05388223035308927 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.039429108162390716 0.05576338058821348 0 0 0 0
+137 1 0.0025 1500.0000000000005 0.043814776765464386 0.05371516786022405 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.04847408938053985 0.055373420080569204 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.05362921055651773 0.05368756476406634 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.056205018001388635 0.0553537964596717 0 0 0 0
+156 1 0.0035 1071.4285714285713 0.062385034988193845 0.05520606036942076 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.06490614942397357 0.05387126859688391 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.0678256354032998 0.054379176814415564 0 0 0 0
+142 1 0.0035 1071.4285714285713 0.07123012760256497 0.05400227540736413 0 0 0 0
+145 1 0.0035 1071.4285714285713 0.07477503727396118 0.05422784630658841 0 -1 0 0
+155 1 0.0035 1071.4285714285713 0.03676368284007887 0.05670036568855776 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.04238195832307615 0.05636545009832589 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.04576548387462587 0.0561430794513991 0 0 0 0
+166 1 0.0025 1500.0000000000005 0.048469836449861775 0.057850922452913706 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.05132585451317366 0.056414198006627635 0 0 0 0
+144 1 0.0025 1500.0000000000005 0.054283629339441336 0.056658291407035336 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.05914637709775465 0.055961786586405764 0 0 0 0
+160 1 0.0035 1071.4285714285713 0.06568352670522462 0.05685547730110446 0 0 0 0
+152 1 0.0035 1071.4285714285713 0.07031509606689906 0.05717757005650507 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.0731297173235235 0.05645269544324094 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.03676311523064834 0.06031352852392672 0 0 0 0
+164 1 0.0035 1071.4285714285713 0.03974243299741217 0.05867361533447517 0 0 0 0
+174 1 0.0025 1500.0000000000005 0.04328289261614943 0.05919280152426287 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.046198053490765764 0.05955779991174589 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.050622918711291764 0.05920971562565737 0 0 0 0
+168 1 0.0025 1500.0000000000005 0.054060525876383624 0.05902925247332074 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.056839431357457636 0.05831817966665954 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.05979280690532534 0.05886804892754084 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.06268700269994118 0.05859432214562851 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.06547037647792378 0.05979723556934457 0 0 0 0
+165 1 0.0035 1071.4285714285713 0.06841399215879237 0.05984744142523922 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.07136141904353277 0.060030143165100545 0 0 0 0
+169 1 0.0025 1500.0000000000005 0.0735149606300336 0.058959845367808496 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.039520074208298644 0.06166020331830056 0 0 0 0
+178 1 0.0025 1500.0000000000005 0.04179206145055121 0.060943643942148004 0 0 0 0
+188 1 0.0025 1500.0000000000005 0.04420543711441564 0.06152166775183261 0 0 0 0
+190 1 0.0025 1500.0000000000005 0.04650992952753004 0.062499954804123944 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.049154942304277735 0.06159709970852775 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.0525927377590753 0.06156127441035397 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.05595154153769834 0.061536882027147764 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.05880184451915832 0.06104808343423996 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.06127416820429796 0.06101764660984289 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.06404567618258236 0.062230262509949605 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.06704873511677505 0.06237538907786266 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.07043182702333625 0.06279772246176786 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.07378611263557844 0.061897502598588255 0 0 0 0
+177 1 0.0025 1500.0000000000005 0.03638667121805201 0.06324251775784524 0 0 0 0
+187 1 0.0025 1500.0000000000005 0.03880240055805641 0.06401615549379143 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.041721637929904604 0.0638634377767983 0 0 0 0
+198 1 0.0025 1500.0000000000005 0.04465836287783406 0.06394886326915687 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.04818086087573701 0.0644381913428307 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.05116330545731617 0.06456147352222831 0 0 0 0
+194 1 0.0025 1500.0000000000005 0.05447493792293066 0.06411694659546446 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.058331370300579666 0.06351050115228633 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.06126195580927214 0.06394410507584444 0 0 0 0
+209 1 0.0025 1500.0000000000005 0.06573361985458193 0.06481464595468776 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.06815849893575553 0.06472803566595874 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.0372335823586477 0.06580394375994728 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.04014513623244961 0.06673973680691585 0 0 0 0
+210 1 0.0035 1071.4285714285713 0.04365464528477917 0.06696167744547425 0 0 0 0
+206 1 0.0025 1500.0000000000005 0.046302435495992986 0.06581698586480095 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.048616193213077634 0.0668830195625848 0 0 0 0
+225 1 0.0025 1500.0000000000005 0.05102598070046522 0.06750928675827994 0 0 0 0
+218 1 0.0035 1071.4285714285713 0.053865220088986476 0.06692784249452687 0 0 0 0
+203 1 0.0035 1071.4285714285713 0.05704894910675727 0.06594991083795139 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.06048885356775838 0.066688270559588 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.06362961705498893 0.06665132235068279 0 0 0 0
+211 1 0.0035 1071.4285714285713 0.06723696377465281 0.06758377310170986 0 0 0 0
+217 1 0.0035 1071.4285714285713 0.0708224472818707 0.06627178454650554 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.07406409577087103 0.06542018714599498 0 0 0 0
+215 1 0.0035 1071.4285714285713 0.03575318532315645 0.06831165710960616 0 0 0 0
+227 1 0.0035 1071.4285714285713 0.0389494220635092 0.06985350905922717 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.04197250745829949 0.06924787618553814 0 0 0 0
+223 1 0.0025 1500.0000000000005 0.04646132478258041 0.06830262506011238 0 0 0 0
+234 1 0.0035 1071.4285714285713 0.04919321222754676 0.0698024067870093 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.05653024067946937 0.06877313061112014 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.05892591586681442 0.06841183854182427 0 0 0 0
+219 1 0.0035 1071.4285714285713 0.061798897837379775 0.0693817369668545 0 0 0 0
+226 1 0.0025 1500.0000000000005 0.06475868704251607 0.06949964736093524 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.0702581089525677 0.06958797938714768 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.0735753138871782 0.06875045678609677 0 0 0 0
+224 1 0.0025 1500.0000000000005 0.03643055936315054 0.07123569771561374 0 0 0 0
+233 1 0.0035 1071.4285714285713 0.0417386084521615 0.0721984773740478 0 0 0 0
+232 1 0.0035 1071.4285714285713 0.04478306704890711 0.07069154675280025 0 0 0 0
+229 1 0.0035 1071.4285714285713 0.052730612132604576 0.07007123964927503 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.055510652239428034 0.07136342216762316 0 0 0 0
+4 1 0.0035 1071.4285714285713 0.0584432482299964 0.07122328239964866 0 0 -1 0
+16 1 0.0025 1500.0000000000005 0.06132599607659116 0.07225124702632481 0 0 -1 0
+231 1 0.0035 1071.4285714285713 0.06736465988777274 0.07111624774498085 0 0 0 0
+236 1 0.0035 1071.4285714285713 0.07294383801892629 0.07206700256080965 0 0 0 0
+
+Velocities
+
+237 25.91605464374946 -17.07360997786684 0 0 0 0
+3 25.994769950608916 22.78137500544987 0 0 0 0
+239 -6.20475139185441 -47.6010600730002 0 0 0 0
+8 -14.67598482796245 2.724659998675085 0 0 0 0
+5 20.998938243685764 38.43601980927302 0 0 0 0
+1 48.23448496489252 40.08607988700458 0 0 0 0
+238 -11.365055440062656 5.023625782888399 0 0 0 0
+12 37.90504798558967 -32.4738843847692 0 0 0 0
+2 8.737418018262769 -29.775810678370846 0 0 0 0
+19 42.84650128946566 4.800464803072941 0 0 0 0
+240 34.723037871519445 14.377844908586955 0 0 0 0
+15 4.523531057598984 -26.96780894458734 0 0 0 0
+21 -11.387731981624256 -11.568623974547432 0 0 0 0
+7 -8.723864618185221 33.27360105593214 0 0 0 0
+23 38.3006380214691 44.01844229325243 0 0 0 0
+14 12.329662713688702 54.84944774220723 0 0 0 0
+10 7.836141769767188 0.3392696152863357 0 0 0 0
+29 34.42721453207554 -14.253815578238356 0 0 0 0
+75 -12.43872766549693 -5.730859671771395 0 0 0 0
+83 1.9827084552208356 -3.0489430695747095 0 0 0 0
+101 19.84191894328842 29.289847630711996 0 0 0 0
+104 -15.526601306840206 43.87770551885024 0 0 0 0
+148 37.58886904192105 -19.740502646499287 0 0 0 0
+180 -20.64001330750776 -12.849550475382733 0 0 0 0
+191 -40.54922101056831 20.667009938415934 0 0 0 0
+221 -14.859077138673833 -3.0365487941891973 0 0 0 0
+47 13.613036285705688 4.97833829692445 0 0 0 0
+131 38.91300118916748 19.418175140333588 0 0 0 0
+31 6.391611123283356 -35.42767866142821 0 0 0 0
+222 -8.125385552331943 -9.546694546178728 0 0 0 0
+185 8.859064462027328 37.681871846253806 0 0 0 0
+189 13.781204331303972 -19.639702055335842 0 0 0 0
+115 9.094262657914028 21.11655601264662 0 0 0 0
+100 43.257117503618375 6.148382983642103 0 0 0 0
+172 12.495681409446352 -3.9556305579528463 0 0 0 0
+81 -63.547929861257636 -36.03306564932807 0 0 0 0
+140 44.8481893729274 -28.838978569636044 0 0 0 0
+18 27.65124683001191 -56.94235504810383 0 0 0 0
+13 9.79809270885566 -6.813431152682537 0 0 0 0
+6 12.71296088884041 6.0333725162416085 0 0 0 0
+17 -38.43762869143099 -18.738988380583073 0 0 0 0
+9 23.762577395168776 63.43800503210973 0 0 0 0
+30 2.975157591164106 17.834401331090824 0 0 0 0
+27 -23.257552700428622 -19.884722188074978 0 0 0 0
+20 -22.437756776785513 30.810484082146 0 0 0 0
+11 -2.062351067705 -1.962892247135116 0 0 0 0
+28 11.663083900958894 -8.017525998606425 0 0 0 0
+22 25.421725776389913 -17.73463284872749 0 0 0 0
+37 15.810692232615775 -2.107086206743007 0 0 0 0
+36 -85.86771950144089 22.281622033281142 0 0 0 0
+32 -6.502874119317329 11.12474887328529 0 0 0 0
+25 4.453526077399828 4.266239785689981 0 0 0 0
+34 83.98300535858938 -3.619988621104626 0 0 0 0
+42 -29.86605772189511 30.178508189728998 0 0 0 0
+26 -6.665242451763109 50.64489332895836 0 0 0 0
+39 26.25858424061367 8.939012274791855 0 0 0 0
+24 -18.564374351691622 -26.42878796206587 0 0 0 0
+35 2.803309959196332 -7.0109225800728625 0 0 0 0
+52 33.88953186322979 9.77327076546705 0 0 0 0
+38 -23.18020462183266 54.51399862314997 0 0 0 0
+41 -2.225395604798231 -9.268578322385878 0 0 0 0
+58 -17.955015701081386 13.39549033194067 0 0 0 0
+54 7.510353305036618 11.564298855279837 0 0 0 0
+45 -5.644804243431969 -2.815383818383309 0 0 0 0
+44 9.688887830433185 68.02012812556752 0 0 0 0
+43 22.69442022840322 -1.3843152588503937 0 0 0 0
+70 -19.057889654025743 -5.317271797948841 0 0 0 0
+33 -10.224332183066576 19.175573918849043 0 0 0 0
+40 -10.041985361267056 -21.832964971421738 0 0 0 0
+53 45.37695186126388 27.265402756007816 0 0 0 0
+48 45.59051421257143 -12.12560866446034 0 0 0 0
+60 -38.48783230036507 -10.653760095517772 0 0 0 0
+55 21.99019395989542 -27.873426733490767 0 0 0 0
+46 -4.925619997599719 16.739196885824775 0 0 0 0
+51 2.8344961498799495 1.29674451576284 0 0 0 0
+63 31.395201404382185 0.20922006263962933 0 0 0 0
+64 -11.515698664576732 -16.85247818429128 0 0 0 0
+57 -35.705111562443676 6.223775413981347 0 0 0 0
+50 -30.107761816220687 72.50354635642839 0 0 0 0
+49 -2.422365566888973 4.725381072962712 0 0 0 0
+68 24.3923545978223 -11.663831080125645 0 0 0 0
+61 33.741526405538856 -32.07649573218922 0 0 0 0
+72 40.4078674436619 19.821424135087952 0 0 0 0
+56 20.2443308105652 6.598758333074593 0 0 0 0
+59 -9.66806200801465 57.21713679929173 0 0 0 0
+62 -35.87593294293629 36.75371748170205 0 0 0 0
+79 -11.814568829519178 22.367867573449136 0 0 0 0
+77 6.464911684873539 -15.7244440301016 0 0 0 0
+66 34.820083983784365 19.298879259170445 0 0 0 0
+71 -35.51511908880723 -19.289484356592983 0 0 0 0
+80 26.07572510353421 25.840975862302457 0 0 0 0
+78 -0.03767611580404734 11.988433822513286 0 0 0 0
+76 6.372150267281871 7.012388096095361 0 0 0 0
+65 -9.115108024700278 19.365410442174262 0 0 0 0
+69 -21.645837852171635 -8.370828417308973 0 0 0 0
+67 -48.7602492495166 8.201798193463187 0 0 0 0
+95 8.653636616563118 -63.00608087104223 0 0 0 0
+74 -33.75995257736687 4.648186439258018 0 0 0 0
+86 11.291769315618904 3.1838638988753796 0 0 0 0
+82 -24.246727022540167 -3.5915435847063817 0 0 0 0
+73 -36.56483608583653 27.797620386319185 0 0 0 0
+94 48.058759090546566 2.8830524571549 0 0 0 0
+89 -21.831801113156427 44.49111607273614 0 0 0 0
+92 -15.33188415457022 -18.402248056496827 0 0 0 0
+90 7.722821031191894 -2.891248327602329 0 0 0 0
+93 -15.634286826865559 -6.424877462993017 0 0 0 0
+99 38.31812763717549 21.276363468946165 0 0 0 0
+107 23.465544753596152 -40.777091150164175 0 0 0 0
+102 -38.73242870278568 -1.8207911616529489 0 0 0 0
+88 9.165423025779925 28.78974910352391 0 0 0 0
+98 20.53045213631617 29.582305789393537 0 0 0 0
+96 1.1996787768299522 -19.0590555028942 0 0 0 0
+87 -45.51107033318818 10.408866569630298 0 0 0 0
+84 18.574570760297394 21.09416595601473 0 0 0 0
+91 -49.513519561595096 -38.64576898111965 0 0 0 0
+97 40.44359995245286 23.187407954701186 0 0 0 0
+85 17.480938036016248 -0.5069226628964103 0 0 0 0
+109 -15.21503864313042 -35.967590957017144 0 0 0 0
+112 -35.33885219936607 4.413066544579307 0 0 0 0
+117 -25.970077538845835 -38.773195973241634 0 0 0 0
+106 14.856688611272965 -40.594266110374924 0 0 0 0
+114 15.377485704461852 -20.051945207680685 0 0 0 0
+111 6.752392110354956 8.271440739054087 0 0 0 0
+103 -17.20618970332266 36.813794098193384 0 0 0 0
+110 -24.546193365994316 -0.2569869473073939 0 0 0 0
+108 -15.505878064512595 25.126910760238662 0 0 0 0
+116 -6.970268664919329 11.779616499469347 0 0 0 0
+105 18.0558876826494 11.22495996343567 0 0 0 0
+122 -2.766240723083709 27.557424024715154 0 0 0 0
+129 -19.07021008137503 34.43209441187319 0 0 0 0
+125 -0.026071280856727927 14.785430179569914 0 0 0 0
+121 -41.41685412769127 3.270231334951055 0 0 0 0
+119 -23.32048163924247 -33.82431296925219 0 0 0 0
+124 35.95845591642138 70.28305089296109 0 0 0 0
+120 -54.82983831454078 -73.81721884974125 0 0 0 0
+123 20.63614320163672 -12.478453359732294 0 0 0 0
+113 -10.925958273811357 19.61974502188474 0 0 0 0
+126 25.33921948395562 48.335939327950555 0 0 0 0
+136 23.09876315262576 -20.851132452182593 0 0 0 0
+127 -5.39024375479125 -36.09854907063756 0 0 0 0
+118 -24.47306825521129 3.275044889226327 0 0 0 0
+132 19.552734060775432 -29.83397899588898 0 0 0 0
+141 -9.780533878087788 -10.7775566331196 0 0 0 0
+134 -13.668554634636255 24.170054590967815 0 0 0 0
+143 14.800032415415151 -3.867326788072238 0 0 0 0
+146 9.474352916721317 17.192683862332597 0 0 0 0
+135 -18.968784575783673 -5.531041281568906 0 0 0 0
+130 -20.118903709545144 9.742740172064893 0 0 0 0
+138 -36.821284792284686 -12.988655047520952 0 0 0 0
+133 6.865191525946665 -42.95082397696239 0 0 0 0
+149 -53.9419466910642 -72.93870147060125 0 0 0 0
+137 78.34152557336706 -40.50125262783015 0 0 0 0
+139 37.59962252588273 -9.687212269494315 0 0 0 0
+128 1.5435843552411699 35.65083595341864 0 0 0 0
+150 -6.933630276699537 17.730585156301647 0 0 0 0
+156 13.683269040320042 -32.26487363642011 0 0 0 0
+162 -38.24877699889005 -41.88883618709767 0 0 0 0
+147 18.583108748179313 2.0361488423144594 0 0 0 0
+142 25.101559485436443 -27.89443245846093 0 0 0 0
+145 -3.8239064700648946 38.32363441600541 0 0 0 0
+155 -14.342379390857783 -25.17028755969172 0 0 0 0
+154 49.48934992442517 -44.668901892482225 0 0 0 0
+157 -9.03316593837254 -18.182498320709726 0 0 0 0
+166 14.709550718628357 -10.130050192190255 0 0 0 0
+153 41.69694367230757 -5.985730422816506 0 0 0 0
+144 -12.037818473895342 -8.477108625913308 0 0 0 0
+151 5.436095822866672 -5.6580739824227475 0 0 0 0
+160 -38.32949665925618 -7.216260123348582 0 0 0 0
+152 -9.628891020763307 18.97008268473247 0 0 0 0
+159 20.809003026185255 53.93058419949919 0 0 0 0
+163 13.963812514527172 -28.173078919931612 0 0 0 0
+164 -26.662850429240994 -0.4546686777950799 0 0 0 0
+174 21.307482338383835 2.521289991174169 0 0 0 0
+179 31.43548399890047 13.496086086238037 0 0 0 0
+167 -39.22388324569521 58.36109248225057 0 0 0 0
+168 -23.332262913288858 18.794691203489652 0 0 0 0
+158 37.49460203198585 11.026272725006613 0 0 0 0
+173 -33.5885857554265 18.522326229586728 0 0 0 0
+171 -23.596146172858028 -19.93017843090329 0 0 0 0
+200 -9.476184007816256 4.083021848529281 0 0 0 0
+165 -32.68527864215078 -5.116538900100157 0 0 0 0
+161 -19.270105937278664 -18.060509631217098 0 0 0 0
+169 2.644670335811404 16.67785687673592 0 0 0 0
+181 -1.9030654570418744 -20.60926325356215 0 0 0 0
+178 0.9836581487467327 -15.01461759698059 0 0 0 0
+188 11.15516594381234 32.8718457878988 0 0 0 0
+190 16.60855619707873 42.169987938504754 0 0 0 0
+186 19.432936152920504 -0.49670851815340755 0 0 0 0
+170 -14.649773229423282 -20.231914962419577 0 0 0 0
+182 -12.552710721903454 15.220691571632706 0 0 0 0
+176 22.13607137998134 -36.923123375759744 0 0 0 0
+175 -60.00231804453769 28.600730340348882 0 0 0 0
+184 9.745290009805206 -23.88762079221357 0 0 0 0
+192 12.065337961993427 6.581721831976453 0 0 0 0
+197 -18.28046953623132 -22.272123169662613 0 0 0 0
+183 -12.446776365353376 16.82337809402873 0 0 0 0
+177 -24.783587621268236 -6.857217541526929 0 0 0 0
+187 -15.322881336481558 2.167567921594586 0 0 0 0
+205 3.057223337108288 -12.929901478639565 0 0 0 0
+198 -21.228099978448892 -12.240089202970424 0 0 0 0
+195 -49.842052741855 -16.116193145311883 0 0 0 0
+208 -34.52680284274293 19.358172154481746 0 0 0 0
+194 15.174378990014699 35.92142183517506 0 0 0 0
+193 -25.17977405557527 45.696301444455614 0 0 0 0
+201 -7.695270098151189 -26.768904337330074 0 0 0 0
+209 8.51613931491066 -4.3774217866325 0 0 0 0
+202 15.079345579654468 16.962171819170443 0 0 0 0
+199 4.438658278279624 45.85021995387059 0 0 0 0
+207 18.733500700046903 9.277968071402492 0 0 0 0
+210 -23.63229709239953 -9.938313508056993 0 0 0 0
+206 27.681936017070136 -18.776380887907898 0 0 0 0
+216 19.62677300241459 -36.96130323627355 0 0 0 0
+225 16.212129779535292 -39.99217250364374 0 0 0 0
+218 -34.08853806369682 25.8480104730289 0 0 0 0
+203 3.382512496313711 6.141062407289405 0 0 0 0
+204 -41.881712063878226 -6.57005343393136 0 0 0 0
+214 22.983696025896908 11.94260927307473 0 0 0 0
+211 6.756817160526921 2.516687571386015 0 0 0 0
+217 -6.134584835316413 4.884009962570466 0 0 0 0
+196 19.430210562506655 -16.92938047234739 0 0 0 0
+215 -12.667373239379806 -29.527619177894003 0 0 0 0
+227 -3.201289383602651 -37.535340025880956 0 0 0 0
+212 12.755218928288954 -20.221383611865658 0 0 0 0
+223 -0.15363002789229138 -18.88183877504871 0 0 0 0
+234 -37.00658181566137 2.570360508418464 0 0 0 0
+220 43.34765493517807 -40.06957825999726 0 0 0 0
+213 -38.623758536947854 26.67598820164487 0 0 0 0
+219 10.090713474835358 -0.9457363385395079 0 0 0 0
+226 -31.13466509166782 -97.48748018269065 0 0 0 0
+228 5.6707215463164165 -28.26351827969946 0 0 0 0
+230 -13.928201644318365 -39.51624714904623 0 0 0 0
+224 -10.602442774041823 24.473427931377813 0 0 0 0
+233 -18.757587576283523 49.306685988049935 0 0 0 0
+232 -9.78332695519443 -34.9775762623892 0 0 0 0
+229 -7.492882747421203 -9.659598615924164 0 0 0 0
+235 -30.30227908246469 -22.075843992412853 0 0 0 0
+4 12.2282581581964 26.42030598430078 0 0 0 0
+16 39.14975038241447 -25.29907219640486 0 0 0 0
+231 -30.81645995654031 -12.650560407377926 0 0 0 0
+236 27.554923610485186 14.279619454803044 0 0 0 0
diff --git a/DATASET/P=150000Pa/confined.restart b/DATASET/P=150000Pa/confined.restart
new file mode 100644
index 0000000..bb64ea2
Binary files /dev/null and b/DATASET/P=150000Pa/confined.restart differ
diff --git a/DATASET/P=150000Pa/log.lammps b/DATASET/P=150000Pa/log.lammps
new file mode 100644
index 0000000..76315e3
--- /dev/null
+++ b/DATASET/P=150000Pa/log.lammps
@@ -0,0 +1,148 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.027710018 0.027710018 -0.00050000000) to (0.072289982 0.072289982 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.001 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 224316
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 224
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.027710018 0.027710018 -0.00050000000) to (0.072289982 0.072289982 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.45799635556896e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 224 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 224316
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 20 20 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.044579964 0 10077.5 0 224316
+ 2005000 240 0.044579964 9.9368658e-05 4108.4921 0.0022289982 224316
+ 2010000 240 0.044579964 0.00019873732 -1847.9402 0.0044579964 224316
+ 2015000 240 0.044579964 0.00029810597 -7788.0266 0.0066869945 224316
+ 2020000 240 0.044579964 0.00039747463 -13705.395 0.0089159927 224316
+ 2025000 240 0.044579964 0.00049684329 -19584.74 0.011144991 224316
+ 2030000 240 0.044579964 0.00059621195 -25422.069 0.013373989 224316
+ 2035000 240 0.044579964 0.0006955806 -31212.921 0.015602987 224316
+ 2040000 240 0.044579964 0.00079494926 -36946.966 0.017831985 224316
+ 2045000 240 0.044579964 0.00089431792 -42604.844 0.020060984 224316
+ 2050000 240 0.044579964 0.00099368658 -48186.969 0.022289982 224316
+ 2055000 240 0.044579964 0.0010930552 -53712.755 0.02451898 224316
+ 2060000 240 0.044579964 0.0011924239 -59187.926 0.026747978 224316
+ 2065000 240 0.044579964 0.0012917925 -64597.702 0.028976976 224316
+ 2070000 240 0.044579964 0.0013911612 -69935.866 0.031205974 224316
+ 2075000 240 0.044579964 0.0014905299 -75231.872 0.033434973 224316
+ 2080000 240 0.044579964 0.0015898985 -80485.192 0.035663971 224316
+ 2085000 240 0.044579964 0.0016892672 -85686.877 0.037892969 224316
+ 2090000 240 0.044579964 0.0017886358 -90834.499 0.040121967 224316
+ 2095000 240 0.044579964 0.0018880045 -95929.59 0.042350965 224316
+ 2100000 240 0.044579964 0.0019873732 -100980.03 0.044579964 224316
+ 2105000 240 0.044579964 0.0020867418 -105984.36 0.046808962 224316
+ 2110000 240 0.044579964 0.0021861105 -110952.76 0.04903796 224316
+ 2115000 240 0.044579964 0.0022854791 -115874.25 0.051266958 224316
+ 2120000 240 0.044579964 0.0023848478 -120769 0.053495956 224316
+ 2125000 240 0.044579964 0.0024842164 -125641.68 0.055724954 224316
+ 2130000 240 0.044579964 0.0025835851 -130498.22 0.057953953 224316
+ 2135000 240 0.044579964 0.0026829538 -135341.89 0.060182951 224316
+ 2140000 240 0.044579964 0.0027823224 -140173.12 0.062411949 224316
+ 2145000 240 0.044579964 0.0028816911 -145000.01 0.064640947 224316
+ 2150000 240 0.044579964 0.0029810597 -149822.2 0.066869945 224316
+ 2155000 240 0.044579964 0.0030804284 -154645.1 0.069098944 224316
+ 2160000 240 0.044579964 0.003179797 -159471.42 0.071327942 224316
+ 2165000 240 0.044579964 0.0032791657 -164311.8 0.07355694 224316
+ 2170000 240 0.044579964 0.0033785344 -169168.83 0.075785938 224316
+ 2175000 240 0.044579964 0.003477903 -174038.78 0.078014936 224316
+ 2180000 240 0.044579964 0.0035772717 -178920.33 0.080243934 224316
+ 2185000 240 0.044579964 0.0036766403 -183807.07 0.082472933 224316
+ 2190000 240 0.044579964 0.003776009 -188707.38 0.084701931 224316
+ 2195000 240 0.044579964 0.0038753776 -193619.83 0.086930929 224316
+ 2200000 240 0.044579964 0.0039747463 -198544.09 0.089159927 224316
+ 2205000 240 0.044579964 0.004074115 -203483.41 0.091388925 224316
+ 2210000 240 0.044579964 0.0041734836 -208436.92 0.093617923 224316
+ 2215000 240 0.044579964 0.0042728523 -213402.25 0.095846922 224316
+ 2220000 240 0.044579964 0.0043722209 -218381.28 0.09807592 224316
+ 2224316 240 0.044579964 0.004457996 -222692.23 0.099999991 224316
+Loop time of 5.99007 on 1 procs for 224316 steps with 240 atoms
+
+99.1% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 4.5889 | 4.5889 | 4.5889 | 0.0 | 76.61
+Neigh | 0.00075626 | 0.00075626 | 0.00075626 | 0.0 | 0.01
+Comm | 0.53047 | 0.53047 | 0.53047 | 0.0 | 8.86
+Output | 0.0065849 | 0.0065849 | 0.0065849 | 0.0 | 0.11
+Modify | 0.63793 | 0.63793 | 0.63793 | 0.0 | 10.65
+Other | | 0.2254 | | | 3.76
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 105.000 ave 105 max 105 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 697.000 ave 697 max 697 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 697
+Ave neighs/atom = 2.9041667
+Neighbor list builds = 17
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:06
diff --git a/DATASET/P=160000Pa/1_generate_conf_160000Pa.in b/DATASET/P=160000Pa/1_generate_conf_160000Pa.in
new file mode 100644
index 0000000..23aae1d
--- /dev/null
+++ b/DATASET/P=160000Pa/1_generate_conf_160000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 160000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 831 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 787 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 604 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 58 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 951 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 346 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 741 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 474 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 117 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 830 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 791 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 127 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 393 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 908 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 641 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 58 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 634 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 513 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 751 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 802 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 96 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 638 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 118 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 560 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 601 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 488 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 237 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 885 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 897 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 272 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 189 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 999 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 704 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 447 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 581 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 790 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 861 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 247 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 963 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 76 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=160000Pa/2_shear.in b/DATASET/P=160000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=160000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=160000Pa/StrainStress.txt b/DATASET/P=160000Pa/StrainStress.txt
new file mode 100644
index 0000000..03297ab
--- /dev/null
+++ b/DATASET/P=160000Pa/StrainStress.txt
@@ -0,0 +1,1002 @@
+# Fix print output for fix output_file
+3.8980882362628e-05 -1152.4140024190057829
+0.000138897396924146 -1432.1840897861186477
+0.000238813911485665 -1711.9526230445567307
+0.000338730426047338 -1991.7180086794460294
+0.000438646940608857 -2271.4786224773779395
+0.000538563455170375 -2551.2409462354721654
+0.000638479969731893 -2831.0215703232752276
+0.000738396484293567 -3110.8071086040117734
+0.000838312998855085 -3390.592170289270598
+0.000938229513416604 -3670.3730989002724527
+0.00103814602797812 -3950.1468164384309603
+0.0011380625425398 -4229.9104784519740861
+0.00123797905710131 -4509.6613090956843735
+0.00133789557166283 -4789.3964845930240699
+0.00143781208622451 -5069.1130034374373281
+0.00153772860078602 -5348.8074494676884569
+0.00163764511534754 -5628.4752078801120661
+0.00173756162990906 -5908.1072529680577645
+0.00183747814447073 -6187.7129487564325245
+0.00193739465903225 -6467.2931039454060738
+0.00203731117359377 -6746.8449367542434629
+0.00213722768815544 -7026.3654868072071622
+0.00223714420271696 -7305.8515674947047955
+0.00233706071727848 -7585.2997014854290683
+0.00243697723184 -7864.7060288003331152
+0.00253689374640167 -8144.0661672764235846
+0.00263681026096319 -8423.3749821680230525
+0.00273672677552471 -8702.6261561430565052
+0.00283664329008623 -8981.8112050773961528
+0.0029365598046479 -9260.9159644606152142
+0.00303647631920942 -9539.9090665246203571
+0.00313639283377094 -9818.8331381966363551
+0.00323630934833261 -10097.688361470520249
+0.00333622586289413 -10376.451585517999774
+0.00343614237745565 -10655.10670856382967
+0.00353605889201717 -10933.657794525875943
+0.00363597540657884 -11212.116947025284389
+0.00373589192114036 -11490.54560347052211
+0.00383580843570188 -11768.966985689878129
+0.00393572495026355 -12047.40852251092474
+0.00403564146482507 -12325.851696402511152
+0.00413555797938659 -12604.285556995651859
+0.0042354744939481 -12882.692396392989394
+0.00433539100850978 -13161.083984367985977
+0.0044353075230713 -13439.47187780794593
+0.00453522403763282 -13717.85204866181266
+0.00463514055219433 -13996.227335079303884
+0.00473505706675601 -14274.595584178421632
+0.00483497358131753 -14552.95430467645383
+0.00493489009587904 -14831.300632220896659
+0.00503480661044072 -15109.630711367623007
+0.00513472312500224 -15387.935373643846106
+0.00523463963956375 -15666.220448111967926
+0.00533455615412527 -15944.49574134354225
+0.00543447266868695 -16222.758788638098849
+0.00553438918324846 -16501.001148515049863
+0.00563430569780998 -16779.22403029884299
+0.00573422221237166 -17057.436001997564745
+0.00583413872693317 -17335.63548354498198
+0.00593405524149469 -17613.824277410141804
+0.00603397175605621 -17892.045305118273973
+0.00613388827061788 -18170.32584394125297
+0.0062338047851794 -18448.640462529379874
+0.00633372129974092 -18726.974082741478924
+0.00643363781430244 -19005.318858299022395
+0.00653355432886411 -19283.669230820582015
+0.00663347084342563 -19562.020743234294059
+0.00673338735798715 -19840.369553896547586
+0.00683330387254882 -20118.712186274737178
+0.00693322038711034 -20397.045377722159174
+0.00703313690167186 -20675.365974207674299
+0.00713305341623338 -20953.670844846616092
+0.00723296993079505 -21231.956799421412143
+0.00733288644535657 -21510.220492767915857
+0.00743280295991809 -21788.45829187140771
+0.00753271947447976 -22066.666055726724153
+0.00763263598904128 -22344.838690366279479
+0.0077325525036028 -22622.968937624475075
+0.00783246901816432 -22901.03907020927727
+0.00793238553272599 -23179.047176626772853
+0.00803230204728751 -23457.026848785404582
+0.00813221856184903 -23734.972788476272399
+0.00823213507641055 -24012.87418141951639
+0.00833205159097222 -24290.717129101725732
+0.00843196810553374 -24568.540207949034084
+0.00853188462009526 -24846.342995686776703
+0.00863180113465693 -25124.123857629172562
+0.00873171764921845 -25401.881144576698716
+0.00883163416377997 -25679.613188528681349
+0.00893155067834149 -25957.31829803223809
+0.00903146719290316 -26234.994753118564404
+0.00913138370746468 -26512.640799567117938
+0.0092313002220262 -26790.254642323990993
+0.00933121673658787 -27067.834437662328128
+0.00943113325114939 -27345.378283711277618
+0.0095310497657109 -27622.884208656330884
+0.00963096628027242 -27900.350155421703676
+0.0097308827948341 -28177.77396128781038
+0.00983079930939561 -28455.153329357446637
+0.00993071582395713 -28732.485786328368704
+0.0100306323385187 -29009.768615373679495
+0.0101305488530803 -29286.998738183905516
+0.0102304653676418 -29564.172474156599492
+0.0103303818822034 -29841.284905667955172
+0.010430298396765 -30118.326549885241548
+0.0105302149113266 -30395.288192317751964
+0.0106301314258881 -30672.194532112007437
+0.0107300479404496 -30949.042381577546621
+0.0108299644550113 -31225.827186148919282
+0.0109298809695728 -31502.539946177341335
+0.0110297974841343 -31779.186692720839346
+0.011129713998696 -32055.767807267420721
+0.0112296305132575 -32332.278573877469171
+0.011329547027819 -32608.712800687990239
+0.0114294635423805 -32885.060986880402197
+0.0115293800569422 -33161.297162330192805
+0.0116292965715037 -33437.427650434037787
+0.0117292130860652 -33713.484973072292632
+0.0118291296006268 -33989.48214665879641
+0.0119290461151884 -34265.413690156463417
+0.0120289626297499 -34541.268718920880929
+0.0121288791443115 -34817.051044758976786
+0.0122287956588731 -35092.76830970303854
+0.0123287121734347 -35368.420453599472239
+0.0124286286879962 -35643.999883170705289
+0.0125285452025577 -35919.521560945213423
+0.0126284617171194 -36194.983693587113521
+0.0127283782316809 -36470.383679918384587
+0.0128282947462424 -36745.718668019326287
+0.0129282112608041 -37020.985476490168367
+0.0130281277753656 -37296.180472405190812
+0.0131280442899271 -37571.299367843406799
+0.0132279608044886 -37846.336843056131329
+0.0133278773190503 -38121.285721384789213
+0.0134277938336118 -38396.13444033608539
+0.0135277103481733 -38670.85310588930588
+0.0136276268627349 -38945.461925100986264
+0.0137275433772965 -39219.951349749593646
+0.0138274598918581 -39494.378575833761715
+0.0139273764064196 -39768.751144954934716
+0.0140272929209812 -40043.067153423246054
+0.0141272094355428 -40317.324603114924685
+0.0142271259501043 -40591.521385594882304
+0.0143270424646658 -40865.655261828600487
+0.0144269589792275 -41139.723835498545668
+0.014526875493789 -41413.724516939102614
+0.0146267920083505 -41687.654472474467184
+0.0147267085229122 -41961.510549769234785
+0.0148266250374737 -42235.289160569853266
+0.0149265415520352 -42508.986079241003608
+0.0150264580665967 -42782.596045484729984
+0.0151263745811584 -43056.111769440445642
+0.0152262910957199 -43329.518971648925799
+0.0153262076102815 -43602.802959747554269
+0.015426124124843 -43875.983811754769704
+0.0155260406394046 -44149.080343590154371
+0.0156259571539662 -44422.087959588352533
+0.0157258736685277 -44694.996623879080289
+0.0158257901830894 -44967.780868893562001
+0.0159257066976509 -45240.453222087700851
+0.0160256232122124 -45513.011421016548411
+0.0161255397267739 -45785.480792576498061
+0.0162254562413356 -46057.882152450547437
+0.0163253727558971 -46330.226151798982755
+0.0164252892704586 -46602.510365077294409
+0.0165252057850203 -46874.732169305214484
+0.0166251222995818 -47146.888598770303361
+0.0167250388141433 -47418.97610922986496
+0.0168249553287048 -47690.990067812221241
+0.0169248718432665 -47962.923171294620261
+0.017024788357828 -48234.75397565937601
+0.0171247048723896 -48506.501585038538906
+0.0172246213869511 -48778.187279313744511
+0.0173245379015128 -49049.808618510178349
+0.0174244544160743 -49321.362773156972253
+0.0175243709306358 -49592.846249436610378
+0.0176242874451975 -49864.254180681717116
+0.017724203959759 -50135.577213831507834
+0.0178241204743205 -50406.798705682856962
+0.017924036988882 -50677.955312712096202
+0.0180239535034437 -50949.048894695995841
+0.0181238700180052 -51220.078924583445769
+0.0182237865325667 -51491.042529219659627
+0.0183237030471284 -51761.937193106357881
+0.0184236195616899 -52032.7602270406569
+0.0185235360762514 -52303.509604073988157
+0.018623452590813 -52574.191083764104405
+0.0187233691053746 -52844.80054934319196
+0.0188232856199361 -53115.337223099297262
+0.0189232021344977 -53385.795861409489589
+0.0190231186490592 -53656.168189423093281
+0.0191230351636209 -53926.443468131241389
+0.0192229516781824 -54196.677532161826093
+0.0193228681927439 -54466.860019541381916
+0.0194227847073056 -54736.980763461840979
+0.0195227012218671 -55007.057275779770862
+0.0196226177364286 -55277.107268257161195
+0.0197225342509901 -55547.106398443829676
+0.0198224507655518 -55817.044725762076268
+0.0199223672801133 -56086.923865837568883
+0.0200222837946748 -56356.802662837428215
+0.0201222003092365 -56626.644840934306558
+0.020222116823798 -56896.430030970950611
+0.0203220333383595 -57166.142473464220529
+0.0204219498529211 -57435.765495139523409
+0.0205218663674827 -57705.314643056175555
+0.0206217828820443 -57974.801575345692982
+0.0207216993966058 -58244.209091655364318
+0.0208216159111673 -58513.507875884984969
+0.020921532425729 -58782.682062711872277
+0.0210214489402905 -59051.733243144357402
+0.021121365454852 -59320.719155321967264
+0.0212212819694137 -59589.664255762567336
+0.0213211984839752 -59858.564730060134025
+0.0214211149985367 -60127.416701268935867
+0.0215210315130982 -60396.216144954385527
+0.0216209480276599 -60664.958786978379067
+0.0217208645422214 -60933.639962691238907
+0.0218207810567829 -61202.254397088843689
+0.0219206975713446 -61470.795807739865268
+0.0220206140859061 -61739.258801053656498
+0.0221205306004676 -62007.662656608248653
+0.0222204471150292 -62275.964743692718912
+0.0223203636295908 -62544.178660241886973
+0.0224202801441524 -62812.327930760977324
+0.0225201966587139 -63080.409772203798639
+0.0226201131732754 -63348.415527861885494
+0.0227200296878371 -63616.399840623802447
+0.0228199462023986 -63884.344681457449042
+0.0229198627169601 -64152.229238094318134
+0.0230197792315218 -64420.060763429639337
+0.0231196957460833 -64687.838594298096723
+0.0232196122606448 -64955.573028987215366
+0.0233195287752063 -65223.23258933093166
+0.023419445289768 -65490.858220752685156
+0.0235193618043295 -65758.449264659007895
+0.023619278318891 -66025.994658923751558
+0.0237191948334527 -66293.466538848661003
+0.0238191113480142 -66560.879684740240918
+0.0239190278625758 -66828.270331468389486
+0.0240189443771373 -67095.635484030397492
+0.0241188608916989 -67362.972130780966836
+0.0242187774062605 -67630.277162222249899
+0.024318693920822 -67897.547265747067286
+0.0244186104353835 -68164.780741668117116
+0.0245185269499452 -68432.046139995582053
+0.0246184434645067 -68699.315710356226191
+0.0247183599790682 -68966.560906773986062
+0.0248182764936299 -69233.778774352933397
+0.0249181930081914 -69501.020204368993291
+0.0250181095227529 -69768.266337307009962
+0.0251180260373144 -70035.508510325060342
+0.0252179425518761 -70302.740349356172374
+0.0253178590664376 -70569.956393467989983
+0.0254177755809991 -70837.1515702251927
+0.0255176920955608 -71104.320878338301554
+0.0256176086101223 -71371.459098032704787
+0.0257175251246839 -71638.560391812206944
+0.0258174416392454 -71905.617484279995551
+0.0259173581538071 -72172.618762847298058
+0.0260172746683686 -72439.539585180085851
+0.0261171911829301 -72706.414884065408842
+0.0262171076974916 -72973.239049235795392
+0.0263170242120533 -73240.021325367706595
+0.0264169407266148 -73506.76990102090349
+0.0265168572411763 -73773.480190702030086
+0.026616773755738 -74040.143748101938399
+0.0267166902702995 -74306.76278856972931
+0.026816606784861 -74573.338511685258709
+0.0269165232994225 -74839.865517793019535
+0.0270164398139842 -75106.336160173945245
+0.0271163563285457 -75372.73569382171263
+0.0272162728431073 -75639.032517336687306
+0.0273161893576689 -75905.311383588123135
+0.0274161058722304 -76171.584405974834226
+0.027516022386792 -76437.839266605165903
+0.0276159389013535 -76704.070871789022931
+0.0277158554159152 -76970.275412890710868
+0.0278157719304767 -77236.449575166334398
+0.0279156884450382 -77502.59025752315938
+0.0280156049595999 -77768.694431411393452
+0.0281155214741614 -78034.759047556377482
+0.0282154379887229 -78300.780955299385823
+0.0283153545032844 -78566.756812286243076
+0.0284152710178461 -78832.682956511751399
+0.0285151875324076 -79098.555180260344059
+0.0286151040469691 -79364.368207237464958
+0.0287150205615306 -79630.116757604220766
+0.0288149370760923 -79895.79225351504283
+0.0289148535906538 -80161.413455020010588
+0.0290147701052154 -80426.977995802561054
+0.029114686619777 -80692.479450324448408
+0.0292146031343386 -80957.909342576283962
+0.0293145196489001 -81223.252717861891142
+0.0294144361634616 -81488.473308500833809
+0.0295143526780233 -81753.631324956717435
+0.0296142691925848 -82018.757089528924553
+0.0297141857071463 -82283.874882434625761
+0.0298141022217078 -82548.965182065323461
+0.0299140187362695 -82814.018561487493571
+0.030013935250831 -83079.025984999389038
+0.0301138517653925 -83343.975857961529982
+0.0302137682799542 -83608.874242000514641
+0.0303136847945157 -83873.720573175378377
+0.0304136013090772 -84138.503394303566893
+0.0305135178236388 -84403.206375465975725
+0.0306134343382004 -84667.86859127189382
+0.0307133508527619 -84932.489359376180801
+0.0308132673673235 -85197.065807454418973
+0.0309131838818851 -85461.594913946464658
+0.0310131003964467 -85726.073429405470961
+0.0311130169110082 -85990.497755035117734
+0.0312129334255697 -86254.863727257179562
+0.0313128499401314 -86519.166157335974276
+0.0314127664546929 -86783.397486619564006
+0.0315126829692544 -87047.537643744668458
+0.0316125994838161 -87311.595777690250543
+0.0317125159983776 -87575.597113411247847
+0.0318124325129391 -87839.537461504776729
+0.0319123490275006 -88103.41059612313984
+0.0320122655420623 -88367.20666903880192
+0.0321121820566238 -88630.93725443315634
+0.0322120985711853 -88894.598779005304095
+0.0323120150857469 -89158.184124459177838
+0.0324119316003085 -89421.678861729669734
+0.0325118481148701 -89685.06738335143018
+0.0326117646294316 -89948.387321410365985
+0.0327116811439932 -90211.623477180881309
+0.0328115976585548 -90474.798683511544368
+0.0329115141731163 -90737.917117469361983
+0.0330114306876778 -91001.013035139403655
+0.0331113472022395 -91264.08243220084114
+0.033211263716801 -91527.108564619979006
+0.0333111802313625 -91790.08334183783154
+0.033411096745924 -92052.999726940979599
+0.0335110132604857 -92315.849754912647768
+0.0336109297750472 -92578.65854641419719
+0.0337108462896087 -92841.424720484297723
+0.0338107628041704 -93104.154152892064303
+0.0339106793187319 -93366.836338317618356
+0.0340105958332935 -93629.462112869907287
+0.034110512347855 -93892.020830579494941
+0.0342104288624166 -94154.493202724886942
+0.0343103453769782 -94416.857697084342362
+0.0344102618915397 -94679.155956772257923
+0.0345101784061013 -94941.398568325428641
+0.0346100949206629 -95203.5926388084481
+0.0347100114352244 -95465.734508634370286
+0.0348099279497859 -95727.820331101640477
+0.0349098444643476 -95989.845976106254966
+0.0350097609789091 -96251.806893817381933
+0.0351096774934706 -96513.697897179008578
+0.0352095940080323 -96775.512762843063683
+0.0353095105225938 -97037.243336777450168
+0.0354094270371553 -97298.876609200466191
+0.0355093435517168 -97560.377526274853153
+0.0356092600662785 -97821.785812528120005
+0.03570917658084 -98083.119655258604325
+0.0358090930954016 -98344.370121874497272
+0.0359090096099631 -98605.519783323441516
+0.0360089261245247 -98866.539840046723839
+0.0361088426390863 -99127.495344983733958
+0.0362087591536478 -99388.38655648547865
+0.0363086756682095 -99649.208403748067212
+0.036408592182771 -99909.954532362549799
+0.0365085086973325 -100170.61596280180675
+0.036608425211894 -100431.17236050954671
+0.0367083417264557 -100691.6261177000124
+0.0368082582410172 -100951.98104938483448
+0.0369081747555787 -101212.20613353070803
+0.0370080912701402 -101472.35829089317122
+0.0371080077847019 -101732.42019529084791
+0.0372079242992634 -101992.41497562406585
+0.037307840813825 -102252.35560039519623
+0.0374077573283866 -102512.24773374131473
+0.0375076738429481 -102772.08799587588874
+0.0376075903575097 -103031.87224369075557
+0.0377075068720712 -103291.59487910963071
+0.0378074233866329 -103551.2464993030153
+0.0379073399011944 -103810.80011339882913
+0.0380072564157559 -104070.29063479346223
+0.0381071729303176 -104329.73502877011197
+0.0382070894448791 -104589.13061670777097
+0.0383070059594406 -104848.47426706193073
+0.0384069224740021 -105107.76206648872176
+0.0385068389885638 -105366.98845811645151
+0.0386067555031253 -105626.14227894233773
+0.0387066720176868 -105885.20570162788499
+0.0388065885322483 -106144.22223257375299
+0.03890650504681 -106403.19274198426865
+0.0390064215613715 -106662.11540080035047
+0.0391063380759331 -106920.98830529043335
+0.0392062545904947 -107179.80946526599291
+0.0393061711050562 -107438.57678894243145
+0.0394060876196178 -107697.28806299860298
+0.0395060041341793 -107955.94092527819157
+0.039605920648741 -108214.53282586915884
+0.0397058371633025 -108473.06096825592977
+0.039805753677864 -108731.52221309048764
+0.0399056701924257 -108989.91290154765011
+0.0400055867069872 -109248.22846197828767
+0.0401055032215487 -109506.51013957231771
+0.0402054197361102 -109764.7652548810147
+0.0403053362506719 -110022.97601200469944
+0.0404052527652334 -110281.15322784040472
+0.0405051692797949 -110539.30369301614701
+0.0406050857943565 -110797.4346842871455
+0.0407050023089181 -111055.54185939731542
+0.0408049188234796 -111313.61678883104469
+0.0409048353380412 -111571.65262120099214
+0.0410047518526028 -111829.64309860563662
+0.0411046683671644 -112087.58206135719956
+0.0412045848817259 -112345.46300942241214
+0.0413045013962874 -112603.27839508134639
+0.0414044179108491 -112861.0162849995977
+0.0415043344254106 -113118.66848846830544
+0.0416042509399721 -113376.23814079434669
+0.0417041674545338 -113633.69411944964668
+0.0418040839690953 -113891.0623645085725
+0.0419040004836568 -114148.36948220437625
+0.0420039169982183 -114405.61026401919662
+0.04210383351278 -114662.77854685403872
+0.0422037500273415 -114919.86949886273942
+0.042303666541903 -115176.89322360733058
+0.0424035830564646 -115433.82241048912692
+0.0425034995710262 -115690.69156654228573
+0.0426034160855878 -115947.49351772139198
+0.0427033326001493 -116204.22044454039133
+0.0428032491147109 -116460.86367382960452
+0.0429031656292725 -116717.4127338326507
+0.043003082143834 -116973.85333801651723
+0.0431029986583955 -117230.15610064339126
+0.0432029151729572 -117486.31619766830408
+0.0433028316875187 -117742.3104314085067
+0.0434027482020802 -117998.16482011401968
+0.0435026647166419 -118253.85123717138777
+0.0436025812312034 -118509.46284358511912
+0.0437024977457649 -118765.01713669895253
+0.0438024142603264 -119020.48867111098662
+0.0439023307748881 -119275.89739736390766
+0.0440022472894496 -119531.24859929257946
+0.0441021638040111 -119786.55519849652774
+0.0442020803185727 -120041.80702339638083
+0.0443019968331343 -120296.9820555451879
+0.0444019133476959 -120552.13349216882489
+0.0445018298622574 -120807.26285862397344
+0.0446017463768191 -121062.36806054780027
+0.0447016628913806 -121317.44687615675502
+0.0448015794059421 -121572.49691275434452
+0.0449014959205036 -121827.51553544132912
+0.0450014124350653 -122082.49973643531848
+0.0451013289496268 -122337.44584978786588
+0.0452012454641883 -122592.34870173463423
+0.04530116197875 -122847.19521307038667
+0.0454010784933115 -123101.9917163172795
+0.045500995007873 -123356.75171327387216
+0.0456009115224345 -123611.47207689814968
+0.0457008280369962 -123866.15337125511724
+0.0458007445515577 -124120.79288665243075
+0.0459006610661193 -124375.38764925560099
+0.0460005775806808 -124629.93437553130207
+0.0461004940952424 -124884.42936437386379
+0.046200410609804 -125138.86831212628749
+0.0463003271243655 -125393.24592229144764
+0.0464002436389272 -125647.55432399889105
+0.0465001601534887 -125901.78745551740576
+0.0466000766680502 -126155.93178981952951
+0.0466999931826117 -126409.96688601207279
+0.0467999096971734 -126663.92550894001033
+0.0468998262117349 -126917.78911565594899
+0.0469997427262964 -127171.59310239816841
+0.0470996592408579 -127425.34693528254866
+0.0471995757554196 -127679.04563848505495
+0.0472994922699811 -127932.68228779532365
+0.0473994087845427 -128186.24219933051791
+0.0474993252991043 -128439.71623792871833
+0.0475992418136658 -128693.13703954746597
+0.0476991583282274 -128946.49878893017012
+0.0477990748427889 -129199.7929277678777
+0.0478989913573506 -129452.99743174988544
+0.0479989078719121 -129706.12132444919553
+0.0480988243864736 -129959.18463161414547
+0.0481987409010353 -130212.17992383943056
+0.0482986574155968 -130465.09984163401532
+0.0483985739301583 -130717.92451173074369
+0.0484984904447198 -130970.69590791444352
+0.0485984069592815 -131223.40708117448958
+0.048698323473843 -131476.03953902365174
+0.0487982399884045 -131728.57439458766021
+0.0488981565029662 -131981.05536674850737
+0.0489980730175277 -132233.50723660725635
+0.0490979895320892 -132485.92752423800994
+0.0491979060466508 -132738.313457080425
+0.0492978225612124 -132990.66185089261853
+0.0493977390757739 -133242.96888940152712
+0.0494976555903355 -133495.22963412452373
+0.049597572104897 -133747.43646728451131
+0.0496974886194587 -133999.56901036735508
+0.0497974051340202 -134251.64696686819661
+0.0498973216485817 -134503.68296537754941
+0.0499972381631434 -134755.67215385919553
+0.0500971546777049 -135007.60790308672586
+0.0501970711922664 -135259.47926484292839
+0.0502969877068279 -135511.25418404856464
+0.0503969042213896 -135762.95867799216649
+0.0504968207359511 -136014.63096840545768
+0.0505967372505126 -136266.26702467989526
+0.0506966537650742 -136517.85906147758942
+0.0507965702796358 -136769.40805410739267
+0.0508964867941973 -137020.91346251187497
+0.0509964033087589 -137272.36361570272129
+0.0510963198233205 -137523.74143983636168
+0.0511962363378821 -137775.08926958075608
+0.0512961528524436 -138026.40660120631219
+0.0513960693670051 -138277.69061954412609
+0.0514959858815668 -138528.93809525272809
+0.0515959023961283 -138780.14519880822627
+0.0516958189106898 -139031.30715070143924
+0.0517957354252515 -139282.41743985854555
+0.051895651939813 -139533.46541405332391
+0.0519955684543745 -139784.41873927396955
+0.052095484968936 -140035.30439580915845
+0.0521954014834977 -140286.15397805333487
+0.0522953179980592 -140536.97181168399402
+0.0523952345126207 -140787.75592494633747
+0.0524951510271824 -141038.50276254379423
+0.0525950675417439 -141289.20808538288111
+0.0526949840563054 -141539.86661339190323
+0.052794900570867 -141790.47129874050734
+0.0528948170854286 -142041.01141605302109
+0.0529947335999902 -142291.46084008677281
+0.0530946501145517 -142541.8095469661057
+0.0531945666291134 -142792.07585692632711
+0.0532944831436749 -143042.31214324643952
+0.0533943996582364 -143292.52226308934041
+0.0534943161727979 -143542.70783989151823
+0.0535942326873596 -143792.89958821548498
+0.0536941492019211 -144043.09370775343268
+0.0537940657164826 -144293.2874550903216
+0.0538939822310441 -144543.47850903862854
+0.0539938987456058 -144793.66472956794314
+0.0540938152601673 -145043.84400652642944
+0.0541937317747288 -145294.01398418119061
+0.0542936482892905 -145544.17206518060993
+0.054393564803852 -145794.31871200585738
+0.0544934813184136 -146044.45214217816829
+0.0545933978329751 -146294.57041954109445
+0.0546933143475367 -146544.67153148603393
+0.0547932308620983 -146794.75336593441898
+0.0548931473766598 -147044.813684039691
+0.0549930638912213 -147294.8500850952114
+0.055092980405783 -147544.86013242069748
+0.0551928969203445 -147794.84120039973641
+0.055292813434906 -148044.78979262404027
+0.0553927299494677 -148294.70190958344028
+0.0554926464640292 -148544.57230707292911
+0.0555925629785907 -148794.39026784684393
+0.0556924794931522 -149044.15290187043138
+0.0557923960077139 -149293.87166061636526
+0.0558923125222754 -149543.58399219508283
+0.0559922290368369 -149793.28412265665247
+0.0560921455513986 -150042.97541861163336
+0.0561920620659601 -150292.65299389493885
+0.0562919785805217 -150542.28193885085057
+0.0563918950950832 -150791.85990005041822
+0.0564918116096449 -151041.35513748138328
+0.0565917281242064 -151290.87744739011396
+0.0566916446387679 -151540.43415572308004
+0.0567915611533296 -151789.99589635265875
+0.0568914776678911 -152039.51917953978409
+0.0569913941824526 -152289.05367231619311
+0.0570913106970141 -152538.61386507371208
+0.0571912272115758 -152788.19339115094044
+0.0572911437261373 -153037.78453072911361
+0.0573910602406988 -153287.37034140591277
+0.0574909767552603 -153536.96008940646425
+0.057590893269822 -153786.56688005154137
+0.0576908097843835 -154036.18664714333136
+0.0577907262989451 -154285.81495101668406
+0.0578906428135066 -154535.44672754834755
+0.0579905593280683 -154785.07584962045075
+0.0580904758426298 -155034.69419607109739
+0.0581903923571913 -155284.28885665093549
+0.058290308871753 -155533.82816250858014
+0.0583902253863145 -155783.31667460067547
+0.058490141900876 -156032.79754304760718
+0.0585900584154375 -156282.28640459329472
+0.0586899749299992 -156531.77449351828545
+0.0587898914445607 -156781.27399503154447
+0.0588898079591222 -157030.80127435573377
+0.0589897244736839 -157280.35423123027431
+0.0590896409882454 -157529.93044821667718
+0.0591895575028069 -157779.52689542149892
+0.0592894740173685 -158029.13854079187149
+0.0593893905319301 -158278.76233593729557
+0.0594893070464916 -158528.38617715297733
+0.0595892235610532 -158778.02566073468188
+0.0596891400756148 -159027.69078532035928
+0.0597890565901764 -159277.3797998422524
+0.0598889731047379 -159527.09073494464974
+0.0599888896192994 -159776.82127204912831
+0.0600888061338611 -160026.56846067644074
+0.0601887226484226 -160276.32791406178148
+0.0602886391629841 -160526.08805969665991
+0.0603885556775456 -160775.84898388251895
+0.0604884721921073 -161025.63473945303122
+0.0605883887066688 -161275.44396734007751
+0.0606883052212303 -161525.27521191097912
+0.060788221735792 -161775.12688345313654
+0.0608881382503535 -162024.99719015342998
+0.060988054764915 -162274.88397471347707
+0.0610879712794766 -162524.78390219039284
+0.0611878877940382 -162774.69580589453108
+0.0612878043085998 -163024.6162176214275
+0.0613877208231613 -163274.54201539015048
+0.0614876373377228 -163524.46899126830976
+0.0615875538522845 -163774.39053797340603
+0.061687470366846 -164024.33291735735838
+0.0617873868814075 -164274.29497254660237
+0.0618873033959692 -164524.27543411386432
+0.0619872199105307 -164774.27296254292014
+0.0620871364250922 -165024.28613287702319
+0.0621870529396537 -165274.31341371315648
+0.0622869694542154 -165524.35313736507669
+0.0623868859687769 -165774.40345503835124
+0.0624868024833384 -166024.46226437069708
+0.0625867189979001 -166274.52707784230006
+0.0626866355124616 -166524.59472771728178
+0.0627865520270231 -166774.65995027843746
+0.0628864685415847 -167024.71826550597325
+0.0629863850561463 -167274.76891650466132
+0.0630863015707079 -167524.79063158694771
+0.0631862180852694 -167774.80764711010852
+0.0632861345998311 -168024.83843816138688
+0.0633860511143926 -168274.88148341723718
+0.0634859676289541 -168524.9351025064534
+0.0635858841435156 -168774.99737748422194
+0.0636858006580773 -169025.06594844197389
+0.0637857171726388 -169275.13680012075929
+0.0638856336872003 -169525.20980161317857
+0.063985550201762 -169775.28400505549507
+0.0640854667163235 -170025.35473584383726
+0.064185383230885 -170275.40980948272045
+0.0642852997454465 -170525.46018668211764
+0.0643852162600082 -170775.51292214327259
+0.0644851327745697 -171025.56377537551452
+0.0645850492891313 -171275.60487196329632
+0.0646849658036928 -171525.64498211009777
+0.0647848823182544 -171775.68240980920382
+0.064884798832816 -172025.71176341822138
+0.0649847153473775 -172275.72112531674793
+0.065084631861939 -172525.69960179636837
+0.0651845483765007 -172775.67775885527954
+0.0652844648910622 -173025.6626447114686
+0.0653843814056237 -173275.65192551602377
+0.0654842979201854 -173525.64263350318652
+0.0655842144347469 -173775.63089004933136
+0.0656841309493084 -174025.61082036336302
+0.0657840474638699 -174275.56775062376983
+0.0658839639784316 -174525.50831532388111
+0.0659838804929931 -174775.42785319354152
+0.0660837970075547 -175025.34617998255999
+0.0661837135221163 -175275.27208471926861
+0.0662836300366778 -175525.20185243833112
+0.0663835465512394 -175775.1291067629063
+0.0664834630658009 -176025.04615228995681
+0.0665833795803625 -176274.94077879050747
+0.0666832960949241 -176524.82730911692488
+0.0667832126094856 -176774.72569255207782
+0.0668831291240473 -177024.62883753937786
+0.0669830456386088 -177274.55646318165236
+0.0670829621531703 -177524.5084496254276
+0.0671828786677318 -177774.48398536871537
+0.0672827951822935 -178024.48221867266693
+0.067382711696855 -178274.50224876147695
+0.0674826282114165 -178524.54500881480635
+0.067582544725978 -178774.61616050679004
+0.0676824612405397 -179024.7108658743673
+0.0677823777551012 -179274.82870008077589
+0.0678822942696628 -179525.01288548362209
+0.0679822107842244 -179775.24530031697941
+0.0680821272987859 -180025.51009470611461
+0.0681820438133475 -180275.80592232313938
+0.068281960327909 -180526.13622321764706
+0.0683818768424707 -180776.50014737865422
+0.0684817933570322 -181026.89371411982575
+0.0685817098715937 -181277.31287770581548
+0.0686816263861552 -181527.7515958865115
+0.0687815429007169 -181778.21510568808299
+0.0688814594152784 -182028.70264503636281
+0.0689813759298399 -182279.2116643000918
+0.0690812924444016 -182529.73906976668513
+0.0691812089589631 -182780.28036739080562
+0.0692811254735246 -183030.8248232275073
+0.0693810419880861 -183281.37364272063132
+0.0694809585026478 -183531.94753186422167
+0.0695808750172093 -183782.54520443693036
+0.0696807915317709 -184033.16521848889533
+0.0697807080463325 -184283.80604919110192
+0.0698806245608941 -184534.46605409972835
+0.0699805410754556 -184785.14341971359681
+0.0700804575900171 -185035.83607005674276
+0.0701803741045788 -185286.54148537895526
+0.0702802906191403 -185537.25624892298947
+0.0703802071337018 -185787.97387904551579
+0.0704801236482635 -186038.68337307055481
+0.070580040162825 -186289.40440909258905
+0.0706799566773865 -186540.14220770570682
+0.070779873191948 -186790.89515635714633
+0.0708797897065097 -187041.66149190670694
+0.0709797062210712 -187292.43925214675255
+0.0710796227356327 -187543.22619955937262
+0.0711795392501944 -187794.01968889898853
+0.0712794557647559 -188044.81640063819941
+0.0713793722793175 -188295.61164073494729
+0.071479288793879 -188546.39495110345888
+0.0715792053084406 -188797.16082006521174
+0.0716791218230022 -189047.92459873456392
+0.0717790383375637 -189298.69427215089672
+0.0718789548521252 -189549.46612025992363
+0.0719788713666869 -189800.23499227419961
+0.0720787878812484 -190050.99213632749161
+0.0721787043958099 -190301.71531576823327
+0.0722786209103716 -190552.42079083962017
+0.0723785374249331 -190803.13887465550215
+0.0724784539394946 -191053.8648300874338
+0.0725783704540561 -191304.59163543142495
+0.0726782869686178 -191555.30340218148194
+0.0727782034831793 -191805.97735690843547
+0.0728781199977408 -192056.68051661687787
+0.0729780365123024 -192307.41460957497475
+0.073077953026864 -192558.17867123559699
+0.0731778695414255 -192808.97160336744855
+0.0732777860559871 -193059.79204919104814
+0.0733777025705488 -193310.63780016484088
+0.0734776190851103 -193561.50665086548543
+0.0735775355996718 -193812.39921599143418
+0.0736774521142333 -194063.3140200577036
+0.073777368628795 -194314.25786843366222
+0.0738772851433565 -194565.23000525240786
+0.073977201657918 -194816.22964851694996
+0.0740771181724797 -195067.25598684264696
+0.0741770346870412 -195318.30817570601357
+0.0742769512016027 -195569.38533299253322
+0.0743768677161642 -195820.48653368436499
+0.0744767842307259 -196071.61080351041164
+0.0745767007452874 -196322.75711107536335
+0.0746766172598489 -196573.92435815490899
+0.0747765337744105 -196825.11136732244631
+0.0748764502889721 -197076.31686599677778
+0.0749763668035337 -197327.53946522320621
+0.0750762833180952 -197578.77763073379174
+0.0751761998326568 -197830.02964202131261
+0.0752761163472184 -198081.2935317766387
+0.0753760328617799 -198332.56699100096012
+0.0754759493763414 -198583.84720817097696
+0.0755758658909031 -198835.13056361454073
+0.0756757824054646 -199086.41192717550439
+0.0757756989200261 -199337.68218335905112
+0.0758756154345876 -199588.92187914138776
+0.0759755319491493 -199840.14539278866141
+0.0760754484637108 -200091.35711249010637
+0.0761753649782723 -200342.58766406864743
+0.076275281492834 -200593.86839814906125
+0.0763751980073955 -200845.2126451927179
+0.0764751145219571 -201096.60198022678378
+0.0765750310365186 -201348.03012745693559
+0.0766749475510802 -201599.49282197275897
+0.0767748640656418 -201850.9863888983964
+0.0768747805802033 -202102.50710308665293
+0.076974697094765 -202354.05045601143502
+0.0770746136093265 -202605.60855082041235
+0.077174530123888 -202857.17009847518057
+0.0772744466384495 -203108.76018737140112
+0.0773743631530112 -203360.37781388973235
+0.0774742796675727 -203612.02036073119962
+0.0775741961821342 -203863.6846904916456
+0.0776741126966959 -204115.36673858639551
+0.0777740292112574 -204367.06045756401727
+0.0778739457258189 -204618.75122978861327
+0.0779738622403805 -204870.43330272301682
+0.0780737787549421 -205122.12308611176559
+0.0781736952695036 -205373.84211746876827
+0.0782736117840652 -205625.58509688376216
+0.0783735282986268 -205877.33743800609955
+0.0784734448131884 -206129.10223416125518
+0.0785733613277499 -206380.91179460665444
+0.0786732778423114 -206632.76638162479503
+0.0787731943568731 -206884.66548463527579
+0.0788731108714346 -207136.60859170346521
+0.0789730273859961 -207388.59518784613465
+0.0790729439005576 -207640.62475325257401
+0.0791728604151193 -207892.69676125136903
+0.0792727769296808 -208144.81067607438308
+0.0793726934442423 -208396.96595015621278
+0.079472609958804 -208649.16202077330672
+0.0795725264733655 -208901.39830586599419
+0.079672442987927 -209153.67419827668346
+0.0797723595024886 -209405.98905787398689
+0.0798722760170502 -209658.34219964212389
+0.0799721925316118 -209910.73287497842102
+0.0800721090461733 -210163.16023889012286
+0.0801720255607348 -210415.62328516243724
+0.0802719420752965 -210668.12068862831802
+0.080371858589858 -210920.65021970812813
+0.0804717751044195 -211173.20636224080226
+0.0805716916189812 -211425.79767850480857
+0.0806716081335427 -211678.42613739884109
+0.0807715246481042 -211931.09115779565764
+0.0808714411626657 -212183.79213331802748
+0.0809713576772274 -212436.53987173151108
+0.0810712741917889 -212689.37622877740068
+0.0811711907063504 -212942.27746927825501
+0.0812711072209121 -213195.23484275018563
+0.0813710237354736 -213448.24368362885434
+0.0814709402500352 -213701.30064498685533
+0.0815708567645967 -213954.40290708295652
+0.0816707732791583 -214207.54774574693874
+0.0817706897937199 -214460.73200331692351
+0.0818706063082814 -214713.94934034624021
+0.0819705228228429 -214967.19857885109377
+0.0820704393374046 -215220.49071574263508
+0.0821703558519661 -215473.82434871260193
+0.0822702723665276 -215727.19792599018547
+0.0823701888810893 -215980.60911697652773
+0.0824701053956508 -216234.05692495277617
+0.0825700219102123 -216487.54036465199897
+0.0826699384247738 -216741.0588929609512
+0.0827698549393355 -216994.61485428642482
+0.082869771453897 -217248.20697244399344
+0.0829696879684585 -217501.83384412739542
+0.0830696044830201 -217755.49387782803387
+0.0831695209975817 -218009.18519001305685
+0.0832694375121432 -218262.90540472636349
+0.0833693540267048 -218516.65118325789808
+0.0834692705412664 -218770.41660490867798
+0.083569187055828 -219024.18416342724231
+0.0836691035703895 -219277.97854183166055
+0.083769020084951 -219531.81055486158584
+0.0838689365995127 -219785.67879060772248
+0.0839688531140742 -220039.58096333270078
+0.0840687696286357 -220293.51696783053922
+0.0841686861431974 -220547.48487793389359
+0.0842686026577589 -220801.47785864042817
+0.0843685191723204 -221055.49593417355209
+0.0844684356868819 -221309.55363823033986
+0.0845683522014436 -221563.65022216594662
+0.0846682687160051 -221817.78488176685642
+0.0847681852305666 -222071.95674162227078
+0.0848681017451283 -222326.16483317301027
+0.0849680182596898 -222580.40806252992479
+0.0850679347742514 -222834.68516077293316
+0.0851678512888129 -223088.99460204024217
+0.0852677678033746 -223343.33445563199348
+0.0853676843179361 -223597.70208134735003
+0.0854676008324976 -223852.09334799903445
+0.0855675173470593 -224106.49932562350295
+0.0856674338616208 -224360.90094791466254
+0.0857673503761823 -224615.34184291498968
+0.0858672668907438 -224869.82671042531729
+0.0859671834053055 -225124.35520309681306
+0.086067099919867 -225378.92697115897317
+0.0861670164344285 -225633.54166200305917
+0.08626693294899 -225888.19891981934779
+0.0863668494635517 -226142.89838510204572
+0.0864667659781132 -226397.63969425114919
+0.0865666824926748 -226652.42247900445363
+0.0866665990072364 -226907.2463658892957
+0.0867665155217979 -227162.11097553800209
+0.0868664320363595 -227417.0159220311325
+0.086966348550921 -227671.96081205279916
+0.0870662650654827 -227926.94524394159089
+0.0871661815800442 -228181.96880661227624
+0.0872660980946057 -228437.03107825457118
+0.0873660146091672 -228692.13162481802283
+0.0874659311237289 -228947.26999809837434
+0.0875658476382904 -229202.44573336557369
+0.0876657641528519 -229457.65834626555443
+0.0877656806674136 -229712.90732860838762
+0.0878655971819751 -229968.19214216360706
+0.0879655136965366 -230223.51220846490469
+0.0880654302110982 -230478.86688853576197
+0.0881653467256598 -230734.2554241255275
+0.0882652632402213 -230989.67657747751218
+0.0883651797547829 -231245.13049736304674
+0.0884650962693445 -231500.61703542046598
+0.088565012783906 -231756.1353878636146
+0.0886649292984676 -232011.68464672224945
+0.0887648458130291 -232267.26375925409957
+0.0888647623275908 -232522.87145988538396
+0.0889646788421523 -232778.50614437332842
+0.0890645953567138 -233034.16560000219033
+0.0891645118712755 -233289.84625808449346
+0.089264428385837 -233545.53878558575525
+0.0893643449003985 -233801.23750902197207
+0.08946426141496 -234056.9728712545475
+0.0895641779295215 -234312.74657539924374
+0.0896640944440832 -234568.59357676669606
+0.0897640109586447 -234824.50059587138821
+0.0898639274732062 -235080.45966262873844
+0.0899638439877679 -235336.46710152449668
+0.0900637605023294 -235592.52044456018484
+0.090163677016891 -235848.61774610710563
+0.0902635935314525 -236104.75730420034961
+0.0903635100460142 -236360.93749695652514
+0.0904634265605757 -236617.15663150840555
+0.0905633430751372 -236873.41268316109199
+0.0906632595896989 -237129.70196272592875
+0.0907631761042604 -237386.02222826980869
+0.0908630926188219 -237642.37993465439649
+0.0909630091333834 -237898.77321759008919
+0.0910629256479451 -238155.1990468390577
+0.0911628421625066 -238411.64928302413318
+0.0912627586770681 -238668.13499148277333
+0.0913626751916298 -238924.66026735684136
+0.0914625917061913 -239181.22407754676533
+0.0915625082207528 -239437.82506275322521
+0.0916624247353144 -239694.46092058345675
+0.091762341249876 -239951.12563154805684
+0.0918622577644376 -240207.82846344436985
+0.0919621742789991 -240464.572064927459
+0.0920620907935607 -240721.35595387787907
+0.0921620073081223 -240978.17962466747849
+0.0922619238226838 -241235.04251813449082
+0.0923618403372453 -241491.94382821608451
+0.092461756851807 -241748.88304932232131
+0.0925616733663685 -242005.86074249856756
+0.09266158988093 -242262.87643815643969
+0.0927615063954915 -242519.92965390335303
+0.0928614229100532 -242777.01989146499545
+0.0929613394246147 -243034.14663283099071
+0.0930612559391762 -243291.30933537296369
+0.0931611724537379 -243548.50742548058042
+0.0932610889682994 -243805.74028988278587
+0.0933610054828609 -244063.00726353927166
+0.0934609219974225 -244320.33939028382883
+0.0935608385119841 -244577.75493498463766
+0.0936607550265457 -244835.23100384906866
+0.0937606715411072 -245092.76019029231975
+0.0938605880556687 -245350.33752890030155
+0.0939605045702304 -245607.95833317999495
+0.0940604210847919 -245865.61508282870636
+0.0941603375993534 -246123.2999805911968
+0.0942602541139151 -246381.03381866286509
+0.0943601706284766 -246638.81671417388134
+0.0944600871430381 -246896.64763061975827
+0.0945600036575996 -247154.525621160632
+0.0946599201721613 -247412.44980688564829
+0.0947598366867228 -247670.41936085891211
+0.0948597532012843 -247928.43349609046709
+0.094959669715846 -248186.49145596846938
+0.0950595862304075 -248444.59250652734772
+0.0951595027449691 -248702.73592989362078
+0.0952594192595306 -248960.9210184305557
+0.0953593357740923 -249219.14706934275455
+0.0954592522886538 -249477.4133794256777
+0.0955591688032153 -249735.71923947116011
+0.095659085317777 -249994.06392816759762
+0.0957590018323385 -250252.44866323209135
+0.0958589183469 -250510.87560462430702
+0.0959588348614615 -250769.34175811434397
+0.0960587513760232 -251027.845608517644
+0.0961586678905847 -251286.38584593660198
+0.0962585844051462 -251544.96109148865798
+0.0963585009197079 -251803.56959077541251
+0.0964584174342694 -252062.2073058708047
+0.0965583339488309 -252320.8760685302841
+0.0966582504633925 -252579.57979848750983
+0.096758166977954 -252838.31760599635891
+0.0968580834925156 -253097.08855669034529
+0.0969580000070772 -253355.89165719290031
+0.0970579165216388 -253614.72583746243617
+0.0971578330362003 -253873.58992768864846
+0.0972577495507619 -254132.48262668546522
+0.0973576660653234 -254391.40245598764159
+0.0974575825798849 -254650.34768935569446
+0.0975574990944466 -254909.31623575015692
+0.0976574156090081 -255168.30542362562846
+0.0977573321235696 -255427.3115333711321
+0.0978572486381313 -255686.32841688708868
+0.0979571651526928 -255945.33964853477664
+0.0980570816672543 -256204.34841106535168
+0.0981569981818158 -256463.3771184856887
+0.0982569146963775 -256722.44004227849655
+0.098356831210939 -256981.53515870735282
+0.0984567477255006 -257240.65749894577311
+0.0985566642400622 -257499.80254274845356
+0.0986565807546237 -257758.98683212947799
+0.0987564972691853 -258018.20983921104926
+0.0988564137837468 -258277.47084288555197
+0.0989563302983085 -258536.76899299712386
+0.09905624681287 -258796.10336630788515
+0.0991561633274315 -259055.47293993268977
+0.0992560798419932 -259314.8762488734792
+0.0993559963565547 -259574.31118235137546
+0.0994559128711162 -259833.77355594487744
+0.0995558293856777 -260093.25833351028268
+0.0996557459002394 -260352.77353465906344
+0.0997556624148009 -260612.30747160068131
+0.0998555789293624 -260871.87588257028256
+0.0999554954439241 -261131.48890484875301
diff --git a/DATASET/P=160000Pa/box_confined.data b/DATASET/P=160000Pa/box_confined.data
new file mode 100644
index 0000000..b21b8f8
--- /dev/null
+++ b/DATASET/P=160000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2255822
+
+240 atoms
+6 atom types
+
+0.02759719404449294 0.07240280595550705 xlo xhi
+0.02759719404449294 0.07240280595550705 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+11 1 0.0035 1071.4285714285713 0.02960972532598652 0.029718639962740122 0 0 0 0
+240 1 0.0025 1500.0000000000005 0.032043667596321594 0.02800692964187421 0 0 1 0
+4 1 0.0035 1071.4285714285713 0.03497993790214709 0.0281488507044419 0 0 0 0
+237 1 0.0035 1071.4285714285713 0.03824026567914852 0.02940115514209533 0 0 1 0
+6 1 0.0035 1071.4285714285713 0.04368749228158542 0.02763741393526711 0 0 0 0
+16 1 0.0035 1071.4285714285713 0.04663979810026131 0.029413776553175067 0 0 0 0
+7 1 0.0035 1071.4285714285713 0.05333142495210197 0.029803123895832978 0 0 0 0
+17 1 0.0035 1071.4285714285713 0.05776903100735596 0.02922108744144533 0 0 0 0
+238 1 0.0025 1500.0000000000005 0.060485684707905926 0.02793399519975354 0 0 1 0
+229 1 0.0035 1071.4285714285713 0.0634227738951515 0.028280986638868376 0 0 1 0
+239 1 0.0025 1500.0000000000005 0.06648208904870563 0.02760542537852822 0 0 1 0
+1 1 0.0025 1500.0000000000005 0.07155257200140237 0.029112355307683732 0 -1 0 0
+18 1 0.0035 1071.4285714285713 0.032877596771135977 0.03081810365862968 0 0 0 0
+10 1 0.0025 1500.0000000000005 0.0357991915759552 0.031109262970899887 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.038904317827975786 0.03219934803210827 0 0 0 0
+8 1 0.0035 1071.4285714285713 0.041561027688587916 0.0303224078752048 0 0 0 0
+20 1 0.0035 1071.4285714285713 0.044510578272177484 0.03218778826655116 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.047449692723728 0.032240120010220724 0 0 0 0
+12 1 0.0035 1071.4285714285713 0.04990730346396841 0.03050846136785614 0 0 0 0
+9 1 0.0025 1500.0000000000005 0.060587697309921536 0.030408515002298287 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.06329454861962117 0.03170998325701037 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.0658826989738233 0.03007042339464752 0 0 0 0
+235 1 0.0035 1071.4285714285713 0.06877456419654947 0.0304417609396455 0 0 1 0
+23 1 0.0035 1071.4285714285713 0.07186911095783978 0.03201135773313768 0 -1 0 0
+40 1 0.0035 1071.4285714285713 0.030321663551094558 0.03310744776970941 0 0 0 0
+48 1 0.0035 1071.4285714285713 0.03357937970895879 0.034154883327105194 0 0 0 0
+19 1 0.0025 1500.0000000000005 0.03647368619116153 0.03346542958353493 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.0414158927209452 0.03376359274131256 0 0 0 0
+15 1 0.0025 1500.0000000000005 0.049644824231277335 0.03342237758109111 0 0 0 0
+36 1 0.0025 1500.0000000000005 0.052072761977605096 0.03253466201797079 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.05512072484011999 0.03265488925817127 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.058561035920147116 0.03257580760683295 0 0 0 0
+22 1 0.0025 1500.0000000000005 0.06125162697347081 0.03379125533063253 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.06648789742799883 0.0330070123374586 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.06933984408721197 0.03333212064880848 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.027809371292938506 0.034965103844492425 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.03040084845413278 0.036539186108006584 0 0 0 0
+51 1 0.0035 1071.4285714285713 0.03621049638002113 0.03635705498178797 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.03861462221932111 0.03478902701831066 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.044148237583236265 0.03517760400964264 0 0 0 0
+26 1 0.0035 1071.4285714285713 0.04727138406075137 0.03515836077083786 0 0 0 0
+33 1 0.0025 1500.0000000000005 0.05011938418143979 0.035837229324010726 0 0 0 0
+44 1 0.0035 1071.4285714285713 0.05301398093757517 0.03537987152592647 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.05544987446376924 0.036905261563969595 0 0 0 0
+29 1 0.0025 1500.0000000000005 0.056936821936252865 0.03499519587953312 0 0 0 0
+41 1 0.0025 1500.0000000000005 0.05934024784916183 0.03541503427279317 0 0 0 0
+42 1 0.0025 1500.0000000000005 0.06173864992049185 0.03614253823324786 0 0 0 0
+45 1 0.0035 1071.4285714285713 0.06465898842168188 0.03588681014598206 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.06773612897058373 0.03570428045449774 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.07016537685922808 0.035615488111240434 0 0 0 0
+66 1 0.0025 1500.0000000000005 0.033299496151342894 0.03723542415830821 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.03497114025789724 0.03900432780042785 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.038983885434400865 0.03723982763325627 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.037350542960338115 0.03906738909213989 0 0 0 0
+38 1 0.0035 1071.4285714285713 0.04189735710077783 0.03718527567017765 0 0 0 0
+54 1 0.0035 1071.4285714285713 0.045237045317042694 0.037937762418836035 0 0 0 0
+37 1 0.0035 1071.4285714285713 0.0486071066573377 0.038374613500728766 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.05154122714128549 0.03798002769421513 0 0 0 0
+69 1 0.0035 1071.4285714285713 0.05740443764927446 0.03916095728396796 0 0 0 0
+49 1 0.0025 1500.0000000000005 0.06002930929250565 0.037830035111401615 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.06279643015532202 0.03886431449122232 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.0663029719339752 0.03890345212548307 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.0690445830064475 0.037847777975093186 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.07202786876530298 0.037889891319032254 0 -1 0 0
+72 1 0.0035 1071.4285714285713 0.02999579254421215 0.039979674669334116 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.032852275503865006 0.04030885136442521 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.03505780282656084 0.04145917062275238 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.03749751347826256 0.04150041260300761 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.04019621471651949 0.04018609885664137 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.04318763673325545 0.040076665775647904 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.046610180215547914 0.04053170012037871 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.049002941927703075 0.04122011559275971 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.05135970253321163 0.04063153333625997 0 0 0 0
+61 1 0.0035 1071.4285714285713 0.054003645269573415 0.03949646787299233 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.055937638640703974 0.04172176794928122 0 0 0 0
+83 1 0.0025 1500.0000000000005 0.06014034506642919 0.040270485211384516 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.06448036358322927 0.04130173762073196 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.06886702038548109 0.04035050868416532 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.07159629798934852 0.04132874368096863 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.029884674222018758 0.04293889858026282 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.03281708748545795 0.04333247806121806 0 0 0 0
+73 1 0.0035 1071.4285714285713 0.03956159768308975 0.043574065677655795 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.04226675966744373 0.04236934584309785 0 0 0 0
+65 1 0.0025 1500.0000000000005 0.04475327122125529 0.042162427153587985 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.04734008972600887 0.043635856750263116 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.05085175947317346 0.043592530473168654 0 0 0 0
+98 1 0.0025 1500.0000000000005 0.05356070065387256 0.04241553470816591 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.05866136771074579 0.042824435998973745 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.06205435937574339 0.04175851447968812 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.06688165134053453 0.04182413788038417 0 0 0 0
+87 1 0.0035 1071.4285714285713 0.069067324041516 0.043747797540619464 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.030910622455671673 0.046162017647308484 0 0 0 0
+85 1 0.0035 1071.4285714285713 0.036153332340635475 0.04415932637867055 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.042172719078488526 0.04483219138508258 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.044634482784187746 0.04465040108145582 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.046331271708626984 0.046464953468294955 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.05273218885671422 0.04647685180320672 0 0 0 0
+95 1 0.0035 1071.4285714285713 0.05567368858027199 0.044631048148121945 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.059998807212592924 0.045433658129550775 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.06216424008572256 0.044226603970437296 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.06508885590258479 0.04420305286644866 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.06740691561586373 0.04616848722909274 0 0 0 0
+89 1 0.0035 1071.4285714285713 0.07239354338269771 0.044663345325971604 0 0 0 0
+107 1 0.0025 1500.0000000000005 0.028305978763122776 0.0475397593152345 0 1 0 0
+99 1 0.0035 1071.4285714285713 0.034185031117850755 0.047108177694684956 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.037127833053337105 0.0469467320196079 0 0 0 0
+96 1 0.0035 1071.4285714285713 0.04011617084795652 0.04697569503496722 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.0435271310631053 0.04748895630548536 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.049263645238811146 0.046615532938894214 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.0555150517463052 0.047570211439879266 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.05782054992244172 0.046656403160905455 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.06029434349549635 0.048276031604833784 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.06274020223794355 0.046592292777581035 0 0 0 0
+106 1 0.0025 1500.0000000000005 0.06522398916428436 0.04719663868635401 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.07014335995675479 0.04729466503854238 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.03017565414171301 0.04912773444846459 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.03258823476527066 0.04973580191592902 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.03504553910468112 0.04997774851555041 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.038031887639826296 0.04970790899632448 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.041448307781741 0.05024947214637928 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.046048739060034594 0.04893006098904944 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.048405052974283005 0.04948891491041295 0 0 0 0
+118 1 0.0035 1071.4285714285713 0.05138414095008455 0.0496286725875131 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.05432974425854878 0.04965390151730594 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.05728955142483181 0.049926794409367634 0 0 0 0
+125 1 0.0035 1071.4285714285713 0.06344096267887123 0.04963391777307872 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.06733423325753547 0.04926148076289174 0 0 0 0
+130 1 0.0035 1071.4285714285713 0.07203260720046871 0.05024250672787029 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.03065385375431405 0.05208704872667806 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.033622484057427064 0.05193762736021804 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.03650663135383784 0.05276608951644254 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.03944537035817608 0.052366651367105665 0 0 0 0
+123 1 0.0025 1500.0000000000005 0.04414555179816814 0.05137748500893898 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.04659828552350599 0.051242027277012034 0 0 0 0
+143 1 0.0025 1500.0000000000005 0.048914809573986855 0.051844771430426664 0 0 0 0
+135 1 0.0035 1071.4285714285713 0.051559837409252816 0.05308061087655777 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.05502994666666348 0.05251423519737899 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.05840819240970355 0.05319627661667355 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.06061244122637827 0.051225893247493756 0 0 0 0
+145 1 0.0025 1500.0000000000005 0.06270672023824277 0.052646452081682275 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.06563436935169911 0.05224086765715913 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.06907593316373646 0.05219536605188407 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.03038679047631817 0.05556084757235135 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.033737061742002736 0.05486798589882868 0 0 0 0
+142 1 0.0035 1071.4285714285713 0.03895315265807342 0.055244047382804466 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.042223685068453636 0.053862290827294004 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.045661795737693044 0.053982519097020926 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.04883335782523976 0.05433234458101693 0 0 0 0
+140 1 0.0025 1500.0000000000005 0.05362372843958418 0.05520576021985233 0 0 0 0
+146 1 0.0025 1500.0000000000005 0.05621529577856484 0.05521990504749054 0 0 0 0
+165 1 0.0035 1071.4285714285713 0.06117433408545086 0.05514131283257287 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.06406360932229124 0.0547907494013109 0 0 0 0
+148 1 0.0035 1071.4285714285713 0.06693425727426854 0.05537956247413906 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.06987513429936774 0.055174954753510794 0 0 0 0
+139 1 0.0035 1071.4285714285713 0.07236523052590953 0.053631120149211606 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.03617342379325722 0.057270942038847264 0 0 0 0
+155 1 0.0025 1500.0000000000005 0.04098589037793753 0.05736281567757722 0 0 0 0
+160 1 0.0035 1071.4285714285713 0.04392728887160052 0.05703297591472604 0 0 0 0
+159 1 0.0035 1071.4285714285713 0.047436330348022644 0.05695230587495051 0 0 0 0
+156 1 0.0035 1071.4285714285713 0.05087255624244135 0.05648674644394412 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.05489399580853934 0.057837187976398516 0 0 0 0
+153 1 0.0025 1500.0000000000005 0.05848564058653509 0.05629726371193911 0 0 0 0
+171 1 0.0025 1500.0000000000005 0.06408963144859983 0.05723940985019013 0 0 0 0
+170 1 0.0025 1500.0000000000005 0.06916982021024447 0.05754279569949704 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.0721200464185233 0.0571303050862668 0 -1 0 0
+188 1 0.0025 1500.0000000000005 0.027965711597225763 0.059975454537065084 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.02997182383727052 0.058484351952378964 0 0 0 0
+152 1 0.0035 1071.4285714285713 0.0329155947452033 0.05845480140694886 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.03891793342016082 0.05947748641011853 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.042305104589301847 0.060042869100011186 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.04577022067584254 0.059990431315908775 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.04925717784780477 0.05983394851743405 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.05227253063835502 0.059087144022989896 0 0 0 0
+185 1 0.0035 1071.4285714285713 0.058027492605715776 0.05934010309884899 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.061391451655611745 0.058587425914732 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.06390850364217984 0.06016333564147183 0 0 0 0
+166 1 0.0035 1071.4285714285713 0.06656651480274113 0.058800027130217015 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.0696260682141923 0.0605051451396731 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.03054649980786267 0.06132176341323908 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.035655559915637215 0.06064290506292038 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.039420814058548824 0.06238316833353196 0 0 0 0
+186 1 0.0025 1500.0000000000005 0.04176133522864316 0.06298394687789714 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.044082497801338855 0.06237519089787918 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.049615244030250416 0.06277297219065374 0 0 0 0
+177 1 0.0025 1500.0000000000005 0.051647269951399205 0.06145434304565726 0 0 0 0
+172 1 0.0035 1071.4285714285713 0.054599180775631646 0.061269638364885165 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.05769126899738835 0.06273017231704964 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.06028045335624911 0.061326568528209204 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.0629874843551529 0.06235294969884425 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.06602472738276066 0.062195367243959576 0 0 0 0
+189 1 0.0035 1071.4285714285713 0.07224031209429964 0.06284791314572023 0 -1 0 0
+208 1 0.0025 1500.0000000000005 0.030626757166349376 0.06424952458653305 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.03342003961712387 0.06331834544910799 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.036854817064815616 0.06387008223993786 0 0 0 0
+195 1 0.0035 1071.4285714285713 0.04355722062560154 0.06523520180564751 0 0 0 0
+193 1 0.0035 1071.4285714285713 0.04677935210353224 0.06351747097462825 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.05186990949672161 0.06390006443700787 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.05441041927292543 0.06423367669990696 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.06080257502808704 0.0643006342888678 0 0 0 0
+203 1 0.0035 1071.4285714285713 0.06423785882229467 0.06509115796707068 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.06895283964003542 0.06396940921735139 0 0 0 0
+200 1 0.0035 1071.4285714285713 0.02839695885320147 0.06615647856126819 0 0 0 0
+215 1 0.0035 1071.4285714285713 0.031810249283420966 0.06705395958420408 0 0 0 0
+187 1 0.0025 1500.0000000000005 0.034605459377815215 0.0660145039823608 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.037156766053961815 0.06740184018390344 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.04000717020483084 0.06536966728591798 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.04189641746746957 0.0676289170205043 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.04622371167882798 0.0664391135757302 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.049500249998252754 0.06572669357312518 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.05288639398115216 0.06667835843328375 0 0 0 0
+198 1 0.0025 1500.0000000000005 0.05653842467694216 0.06542715836517221 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.05906702584115298 0.06724046803813147 0 0 0 0
+206 1 0.0025 1500.0000000000005 0.062033640991873286 0.0670313099018453 0 0 0 0
+219 1 0.0035 1071.4285714285713 0.06714412281194544 0.06693811599253308 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.07020231161969569 0.06662320313236461 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.029531215410955387 0.06882866199064387 0 0 0 0
+234 1 0.0035 1071.4285714285713 0.03432907565812807 0.06957303483369665 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.0397685890143243 0.06880276826446878 0 0 0 0
+220 1 0.0035 1071.4285714285713 0.04451661439547346 0.06889136829015881 0 0 0 0
+227 1 0.0035 1071.4285714285713 0.04795325777913481 0.06878946771967819 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.05086662583885796 0.06880037578674916 0 0 0 0
+3 1 0.0025 1500.0000000000005 0.053154318291597495 0.06962847203049659 0 0 -1 0
+212 1 0.0035 1071.4285714285713 0.05586072094348736 0.06835833848733026 0 0 0 0
+218 1 0.0035 1071.4285714285713 0.06189876422464298 0.06996621771151697 0 0 0 0
+222 1 0.0025 1500.0000000000005 0.06439592895122428 0.06803702545324622 0 0 0 0
+225 1 0.0025 1500.0000000000005 0.06716888378479896 0.06993038090541195 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.06940110200029129 0.06888117695276055 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.07182248898999362 0.06874455251447435 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.0282801486407065 0.0713831749262264 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.03145043454783615 0.07041082585361333 0 0 0 0
+224 1 0.0035 1071.4285714285713 0.03767409868530217 0.0708205137772477 0 0 0 0
+236 1 0.0025 1500.0000000000005 0.04051036496608569 0.07232285022500776 0 0 0 0
+226 1 0.0025 1500.0000000000005 0.04179197172189078 0.07017010361718923 0 0 0 0
+230 1 0.0025 1500.0000000000005 0.04638365346941762 0.07127748717665167 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.04927516915693735 0.07190367847227616 0 0 -1 0
+13 1 0.0025 1500.0000000000005 0.052207095605925756 0.07187613291611758 0 0 -1 0
+2 1 0.0035 1071.4285714285713 0.055223264908308145 0.0717545895915296 0 0 -1 0
+232 1 0.0035 1071.4285714285713 0.05850339636479179 0.07060954226399942 0 0 0 0
+223 1 0.0025 1500.0000000000005 0.06479217422554717 0.07044117861983515 0 0 0 0
+233 1 0.0035 1071.4285714285713 0.069428532569986 0.07183889687660286 0 0 0 0
+
+Velocities
+
+11 -18.097338836451865 -41.814141587105404 0 0 0 0
+240 19.84311932673504 3.9604602504703608 0 0 0 0
+4 9.320588774107263 -4.087826224394257 0 0 0 0
+237 8.325300270617925 11.767389116013284 0 0 0 0
+6 27.850587826523913 -30.54838082569699 0 0 0 0
+16 -9.494721042752968 -33.24783426808248 0 0 0 0
+7 -9.272703055069485 -16.199393773783783 0 0 0 0
+17 5.413226050262032 32.597671815704906 0 0 0 0
+238 -19.826363536275668 -9.560883562323628 0 0 0 0
+229 4.499922666405463 29.651027779251297 0 0 0 0
+239 21.67026441181877 -15.173898497999229 0 0 0 0
+1 34.35384133274171 -9.897668732853173 0 0 0 0
+18 -12.469566374371242 -28.073530479983415 0 0 0 0
+10 -16.00583853265006 -41.15039231227042 0 0 0 0
+34 43.10583959946916 21.6865901771625 0 0 0 0
+8 -26.840943984720486 17.697348756145466 0 0 0 0
+20 -0.41278372023416554 -19.441117580279872 0 0 0 0
+27 15.11169667847699 -13.410959901326107 0 0 0 0
+12 6.19525460409916 -18.302921146797736 0 0 0 0
+9 -7.412133945751744 19.05125196393196 0 0 0 0
+30 9.023681901505816 16.954243336097193 0 0 0 0
+14 -4.216418618182458 -36.078769726886584 0 0 0 0
+235 -19.70766307598597 23.512810646990385 0 0 0 0
+23 -9.198205777702546 13.684110530150628 0 0 0 0
+40 -16.068096993878942 7.577372712946728 0 0 0 0
+48 -42.509757145915884 -20.92849515453817 0 0 0 0
+19 32.99206043363521 -20.97716988506372 0 0 0 0
+35 -2.9391875438015203 22.310251679701256 0 0 0 0
+15 -34.76461608154532 -14.941865484006264 0 0 0 0
+36 22.24565820009709 8.878409702935464 0 0 0 0
+25 -21.545925680146993 -10.73554295417768 0 0 0 0
+21 -27.787056548701987 -19.36715343231511 0 0 0 0
+22 6.5497711634191065 -34.19486875498548 0 0 0 0
+31 -6.266489661909108 -18.166712484254823 0 0 0 0
+24 -8.91130314973098 -6.32195338852278 0 0 0 0
+28 16.12630651057247 -39.43299688727708 0 0 0 0
+52 -8.452089541868776 40.18049338991243 0 0 0 0
+51 -13.976494565921776 0.616385940510061 0 0 0 0
+39 -21.044618562611795 -29.259529022075167 0 0 0 0
+43 16.956850711767274 10.421253959979646 0 0 0 0
+26 22.448215921629476 16.209144505505186 0 0 0 0
+33 7.73891205621248 -17.56640442595629 0 0 0 0
+44 -13.343836299724128 -29.701008698376267 0 0 0 0
+60 22.882753657515178 18.16789347933674 0 0 0 0
+29 14.373887753984537 17.08678609439945 0 0 0 0
+41 -7.332813963071366 -11.744020020949975 0 0 0 0
+42 26.27925833593626 -26.028689669823883 0 0 0 0
+45 20.0369836805766 0.2321063641137806 0 0 0 0
+46 5.790894549718271 20.81710225529267 0 0 0 0
+32 18.060733506889523 -3.5489931321930692 0 0 0 0
+66 -0.7626636554339072 -22.293907895029278 0 0 0 0
+59 13.733073253111126 -4.447002997896987 0 0 0 0
+47 -33.79405330392781 -1.2403255903418555 0 0 0 0
+77 -25.91226418074655 41.73076731840968 0 0 0 0
+38 16.027047803849133 10.320446966757231 0 0 0 0
+54 -37.163777576713265 -5.167927046482677 0 0 0 0
+37 -10.273536447478556 -2.57080874089605 0 0 0 0
+56 -5.314757721631593 -46.600022732154606 0 0 0 0
+69 -58.65796404854957 -10.098392352191615 0 0 0 0
+49 35.252898105937966 14.109427628270588 0 0 0 0
+64 18.287061001947134 5.348107920946886 0 0 0 0
+55 -33.506641375862316 -18.817018939537025 0 0 0 0
+53 -41.41954915438679 30.14078269941366 0 0 0 0
+67 10.966626140086264 13.725747803980292 0 0 0 0
+72 -8.10192493438925 30.554157861463075 0 0 0 0
+84 4.342063717777105 48.287164828941194 0 0 0 0
+81 35.05099467858537 -41.25221955449881 0 0 0 0
+71 14.575455634397992 -88.78311602700975 0 0 0 0
+57 33.08183620141228 -23.071600947662382 0 0 0 0
+58 -27.522553640413765 -43.97242145775153 0 0 0 0
+50 -6.756547521798116 2.3633185030838564 0 0 0 0
+76 -44.287106206325056 -22.443999235186997 0 0 0 0
+74 -21.053310097118157 -25.78836782383372 0 0 0 0
+61 7.530634541780747 13.695867244557432 0 0 0 0
+70 -0.4382092125311322 63.38752072556521 0 0 0 0
+83 -21.938000551833685 -37.686338923650325 0 0 0 0
+78 -62.51003578225691 4.627120111207156 0 0 0 0
+63 47.35148855224981 40.23263590762346 0 0 0 0
+82 -32.92149257454469 6.424219047009824 0 0 0 0
+75 10.25489970047564 -15.445720729759053 0 0 0 0
+101 -3.8996107071288995 16.317281408337116 0 0 0 0
+73 19.621877895992117 -0.9270025043052604 0 0 0 0
+62 -43.73193430546435 2.1080971927632124 0 0 0 0
+65 -73.0326445631694 -4.268317335807042 0 0 0 0
+92 4.226288004759134 38.02060102854 0 0 0 0
+90 26.813924617285696 -5.747066860368111 0 0 0 0
+98 20.260884487452135 -27.762960942937692 0 0 0 0
+93 -39.29992438303047 -3.8888575553023434 0 0 0 0
+80 53.11768635355698 -7.9036440747579695 0 0 0 0
+68 31.07457987532472 17.542608240799336 0 0 0 0
+87 -18.20336952812253 49.119927688571586 0 0 0 0
+104 -28.703845178286876 -34.10008144462548 0 0 0 0
+85 28.977247783330892 6.4857345694141095 0 0 0 0
+79 -33.068583062681874 -12.151712037929995 0 0 0 0
+88 -7.69664530664479 -25.440405580983178 0 0 0 0
+97 -39.148521172709906 39.820902681831654 0 0 0 0
+113 6.628649606902731 27.271973576337054 0 0 0 0
+95 -3.267449940354857 1.7055457338425881 0 0 0 0
+105 -12.15904484901872 -14.697954869591657 0 0 0 0
+91 21.91749437052052 -25.71164363894503 0 0 0 0
+86 -22.860498725683378 7.950447194667104 0 0 0 0
+100 -40.332157122923164 -16.01927722491152 0 0 0 0
+89 -6.378704074819169 -2.3650863119333323 0 0 0 0
+107 0.2612783770418269 -11.705135378242813 0 0 0 0
+99 18.41535807177503 -23.549885483420276 0 0 0 0
+119 22.001427698851547 -24.51815626248412 0 0 0 0
+96 30.967361293808572 2.7576533806528083 0 0 0 0
+102 -21.709470860041904 9.1704497326851 0 0 0 0
+108 28.741575826254035 9.244322124722254 0 0 0 0
+103 -73.18609928211762 -11.88056161274646 0 0 0 0
+116 3.7290586652125572 -69.6350900726543 0 0 0 0
+111 16.247926267991932 0.9931871183109533 0 0 0 0
+94 55.5257216572938 0.3888244853863271 0 0 0 0
+106 -52.27942997154258 50.08539277261268 0 0 0 0
+124 -35.23481359145231 22.757734770888533 0 0 0 0
+110 -37.33436063710288 -53.72212370556754 0 0 0 0
+109 76.59813256100361 -24.40300347775171 0 0 0 0
+121 16.038421918726893 -5.847303428401849 0 0 0 0
+131 -4.972617981945228 2.926516438756993 0 0 0 0
+126 34.94098921432358 -16.25856178381693 0 0 0 0
+112 22.829376519171774 -3.248407417261417 0 0 0 0
+115 -5.761869647556549 -6.395037415323979 0 0 0 0
+118 28.021997855147305 2.729476041866148 0 0 0 0
+117 -39.163735407168346 25.37566116776987 0 0 0 0
+122 10.002182892971778 -8.431619216106021 0 0 0 0
+125 1.9609363136622486 6.877569683836604 0 0 0 0
+120 -5.256228624113165 7.495953592625117 0 0 0 0
+130 39.44527489666658 10.458322061905932 0 0 0 0
+129 13.056740953496622 0.41439022605850573 0 0 0 0
+114 15.959832436233404 -31.222813223641985 0 0 0 0
+132 44.64293696292626 -5.051295985257536 0 0 0 0
+136 -14.662490526999855 17.170468078707117 0 0 0 0
+123 20.29562984733632 -0.9862199890967421 0 0 0 0
+127 -0.37154209024835777 -31.70293128489322 0 0 0 0
+143 -7.616984330825039 -39.53874268418348 0 0 0 0
+135 38.52354987395881 49.76397853633353 0 0 0 0
+128 10.696965587044085 -2.6500561070700073 0 0 0 0
+144 3.3636683450255225 -27.321828389594778 0 0 0 0
+141 -8.158439164013858 41.10533383034169 0 0 0 0
+145 -42.33294525995439 27.691641080906912 0 0 0 0
+133 25.527141783671055 -10.247568687449375 0 0 0 0
+138 30.736882276867878 -12.367732496090989 0 0 0 0
+151 14.105264167078252 -22.005240302353485 0 0 0 0
+134 -1.3271898252828864 -26.687237648469136 0 0 0 0
+142 25.874414782601114 -7.649867691371892 0 0 0 0
+147 10.03489551887587 -6.45894467873001 0 0 0 0
+137 -1.7204720551844137 19.91112896638656 0 0 0 0
+150 16.34552858059498 5.251870277117274 0 0 0 0
+140 19.783423729752403 12.34825267866981 0 0 0 0
+146 -11.790875182024918 15.67205791489148 0 0 0 0
+165 -10.725255584386012 16.88971575412935 0 0 0 0
+161 -0.4853578519667177 -30.21506389085931 0 0 0 0
+148 -71.92405330993226 6.325318909332919 0 0 0 0
+154 15.983122011625941 30.873345728887166 0 0 0 0
+139 -0.3436092386761549 2.753954917138211 0 0 0 0
+149 10.96704586930888 21.692257116736062 0 0 0 0
+155 6.234419476050696 -13.223263074157389 0 0 0 0
+160 8.814033815815122 10.781183649489897 0 0 0 0
+159 -19.490719485876525 -1.354933874650218 0 0 0 0
+156 42.33896152859931 7.933993018627223 0 0 0 0
+162 -22.32680702236405 17.504235055104846 0 0 0 0
+153 4.471569290685832 -30.668526771640476 0 0 0 0
+171 -19.245700408247643 -5.062011327586318 0 0 0 0
+170 27.16408368799675 -9.249362931096087 0 0 0 0
+163 1.4866662434580005 67.62449644632991 0 0 0 0
+188 -13.91033329018619 -22.70413032232706 0 0 0 0
+164 -46.83540111959144 21.69726334059158 0 0 0 0
+152 -3.2550872580056263 55.12035696236491 0 0 0 0
+158 -12.986679525336287 -14.765601833062108 0 0 0 0
+174 30.62738545552004 8.916755116174482 0 0 0 0
+169 30.912260702846268 6.519402868876296 0 0 0 0
+168 -3.3166897826894397 -9.122736547236773 0 0 0 0
+167 -0.517283971005721 17.499413299893266 0 0 0 0
+185 7.415207198734956 1.5754642994056074 0 0 0 0
+179 -29.311012740293734 -25.120931278730474 0 0 0 0
+176 33.29806831440907 33.960181269379284 0 0 0 0
+166 10.261709328493312 -6.465836513055347 0 0 0 0
+182 -11.996023493754173 -5.077342475036249 0 0 0 0
+183 29.11969802056505 6.567225267794688 0 0 0 0
+157 13.584631942379056 33.76470961351241 0 0 0 0
+173 -19.005478593291443 -31.142869394671198 0 0 0 0
+186 41.55744429536608 13.426586749524583 0 0 0 0
+175 -64.34009497463506 -9.25570864704959 0 0 0 0
+180 -1.9393034837203296 -16.0874099884512 0 0 0 0
+177 -9.822813464131233 -2.812381102661105 0 0 0 0
+172 -27.384870174836465 4.646872017493482 0 0 0 0
+194 60.842428889436896 -28.06504273986134 0 0 0 0
+192 -22.778292972449574 14.084975563022432 0 0 0 0
+191 36.17285261423341 11.870086390658974 0 0 0 0
+184 -30.103858962143747 36.12700781415206 0 0 0 0
+189 39.091942214603726 -25.46231783766362 0 0 0 0
+208 9.203092983228613 12.364218629632118 0 0 0 0
+178 -9.516811131108712 -17.83253026114779 0 0 0 0
+190 40.78366935520453 11.54434895059582 0 0 0 0
+195 -27.737693277109404 22.81854761531268 0 0 0 0
+193 -15.117325949879204 15.326776707632403 0 0 0 0
+202 -8.974347126841813 24.917957871683925 0 0 0 0
+181 10.028831479847977 1.4739881058518463 0 0 0 0
+207 19.44745117422309 -14.707280939032067 0 0 0 0
+203 33.907040275176776 20.07318401537614 0 0 0 0
+197 -2.324591577720534 -15.176994376877456 0 0 0 0
+200 -24.05648099563871 -19.725369497496146 0 0 0 0
+215 -17.431554798946504 17.701820471339413 0 0 0 0
+187 -20.009217284256877 18.825080272795752 0 0 0 0
+196 -23.190941461606638 15.70986248799319 0 0 0 0
+199 -2.3417828301776913 1.961701273183376 0 0 0 0
+211 -57.40412201032902 29.65043050292985 0 0 0 0
+204 25.361905259795346 -22.112536141351203 0 0 0 0
+214 -11.848511897005753 14.880868663120731 0 0 0 0
+209 30.86454764672832 -38.96571028411594 0 0 0 0
+198 -21.926239784378435 10.203143686926989 0 0 0 0
+205 -1.9317954732245168 29.28709434022931 0 0 0 0
+206 15.72640053640003 -27.732948914378458 0 0 0 0
+219 -7.243918723963126 -19.533048516840932 0 0 0 0
+210 -13.774891806841813 8.38620346496573 0 0 0 0
+201 53.93754447912117 -45.15089341334177 0 0 0 0
+234 -26.664947634127792 10.589178443190772 0 0 0 0
+216 12.131583722670596 41.75782459558763 0 0 0 0
+220 39.11097472890066 -34.930638539015824 0 0 0 0
+227 8.319876964315773 -5.8281188687513525 0 0 0 0
+231 8.005546749072794 4.292541621394797 0 0 0 0
+3 12.841327163768641 9.619922119699766 0 0 0 0
+212 -9.719262057637655 -9.502628840778582 0 0 0 0
+218 -14.98646742763426 49.58490426476382 0 0 0 0
+222 44.601514981202804 8.25527808990214 0 0 0 0
+225 -8.331285302552125 17.107415662715358 0 0 0 0
+213 34.12060814166048 -28.681121240301177 0 0 0 0
+217 -24.463741177874965 -8.125613473524611 0 0 0 0
+228 -32.90247071699394 12.62068429193641 0 0 0 0
+221 -12.110697347849564 25.700017256418466 0 0 0 0
+224 -15.974114735841544 -46.87906149660664 0 0 0 0
+236 13.477597110574054 -20.496366184744222 0 0 0 0
+226 23.009162892010778 17.645038146533064 0 0 0 0
+230 7.969963992885161 -47.230547264300284 0 0 0 0
+5 -8.755694443451947 18.892001425586617 0 0 0 0
+13 28.89172587659441 26.220031368306643 0 0 0 0
+2 -16.255136169962764 -4.6951981155312925 0 0 0 0
+232 -22.006814299450753 -1.603926431785848 0 0 0 0
+223 -7.166349959153118 -6.848316534634373 0 0 0 0
+233 -12.890293834512557 7.382908195950799 0 0 0 0
diff --git a/DATASET/P=160000Pa/box_sheared.data b/DATASET/P=160000Pa/box_sheared.data
new file mode 100644
index 0000000..912c9f9
--- /dev/null
+++ b/DATASET/P=160000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2223186
+
+240 atoms
+6 atom types
+
+0.02759719404449294 0.07240280595550705 xlo xhi
+0.02759719404449294 0.07240280595550705 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.0044805546046637335 0 0 xy xz yz
+
+Atoms # sphere
+
+240 1 0.0025 1500.0000000000005 0.03196593235664276 0.027923042084808735 0 0 1 0
+4 1 0.0035 1071.4285714285713 0.03496236490489377 0.028042372721964796 0 0 0 0
+238 1 0.0025 1500.0000000000005 0.06048965149978641 0.027879923912781185 0 0 1 0
+229 1 0.0035 1071.4285714285713 0.0634378935631243 0.028334690900785785 0 0 1 0
+239 1 0.0025 1500.0000000000005 0.06629988273910113 0.027755099905104955 0 0 1 0
+16 1 0.0035 1071.4285714285713 0.04684536466010902 0.029241101905255074 0 0 0 0
+17 1 0.0035 1071.4285714285713 0.05803429408425718 0.029225685716583 0 0 0 0
+237 1 0.0035 1071.4285714285713 0.038428978693417104 0.029262416486829625 0 0 1 0
+1 1 0.0025 1500.0000000000005 0.07160993315354969 0.029262867727383613 0 -1 0 0
+11 1 0.0035 1071.4285714285713 0.029820246446164312 0.02977546029323544 0 0 0 0
+7 1 0.0035 1071.4285714285713 0.05357165141094037 0.02986203808872939 0 0 0 0
+8 1 0.0035 1071.4285714285713 0.04183987758030826 0.03024762298856824 0 0 0 0
+12 1 0.0035 1071.4285714285713 0.05021080227574872 0.0303106200648958 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.06607649369428828 0.030210195621485445 0 0 0 0
+9 1 0.0025 1500.0000000000005 0.06089578187182211 0.03033137435542804 0 0 0 0
+235 1 0.0035 1071.4285714285713 0.06905109406064021 0.030650458006941526 0 0 1 0
+28 1 0.0025 1500.0000000000005 0.02851808792901976 0.03502032739683933 0 0 0 0
+89 1 0.0035 1071.4285714285713 0.02939266218401923 0.0446857276609834 0 1 0 0
+107 1 0.0025 1500.0000000000005 0.030283292213976305 0.04753081401646571 0 1 0 0
+188 1 0.0025 1500.0000000000005 0.03094938439760335 0.06000537371666907 0 0 0 0
+200 1 0.0035 1071.4285714285713 0.03233763120569393 0.06618932432443772 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.03240654321928423 0.07149664181522437 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.033661280130696525 0.06895682777117207 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.03282810640582075 0.05856613309514726 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.03153001404158167 0.04293057226953991 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.0321915477356306 0.04925097658271792 0 0 0 0
+72 1 0.0035 1071.4285714285713 0.03130403080957577 0.040012460273650546 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.030853835857694294 0.03319297332426735 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.0331638412275201 0.05564665970527943 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.03376487454986024 0.06143398254582903 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.03135036408082705 0.03658467182485376 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.03311414743801121 0.05218134783702559 0 0 0 0
+208 1 0.0025 1500.0000000000005 0.034420536975930394 0.06435377687800488 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.032665801181666815 0.046066675662363665 0 0 0 0
+18 1 0.0035 1071.4285714285713 0.03318731277346314 0.030761258550023738 0 0 0 0
+10 1 0.0025 1500.0000000000005 0.03616892523778744 0.03088696360844529 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.03936323157967057 0.03215817940949805 0 0 0 0
+20 1 0.0035 1071.4285714285713 0.04506659626023281 0.03199213795987748 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.04805137426202588 0.03206615553326277 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.06365494311559483 0.03175719307943343 0 0 0 0
+23 1 0.0035 1071.4285714285713 0.07232546447070061 0.032160685331240405 0 -1 0 0
+48 1 0.0035 1071.4285714285713 0.03432896755846532 0.03409645753916354 0 0 0 0
+19 1 0.0025 1500.0000000000005 0.03712202417841726 0.03334811522461158 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.0393355273902418 0.03457454021420969 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.042051867267059576 0.03371331460872508 0 0 0 0
+15 1 0.0025 1500.0000000000005 0.05029189997014943 0.03324028324551747 0 0 0 0
+36 1 0.0025 1500.0000000000005 0.052577348692021755 0.03253750794744712 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.05579985769930253 0.03262161639645849 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.05920500015105555 0.032565331961535694 0 0 0 0
+22 1 0.0025 1500.0000000000005 0.06191231668624474 0.03391730389752392 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.06692627359934804 0.03311709218029661 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.06991178334111531 0.033577813939748666 0 0 0 0
+51 1 0.0035 1071.4285714285713 0.03719391134214391 0.0362939706050765 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.044891226492259295 0.035082119882210945 0 0 0 0
+26 1 0.0035 1071.4285714285713 0.04793784597739642 0.0349977015366819 0 0 0 0
+33 1 0.0025 1500.0000000000005 0.05100721391943948 0.03566022739012013 0 0 0 0
+44 1 0.0035 1071.4285714285713 0.053916769438402484 0.03526856614217833 0 0 0 0
+29 1 0.0025 1500.0000000000005 0.05762053717056731 0.03509613269688571 0 0 0 0
+41 1 0.0025 1500.0000000000005 0.06009695286900907 0.03545815926255184 0 0 0 0
+42 1 0.0025 1500.0000000000005 0.0626913803244758 0.03626844425686917 0 0 0 0
+45 1 0.0035 1071.4285714285713 0.06561012410312698 0.036170985152860664 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.0685531188514235 0.03616962369388883 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.0709614046172501 0.03591596049105509 0 0 0 0
+66 1 0.0025 1500.0000000000005 0.034320024448390045 0.03706579208256829 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.036146071362976095 0.03892092870915721 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.04005428575656573 0.03716881091623496 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.03866898623530886 0.039014091816905135 0 0 0 0
+38 1 0.0035 1071.4285714285713 0.04294522854403891 0.037102611269710636 0 0 0 0
+54 1 0.0035 1071.4285714285713 0.046343315393407754 0.03790066910956584 0 0 0 0
+37 1 0.0035 1071.4285714285713 0.04982879245431833 0.038220200037209766 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.05270022169211881 0.03781493772693624 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.05641304862881903 0.03709304105774936 0 0 0 0
+69 1 0.0035 1071.4285714285713 0.05859545082056171 0.039324833500349446 0 0 0 0
+49 1 0.0025 1500.0000000000005 0.06096690397154268 0.03780994965127722 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.06395437449419893 0.03904352014634842 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.06748696008449942 0.0392106063396468 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.0701567676620945 0.03815707018189107 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.07315687788287836 0.037992100089347246 0 -1 0 0
+84 1 0.0025 1500.0000000000005 0.03423994972494393 0.04021666776762502 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.036558235161938665 0.04139140558802094 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.03899993770324965 0.04141699958083494 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.0414790110682135 0.04007015237153168 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.044447492178112544 0.039916621762069115 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.04783998697290174 0.04057279370467716 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.05023211584877628 0.041166659331023335 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.0524149001408003 0.0402897503172895 0 0 0 0
+61 1 0.0035 1071.4285714285713 0.055220319939859305 0.039661166568424576 0 0 0 0
+83 1 0.0025 1500.0000000000005 0.0614594419164341 0.04023505618001555 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.0657517571873626 0.04153924401218244 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.0701436017168029 0.04089902040814257 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.07306356398940636 0.04137245974269835 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.03445987377477473 0.043269380368368394 0 0 0 0
+85 1 0.0035 1071.4285714285713 0.03795160405927041 0.04409473346522859 0 0 0 0
+73 1 0.0035 1071.4285714285713 0.041235249374355264 0.043523268925426996 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.04383088989109385 0.04229880086889054 0 0 0 0
+65 1 0.0025 1500.0000000000005 0.0462735061883557 0.042271841200394386 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.049033496288666496 0.04373322672972891 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.05241191815942846 0.04331871590940284 0 0 0 0
+98 1 0.0025 1500.0000000000005 0.05524602451673125 0.042801565548902167 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.05741946661767719 0.0418367686205815 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.06033982388388619 0.0428465516652524 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.0633840816709056 0.041902105865462225 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.06815475847352682 0.042146560038397396 0 0 0 0
+87 1 0.0035 1071.4285714285713 0.07075546087978034 0.04386452637393396 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.043943583192477605 0.04481436730820255 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.04638040524404555 0.0447327668993776 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.0546836005034427 0.046304754593304 0 0 0 0
+95 1 0.0035 1071.4285714285713 0.057640648535067646 0.04478873940881305 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.06163849889762639 0.04563126953204055 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.06361579499743868 0.04437475792127732 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.06659217722243767 0.04445371692989519 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.06927922758730994 0.04622833437904067 0 0 0 0
+99 1 0.0035 1071.4285714285713 0.036108205634247645 0.04681578466054356 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.03914355727305307 0.04692530778160679 0 0 0 0
+96 1 0.0035 1071.4285714285713 0.042065211827378046 0.046913402293513415 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.04553605064409204 0.04746580227608963 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.048312915012931085 0.04653690513920557 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.051304956485104136 0.04654048442345763 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.057436748622722286 0.047699419897511024 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.05976636653045812 0.047024841598513105 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.062477233167048146 0.04847846598095444 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.06469555203487887 0.046693683248194076 0 0 0 0
+106 1 0.0025 1500.0000000000005 0.06717774668621061 0.047340767567641766 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.07213221116150845 0.04723852806713952 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.034722992761194046 0.049367704548082925 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.03735323264953915 0.04962459563999079 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.04029516480115481 0.04971987881606016 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.043809973583940454 0.050219373498345724 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.04818759070797138 0.04893373243370566 0 0 0 0
+123 1 0.0025 1500.0000000000005 0.04672472605390707 0.05101034116800106 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.050647971518220467 0.04929755370335275 0 0 0 0
+118 1 0.0035 1071.4285714285713 0.053632240444701246 0.049553913415510895 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.056545414925779226 0.04987252091514657 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.059521283921381216 0.04996505801888211 0 0 0 0
+125 1 0.0035 1071.4285714285713 0.0657704135735539 0.049741277273840534 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.06955139264480217 0.049303498265965126 0 0 0 0
+130 1 0.0035 1071.4285714285713 0.0742963078845664 0.050215297118570604 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.03595237376164126 0.05159425566256082 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.03893856496127855 0.052696870252941334 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.041897504400353315 0.052375321581043174 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.04916711626816214 0.051191656299366235 0 0 0 0
+143 1 0.0025 1500.0000000000005 0.05162833775312364 0.05159783796536281 0 0 0 0
+135 1 0.0035 1071.4285714285713 0.05432990061625456 0.05300932886557305 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.05765220780755867 0.05266259286494533 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.06111072296638194 0.053183347003515506 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.06313964907796142 0.051325735755469046 0 0 0 0
+145 1 0.0025 1500.0000000000005 0.06535842189529874 0.052679216473119475 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.06822085711770332 0.05234582141421999 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.0716959509943718 0.05227043934501145 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.03624900307326456 0.05453861897244291 0 0 0 0
+142 1 0.0035 1071.4285714285713 0.0414834935465961 0.0552436408031403 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.044604199532742986 0.053999944757573026 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.04816671988386153 0.05384084479208102 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.05123780352592608 0.054009913519687126 0 0 0 0
+140 1 0.0025 1500.0000000000005 0.05645787188082242 0.05534204690721353 0 0 0 0
+146 1 0.0025 1500.0000000000005 0.05923825858384975 0.05541440040106856 0 0 0 0
+165 1 0.0035 1071.4285714285713 0.0640332855947326 0.05526176750172934 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.06693097370564531 0.054885635662112166 0 0 0 0
+148 1 0.0035 1071.4285714285713 0.06978209521648798 0.055531474025305214 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.07258855032582376 0.05517425098479116 0 0 0 0
+139 1 0.0035 1071.4285714285713 0.07498941812262565 0.0536787655287463 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.0387877021472717 0.05712707247563594 0 0 0 0
+155 1 0.0025 1500.0000000000005 0.04396230860569973 0.05700315146651859 0 0 0 0
+160 1 0.0035 1071.4285714285713 0.04693403638105713 0.05693960003820593 0 0 0 0
+159 1 0.0035 1071.4285714285713 0.05035028742625326 0.056738921924394795 0 0 0 0
+156 1 0.0035 1071.4285714285713 0.05375216267036491 0.05645880176546523 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.05797519488932318 0.05799180155800619 0 0 0 0
+153 1 0.0025 1500.0000000000005 0.061504729631480945 0.056590520040193146 0 0 0 0
+171 1 0.0025 1500.0000000000005 0.06708806681130408 0.057380859538654905 0 0 0 0
+170 1 0.0025 1500.0000000000005 0.07212294722013408 0.0575675744701189 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.07496752669179393 0.05708212778074618 0 -1 0 0
+152 1 0.0035 1071.4285714285713 0.03585121370961656 0.05871561442888709 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.03898930638714422 0.06055947088720409 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.041902795753193785 0.058924138203974394 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.04529937396930561 0.05979729770970592 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.04907546504050861 0.05983063412495951 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.05253823846056732 0.05963963847228089 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.05539155034940993 0.059111135554148014 0 0 0 0
+185 1 0.0035 1071.4285714285713 0.061208195443544375 0.05952637076097074 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.06446135117525109 0.058711308580569804 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.06711222144547198 0.0600864349111401 0 0 0 0
+166 1 0.0035 1071.4285714285713 0.06971431830925504 0.05894840648883658 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.042401997444028075 0.06184841224101459 0 0 0 0
+186 1 0.0025 1500.0000000000005 0.04493579232698741 0.06265352923740103 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.04738575670926527 0.062089347074597276 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.053014095717201545 0.06257059299932809 0 0 0 0
+177 1 0.0025 1500.0000000000005 0.05505856169094722 0.061491214390722984 0 0 0 0
+172 1 0.0035 1071.4285714285713 0.05797568003395971 0.06140326627636071 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.06122821207510731 0.06295853851427219 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.0636668099660162 0.06145683395653605 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.06651122922504173 0.06233229143751741 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.06949383484071887 0.062301537971686444 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.07291119703822437 0.06066870958904509 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.036983422805146854 0.0631447705859782 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.04040759101997728 0.06379277515814383 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.0437265245428925 0.06521400973021492 0 0 0 0
+195 1 0.0035 1071.4285714285713 0.047182045982508004 0.06500970715452892 0 0 0 0
+193 1 0.0035 1071.4285714285713 0.050180632715859874 0.06322434240260283 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.05545345622561037 0.06399599990489546 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.05798339348480758 0.06441422232259021 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.06459150320336536 0.0643414554319513 0 0 0 0
+203 1 0.0035 1071.4285714285713 0.06803181389417262 0.06522023801959627 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.07257460783268156 0.06414007769094826 0 0 0 0
+189 1 0.0035 1071.4285714285713 0.07565710162456621 0.06299635985638896 0 -1 0 0
+215 1 0.0035 1071.4285714285713 0.03580121963971843 0.06713067208719405 0 0 0 0
+187 1 0.0025 1500.0000000000005 0.03833540038772017 0.06589529261614085 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.0411339741171921 0.06719797138596159 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.045906266980307614 0.06745573036044121 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.0499783565904493 0.06618155984759701 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.05306840970664049 0.06548788818912436 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.05649698771411486 0.06684411446756962 0 0 0 0
+198 1 0.0025 1500.0000000000005 0.06022896621372331 0.06560970148183899 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.06282653416311385 0.06713863806027559 0 0 0 0
+206 1 0.0025 1500.0000000000005 0.06584944605308575 0.06713477291406837 0 0 0 0
+219 1 0.0035 1071.4285714285713 0.0711128203521832 0.06712760496856975 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.07415206824357932 0.06675757153840159 0 0 0 0
+234 1 0.0035 1071.4285714285713 0.038666146650639596 0.0693542276577688 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.04385094957806518 0.0685837013205065 0 0 0 0
+220 1 0.0035 1071.4285714285713 0.04856051216104054 0.06891356021602385 0 0 0 0
+227 1 0.0035 1071.4285714285713 0.05196969391053445 0.06860449000773094 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.0549415150089034 0.0692028073571246 0 0 0 0
+3 1 0.0025 1500.0000000000005 0.05734010377556498 0.06974700530171596 0 0 -1 0
+212 1 0.0035 1071.4285714285713 0.05980984996499486 0.06846358581828743 0 0 0 0
+222 1 0.0025 1500.0000000000005 0.068241361438738 0.06819380207353369 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.0735482949902284 0.0690491571267116 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.07593312017933186 0.06874169739689379 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.035842199756084984 0.07018351161798814 0 0 0 0
+224 1 0.0035 1071.4285714285713 0.04200085559902748 0.07066159635129123 0 0 0 0
+226 1 0.0025 1500.0000000000005 0.045984139411654745 0.07007432023362975 0 0 0 0
+236 1 0.0025 1500.0000000000005 0.0450612765755003 0.07222853706370051 0 0 0 0
+6 1 0.0035 1071.4285714285713 0.048177627537426604 0.07233232126757833 0 0 -1 0
+230 1 0.0025 1500.0000000000005 0.050761653591633774 0.07112575724074384 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.05366742304618702 0.07175129192176664 0 0 -1 0
+13 1 0.0025 1500.0000000000005 0.05665590195930245 0.0719821300490917 0 0 -1 0
+2 1 0.0035 1071.4285714285713 0.0596702827826886 0.07185353740596435 0 0 -1 0
+232 1 0.0035 1071.4285714285713 0.06273853863659805 0.0705693571015416 0 0 0 0
+218 1 0.0035 1071.4285714285713 0.06607781657076799 0.07007094566678085 0 0 0 0
+223 1 0.0025 1500.0000000000005 0.0690567359471341 0.07055999229024523 0 0 0 0
+225 1 0.0025 1500.0000000000005 0.0714069401883859 0.07006621646816907 0 0 0 0
+233 1 0.0035 1071.4285714285713 0.07375239462696631 0.07205263915594573 0 0 0 0
+
+Velocities
+
+240 -42.19616473168574 -9.535190688904025 0 0 0 0
+4 29.380142187128865 -49.37805193346009 0 0 0 0
+238 -4.606366551210612 15.002084731871678 0 0 0 0
+229 -8.558792894581345 8.784518096410993 0 0 0 0
+239 -13.626896497937743 6.374183615677568 0 0 0 0
+16 -23.187109723969566 57.109193616380395 0 0 0 0
+17 -9.046215640339435 6.024414772202165 0 0 0 0
+237 5.167336212398061 2.656117360834285 0 0 0 0
+1 -11.323689986956905 -7.434297575019025 0 0 0 0
+11 -3.7138684203672256 -2.437823772135097 0 0 0 0
+7 -11.31812686550458 2.000916863097147 0 0 0 0
+8 -9.798103325768484 50.22533975512415 0 0 0 0
+12 30.88100950019491 30.281511703008135 0 0 0 0
+14 -35.497537638649526 37.18200313463388 0 0 0 0
+9 14.460864290030896 53.69937695427478 0 0 0 0
+235 28.78802408710946 -19.679283795037737 0 0 0 0
+28 -13.495649450232992 2.51102415919314 0 0 0 0
+89 28.667370652039526 -16.467359432552286 0 0 0 0
+107 -3.6175409177519064 -36.46090657969363 0 0 0 0
+188 1.2149494152176425 64.29261005063755 0 0 0 0
+200 -33.97648266181856 25.116656769989756 0 0 0 0
+228 13.227192869917358 13.076716735525995 0 0 0 0
+201 0.8191233929098376 -53.67770065421031 0 0 0 0
+164 39.5774497788487 -17.467406610311638 0 0 0 0
+75 -70.21231850647101 -12.212238663059333 0 0 0 0
+110 38.969631508328725 28.20016496064706 0 0 0 0
+72 18.953835761484296 31.02748056975148 0 0 0 0
+40 14.948662825282302 14.393734235509472 0 0 0 0
+151 -4.429290834661664 -7.939424216523782 0 0 0 0
+183 -30.237207469614457 -1.0347863587642272 0 0 0 0
+52 -37.849702359816845 -59.57595764871125 0 0 0 0
+129 26.296828813682062 -9.37627040704894 0 0 0 0
+208 27.82318578632571 1.632301059323444 0 0 0 0
+104 -11.511429096543424 -14.84389873082951 0 0 0 0
+18 12.651102641748597 -30.81124842639698 0 0 0 0
+10 -4.608187345302018 47.69729569627982 0 0 0 0
+34 40.09027391919087 -5.1961469605306725 0 0 0 0
+20 26.560110997159352 -0.6246779774512141 0 0 0 0
+27 44.45935269030891 -31.030079370787814 0 0 0 0
+30 -4.754822956818684 15.413489244627444 0 0 0 0
+23 -16.767395815766104 8.996139427173176 0 0 0 0
+48 13.605352282309111 34.9113189696969 0 0 0 0
+19 17.638541353562868 -14.373718755382384 0 0 0 0
+39 -22.37402902705041 -30.56622058124826 0 0 0 0
+35 -9.732797970432452 0.42045417301711474 0 0 0 0
+15 -26.40609468804149 -2.008382286356106 0 0 0 0
+36 20.43374483258824 -14.036507756117183 0 0 0 0
+25 30.97381442550347 -10.515057747177929 0 0 0 0
+21 -3.3817157183678077 -13.551302160383685 0 0 0 0
+22 37.02152640780934 19.51456809887068 0 0 0 0
+31 -12.198987713657493 -5.424671362612891 0 0 0 0
+24 -47.885170543154814 -4.677892766005481 0 0 0 0
+51 -10.148595000087663 -45.059763136014844 0 0 0 0
+43 59.27463216319464 32.458176247106735 0 0 0 0
+26 -26.498600239721924 -10.434192510612455 0 0 0 0
+33 -36.011256742289305 15.163031079396925 0 0 0 0
+44 -7.348727847637528 -16.044795381442515 0 0 0 0
+29 -10.665990400851793 25.026161262832378 0 0 0 0
+41 30.37436235384754 15.420139667993002 0 0 0 0
+42 9.992862706554204 -13.262835787959423 0 0 0 0
+45 6.628358253003989 -11.360637044201361 0 0 0 0
+46 -14.166464275643897 -14.630149238590455 0 0 0 0
+32 6.0226496909913845 -0.6013268931626243 0 0 0 0
+66 59.23741610864816 20.13440790860207 0 0 0 0
+59 -12.335611753877947 13.141209635404836 0 0 0 0
+47 34.50526354474409 63.45619557010814 0 0 0 0
+77 19.895545382344284 39.2061085516727 0 0 0 0
+38 55.86060678908123 21.72658077497361 0 0 0 0
+54 29.722729479966816 -15.280258571743813 0 0 0 0
+37 -32.458285205522714 -2.7192725423581243 0 0 0 0
+56 33.75093154849622 -42.84159361423067 0 0 0 0
+60 34.75317521334806 -12.147765423616883 0 0 0 0
+69 9.862033975726396 -2.8326845885709737 0 0 0 0
+49 -48.703684222769716 6.040439446077293 0 0 0 0
+64 0.6620312007544453 40.36467397062188 0 0 0 0
+55 -2.491406451864354 -22.059453230423397 0 0 0 0
+53 -32.02225927776643 -4.71997200890288 0 0 0 0
+67 39.0426993682864 -17.496352318618094 0 0 0 0
+84 47.92708651664685 13.271718514622476 0 0 0 0
+81 24.00302140544926 -43.99632168225369 0 0 0 0
+71 -13.830587846049877 2.5774869791029973 0 0 0 0
+57 16.789007584549033 -30.13300868186222 0 0 0 0
+58 -61.20289848787482 -9.891030663150294 0 0 0 0
+50 -18.385017106113146 -7.691659173170532 0 0 0 0
+76 29.832597479900326 32.29554738010953 0 0 0 0
+74 -5.993074076377674 1.0511110529257515 0 0 0 0
+61 -62.41819314935061 41.79630462503395 0 0 0 0
+83 -19.733592997985284 2.6275389560878573 0 0 0 0
+78 -33.46977695460115 -23.622896916598435 0 0 0 0
+63 -24.453603252741342 5.975208142294647 0 0 0 0
+82 4.9895531422040085 21.18396404690648 0 0 0 0
+101 -3.807604935338377 32.94639365187909 0 0 0 0
+85 -21.758749607226175 -28.392732497095654 0 0 0 0
+73 -1.478977261472839 -19.05647835652674 0 0 0 0
+62 7.469696351865377 -22.962288334823338 0 0 0 0
+65 7.6724699188017 -11.396856339211112 0 0 0 0
+92 -50.15332421271601 -6.009978733600987 0 0 0 0
+90 -10.183125795847108 -9.586699572054025 0 0 0 0
+98 19.84849356747046 0.9881956019248177 0 0 0 0
+70 -11.3172324926036 1.6536371576752258 0 0 0 0
+93 2.8913814989386584 -24.70917547671825 0 0 0 0
+80 -14.750038473099085 28.33598927612336 0 0 0 0
+68 14.267339937529458 0.4799540402931019 0 0 0 0
+87 -30.998368113174116 3.7251534983018657 0 0 0 0
+79 -44.12390313951797 69.17015685132047 0 0 0 0
+88 -17.2575091584283 18.065767835065216 0 0 0 0
+113 14.74935732453988 34.75199767214001 0 0 0 0
+95 18.103039452565266 -8.136491431201149 0 0 0 0
+105 19.99577909728958 -1.0491504923225956 0 0 0 0
+91 10.040853343707154 -78.05190488606158 0 0 0 0
+86 -17.68469437072967 -4.544948074976175 0 0 0 0
+100 -28.89668279591416 -14.951838086935279 0 0 0 0
+99 -21.257587152974086 7.6513603342172605 0 0 0 0
+119 23.644492645096747 10.72150038872099 0 0 0 0
+96 18.36828101415114 -9.547266927959953 0 0 0 0
+102 0.20849200675802268 -8.586237961708967 0 0 0 0
+97 9.547249747602484 11.963431088989589 0 0 0 0
+108 28.711144592519318 2.443879758521769 0 0 0 0
+103 52.32093951419665 0.38464158033292745 0 0 0 0
+116 -13.842741665533165 -1.757237824227154 0 0 0 0
+111 -0.2405603187164711 -46.22006434178651 0 0 0 0
+94 53.05921359694409 47.246747124040375 0 0 0 0
+106 -15.444136107506877 5.065269417444212 0 0 0 0
+124 6.2490412990911794 -18.53405791175704 0 0 0 0
+109 -10.802224169448188 -9.39089343490962 0 0 0 0
+121 -35.20589294524964 7.823848257474725 0 0 0 0
+131 0.6587829122143148 20.896820314158575 0 0 0 0
+126 11.31466036395562 7.083194326483676 0 0 0 0
+112 -10.269379024848789 17.92420198976846 0 0 0 0
+123 -14.335102833471083 3.1682983828889895 0 0 0 0
+115 -13.773342430105828 30.570270769893618 0 0 0 0
+118 0.7758931313367317 -10.604494382981999 0 0 0 0
+117 -23.37430682343374 11.260157666633514 0 0 0 0
+122 13.649076064236478 -38.61247157738442 0 0 0 0
+125 -26.63098088459587 7.584834842417019 0 0 0 0
+120 -2.7683024333209074 -51.49901050743858 0 0 0 0
+130 -14.040996076168815 -25.18279863822897 0 0 0 0
+114 -5.91478427292283 15.686038876579287 0 0 0 0
+132 -2.355215175561002 5.23112660069123 0 0 0 0
+136 -5.922607671659167 -5.083368288868749 0 0 0 0
+127 46.33257780473471 -8.123462682967773 0 0 0 0
+143 46.666096667693225 -10.209218379346051 0 0 0 0
+135 -0.0788714346448672 -9.68231561901602 0 0 0 0
+128 -28.789263679444915 -38.82839511191421 0 0 0 0
+144 -26.999970873796183 -16.1251646174813 0 0 0 0
+141 55.51489402665925 -2.7012336121353484 0 0 0 0
+145 11.592326586933002 -7.317199954795526 0 0 0 0
+133 -0.040553156552362885 26.930510663125997 0 0 0 0
+138 -2.56616785967524 32.22660017214503 0 0 0 0
+134 2.123420280407903 -8.439449783352444 0 0 0 0
+142 -1.566952404050044 6.480650146066564 0 0 0 0
+147 7.080455545113272 -49.09871841912166 0 0 0 0
+137 -12.92544780424599 35.64554994300589 0 0 0 0
+150 -32.3900057577876 16.693498007118258 0 0 0 0
+140 -37.908266972658915 -56.36730719969524 0 0 0 0
+146 20.8861549787369 -29.83595186729531 0 0 0 0
+165 -24.506288281306595 3.741755848917035 0 0 0 0
+161 -15.067133921249251 0.6933365799403592 0 0 0 0
+148 41.972057990426464 8.28688883796059 0 0 0 0
+154 -39.077625527903145 -7.640097695863847 0 0 0 0
+139 -23.34556213137277 12.388486789488475 0 0 0 0
+149 39.167781137990005 -13.907569318973794 0 0 0 0
+155 27.751546638593297 -1.7099254404376523 0 0 0 0
+160 -24.12431272753314 -0.5985839008405376 0 0 0 0
+159 13.703097214003217 15.170907975899322 0 0 0 0
+156 32.66328818868869 4.694181589085074 0 0 0 0
+162 10.76602831629772 45.28421332208363 0 0 0 0
+153 16.99977471776546 -27.059796995978097 0 0 0 0
+171 -36.46250794777038 -41.53173059612222 0 0 0 0
+170 -2.4834612802222003 32.38203899873019 0 0 0 0
+163 22.038858571890735 10.019366856323186 0 0 0 0
+152 5.356181268875929 2.769970713238705 0 0 0 0
+157 -3.0841862522259866 -4.689259810142243 0 0 0 0
+158 -28.365333202188715 8.020170264827469 0 0 0 0
+174 -22.83527084677634 -3.346816904527704 0 0 0 0
+169 11.145787923546123 39.198065407745354 0 0 0 0
+168 -8.579789492001254 -20.23727871644161 0 0 0 0
+167 -15.226924047876349 -12.807647753830626 0 0 0 0
+185 -22.677165614886356 -9.281249636269198 0 0 0 0
+179 15.51283538558172 15.49977751544453 0 0 0 0
+176 16.901275531576182 -37.397938611948234 0 0 0 0
+166 -7.322053646198038 16.01327557964029 0 0 0 0
+173 -5.369505360399662 -36.67974113529597 0 0 0 0
+186 6.962847769496834 -14.303809388908444 0 0 0 0
+175 7.87008670446707 -61.034207329042054 0 0 0 0
+180 -14.128427982609226 13.039893631847887 0 0 0 0
+177 -1.3667823191915383 -0.5402371873410844 0 0 0 0
+172 19.782147084937094 12.057593118090592 0 0 0 0
+194 -5.142697250493375 -36.62726594662136 0 0 0 0
+192 -4.321231734415702 5.129363941711136 0 0 0 0
+191 -19.407495453830727 -9.149333052282236 0 0 0 0
+184 -63.33399439501191 -17.9523334456468 0 0 0 0
+182 44.98362307053811 -0.6539472024431419 0 0 0 0
+178 -25.13463505565979 3.938824185546583 0 0 0 0
+190 13.770644599012586 11.871641947013421 0 0 0 0
+199 6.86526897128327 20.006224217651294 0 0 0 0
+195 -1.137206190834043 16.198275494610193 0 0 0 0
+193 18.30044073035791 -20.52114331757674 0 0 0 0
+202 15.10881516427957 -3.7119846887413552 0 0 0 0
+181 -16.63274352390407 -11.895546800317028 0 0 0 0
+207 -21.16062079951729 18.296749570346556 0 0 0 0
+203 -13.734582091713602 49.40095181475864 0 0 0 0
+197 0.97053125686658 2.3812871041219643 0 0 0 0
+189 12.177843718983782 24.685754665281532 0 0 0 0
+215 -0.36417173417628684 -21.338761241150408 0 0 0 0
+187 -11.157615107245872 10.115786802178231 0 0 0 0
+196 26.4808878080328 -5.431558609937997 0 0 0 0
+211 16.84810457456887 69.08298349123551 0 0 0 0
+204 15.26028368660245 -5.820641660073226 0 0 0 0
+214 -14.386165523145275 29.036208998184573 0 0 0 0
+209 -38.04966191362869 -3.6801215717140274 0 0 0 0
+198 -1.555123986448526 29.53607712263858 0 0 0 0
+205 14.102441342295858 6.8277516511830365 0 0 0 0
+206 40.81454981581055 1.6443011639371379 0 0 0 0
+219 10.462944785741406 -1.1053560374387674 0 0 0 0
+210 11.102249839257244 -13.209012032196064 0 0 0 0
+234 18.503381094490322 -25.53658809338312 0 0 0 0
+216 -0.1762321264986873 -8.98672866197053 0 0 0 0
+220 14.308545101950667 -37.91893075012361 0 0 0 0
+227 15.953826609540407 42.55933930591708 0 0 0 0
+231 -50.941899420367065 18.723801699687733 0 0 0 0
+3 -57.96356645474765 63.47436887183657 0 0 0 0
+212 -4.48930772158848 -20.315504489166887 0 0 0 0
+222 34.56094830414907 -28.839700293646942 0 0 0 0
+213 22.614776199583044 -13.61587622599671 0 0 0 0
+217 15.536579575932311 -6.067057609790037 0 0 0 0
+221 -8.112765261084197 -38.50003755513721 0 0 0 0
+224 22.231407191087374 -42.945397259825896 0 0 0 0
+226 -1.536398222515044 17.1186720157203 0 0 0 0
+236 -9.981412626646536 -0.8306343244431027 0 0 0 0
+6 11.7622571034779 -11.408645488374354 0 0 0 0
+230 -4.270160071594744 -4.0954689715941885 0 0 0 0
+5 10.343241900916803 8.552967388073379 0 0 0 0
+13 -5.062392744541854 -20.627478316087142 0 0 0 0
+2 -38.4288713628745 8.202495043292545 0 0 0 0
+232 -37.22920657398809 19.758864550252543 0 0 0 0
+218 33.29651246373312 14.488260550574456 0 0 0 0
+223 25.0510845262768 -3.7456688588330156 0 0 0 0
+225 5.337809761904543 8.326487465995404 0 0 0 0
+233 -13.765991233155292 0.3430152424921851 0 0 0 0
diff --git a/DATASET/P=160000Pa/confined.restart b/DATASET/P=160000Pa/confined.restart
new file mode 100644
index 0000000..1aca8c3
Binary files /dev/null and b/DATASET/P=160000Pa/confined.restart differ
diff --git a/DATASET/P=160000Pa/log.lammps b/DATASET/P=160000Pa/log.lammps
new file mode 100644
index 0000000..b1a9c45
--- /dev/null
+++ b/DATASET/P=160000Pa/log.lammps
@@ -0,0 +1,148 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.027597194 0.027597194 -0.00050000000) to (0.072402806 0.072402806 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.001 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 223186
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 223
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.027597194 0.027597194 -0.00050000000) to (0.072402806 0.072402806 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.48056119110141e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 223 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 223186
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 20 20 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.044805612 0 -1044.5205 0 223186
+ 2005000 240 0.044805612 0.00010037714 -7314.6241 0.0022402806 223186
+ 2010000 240 0.044805612 0.00020075429 -13565.555 0.0044805612 223186
+ 2015000 240 0.044805612 0.00030113143 -19805.42 0.0067208418 223186
+ 2020000 240 0.044805612 0.00040150857 -26039.504 0.0089611224 223186
+ 2025000 240 0.044805612 0.00050188571 -32254.169 0.011201403 223186
+ 2030000 240 0.044805612 0.00060226286 -38434.333 0.013441684 223186
+ 2035000 240 0.044805612 0.00070264 -44575.077 0.015681964 223186
+ 2040000 240 0.044805612 0.00080301714 -50673.092 0.017922245 223186
+ 2045000 240 0.044805612 0.00090339429 -56735.534 0.020162525 223186
+ 2050000 240 0.044805612 0.0010037714 -62765.436 0.022402806 223186
+ 2055000 240 0.044805612 0.0011041486 -68765.232 0.024643087 223186
+ 2060000 240 0.044805612 0.0012045257 -74751.427 0.026883367 223186
+ 2065000 240 0.044805612 0.0013049029 -80716.288 0.029123648 223186
+ 2070000 240 0.044805612 0.00140528 -86654.254 0.031363928 223186
+ 2075000 240 0.044805612 0.0015056571 -92560.983 0.033604209 223186
+ 2080000 240 0.044805612 0.0016060343 -98436.898 0.03584449 223186
+ 2085000 240 0.044805612 0.0017064114 -104271.57 0.03808477 223186
+ 2090000 240 0.044805612 0.0018067886 -110073.92 0.040325051 223186
+ 2095000 240 0.044805612 0.0019071657 -115849.62 0.042565331 223186
+ 2100000 240 0.044805612 0.0020075429 -121582.79 0.044805612 223186
+ 2105000 240 0.044805612 0.00210792 -127288.8 0.047045893 223186
+ 2110000 240 0.044805612 0.0022082971 -132961.24 0.049286173 223186
+ 2115000 240 0.044805612 0.0023086743 -138605.54 0.051526454 223186
+ 2120000 240 0.044805612 0.0024090514 -144224.85 0.053766734 223186
+ 2125000 240 0.044805612 0.0025094286 -149830.23 0.056007015 223186
+ 2130000 240 0.044805612 0.0026098057 -155426.41 0.058247295 223186
+ 2135000 240 0.044805612 0.0027101829 -161023.39 0.060487576 223186
+ 2140000 240 0.044805612 0.00281056 -166627.76 0.062727857 223186
+ 2145000 240 0.044805612 0.0029109371 -172234.24 0.064968137 223186
+ 2150000 240 0.044805612 0.0030113143 -177838.38 0.067208418 223186
+ 2155000 240 0.044805612 0.0031116914 -183451.04 0.069448698 223186
+ 2160000 240 0.044805612 0.0032120686 -189072.66 0.071688979 223186
+ 2165000 240 0.044805612 0.0033124457 -194695.79 0.07392926 223186
+ 2170000 240 0.044805612 0.0034128229 -200327.94 0.07616954 223186
+ 2175000 240 0.044805612 0.0035132 -205968.78 0.078409821 223186
+ 2180000 240 0.044805612 0.0036135771 -211624.05 0.080650101 223186
+ 2185000 240 0.044805612 0.0037139543 -217300.52 0.082890382 223186
+ 2190000 240 0.044805612 0.0038143314 -222994.34 0.085130663 223186
+ 2195000 240 0.044805612 0.0039147086 -228704.72 0.087370943 223186
+ 2200000 240 0.044805612 0.0040150857 -234433.2 0.089611224 223186
+ 2205000 240 0.044805612 0.0041154629 -240180.2 0.091851504 223186
+ 2210000 240 0.044805612 0.00421584 -245946.5 0.094091785 223186
+ 2215000 240 0.044805612 0.0043162171 -251735.15 0.096332066 223186
+ 2220000 240 0.044805612 0.0044165943 -257540.48 0.098572346 223186
+ 2223186 240 0.044805612 0.0044805546 -261246.76 0.099999853 223186
+Loop time of 5.86394 on 1 procs for 223186 steps with 240 atoms
+
+99.9% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 4.5231 | 4.5231 | 4.5231 | 0.0 | 77.13
+Neigh | 0.00074935 | 0.00074935 | 0.00074935 | 0.0 | 0.01
+Comm | 0.51254 | 0.51254 | 0.51254 | 0.0 | 8.74
+Output | 0.0077977 | 0.0077977 | 0.0077977 | 0.0 | 0.13
+Modify | 0.60426 | 0.60426 | 0.60426 | 0.0 | 10.30
+Other | | 0.2155 | | | 3.68
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 103.000 ave 103 max 103 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 690.000 ave 690 max 690 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 690
+Ave neighs/atom = 2.8750000
+Neighbor list builds = 17
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:05
diff --git a/DATASET/P=170000Pa/1_generate_conf_170000Pa.in b/DATASET/P=170000Pa/1_generate_conf_170000Pa.in
new file mode 100644
index 0000000..cf1c863
--- /dev/null
+++ b/DATASET/P=170000Pa/1_generate_conf_170000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 170000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 154 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 656 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 435 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 997 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 86 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 697 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 285 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 974 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 220 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 69 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 47 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 94 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 750 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 958 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 453 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 204 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 912 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 218 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 474 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 432 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 341 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 551 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 612 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 289 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 254 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 734 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 357 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 23 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 762 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 522 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 758 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 837 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 100 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 802 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 180 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 223 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 906 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 762 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 659 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 442 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=170000Pa/2_shear.in b/DATASET/P=170000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=170000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=170000Pa/StrainStress.txt b/DATASET/P=170000Pa/StrainStress.txt
new file mode 100644
index 0000000..2de5e6e
--- /dev/null
+++ b/DATASET/P=170000Pa/StrainStress.txt
@@ -0,0 +1,1000 @@
+# Fix print output for fix output_file
+4.27847006020741e-05 5251.7216028880247904
+0.000142909721598601 4969.4909785184318025
+0.000243034742595128 4687.2248597302077542
+0.000343159763591655 4404.9289826290078054
+0.000443284784588182 4122.616236485173431
+0.000543409805584866 3840.294739703741925
+0.000643534826581393 3557.9739231517069129
+0.00074365984757792 3275.6464049120090749
+0.000843784868574447 2993.2791070708626648
+0.000943909889570974 2710.8852953055452417
+0.0010440349105675 2428.4739980186063804
+0.00114415993156403 2146.0526150316691201
+0.00124428495256071 1863.6284605514913437
+0.00134440997355724 1581.2097719715420681
+0.00144453499455377 1298.8073109201645821
+0.00154466001555029 1016.4394533499552153
+0.00164478503654682 734.1569370506759924
+0.00174491005754335 451.89039147855680767
+0.00184503507853987 169.56174834913881
+0.00194516009953656 -112.86376317656932144
+0.00204528512053308 -395.36928432481676055
+0.00214541014152961 -677.9326507960267918
+0.00224553516252614 -960.54372687542399945
+0.00234566018352267 -1243.1952940232283709
+0.00244578520451919 -1525.8869762131043899
+0.00254591022551588 -1808.6399351271800242
+0.0026460352465124 -2091.4580117007708395
+0.00274616026750893 -2374.3200415323371999
+0.00284628528850546 -2657.2146500573207959
+0.00294641030950198 -2940.1314612926189511
+0.00304653533049851 -3223.0570464881016051
+0.00314666035149504 -3505.9557997157708087
+0.00324678537249172 -3788.8576943694788497
+0.00334691039348825 -4071.798861185167425
+0.00344703541448478 -4354.7764164472291668
+0.0035471604354813 -4637.7876369102250464
+0.00364728545647783 -4920.8299233987854677
+0.00374741047747436 -5203.900773767811188
+0.00384753549847088 -5486.9977619780202076
+0.00394766051946757 -5770.1185213285189093
+0.0040477855404641 -6053.260730473413787
+0.00414791056146062 -6336.4221013652013426
+0.00424803558245715 -6619.6003685139203299
+0.00434816060345368 -6902.7932789802307525
+0.0044482856244502 -7185.9985827884711398
+0.00454841064544673 -7469.214023270047619
+0.00464853566644341 -7752.4420298643353817
+0.00474866068743994 -8035.6983007043590987
+0.00484878570843647 -8318.9708305127533094
+0.00494891072943299 -8602.2538485129152832
+0.00504903575042952 -8885.5432814985470031
+0.00514916077142605 -9168.8355712334760028
+0.00524928579242258 -9452.1273387209985231
+0.00534941081341926 -9735.4152216940983635
+0.00544953583441579 -10018.695759571246526
+0.00554966085541231 -10301.965279039444795
+0.00564978587640884 -10585.219743972924334
+0.00574991089740537 -10868.454508703931424
+0.00585003591840189 -11151.66380425285206
+0.00595016093939842 -11434.83911553013786
+0.00605028596039511 -11717.962524815258803
+0.00615041098139163 -12001.048773623688248
+0.00625053600238816 -12284.091694275533882
+0.00635066102338469 -12567.053936767546475
+0.00645078604438121 -12849.99195084843268
+0.00655091106537774 -13132.926447090983856
+0.00665103608637442 -13415.855449842254529
+0.00675116110737095 -13698.776937067423205
+0.00685128612836748 -13981.688829002809143
+0.006951411149364 -14264.588974061634872
+0.00705153617036053 -14547.475130961254763
+0.00715166119135706 -14830.344945303992063
+0.00725178621235359 -15113.200575855569696
+0.00735191123335027 -15396.112719028646097
+0.0074520362543468 -15679.051615393149405
+0.00755216127534332 -15961.998607517225537
+0.00765228629633985 -16244.943372290381376
+0.00775241131733638 -16527.877225647531304
+0.00785253633833291 -16810.790739111995208
+0.00795266135932943 -17093.668344126181182
+0.00805278638032612 -17376.492535710800439
+0.00815291140132264 -17659.299282612693787
+0.00825303642231917 -17942.073962449449027
+0.0083531614433157 -18224.835233233377949
+0.00845328646431222 -18507.585678386996733
+0.00855341148530875 -18790.32123486864657
+0.00865353650630528 -19073.036907219902787
+0.00875366152730196 -19355.72524170516408
+0.00885378654829849 -19638.369582215604169
+0.00895391156929502 -19920.97563565677774
+0.00905403659029154 -20203.560482833639981
+0.00915416161128807 -20486.136723312603863
+0.0092542866322846 -20768.70242228043935
+0.00935441165328112 -21051.255632427546516
+0.00945453667427781 -21333.79438552305146
+0.00955466169527433 -21616.316683159249806
+0.00965478671627086 -21898.820486176759005
+0.00975491173726739 -22181.303702146171418
+0.00985503675826391 -22463.764169768292049
+0.00995516177926044 -22746.199638709556893
+0.0100552868002571 -23028.607742209660501
+0.0101554118212537 -23310.985958093075169
+0.0102555368422502 -23593.331549609076319
+0.0103556618632467 -23875.641468746071041
+0.0104557868842432 -24157.912180556544627
+0.0105559119052398 -24440.139288828726421
+0.0106560369262363 -24722.31646434592767
+0.010756161947233 -25004.428029272687127
+0.0108562869682295 -25286.478685260619386
+0.010956411989226 -25568.474222732944327
+0.0110565370102226 -25850.432747326769459
+0.0111566620312191 -26132.355288260358066
+0.0112567870522156 -26414.239391583592806
+0.0113569120732121 -26696.08233327754715
+0.0114570370942088 -26977.880951177681709
+0.0115571621152053 -27259.631242442166695
+0.0116572871362019 -27541.326889511008631
+0.0117574121571984 -27822.953259674199217
+0.0118575371781949 -28104.530818639901554
+0.0119576621991915 -28386.063350878699566
+0.012057787220188 -28667.547553634405631
+0.0121579122411847 -28948.979214988725289
+0.0122580372621812 -29230.360597718135978
+0.0123581622831777 -29511.689123902906431
+0.0124582873041742 -29792.961540681022598
+0.0125584123251708 -30074.174038883102185
+0.0126585373461673 -30355.33108957875811
+0.0127586623671638 -30636.434965482520056
+0.0128587873881605 -30917.465519662728184
+0.012958912409157 -31198.391372765800043
+0.0130590374301536 -31479.263702651329368
+0.0131591624511501 -31760.090538609314535
+0.0132592874721466 -32040.869016443306464
+0.0133594124931431 -32321.596258112203941
+0.0134595375141397 -32602.269290428161185
+0.0135596625351364 -32882.884966925492336
+0.0136597875561329 -33163.439871891314397
+0.0137599125771294 -33443.93017801692622
+0.0138600375981259 -33724.351395384132047
+0.0139601626191225 -34004.69782835834485
+0.014060287640119 -34284.960909356770571
+0.0141604126611157 -34565.117507134425978
+0.0142605376821122 -34845.186611801946128
+0.0143606627031087 -35125.186962118685187
+0.0144607877241053 -35405.113635914218321
+0.0145609127451018 -35684.959594332191045
+0.0146610377660983 -35964.713939624620252
+0.0147611627870948 -36244.347304751900083
+0.0148612878080915 -36523.864159771233972
+0.014961412829088 -36803.325103959490662
+0.0150615378500846 -37082.728918975793931
+0.0151616628710811 -37362.07281494072231
+0.0152617878920776 -37641.368513885623543
+0.0153619129130742 -37920.61208129132865
+0.0154620379340707 -38199.797823432098085
+0.0155621629550674 -38478.920709471312875
+0.0156622879760639 -38757.975830516144924
+0.0157624129970604 -39036.957648261995928
+0.0158625380180569 -39315.858931484646746
+0.0159626630390535 -39594.666456727340119
+0.01606278806005 -39873.361222268154961
+0.0161629130810465 -40151.977943769830745
+0.0162630381020432 -40430.514718228398124
+0.0163631631230397 -40709.009241467654647
+0.0164632881440363 -40987.459796150396869
+0.0165634131650328 -41265.894816264939436
+0.0166635381860293 -41544.28883219351701
+0.0167636632070258 -41822.627595677106001
+0.0168637882280224 -42100.89709223157115
+0.0169639132490191 -42379.065090868338302
+0.0170640382700156 -42657.155725931705092
+0.0171641632910121 -42935.197951413028932
+0.0172642883120086 -43213.187360934018216
+0.0173644133330052 -43491.11925941278605
+0.0174645383540017 -43768.988336591959524
+0.0175646633749984 -44046.788037962789531
+0.0176647883959949 -44324.508725858504476
+0.0177649134169914 -44602.126064839860192
+0.017865038437988 -44879.659342179795203
+0.0179651634589845 -45157.119119364462676
+0.018065288479981 -45434.481502267117321
+0.0181654135009775 -45711.762453595023544
+0.0182655385219742 -45988.972289259450918
+0.0183656635429707 -46266.121771402198647
+0.0184657885639673 -46543.224207691018819
+0.0185659135849638 -46820.277549364473089
+0.0186660386059603 -47097.279679471699637
+0.0187661636269569 -47374.228393511271861
+0.0188662886479534 -47651.121363036319963
+0.0189664136689501 -47927.980972993907926
+0.0190665386899466 -48204.823774427277385
+0.0191666637109431 -48481.627061003251583
+0.0192667887319396 -48758.380631766172883
+0.0193669137529362 -49035.07007902290934
+0.0194670387739327 -49311.703689302288694
+0.0195671637949292 -49588.286641047794546
+0.0196672888159259 -49864.815513969639142
+0.0197674138369224 -50141.286964745544537
+0.019867538857919 -50417.697631540439033
+0.0199676638789155 -50694.044049969474145
+0.020067788899912 -50970.322562689354527
+0.0201679139209085 -51246.529202972036728
+0.0202680389419051 -51522.659519178865594
+0.0203681639629018 -51798.708267234251252
+0.0204682889838983 -52074.671710777380213
+0.0205684140048948 -52350.556744035646261
+0.0206685390258913 -52626.328892514691688
+0.0207686640468879 -52901.98715545264713
+0.0208687890678844 -53177.580774219437444
+0.0209689140888811 -53453.105034110776614
+0.0210690391098776 -53728.55486964219017
+0.0211691641308741 -54003.924348176842614
+0.0212692891518707 -54279.205683532534749
+0.0213694141728672 -54554.386089162362623
+0.0214695391938637 -54829.433380447459058
+0.0215696642148602 -55104.454382278985577
+0.0216697892358569 -55379.464899349877669
+0.0217699142568534 -55654.443505466471834
+0.02187003927785 -55929.378046371952223
+0.0219701642988465 -56204.258753872461966
+0.022070289319843 -56479.081080133400974
+0.0221704143408396 -56753.842769541806774
+0.0222705393618361 -57028.532209703909757
+0.0223706643828328 -57303.141926081196289
+0.0224707894038293 -57577.682154931331752
+0.0225709144248258 -57852.138504506860045
+0.0226710394458224 -58126.520413524936885
+0.0227711644668189 -58400.829806643974734
+0.0228712894878154 -58675.07562656551454
+0.0229714145088119 -58949.253609031795349
+0.0230715395298086 -59223.358953653616481
+0.0231716645508051 -59497.385996362616424
+0.0232717895718017 -59771.32753226243949
+0.0233719145927982 -60045.172890259367705
+0.0234720396137947 -60318.898017968203931
+0.0235721646347913 -60592.502797465487674
+0.0236722896557878 -60865.986679911504325
+0.0237724146767845 -61139.408369032615155
+0.023872539697781 -61412.763996900088387
+0.0239726647187775 -61686.048058818341815
+0.024072789739774 -61959.251094513048884
+0.0241729147607706 -62232.363219995961117
+0.0242730397817671 -62505.421282922099635
+0.0243731648027636 -62778.429199532409257
+0.0244732898237603 -63051.383220914940466
+0.0245734148447568 -63324.280171169681125
+0.0246735398657534 -63597.117053452901018
+0.0247736648867499 -63869.894298287974379
+0.0248737899077464 -64142.649508180467819
+0.0249739149287429 -64415.363485947498702
+0.0250740399497395 -64688.024444614558888
+0.0251741649707362 -64960.624749897506263
+0.0252742899917327 -65233.157155587614398
+0.0253744150127292 -65505.612438058444241
+0.0254745400337257 -65777.971398536436027
+0.0255746650547223 -66050.253953533305321
+0.0256747900757188 -66322.463374854400172
+0.0257749150967155 -66594.59105847660976
+0.025875040117712 -66866.616223095799796
+0.0259751651387085 -67138.564875923460932
+0.0260752901597051 -67410.444674163809395
+0.0261754151807016 -67682.250505127391079
+0.0262755402016981 -67953.982774131116457
+0.0263756652226946 -68225.639028393983608
+0.0264757902436913 -68497.215401558380108
+0.0265759152646878 -68768.707463976053987
+0.0266760402856844 -69040.109744905756088
+0.0267761653066809 -69311.412944706942653
+0.0268762903276774 -69582.613785359731992
+0.026976415348674 -69853.71011832113436
+0.0270765403696705 -70124.677757446261239
+0.0271766653906672 -70395.529384289548034
+0.0272767904116637 -70666.279352959943935
+0.0273769154326602 -70936.925952020377736
+0.0274770404536567 -71207.483022119136876
+0.0275771654746533 -71477.942565513891168
+0.0276772904956498 -71748.286290407864726
+0.0277774155166463 -72018.524082764197374
+0.027877540537643 -72288.715872978864354
+0.0279776655586395 -72558.89316925748426
+0.0280777905796361 -72829.035431935670204
+0.0281779156006326 -73099.130887515493669
+0.0282780406216291 -73369.172521409243927
+0.0283781656426256 -73639.158859330767882
+0.0284782906636223 -73909.085654296868597
+0.0285784156846189 -74178.946588632694329
+0.0286785407056154 -74448.736744394584093
+0.0287786657266119 -74718.451417778109317
+0.0288787907476084 -74988.08584255023743
+0.028978915768605 -75257.634981508526835
+0.0290790407896015 -75527.093268659169553
+0.0291791658105982 -75796.454162705529598
+0.0292792908315947 -76065.709048202392296
+0.0293794158525912 -76334.840264836180722
+0.0294795408735878 -76603.843557647720445
+0.0295796658945843 -76872.728400527368649
+0.0296797909155808 -77141.477723087722552
+0.0297799159365773 -77410.132681034228881
+0.029880040957574 -77678.686727589563816
+0.0299801659785705 -77947.123749412232428
+0.0300802909995671 -78215.441189848890644
+0.0301804160205636 -78483.665492804720998
+0.0302805410415601 -78751.79167820897419
+0.0303806660625567 -79019.813600343361031
+0.0304807910835532 -79287.721322647194029
+0.0305809161045499 -79555.505810312039102
+0.0306810411255464 -79823.17820200031565
+0.0307811661465429 -80090.728639964960166
+0.0308812911675394 -80358.13528077864612
+0.030981416188536 -80625.409050144589855
+0.0310815412095325 -80892.588247321196832
+0.031181666230529 -81159.66119799943408
+0.0312817912515257 -81426.588991427415749
+0.0313819162725222 -81693.391829185522511
+0.0314820412935188 -81960.113311707449611
+0.0315821663145153 -82226.782913247021497
+0.0316822913355118 -82493.460594307514839
+0.0317824163565083 -82760.119870682785404
+0.0318825413775049 -83026.723904967948329
+0.0319826663985016 -83293.297443919465877
+0.0320827914194981 -83559.84296631689358
+0.0321829164404946 -83826.351606787982746
+0.0322830414614911 -84092.815446566877654
+0.0323831664824877 -84359.226841553434497
+0.0324832915034842 -84625.577745951581164
+0.0325834165244807 -84891.857804403975024
+0.0326835415454774 -85158.055633316806052
+0.0327836665664739 -85424.177359292894835
+0.0328837915874705 -85690.212162182797329
+0.032983916608467 -85956.140449512415216
+0.0330840416294635 -86221.931465052621206
+0.03318416665046 -86487.64263996630325
+0.0332842916714567 -86753.259866299951682
+0.0333844166924532 -87018.779716163306148
+0.0334845417134498 -87284.23032735628658
+0.0335846667344463 -87549.60907979226613
+0.0336847917554428 -87814.941489303120761
+0.0337849167764394 -88080.220962170264102
+0.0338850417974359 -88345.441769553464837
+0.0339851668184326 -88610.598462540147011
+0.0340852918394291 -88875.685509367409395
+0.0341854168604256 -89140.697038766622427
+0.0342855418814221 -89405.626557548210258
+0.0343856669024187 -89670.466524709481746
+0.0344857919234152 -89935.207524538665893
+0.0345859169444117 -90199.867586657230277
+0.0346860419654084 -90464.448219553945819
+0.0347861669864049 -90728.918411548263975
+0.0348862920074015 -90993.304325396369677
+0.034986417028398 -91257.609158296952955
+0.0350865420493945 -91521.816112596789026
+0.035186667070391 -91785.952528719542897
+0.0352867920913876 -92050.023911128329928
+0.0353869171123843 -92314.019790610764176
+0.0354870421333808 -92577.922449765886995
+0.0355871671543773 -92841.697226897755172
+0.0356872921753738 -93105.406396630933159
+0.0357874171963704 -93369.052665277005872
+0.0358875422173669 -93632.626138096529758
+0.0359876672383634 -93896.124985636153724
+0.0360877922593601 -94159.549796305975178
+0.0361879172803566 -94422.892412751141819
+0.0362880423013532 -94686.141188555062399
+0.0363881673223497 -94949.268929530371679
+0.0364882923433462 -95212.291394532716367
+0.0365884173643427 -95475.212828546646051
+0.0366885423853394 -95738.002597942773718
+0.0367886674063359 -96000.707804530029534
+0.0368887924273325 -96263.326527759767487
+0.036988917448329 -96525.832191749665071
+0.0370890424693255 -96788.232800352052436
+0.0371891674903221 -97050.566260763007449
+0.0372892925113186 -97312.832751673195162
+0.0373894175323153 -97575.026528546310146
+0.0374895425533118 -97837.140724947443232
+0.0375896675743083 -98099.166617860537372
+0.0376897925953048 -98361.095107305853162
+0.0377899176163014 -98622.906514856062131
+0.0378900426372979 -98884.541655989800347
+0.0379901676582944 -99146.094434716025717
+0.0380902926792911 -99407.58504340860236
+0.0381904177002876 -99669.006547719807713
+0.0382905427212842 -99930.349570754391607
+0.0383906677422807 -100191.6071007882565
+0.0384907927632772 -100452.74376268984633
+0.0385909177842738 -100713.81998175638728
+0.0386910428052703 -100974.8413139928598
+0.038791167826267 -101235.80130066935089
+0.0388912928472635 -101496.69234722704277
+0.03899141786826 -101757.50419021271227
+0.0390915428892565 -102018.2146323822235
+0.0391916679102531 -102278.81895160398562
+0.0392917929312496 -102539.33138079107448
+0.0393919179522461 -102799.75060760810447
+0.0394920429732428 -103060.09609120422101
+0.0395921679942393 -103320.35625154255831
+0.0396922930152359 -103580.54309662117157
+0.0397924180362324 -103840.65227437576686
+0.0398925430572289 -104100.66000554640777
+0.0399926680782254 -104360.5650474158756
+0.040092793099222 -104620.35050177491212
+0.0401929181202186 -104880.05169745656895
+0.0402930431412152 -105139.6891209295427
+0.0403931681622117 -105399.28142703407502
+0.0404932931832082 -105658.82315881928662
+0.0405934182042048 -105918.31250380372512
+0.0406935432252013 -106177.74661656662647
+0.040793668246198 -106437.11405971452768
+0.0408937932671945 -106696.38226367314928
+0.040993918288191 -106955.56607835812611
+0.0410940433091876 -107214.70582335680956
+0.0411941683301841 -107473.78423468419351
+0.0412942933511806 -107732.82229464960983
+0.0413944183721771 -107991.83158052845101
+0.0414945433931738 -108250.80919547403755
+0.0415946684141703 -108509.75155819310748
+0.0416947934351669 -108768.65434898527747
+0.0417949184561634 -109027.51187583943829
+0.0418950434771599 -109286.31491810712032
+0.0419951684981565 -109545.03875520374277
+0.042095293519153 -109803.71401597793738
+0.0421954185401497 -110062.35180929872149
+0.0422955435611462 -110320.94971080985852
+0.0423956685821427 -110579.50864874458057
+0.0424957936031392 -110838.02485699251702
+0.0425959186241358 -111096.49403143122618
+0.0426960436451323 -111354.91110579094675
+0.0427961686661288 -111613.26984219108999
+0.0428962936871255 -111871.56193884421373
+0.042996418708122 -112129.77427030118997
+0.0430965437291186 -112387.87171085079899
+0.0431966687501151 -112645.88634767053009
+0.0432967937711116 -112903.83472212008201
+0.0433969187921081 -113161.69543374724162
+0.0434970438131047 -113419.42439856531564
+0.0435971688341014 -113677.11185282040969
+0.0436972938550979 -113934.76547969295643
+0.0437974188760944 -114192.37613376791705
+0.0438975438970909 -114449.9298801736586
+0.0439976689180875 -114707.45392175452434
+0.044097793939084 -114964.94607550755609
+0.0441979189600807 -115222.40152692369884
+0.0442980439810772 -115479.81407407547522
+0.0443981690020737 -115737.17482067858509
+0.0444982940230703 -115994.4660409639182
+0.0445984190440668 -116251.68974708892347
+0.0446985440650633 -116508.8663323855144
+0.0447986690860598 -116766.05267815197294
+0.0448987941070565 -117023.24484211564413
+0.044998919128053 -117280.43724449079309
+0.0450990441490496 -117537.62505554701784
+0.0451991691700461 -117794.80358531516686
+0.0452992941910426 -118051.96787617614609
+0.0453994192120392 -118309.14356661583588
+0.0454995442330357 -118566.32304736771039
+0.0455996692540324 -118823.49071289970016
+0.0456997942750289 -119080.63281984299829
+0.0457999192960254 -119337.72183126333402
+0.0459000443170219 -119594.75036740489304
+0.0460001693380185 -119851.74203187975218
+0.046100294359015 -120108.66811227409926
+0.0462004193800115 -120365.58517695935734
+0.0463005444010082 -120622.51661617807986
+0.0464006694220047 -120879.46414603745507
+0.0465007944430013 -121136.42224652395817
+0.0466009194639978 -121393.38717013967107
+0.0467010444849943 -121650.3694571518572
+0.0468011695059908 -121907.36723881024227
+0.0469012945269874 -122164.37858997790318
+0.0470014195479841 -122421.40150282671675
+0.0471015445689806 -122678.43385421652056
+0.0472016695899771 -122935.47336259510485
+0.0473017946109736 -123192.5175273608038
+0.0474019196319702 -123449.56353766635584
+0.0475020446529667 -123706.60812419655849
+0.0476021696739632 -123963.64729289094976
+0.0477022946949599 -124220.67577297076059
+0.0478024197159564 -124477.6855593680375
+0.047902544736953 -124734.65839997191506
+0.0480026697579495 -124991.57065499007876
+0.048102794778946 -125248.49011223753041
+0.0482029197999425 -125505.42052275202877
+0.0483030448209391 -125762.35961947085161
+0.0484031698419357 -126019.30448084321688
+0.0485032948629323 -126276.25054899549286
+0.0486034198839288 -126533.18456825552857
+0.0487035449049253 -126790.1190201669815
+0.0488036699259219 -127047.06651821170817
+0.0489037949469184 -127304.02582027140306
+0.0490039199679151 -127560.99564414187626
+0.0491040449889116 -127817.97466105681087
+0.0492041700099081 -128074.96148788016581
+0.0493042950309046 -128331.95467747870134
+0.0494044200519012 -128588.95270647692087
+0.0495045450728977 -128845.95395942704636
+0.0496046700938942 -129102.95670761720976
+0.0497047951148909 -129359.95907938410528
+0.0498049201358874 -129616.95901663525729
+0.049905045156884 -129873.95420631187153
+0.0500051701778805 -130130.9419609237957
+0.050105295198877 -130387.91897556747426
+0.0502054202198735 -130644.880673073043
+0.0503055452408701 -130901.8167169046792
+0.0504056702618668 -131158.72567248830455
+0.0505057952828633 -131415.62311990765738
+0.0506059203038598 -131672.50469564268133
+0.0507060453248563 -131929.36379437873256
+0.0508061703458529 -132186.18250544532202
+0.0509062953668494 -132442.96606029980467
+0.0510064203878461 -132699.74090932056424
+0.0511065454088426 -132956.50232915967354
+0.0512066704298391 -133213.24119523449917
+0.0513067954508357 -133469.94801239095978
+0.0514069204718322 -133726.63999780250015
+0.0515070454928287 -133983.30762858566595
+0.0516071705138252 -134239.9507442683971
+0.0517072955348219 -134496.5810984892596
+0.0518074205558184 -134753.1779009521124
+0.051907545576815 -135009.77786717985873
+0.0520076705978115 -135266.3891126641538
+0.052107795618808 -135523.01048265286954
+0.0522079206398046 -135779.64071882361895
+0.0523080456608011 -136036.27841770101804
+0.0524081706817978 -136292.92195952223847
+0.0525082957027943 -136549.56937135828775
+0.0526084207237908 -136806.21803508151788
+0.0527085457447874 -137062.86378552726819
+0.0528086707657839 -137319.49395063379779
+0.0529087957867804 -137576.11560316727264
+0.0530089208077769 -137832.74853717625956
+0.0531090458287736 -138089.39197767924634
+0.0532091708497701 -138346.04513867627247
+0.0533092958707667 -138602.7072221544513
+0.0534094208917632 -138859.37741693289718
+0.0535095459127597 -139116.05489720293554
+0.0536096709337563 -139372.73882081665215
+0.0537097959547528 -139629.42832704455941
+0.0538099209757495 -139886.12253371224506
+0.053910045996746 -140142.82053326329333
+0.0540101710177425 -140399.52138729405124
+0.054110296038739 -140656.22411834695959
+0.0542104210597356 -140912.92769685634994
+0.0543105460807321 -141169.63101836573333
+0.0544106711017286 -141426.33285827812506
+0.0545107961227253 -141683.03176014023484
+0.0546109211437218 -141939.72556943254313
+0.0547110461647184 -142196.4106347609486
+0.0548111711857149 -142453.09051642121631
+0.0549112962067114 -142709.76732182249543
+0.0550114212277079 -142966.44008731399663
+0.0551115462487045 -143223.10782882865169
+0.0552116712697012 -143479.76954042655416
+0.0553117962906977 -143736.42419270134997
+0.0554119213116942 -143993.07073096639942
+0.0555120463326907 -144249.70807320438325
+0.0556121713536873 -144506.33510775407194
+0.0557122963746838 -144762.95069072628394
+0.0558124213956805 -145019.5536429482454
+0.055912546416677 -145276.14274653661414
+0.0560126714376735 -145532.71674084759434
+0.0561127964586701 -145789.27431767075905
+0.0562129214796666 -146045.81411562621361
+0.0563130465006631 -146302.3347133261268
+0.0564131715216596 -146558.83462105714716
+0.0565132965426562 -146815.31227053000475
+0.0566134215636528 -147071.76600183566916
+0.0567135465846494 -147328.19404675887199
+0.0568136716056459 -147584.59450662331074
+0.0569137966266424 -147840.96532220693189
+0.057013921647639 -148097.30423123404034
+0.0571140466686355 -148353.60870543605415
+0.0572141716896322 -148609.87585179673624
+0.0573142967106287 -148866.10224444654887
+0.0574144217316252 -149122.28360339428764
+0.0575145467526217 -149378.41405758241308
+0.0576146717736183 -149634.48373014247045
+0.0577147967946148 -149890.46326854705694
+0.0578149218156113 -150146.3869096248236
+0.057915046836608 -150402.2761639028613
+0.0580151718576045 -150658.12722040709923
+0.0581152968786011 -150913.934415453783
+0.0582154218995976 -151169.68350369887776
+0.0583155469205941 -151425.37064048860339
+0.0584156719415906 -151681.03043697337853
+0.0585157969625872 -151936.66109105409123
+0.0586159219835839 -152192.26068411022425
+0.0587160470045804 -152447.82715728247422
+0.0588161720255769 -152703.35827720028465
+0.0589162970465734 -152958.85158140759449
+0.05901642206757 -153214.30427809638786
+0.0591165470885665 -153469.71300373179838
+0.0592166721095632 -153725.07241062095272
+0.0593167971305597 -153980.3789108202036
+0.0594169221515562 -154235.63597630118602
+0.0595170471725528 -154490.83873847479117
+0.0596171721935493 -154745.97770802269224
+0.0597172972145458 -155001.05476602850831
+0.0598174222355423 -155256.07055262578069
+0.059917547256539 -155511.01271594455466
+0.0600176722775355 -155765.88576631472097
+0.0601177972985321 -156020.68964496848639
+0.0602179223195286 -156275.42004897788865
+0.0603180473405251 -156530.06847079045838
+0.0604181723615217 -156784.61512529826723
+0.0605182973825182 -157039.03070116316667
+0.0606184224035149 -157293.36403824473382
+0.0607185474245114 -157547.58805531950202
+0.0608186724455079 -157801.69097606363357
+0.0609187974665044 -158055.72588048802572
+0.061018922487501 -158309.68350461131195
+0.0611190475084975 -158563.6015843708883
+0.061219172529494 -158817.48573625262361
+0.0613192975504907 -159071.31646965397522
+0.0614194225714872 -159325.09655619369005
+0.0615195475924838 -159578.86820826740586
+0.0616196726134803 -159832.62992703143391
+0.0617197976344768 -160086.3800948105054
+0.0618199226554733 -160340.1169471933099
+0.0619200476764699 -160593.83853288757382
+0.0620201726974666 -160847.54265112560824
+0.0621202977184631 -161101.22673718354781
+0.0622204227394596 -161354.88750411549699
+0.0623205477604561 -161608.5210974268557
+0.0624206727814527 -161862.12559974793112
+0.0625207978024492 -162115.69528123369673
+0.0626209228234457 -162369.22055744755198
+0.0627210478444424 -162622.67237455051509
+0.0628211728654389 -162876.07630654159584
+0.0629212978864355 -163129.45423950496479
+0.063021422907432 -163382.80577704880852
+0.0631215479284285 -163636.14552830703906
+0.063221672949425 -163889.47074380761478
+0.0633217979704216 -164142.77775097417179
+0.0634219229914182 -164396.06081886793254
+0.0635220480124148 -164649.30493276572088
+0.0636221730334113 -164902.50521588182892
+0.0637222980544078 -165155.70177905561286
+0.0638224230754044 -165408.89397807334899
+0.0639225480964009 -165662.08041334929294
+0.0640226731173976 -165915.2595339640975
+0.0641227981383941 -166168.42957705259323
+0.0642229231593906 -166421.58846045890823
+0.0643230481803871 -166674.73356653927476
+0.0644231732013837 -166927.86120691287215
+0.0645232982223802 -167180.96455471380614
+0.0646234232433767 -167434.02679961151443
+0.0647235482643734 -167687.07800551762921
+0.0648236732853699 -167940.12377630473929
+0.0649237983063665 -168193.16296736401273
+0.065023923327363 -168446.19438410591101
+0.0651240483483595 -168699.21677614920191
+0.065224173369356 -168952.22883054648992
+0.0653242983903526 -169205.22916351410095
+0.0654244234113493 -169458.21631046695984
+0.0655245484323458 -169711.18871377574396
+0.0656246734533423 -169964.14470739904209
+0.0657247984743388 -170217.0824973914132
+0.0658249234953354 -170470.00013645528816
+0.0659250485163319 -170722.89549001207342
+0.0660251735373286 -170975.76618936267914
+0.0661252985583251 -171228.60956438118592
+0.0662254235793216 -171481.42254165743361
+0.0663255486003182 -171734.20147887722123
+0.0664256736213147 -171986.94186645842274
+0.0665257986423112 -172239.6376966907992
+0.0666259236633077 -172492.27966323771398
+0.0667260486843044 -172744.84198566986015
+0.0668261737053009 -172997.33606098167365
+0.0669262987262975 -173249.79197068788926
+0.067026423747294 -173502.1984374524618
+0.0671265487682905 -173754.53095719291014
+0.0672266737892871 -174006.81104214998777
+0.0673267988102836 -174259.04295289888978
+0.0674269238312803 -174511.26348859278369
+0.0675270488522768 -174763.46944929030724
+0.0676271738732733 -175015.65603148192167
+0.0677272988942698 -175267.8123191287159
+0.0678274239152664 -175519.92737758273142
+0.0679275489362629 -175772.03843699363642
+0.0680276739572594 -176024.14407725277124
+0.0681277989782561 -176276.24086665202049
+0.0682279239992526 -176528.32720186453662
+0.0683280490202492 -176780.40847885969561
+0.0684281740412457 -177032.48338988042087
+0.0685282990622422 -177284.55054758556071
+0.0686284240832387 -177536.60847154216026
+0.0687285491042353 -177788.65557043175795
+0.068828674125232 -178040.69011778058484
+0.0689287991462285 -178292.71021689238842
+0.069028924167225 -178544.7137466770364
+0.0691290491882215 -178796.69826870961697
+0.0692291742092181 -179048.66083964382415
+0.0693292992302146 -179300.59750290424563
+0.0694294242512111 -179552.49967708645272
+0.0695295492722078 -179804.36716108623659
+0.0696296742932043 -180056.20981206820579
+0.0697297993142009 -180308.0238881361438
+0.0698299243351974 -180559.80446088319877
+0.0699300493561939 -180811.54244660874247
+0.0700301743771904 -181063.23296480602585
+0.070130299398187 -181314.87972112264833
+0.0702304244191836 -181566.47986094234511
+0.0703305494401802 -181818.04517749338993
+0.0704306744611767 -182069.57675983308582
+0.0705307994821732 -182321.1028989063343
+0.0706309245031698 -182572.61363611873821
+0.0707310495241663 -182824.0928299993102
+0.0708311745451628 -183075.53304597348324
+0.0709312995661595 -183326.96368060068926
+0.071031424587156 -183578.4002843448543
+0.0711315496081525 -183829.84038003341993
+0.0712316746291491 -184081.28128781999112
+0.0713317996501456 -184332.7199645532819
+0.0714319246711421 -184584.15269983548205
+0.0715320496921387 -184835.57430135115283
+0.0716321747131353 -185086.97226154708187
+0.0717322997341319 -185338.34812113674707
+0.0718324247551284 -185589.71900842900504
+0.0719325497761249 -185841.08080250487546
+0.0720326747971214 -186092.42776599861099
+0.072132799818118 -186343.74972326331772
+0.0722329248391147 -186595.02269217924913
+0.0723330498601112 -186846.28266025005723
+0.0724331748811077 -187097.52789475416648
+0.0725332999021042 -187348.75765900657279
+0.0726334249231008 -187599.96800403561792
+0.0727335499440973 -187851.18417402822524
+0.0728336749650938 -188102.41066101199249
+0.0729337999860905 -188353.64565344117
+0.073033925007087 -188604.88700005618739
+0.0731340500280836 -188856.13183020541328
+0.0732341750490801 -189107.37414217874175
+0.0733343000700766 -189358.61687483292189
+0.0734344250910731 -189609.86148078602855
+0.0735345501120697 -189861.10450279232464
+0.0736346751330663 -190112.34052033626358
+0.0737348001540629 -190363.55509423100739
+0.0738349251750594 -190614.76362045956193
+0.0739350501960559 -190865.97410255746217
+0.0740351752170525 -191117.18347048774012
+0.074135300238049 -191368.38783547203639
+0.0742354252590457 -191619.58169224715675
+0.0743355502800422 -191870.75460097606992
+0.0744356753010387 -192121.90756279820926
+0.0745358003220353 -192373.03007254513795
+0.0746359253430318 -192624.0773617689556
+0.0747360503640283 -192875.10776772649842
+0.0748361753850248 -193126.1584276513604
+0.0749363004060215 -193377.22664783638902
+0.075036425427018 -193628.30700255511329
+0.0751365504480146 -193879.39022651227424
+0.0752366754690111 -194130.49803032827913
+0.0753368004900076 -194381.63106048453483
+0.0754369255110042 -194632.78829446085729
+0.0755370505320007 -194883.96859006967861
+0.0756371755529974 -195135.17064185580239
+0.0757373005739939 -195386.39290888034157
+0.0758374255949904 -195637.63348059731652
+0.0759375506159869 -195888.8897781232663
+0.0760376756369835 -196140.15753311777371
+0.07613780065798 -196391.4285801833903
+0.0762379256789765 -196642.7059995464806
+0.0763380506999732 -196893.98516917042434
+0.0764381757209697 -197145.29106134662288
+0.0765383007419663 -197396.62254070478957
+0.0766384257629628 -197647.97790673765121
+0.0767385507839593 -197899.3535713670426
+0.0768386758049558 -198150.74806736793835
+0.0769388008259524 -198402.16850117538706
+0.0770389258469491 -198653.6157302109641
+0.0771390508679456 -198905.08895359758753
+0.0772391758889421 -199156.58730240419391
+0.0773393009099386 -199408.10982080193935
+0.0774394259309352 -199659.65543773927493
+0.0775395509519317 -199911.22292146331165
+0.0776396759729282 -200162.81079922750359
+0.0777398009939249 -200414.41719354817178
+0.0778399260149214 -200666.03938691667281
+0.077940051035918 -200917.67110240648617
+0.0780401760569145 -201169.31114112067735
+0.078140301077911 -201420.95918393231113
+0.0782404260989075 -201672.63092781114392
+0.0783405511199041 -201924.3265187322977
+0.0784406761409008 -202176.04483761734446
+0.0785408011618973 -202427.78458449873142
+0.0786409261828938 -202679.54418581729988
+0.0787410512038903 -202931.32160443189787
+0.0788411762248869 -203183.11384317610646
+0.0789413012458834 -203434.91453451986308
+0.0790414262668801 -203686.71549849223811
+0.0791415512878766 -203938.53901755617699
+0.0792416763088731 -204190.38402234148816
+0.0793418013298696 -204442.24746374005917
+0.0794419263508662 -204694.12458654219517
+0.0795420513718627 -204946.02416564890882
+0.0796421763928592 -205197.94523051724536
+0.0797423014138559 -205449.88552890377468
+0.0798424264348524 -205701.84016513693496
+0.079942551455849 -205953.80782938818447
+0.0800426764768455 -206205.79199229800724
+0.080142801497842 -206457.78130587816122
+0.0802429265188385 -206709.79258895100793
+0.0803430515398351 -206961.83211837447016
+0.0804431765608318 -207213.89910647011129
+0.0805433015818283 -207465.99266678528511
+0.0806434266028248 -207718.11177034876891
+0.0807435516238213 -207970.25516293285182
+0.0808436766448179 -208222.42117871917435
+0.0809438016658144 -208474.60715887031984
+0.0810439266868111 -208726.80517538441927
+0.0811440517078076 -208979.02212035245611
+0.0812441767288041 -209231.26632259369944
+0.0813443017498007 -209483.53699267358752
+0.0814444267707972 -209735.83325927556143
+0.0815445517917937 -209988.15414249422611
+0.0816446768127902 -210240.49850920331664
+0.0817448018337868 -210492.86498752134503
+0.0818449268547835 -210745.25175795485848
+0.08194505187578 -210997.6556498882419
+0.0820451768967765 -211250.07158261610311
+0.082145301917773 -211502.50551983507467
+0.0822454269387696 -211754.96122608534642
+0.0823455519597661 -212007.43712481934926
+0.0824456769807628 -212259.93129418985336
+0.0825458020017593 -212512.44128511298914
+0.0826459270227558 -212764.96376274907379
+0.0827460520437523 -213017.49365138707799
+0.0828461770647489 -213270.02113338699564
+0.0829463020857454 -213522.51619712999673
+0.0830464271067419 -213775.02443057403434
+0.0831465521277386 -214027.56245331323589
+0.0832466771487351 -214280.13589429506101
+0.0833468021697317 -214532.7445043954649
+0.0834469271907282 -214785.38770382004441
+0.0835470522117247 -215038.06481033729506
+0.0836471772327212 -215290.77498115613707
+0.0837473022537178 -215543.51709305366967
+0.0838474272747145 -215796.28943425725447
+0.083947552295711 -216049.08839327568421
+0.0840476773167075 -216301.90647044451907
+0.084147802337704 -216554.76069279640797
+0.0842479273587006 -216807.65273550368147
+0.0843480523796971 -217060.58237362964428
+0.0844481774006936 -217313.54938041081186
+0.0845483024216903 -217566.55352721735835
+0.0846484274426868 -217819.59458338041441
+0.0847485524636834 -218072.67231615603669
+0.0848486774846799 -218325.78649052331457
+0.0849488025056764 -218578.93686910119141
+0.0850489275266729 -218832.12321197983692
+0.0851490525476695 -219085.34527658723528
+0.0852491775686662 -219338.60281748810667
+0.0853493025896627 -219591.89558620695607
+0.0854494276106592 -219845.22333099378739
+0.0855495526316557 -220098.58579659173847
+0.0856496776526523 -220351.9827239709557
+0.0857498026736488 -220605.41385001831804
+0.0858499276946453 -220858.87890719555435
+0.085950052715642 -221112.37762313854182
+0.0860501777366385 -221365.90972019734909
+0.086150302757635 -221619.47491492188419
+0.0862504277786316 -221873.07291742757661
+0.0863505527996281 -222126.70343066347414
+0.0864506778206246 -222380.36614957000711
+0.0865508028416212 -222634.0607599724899
+0.0866509278626178 -222887.78693728530197
+0.0867510528836144 -223141.54434491600841
+0.0868511779046109 -223395.33263222276582
+0.0869513029256074 -223649.15143177390564
+0.0870514279466039 -223903.0003558784374
+0.0871515529676005 -224156.87899169750744
+0.0872516779885972 -224410.7868943681533
+0.0873518030095937 -224664.7235768394894
+0.0874519280305902 -224918.68849391964613
+0.0875520530515867 -225172.68101542280056
+0.0876521780725833 -225426.70037610013969
+0.0877523030935798 -225680.7455665798916
+0.0878524281145763 -225934.81502105374238
+0.087952553135573 -226188.90438174962765
+0.0880526781565695 -226443.01379848684883
+0.0881528031775661 -226697.15287718296167
+0.0882529281985626 -226951.32127511384897
+0.0883530532195591 -227205.51863432530081
+0.0884531782405556 -227459.74457816017093
+0.0885533032615522 -227713.99870616348926
+0.0886534282825489 -227968.2805861296365
+0.0887535533035454 -228222.58974024606869
+0.0888536783245419 -228476.92561709316215
+0.0889538033455384 -228731.28751510154689
+0.089053928366535 -228985.67403710112558
+0.0891540533875315 -229240.08519419902586
+0.0892541784085282 -229494.52202362418757
+0.0893543034295247 -229748.98372793765157
+0.0894544284505212 -230003.46912260659155
+0.0895545534715178 -230257.97498904558597
+0.0896546784925143 -230512.50222365930676
+0.0897548035135108 -230767.0562213525991
+0.0898549285345073 -231021.63658927957295
+0.089955053555504 -231276.24290067818947
+0.0900551785765005 -231530.87467204587301
+0.0901553035974971 -231785.53129975107731
+0.0902554286184936 -232040.21164982600021
+0.0903555536394901 -232294.91515462644747
+0.0904556786604866 -232549.64379867687239
+0.0905558036814832 -232804.3972048596188
+0.0906559287024799 -233059.17498500237707
+0.0907560537234764 -233313.97673895009211
+0.0908561787444729 -233568.80205353326164
+0.0909563037654694 -233823.65050140951644
+0.091056428786466 -234078.52163976590964
+0.0911565538074625 -234333.41500878048828
+0.091256678828459 -234588.33012987909024
+0.0913568038494557 -234843.2665037571569
+0.0914569288704522 -235098.22360805259086
+0.0915570538914488 -235353.20089461110183
+0.0916571789124453 -235608.19778620227589
+0.0917573039334418 -235863.21367270185146
+0.0918574289544383 -236118.24790635553654
+0.0919575539754349 -236373.29979602666572
+0.0920576789964316 -236628.3686000352609
+0.0921578040174281 -236883.45351706614019
+0.0922579290384246 -237138.55367444260628
+0.0923580540594211 -237393.66811252952903
+0.0924581790804177 -237648.79576349476702
+0.0925583041014142 -237903.93542118679034
+0.0926584291224107 -238159.08569639397319
+0.0927585541434074 -238414.2449461328506
+0.0928586791644039 -238669.41115181415807
+0.0929588041854005 -238924.58167997427518
+0.093058929206397 -239179.75269173525157
+0.0931590542273935 -239434.91640154091874
+0.09325917924839 -239690.06368896036292
+0.0933593042693866 -239945.2072502837982
+0.0934594292903832 -240200.34100396599388
+0.0935595543113798 -240455.49273069418268
+0.0936596793323763 -240710.66126567512401
+0.0937598043533728 -240965.84520716071711
+0.0938599293743693 -241221.04284869058756
+0.0939600543953659 -241476.25201580894645
+0.0940601794163624 -241731.46972592486418
+0.0941603044373591 -241986.69124804410967
+0.0942604294583556 -242241.90345162362792
+0.0943605544793521 -242497.11003159810207
+0.0944606795003487 -242752.32616314155166
+0.0945608045213452 -243007.53547414101195
+0.0946609295423417 -243262.74950127120246
+0.0947610545633382 -243517.98657589836512
+0.0948611795843349 -243773.25275068852352
+0.0949613046053315 -244028.5516587558086
+0.095061429626328 -244283.88308155772393
+0.0951615546473245 -244539.2467928789556
+0.095261679668321 -244794.64255760726519
+0.0953618046893176 -245050.07013018973521
+0.0954619297103141 -245305.52925261552446
+0.0955620547313108 -245561.01965189108159
+0.0956621797523073 -245816.54103661759291
+0.0957623047733038 -246072.0930924230197
+0.0958624297943004 -246327.67547549531446
+0.0959625548152969 -246583.2878032476001
+0.0960626798362934 -246838.92964003028465
+0.0961628048572901 -247094.60047384668724
+0.0962629298782866 -247350.2996750465536
+0.0963630548992832 -247606.026412482257
+0.0964631799202797 -247861.77944104361814
+0.0965633049412762 -248117.55618675213191
+0.0966634299622727 -248373.35194911988219
+0.0967635549832694 -248629.17707914696075
+0.0968636800042659 -248885.03110974212177
+0.0969638050252625 -249140.91224157618126
+0.097063930046259 -249396.82567216511234
+0.0971640550672555 -249652.7714320619998
+0.0972641800882521 -249908.74937889861758
+0.0973643051092486 -250164.75936991069466
+0.0974644301302453 -250420.80126189129078
+0.0975645551512418 -250676.87491118526668
+0.0976646801722383 -250932.98017367895227
+0.0977648051932348 -251189.11690475518117
+0.0978649302142314 -251445.28495925763855
+0.0979650552352279 -251701.48419146708329
+0.0980651802562244 -251957.71445505062002
+0.0981653052772211 -252213.97560304132639
+0.0982654302982176 -252470.26748776636668
+0.0983655553192142 -252726.58996078654309
+0.0984656803402107 -252982.94287283762242
+0.0985658053612072 -253239.32607372981147
+0.0986659303822038 -253495.7394122510741
+0.0987660554032003 -253752.18273600799148
+0.098866180424197 -254008.65589133507456
+0.0989663054451935 -254265.15872299348121
+0.09906643046619 -254521.69107391606667
+0.0991665554871865 -254778.25278481197893
+0.0992666805081831 -255034.84369360297569
+0.0993668055291796 -255291.46363455121173
+0.0994669305501761 -255548.11243691272102
+0.0995670555711728 -255804.78992258565268
+0.0996671805921693 -256061.49590152894962
+0.0997673056131659 -256318.23016130688484
+0.0998674306341624 -256574.99243337180815
+0.0999675556551589 -256831.7821527904016
diff --git a/DATASET/P=170000Pa/box_confined.data b/DATASET/P=170000Pa/box_confined.data
new file mode 100644
index 0000000..a6e6f30
--- /dev/null
+++ b/DATASET/P=170000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2138853
+
+240 atoms
+6 atom types
+
+0.027946030617500006 0.0720539693825 xlo xhi
+0.027946030617500006 0.0720539693825 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+6 1 0.0035 1071.4285714285713 0.029033588709758508 0.02913326057486247 0 0 0 0
+9 1 0.0035 1071.4285714285713 0.032382892713416926 0.029765856155806895 0 0 0 0
+237 1 0.0025 1500.0000000000005 0.035047084059467735 0.028333282872297912 0 0 1 0
+4 1 0.0025 1500.0000000000005 0.03924248975073369 0.02880521412579793 0 0 0 0
+3 1 0.0025 1500.0000000000005 0.04166083040402065 0.028406280605369084 0 0 0 0
+10 1 0.0025 1500.0000000000005 0.04415163151368997 0.02822869106710512 0 0 0 0
+16 1 0.0035 1071.4285714285713 0.046235267624829504 0.030252333948036524 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.048201188189501115 0.028082697066171638 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.05069534633223626 0.02865546498962477 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.05363802043891709 0.028127020759753363 0 0 0 0
+13 1 0.0035 1071.4285714285713 0.057592567349936 0.02938495334534627 0 0 0 0
+233 1 0.0035 1071.4285714285713 0.060983815450665765 0.028776054923385006 0 0 1 0
+235 1 0.0035 1071.4285714285713 0.06969650514425152 0.028995324703032517 0 0 1 0
+22 1 0.0035 1071.4285714285713 0.030234834913751556 0.03249065859447 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.03514475592849249 0.030810663132866036 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.03753841994836222 0.030560752725059575 0 0 0 0
+23 1 0.0025 1500.0000000000005 0.03880244345431904 0.03259617213817221 0 0 0 0
+26 1 0.0025 1500.0000000000005 0.04052476130283712 0.030832220475540302 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.04303923056156187 0.03054066619878446 0 0 0 0
+30 1 0.0025 1500.0000000000005 0.044371293669962036 0.03256581604773648 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.049159878542324294 0.03063255273693142 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.052067990942020956 0.0311988266125051 0 0 0 0
+29 1 0.0025 1500.0000000000005 0.0549991862768792 0.030742862918066695 0 0 0 0
+15 1 0.0025 1500.0000000000005 0.059710018507649426 0.03140626097094405 0 0 0 0
+238 1 0.0035 1071.4285714285713 0.0640443975476859 0.03045011879486173 0 0 1 0
+12 1 0.0025 1500.0000000000005 0.06721180800029095 0.030682229120277175 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.06588510318022602 0.032737353500730614 0 0 0 0
+11 1 0.0025 1500.0000000000005 0.0713905387552624 0.03146747269535854 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.033179185027759704 0.032614428371838616 0 0 0 0
+20 1 0.0035 1071.4285714285713 0.0359883797401864 0.03359160867355945 0 0 0 0
+48 1 0.0035 1071.4285714285713 0.04159030061074319 0.03362234531146255 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.046707428369127474 0.03316870287448703 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.04960739508218434 0.03358048376906544 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.05236915610013517 0.034851809483054885 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.054196207049300844 0.03320507190923736 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.057134195091571575 0.032797129324172336 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.059432579904963014 0.03468059450152388 0 0 0 0
+32 1 0.0035 1071.4285714285713 0.06201287293994767 0.03320287668084166 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.06454968171316006 0.034679370026565834 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.06892418132379184 0.03306915271219903 0 0 0 0
+31 1 0.0025 1500.0000000000005 0.07171845381236293 0.03388437958146898 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.029683429517276073 0.035906877424390124 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.033156254424729095 0.035618868096907556 0 0 0 0
+40 1 0.0025 1500.0000000000005 0.03596474786553761 0.036526335371787066 0 0 0 0
+34 1 0.0035 1071.4285714285713 0.038783340266557914 0.0356319830279003 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.04442740766854662 0.03555687491227735 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.04738424873459303 0.035515169757785486 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.050036649684761125 0.036988559557238745 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.05471938906956673 0.03551901740282499 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.05713192825603126 0.035735428739001145 0 0 0 0
+41 1 0.0025 1500.0000000000005 0.06143025994340957 0.03609909191676111 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.06374733395430725 0.03690207722334411 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.06721298188179295 0.03604695843987282 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.07020727572850227 0.03602421964003222 0 0 0 0
+66 1 0.0025 1500.0000000000005 0.029606765291408394 0.03962123085735123 0 1 0 0
+53 1 0.0025 1500.0000000000005 0.03159925614496566 0.03813944414395349 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.03442439440314707 0.038995851751643336 0 0 0 0
+56 1 0.0035 1071.4285714285713 0.03788572071793881 0.03904665157060931 0 0 0 0
+61 1 0.0035 1071.4285714285713 0.04161871797621479 0.03753396826638334 0 0 0 0
+72 1 0.0035 1071.4285714285713 0.04654627528666299 0.03828061978338737 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.05295941092166793 0.03731038957295429 0 0 0 0
+60 1 0.0035 1071.4285714285713 0.055711340454005664 0.038341621768991106 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.0591021892260016 0.03792541895834594 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.062205594472530844 0.03937530373021712 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.06564300942975514 0.039108329650628104 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.06916602795918088 0.038325960779262626 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.07170523719465746 0.03805600254074837 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.03184553146691243 0.040523943455815815 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.035826853086332565 0.04155438407217597 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.04074941235547522 0.04032898139787673 0 0 0 0
+71 1 0.0035 1071.4285714285713 0.04373806242412196 0.0402882818030945 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.04649099259050333 0.041219700058071594 0 0 0 0
+76 1 0.0035 1071.4285714285713 0.049307622408769874 0.04034765663816012 0 0 0 0
+62 1 0.0035 1071.4285714285713 0.052825423026167204 0.040270333053361834 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.05588019488268045 0.04176377439801311 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.05932475786508415 0.041321380626545307 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.06817077297508954 0.04055935080807117 0 0 0 0
+75 1 0.0035 1071.4285714285713 0.07109941791428231 0.04102703536224823 0 0 0 0
+84 1 0.0035 1071.4285714285713 0.029954779893846175 0.04278385695877937 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.033498113106090334 0.04231091433206088 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.038583586305483815 0.04243593661754436 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.04190429640437929 0.04322723536662321 0 0 0 0
+89 1 0.0035 1071.4285714285713 0.04527536820716463 0.04384001262975166 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.048121883061757055 0.04309814370096585 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.05104100580916985 0.04330210324768657 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.053900940175861105 0.043956928024648206 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.05866978398126029 0.04425268327646535 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.0625106112039413 0.04278700616794724 0 0 0 0
+73 1 0.0035 1071.4285714285713 0.06591991836991741 0.04249226315536521 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.0688162246593552 0.04292135525266735 0 0 0 0
+94 1 0.0035 1071.4285714285713 0.03015808544130884 0.046271273779519506 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.0324950956617788 0.04451827267097593 0 0 0 0
+88 1 0.0035 1071.4285714285713 0.035590681363918124 0.04445725781125017 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.03838805469867362 0.045419384685468966 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.040776233380479456 0.045979908340031954 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.04317778807536506 0.04581607949106649 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.04857508929753853 0.04621283691062802 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.05157413548767558 0.046147749116047125 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.05626097513294551 0.044659041150754634 0 0 0 0
+114 1 0.0035 1071.4285714285713 0.061105089112730195 0.04595815321102079 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.06450922208711937 0.045611431121531425 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.06749735457004381 0.04500802753685034 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.07117735011496468 0.04463442990581527 0 0 0 0
+99 1 0.0025 1500.0000000000005 0.03353861154865587 0.04673931089407998 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.03672787340889202 0.04723836925675319 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.03914454010990821 0.04776156105830694 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.043444923871524654 0.04870750550110687 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.04562263785450271 0.04673833467899307 0 0 0 0
+120 1 0.0025 1500.0000000000005 0.04715624725780702 0.04878933928503001 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.05438899746926559 0.046942487593678105 0 0 0 0
+100 1 0.0035 1071.4285714285713 0.05781755672627934 0.047071502641402634 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.06018906630408435 0.048753603011366865 0 0 0 0
+118 1 0.0035 1071.4285714285713 0.06314178294104718 0.048741593215961804 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.0666689513284698 0.048337572152937325 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.06920148840906168 0.046848571871093904 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.07157327389041383 0.04751797618740136 0 0 0 0
+131 1 0.0025 1500.0000000000005 0.029074239843914707 0.049348762751876045 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.03198418542286946 0.04924167258145046 0 0 0 0
+92 1 0.0025 1500.0000000000005 0.03486524187906979 0.048786928082441124 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.03749249076556072 0.05013636716431483 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.040626025991891766 0.04966204914361054 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.04549355404336324 0.05079553812529356 0 0 0 0
+110 1 0.0035 1071.4285714285713 0.0507398928022326 0.04896073738068121 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.053930596175688676 0.050379159643682496 0 0 0 0
+127 1 0.0035 1071.4285714285713 0.05778075466717914 0.05051225474745132 0 0 0 0
+119 1 0.0035 1071.4285714285713 0.06986256513633614 0.04994547947238214 0 0 0 0
+141 1 0.0035 1071.4285714285713 0.028376631838349937 0.05220045267905525 0 0 0 0
+126 1 0.0025 1500.0000000000005 0.03137605913773538 0.05212502284951792 0 0 0 0
+125 1 0.0035 1071.4285714285713 0.03436665146919955 0.05174707993163018 0 0 0 0
+129 1 0.0025 1500.0000000000005 0.03771224088651387 0.053143207128902636 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.039800628098844305 0.051965389330907864 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.042705119878191825 0.052079857249666045 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.048385430583327116 0.05150104638858489 0 0 0 0
+137 1 0.0025 1500.0000000000005 0.051346982271903666 0.05196755879663779 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.055701703996033025 0.0533300292412616 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.05863956852195349 0.05333043320310503 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.06105912058490164 0.05157287756496037 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.06402795217533641 0.05147913946666076 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.0669252677230875 0.05176932113107121 0 0 0 0
+132 1 0.0025 1500.0000000000005 0.06965007345056816 0.05289617337479111 0 0 0 0
+150 1 0.0035 1071.4285714285713 0.029824134612850984 0.05526696129738212 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.03261850186496101 0.05423920820094368 0 0 0 0
+146 1 0.0035 1071.4285714285713 0.0354602379743273 0.05504354235763311 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.03982902575756249 0.05439895707421985 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.04230767201714021 0.05504537620399307 0 0 0 0
+136 1 0.0035 1071.4285714285713 0.045692009513740584 0.053736046500514126 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.04948682481322523 0.05425187013224722 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.0525401792707377 0.05468275704703721 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.060776255931196635 0.05448468546670931 0 0 0 0
+143 1 0.0025 1500.0000000000005 0.06307320898559422 0.053670466925479415 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.06532775192801855 0.05466005584061857 0 0 0 0
+134 1 0.0025 1500.0000000000005 0.06780775891282036 0.054511952159923056 0 0 0 0
+159 1 0.0035 1071.4285714285713 0.07050875039120723 0.055734338854114274 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.0327487161897348 0.05713199272036296 0 0 0 0
+144 1 0.0025 1500.0000000000005 0.03816932712967923 0.05630740536165279 0 0 0 0
+166 1 0.0025 1500.0000000000005 0.040558469333104516 0.05677891906845656 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.044423897916999855 0.057068548127439826 0 0 0 0
+153 1 0.0025 1500.0000000000005 0.04729123703551363 0.05618558302125122 0 0 0 0
+155 1 0.0035 1071.4285714285713 0.0500558021549433 0.057101568168900586 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.055083485069895646 0.05615610748971466 0 0 0 0
+145 1 0.0035 1071.4285714285713 0.058003556028089265 0.05618291264403401 0 0 0 0
+157 1 0.0025 1500.0000000000005 0.0608416119031293 0.05692170365102689 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.06316162172739143 0.05604315439948743 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.06532757112948966 0.05713044630922827 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.0677652106677563 0.05694544994663609 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.028977344655645363 0.05858476915112281 0 0 0 0
+179 1 0.0025 1500.0000000000005 0.0316097082623309 0.059823466656225274 0 0 0 0
+161 1 0.0035 1071.4285714285713 0.03598242852766078 0.05844087799438697 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.03893907797627623 0.05867103125659164 0 0 0 0
+165 1 0.0035 1071.4285714285713 0.04179772238714044 0.059387385324909975 0 0 0 0
+170 1 0.0025 1500.0000000000005 0.04451608045145207 0.060415392328369275 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.04721731837730437 0.05915155562283982 0 0 0 0
+180 1 0.0035 1071.4285714285713 0.053194363058574896 0.05840172283946321 0 0 0 0
+151 1 0.0025 1500.0000000000005 0.05616951727099929 0.05853537524650867 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.059308036937276855 0.059406288982003896 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.0629875749423789 0.05895133238064485 0 0 0 0
+168 1 0.0025 1500.0000000000005 0.06674097532369799 0.05918875585773463 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.06970540333259807 0.05907571015091492 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.03058929113126467 0.06256302155901708 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.033945194835826364 0.06055628495163494 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.036267202470310574 0.061408320787462674 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.0392051760709797 0.061642219526870226 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.042560913689756986 0.06276485819520398 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.046506257655402054 0.06250807833957427 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.050368671667334386 0.060534818782738746 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.05507240229580099 0.061280070152607405 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.058188910751725 0.06270623795270193 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.061642657740652584 0.062155179233102265 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.06498914855785815 0.0610110279226492 0 0 0 0
+181 1 0.0035 1071.4285714285713 0.06780811356422173 0.061982791049423815 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.07129013956755925 0.06208838631269706 0 -1 0 0
+188 1 0.0035 1071.4285714285713 0.034131480313669416 0.06349095632842586 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.037094085855678464 0.06369020930960469 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.0394407017316503 0.06461909828880646 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.049396340348335385 0.06329293960675116 0 0 0 0
+202 1 0.0035 1071.4285714285713 0.05236471566610327 0.06339289983110857 0 0 0 0
+194 1 0.0025 1500.0000000000005 0.055634886529739594 0.06421171351988084 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.060033478588368897 0.06500118541816724 0 0 0 0
+196 1 0.0025 1500.0000000000005 0.062451792430979265 0.06494687575163001 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.06438228862809343 0.0633482361666961 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.06953180147336888 0.06442685544341768 0 0 0 0
+191 1 0.0035 1071.4285714285713 0.02819559706591175 0.06539102313022863 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.031588579823041175 0.06582829396270061 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.034754628458384985 0.06706131931296166 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.03754143699676186 0.06613794620147305 0 0 0 0
+215 1 0.0025 1500.0000000000005 0.039794884388552984 0.06706144192738382 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.04173363526635779 0.0655603668886615 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.04472604097055012 0.06551554379404152 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.04785720514590226 0.06516422601088744 0 0 0 0
+211 1 0.0035 1071.4285714285713 0.050690721029168447 0.0664471233527673 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.05386991485283699 0.06590222979564514 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.05762096479288893 0.06558728311165091 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.0559305327774771 0.06733225474523222 0 0 0 0
+214 1 0.0025 1500.0000000000005 0.064063502103883 0.06677093664984442 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.06671922464884644 0.06525263538959891 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.06947317036453322 0.06740596455857825 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.02984395583179701 0.06822002638115832 0 1 0 0
+220 1 0.0025 1500.0000000000005 0.03227062183793273 0.06871622883914334 0 0 0 0
+205 1 0.0025 1500.0000000000005 0.0373232805708104 0.06854985506694757 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.04207208559760147 0.06797977416464962 0 0 0 0
+224 1 0.0025 1500.0000000000005 0.0444833517202281 0.06848274231125791 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.047333258222305316 0.06803526469005952 0 0 0 0
+239 1 0.0035 1071.4285714285713 0.053401114686791866 0.0688095985806653 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.05834367153240526 0.06792916690678648 0 0 0 0
+217 1 0.0035 1071.4285714285713 0.06128343001823355 0.06766687573018965 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.06627934072548934 0.06863384696181456 0 0 0 0
+232 1 0.0025 1500.0000000000005 0.030595326010289515 0.07069178036100482 0 0 0 0
+236 1 0.0025 1500.0000000000005 0.033024924507879076 0.07102713255475492 0 0 0 0
+226 1 0.0025 1500.0000000000005 0.035287573988036385 0.06998974652139082 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.037276191798998395 0.0713803078253305 0 0 0 0
+231 1 0.0035 1071.4285714285713 0.039920613434671605 0.06999601475400093 0 0 0 0
+218 1 0.0025 1500.0000000000005 0.04284623471485782 0.07031396149258926 0 0 0 0
+1 1 0.0025 1500.0000000000005 0.04612455514050471 0.07072247842152966 0 0 -1 0
+234 1 0.0035 1071.4285714285713 0.05018681115846427 0.06993087189059331 0 0 0 0
+225 1 0.0035 1071.4285714285713 0.05651124488768318 0.07021062467933173 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.059504147476664736 0.07026093899044913 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.06335465355920804 0.07041195262307139 0 0 0 0
+240 1 0.0035 1071.4285714285713 0.0663908706810271 0.07203537316888264 0 0 0 0
+229 1 0.0025 1500.0000000000005 0.06875526688800959 0.07029415550080234 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.07166384366935552 0.07010747912192956 0 0 0 0
+
+Velocities
+
+6 -25.737715740723864 3.8317420825579904 0 0 0 0
+9 48.55673954288133 -10.880027262458645 0 0 0 0
+237 -68.35990271075964 47.54127256313806 0 0 0 0
+4 -56.477486401332165 -6.354402322301299 0 0 0 0
+3 -41.98099780738678 54.75203833309459 0 0 0 0
+10 25.14018382896882 -19.701835678453577 0 0 0 0
+16 -38.08878365425868 -18.129155304103875 0 0 0 0
+2 3.2568635406398276 -24.01614079598445 0 0 0 0
+18 22.284878589192513 5.5378140702505645 0 0 0 0
+5 -0.8489662373811251 15.578517425343586 0 0 0 0
+13 10.079177172289258 4.965956575894577 0 0 0 0
+233 25.48492532434619 19.911090610039572 0 0 0 0
+235 -33.728511487377524 2.6407908870355445 0 0 0 0
+22 -17.27740533740353 10.283913828241035 0 0 0 0
+7 9.296315222838935 -55.379641044397054 0 0 0 0
+8 20.534121293507404 11.01999634777171 0 0 0 0
+23 -11.527377607930918 47.50277585485594 0 0 0 0
+26 -33.954112415157894 -9.676033666065747 0 0 0 0
+24 8.677946149202013 -41.45244279145146 0 0 0 0
+30 21.926624848051016 -1.2770253600591364 0 0 0 0
+17 -12.188998611361058 0.2748198554806972 0 0 0 0
+25 21.332556256902198 -8.123271038337984 0 0 0 0
+29 21.335384613046966 -18.371404967132133 0 0 0 0
+15 -29.357551010843103 -11.467247973452654 0 0 0 0
+238 6.837654066113339 17.756738587936656 0 0 0 0
+12 20.95910042400049 -28.76551639555759 0 0 0 0
+27 32.51570007600667 16.104663974405863 0 0 0 0
+11 55.790840586138366 44.367400597449354 0 0 0 0
+14 8.185299005117745 -1.07059023254472 0 0 0 0
+20 15.05304510855896 2.5629034018720924 0 0 0 0
+48 15.594247928259406 6.3038418580621745 0 0 0 0
+28 -4.8884160720527765 -33.83150452980088 0 0 0 0
+21 22.90290129852516 28.356209043740645 0 0 0 0
+38 -44.344775270975155 22.608222803073787 0 0 0 0
+43 47.61538835081054 -0.8513360786294794 0 0 0 0
+19 6.180679013422196 23.812771280267416 0 0 0 0
+44 18.200960992119583 51.26831814279947 0 0 0 0
+32 6.857734498703931 6.174231902201601 0 0 0 0
+37 -16.04347195307496 -37.32349345975117 0 0 0 0
+36 2.0565688475571284 -4.352191758720631 0 0 0 0
+31 -6.567472514444552 6.030800104824404 0 0 0 0
+52 9.227409498173895 29.908312662919773 0 0 0 0
+33 31.877177856657276 5.392506513218839 0 0 0 0
+40 -8.023834822069102 17.753273468377973 0 0 0 0
+34 -3.528111227699146 49.695013329827006 0 0 0 0
+35 19.50013067664466 -13.183649491998532 0 0 0 0
+50 31.417179272368973 32.32487920309622 0 0 0 0
+64 -16.675791854377966 -11.853522736855645 0 0 0 0
+47 21.01675715266801 16.564498171350685 0 0 0 0
+46 -19.635786397956167 -10.872438713044215 0 0 0 0
+41 -28.628798056501157 -6.522170501131341 0 0 0 0
+59 14.438451975113647 5.8028321900716 0 0 0 0
+42 8.538849367307606 40.073166420106766 0 0 0 0
+39 -3.2927312594421916 15.227512326575809 0 0 0 0
+66 -11.42988787489866 -20.360355396044827 0 0 0 0
+53 33.46237625053118 28.75252034933244 0 0 0 0
+55 -6.391925077079898 -31.027653887000557 0 0 0 0
+56 32.63378001598662 7.874332353551689 0 0 0 0
+61 13.78399302452263 -33.49484773847112 0 0 0 0
+72 -13.572988173799086 -8.94231765954912 0 0 0 0
+54 -52.626298288973366 54.29924159572169 0 0 0 0
+60 19.729582071452157 10.18466279974257 0 0 0 0
+49 19.683041718329388 -20.439342154561466 0 0 0 0
+58 12.037121823321613 -1.5000621900426574 0 0 0 0
+57 -39.005649880938286 -21.355998206499713 0 0 0 0
+45 -37.40855598061232 -75.19360490401294 0 0 0 0
+51 61.969005673730514 -26.261042295897727 0 0 0 0
+68 7.351859309405034 -5.675208869367458 0 0 0 0
+77 -11.643050445085517 -34.88179178691233 0 0 0 0
+74 -18.635123420420435 -5.847607566163234 0 0 0 0
+71 3.6674371700460093 0.9955858696851438 0 0 0 0
+78 -20.222372850292167 23.77326489009123 0 0 0 0
+76 -21.78663443796769 -1.9241677192818885 0 0 0 0
+62 19.77928517866164 13.520502831113758 0 0 0 0
+67 -3.860197324517182 -36.001728165065146 0 0 0 0
+65 -21.53717191840384 -1.9503641485195133 0 0 0 0
+63 20.393700601024147 -30.287574633130326 0 0 0 0
+75 15.714965083172089 -12.160005683898076 0 0 0 0
+84 -4.788176055551764 -21.329352049392586 0 0 0 0
+70 -15.409234658353874 8.310569890908717 0 0 0 0
+82 26.70647677576052 9.909117847883381 0 0 0 0
+83 2.3041095474482063 10.360724679441109 0 0 0 0
+89 15.35724679223996 -36.04588285681464 0 0 0 0
+79 -16.876225045684446 -2.9539959992326437 0 0 0 0
+90 -15.164406793526203 14.252128610873475 0 0 0 0
+80 25.150628406060946 -59.034079755953535 0 0 0 0
+81 33.22898386194292 -23.634941247295416 0 0 0 0
+98 10.013538389170858 9.615435581928086 0 0 0 0
+73 29.761187897418456 -5.4990640135781765 0 0 0 0
+69 -8.14770621926469 -15.764222652012227 0 0 0 0
+94 -6.460702033893553 26.850035870804934 0 0 0 0
+87 6.112498146801373 -40.3496453307728 0 0 0 0
+88 -17.71292691342392 4.096870792280836 0 0 0 0
+102 14.093724842330664 -20.550625199774462 0 0 0 0
+95 -27.502002566548462 6.549364679505001 0 0 0 0
+96 40.95854796826869 -20.279958588102932 0 0 0 0
+106 -6.161237170778887 48.92067761626552 0 0 0 0
+105 7.623841150522482 3.232231216098735 0 0 0 0
+91 -18.861475030674015 -47.13874944671271 0 0 0 0
+114 9.167064686391665 -2.07387334079747 0 0 0 0
+104 -3.149436663301845 -12.32943734482437 0 0 0 0
+85 18.850796392524327 -34.34720086512396 0 0 0 0
+86 21.596788221281855 21.338695407781007 0 0 0 0
+99 5.10440897727929 -24.11326108618978 0 0 0 0
+103 62.30354567325372 -0.10154765859550786 0 0 0 0
+97 -3.3520774517854357 -36.47143429836115 0 0 0 0
+107 -9.30057097910824 -12.344819108196425 0 0 0 0
+109 -5.194102088112062 -2.964990866318828 0 0 0 0
+120 3.9291060773488407 -39.794065252572594 0 0 0 0
+101 -11.371627770464466 -14.187608835085893 0 0 0 0
+100 -6.994687760867041 25.440897469013148 0 0 0 0
+116 13.08934008473379 47.38970659837417 0 0 0 0
+118 43.077739240014544 6.59050916220404 0 0 0 0
+113 -22.991001786960584 1.773504910778192 0 0 0 0
+93 -11.94998499575764 -4.011235976298005 0 0 0 0
+108 -9.838982993665033 -32.29111875106921 0 0 0 0
+131 31.279301829220458 -14.23159832659597 0 0 0 0
+111 10.242115647925191 0.13506888208438927 0 0 0 0
+92 -1.5912442077013855 15.11975293864938 0 0 0 0
+123 10.154113918692072 -35.84448005200313 0 0 0 0
+117 -12.238612289871822 25.04752868860409 0 0 0 0
+115 -11.667525805842734 30.288563228810848 0 0 0 0
+110 47.65092006202884 10.329953515818943 0 0 0 0
+122 20.68396692801829 -26.543912275189737 0 0 0 0
+127 -11.131918624096382 0.058026412933660385 0 0 0 0
+119 -16.40533286447261 -7.424939349879119 0 0 0 0
+141 29.862116128139046 7.920207060724791 0 0 0 0
+126 -15.035895676388298 17.88686287329068 0 0 0 0
+125 5.334802502630456 15.272348881654702 0 0 0 0
+129 -27.53702009115982 11.153232905108347 0 0 0 0
+112 -31.20126175385321 -12.631757917819458 0 0 0 0
+138 -0.6540072548250804 -7.2422674114571945 0 0 0 0
+121 -13.409580846491519 -14.818301953000708 0 0 0 0
+137 -18.397004187652577 2.636732406196338 0 0 0 0
+140 -7.209833075704078 8.244708556671112 0 0 0 0
+133 8.587731151460895 -2.2806919290508816 0 0 0 0
+128 -27.222505416103722 -14.688529908559408 0 0 0 0
+139 18.483780620758523 -27.35725073952392 0 0 0 0
+124 4.041180493622034 10.640609785849623 0 0 0 0
+132 -21.973665346332755 -31.87246449665146 0 0 0 0
+150 -26.177176445989122 65.26542380693652 0 0 0 0
+142 42.850824489555265 27.601135532398086 0 0 0 0
+146 30.29174732884036 10.639430472031604 0 0 0 0
+135 13.133494590340522 29.512128751649175 0 0 0 0
+149 14.206670557912169 44.37741912499925 0 0 0 0
+136 -10.409730836416486 13.330589014708758 0 0 0 0
+130 30.348341540103753 16.649471976074796 0 0 0 0
+147 9.85849092798372 9.206958560349399 0 0 0 0
+148 15.16241637471978 -21.66810061069667 0 0 0 0
+143 6.545223959177192 -31.95556496947614 0 0 0 0
+160 -26.55222104227884 -18.443488585104785 0 0 0 0
+134 16.38923203831051 14.66578403931635 0 0 0 0
+159 15.176935134392181 9.010655787548192 0 0 0 0
+163 -10.416570139290693 18.04800764571727 0 0 0 0
+144 30.155972999235047 -25.904443890535788 0 0 0 0
+166 -3.5088727919219256 -31.820785711171926 0 0 0 0
+154 18.34975688941855 20.843203910060883 0 0 0 0
+153 14.259111782289226 -9.384709720400723 0 0 0 0
+155 19.447999796435653 13.941519399389865 0 0 0 0
+162 2.671191372114596 7.3239774385796315 0 0 0 0
+145 25.757352777514996 30.201492363250363 0 0 0 0
+157 30.69405509632044 19.298750505487902 0 0 0 0
+164 -21.63243304215742 -14.954677400872201 0 0 0 0
+167 33.07177279881591 13.731602806410882 0 0 0 0
+156 -6.453186643752308 -43.25666981520101 0 0 0 0
+158 7.072303886543573 -2.985102008789747 0 0 0 0
+179 -8.080933764076928 -10.132128168558294 0 0 0 0
+161 -13.631892544280165 12.457026309301694 0 0 0 0
+152 -62.01259509811721 -4.326156255008569 0 0 0 0
+165 -1.2245901482315256 -21.176608639308437 0 0 0 0
+170 1.8446576267469772 22.205348505830813 0 0 0 0
+174 -37.48671795169845 -16.47054062504955 0 0 0 0
+180 31.62026492125367 13.429030807862764 0 0 0 0
+151 -57.7105131182786 -23.66237703314704 0 0 0 0
+171 -24.042754141344734 4.83124618487597 0 0 0 0
+178 13.279037455955569 -6.911688542797338 0 0 0 0
+168 13.252911138977808 -19.40119044355869 0 0 0 0
+169 -3.534125092386232 15.708325153374705 0 0 0 0
+197 11.038437839969184 25.996210299200143 0 0 0 0
+172 2.5053475444557476 -28.20859966906896 0 0 0 0
+173 -15.093206896253506 6.6538312941078 0 0 0 0
+177 -13.391939576397744 -2.626023466842935 0 0 0 0
+182 -10.768806526014483 23.585688073666855 0 0 0 0
+186 -25.981078852907913 10.70388410119791 0 0 0 0
+190 10.541901197325307 27.995067964880512 0 0 0 0
+184 6.858458962757075 -16.5270288519204 0 0 0 0
+187 -38.07053046895352 9.970769884263758 0 0 0 0
+183 1.792219717502613 9.199117713921487 0 0 0 0
+176 -26.074476115203883 15.040743692459957 0 0 0 0
+181 -15.056463296933947 -10.231503112181143 0 0 0 0
+175 -6.9255933266566965 -23.318044308827357 0 0 0 0
+188 -13.522409284700172 0.3054727696960883 0 0 0 0
+185 -20.984237545022747 19.701207968480986 0 0 0 0
+193 3.321098034564895 -19.98682849288613 0 0 0 0
+199 -11.96138254101762 13.519446998638681 0 0 0 0
+202 -59.205846946826924 23.855423358365407 0 0 0 0
+194 -13.121020251216018 -3.7597266964323888 0 0 0 0
+216 12.873428231282457 -29.642988180613436 0 0 0 0
+196 24.261499608236797 22.516351753772632 0 0 0 0
+189 34.63442151088197 -23.850494824232754 0 0 0 0
+204 9.56311046080119 -20.31894214794986 0 0 0 0
+191 8.270921855585009 -7.728085050907109 0 0 0 0
+207 -36.97527834872538 13.215166050653876 0 0 0 0
+206 5.347241355901152 16.890479322799717 0 0 0 0
+195 17.32775240924905 -31.57347279519983 0 0 0 0
+215 -15.43244661044903 5.818954935572801 0 0 0 0
+192 -60.80168267806934 -11.76880891161576 0 0 0 0
+198 -11.108254049859902 -44.780420487634785 0 0 0 0
+221 -32.22201528936683 15.246930903994395 0 0 0 0
+211 -8.508584018509795 2.6328600221638645 0 0 0 0
+201 8.005185487215318 -1.1063687368477058 0 0 0 0
+203 -12.625733168572246 -4.317018781279625 0 0 0 0
+200 -13.753506850266888 -71.39731659920496 0 0 0 0
+214 55.23547161313072 36.63255888785553 0 0 0 0
+209 -6.15186736924802 -6.086331323070869 0 0 0 0
+208 1.95686517468728 -22.05593023828476 0 0 0 0
+213 19.098739562413716 -9.913490055148381 0 0 0 0
+220 -37.73872042240316 -26.142950556578807 0 0 0 0
+205 52.46563164358249 -32.75818861861509 0 0 0 0
+210 32.64976388057709 31.954700106965014 0 0 0 0
+224 -42.81903916441125 -50.54195800452193 0 0 0 0
+230 -15.747482817054525 -1.231946391461212 0 0 0 0
+239 9.66537274784163 -11.09781252488672 0 0 0 0
+212 -29.713622424544333 -32.25721605022855 0 0 0 0
+217 -14.364063562414447 10.025903892738347 0 0 0 0
+222 -23.37421349333496 -10.887434923174702 0 0 0 0
+232 -19.281462993871973 -29.100926373127095 0 0 0 0
+236 28.91842763918414 31.598525984376824 0 0 0 0
+226 -6.963357876532224 -7.443570874284194 0 0 0 0
+227 -3.553477007761384 -45.63187576122108 0 0 0 0
+231 17.64092398575295 -17.62680912246604 0 0 0 0
+218 3.4437375967170274 11.110525440315287 0 0 0 0
+1 -43.525345368050175 8.40449472661908 0 0 0 0
+234 5.452852032762604 21.045534314681703 0 0 0 0
+225 -24.692521907145277 -4.821502432753956 0 0 0 0
+219 13.07547323456957 15.046837318907631 0 0 0 0
+228 -22.40291087841847 -10.062434315952776 0 0 0 0
+240 3.3345133110203626 31.44055094509889 0 0 0 0
+229 -30.328940179644437 35.098972526195716 0 0 0 0
+223 -10.36180491889102 -7.206895961359915 0 0 0 0
diff --git a/DATASET/P=170000Pa/box_sheared.data b/DATASET/P=170000Pa/box_sheared.data
new file mode 100644
index 0000000..8179667
--- /dev/null
+++ b/DATASET/P=170000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2226717
+
+240 atoms
+6 atom types
+
+0.027946030617500006 0.0720539693825 xlo xhi
+0.027946030617500006 0.0720539693825 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.00441080250091843 0 0 xy xz yz
+
+Atoms # sphere
+
+6 1 0.0035 1071.4285714285713 0.02918231571391763 0.02900810753085601 0 0 0 0
+237 1 0.0025 1500.0000000000005 0.03502144853403459 0.028407792405786444 0 0 1 0
+4 1 0.0025 1500.0000000000005 0.039234112877074775 0.028821640734205442 0 0 0 0
+3 1 0.0025 1500.0000000000005 0.04161825146868595 0.028454949186863525 0 0 0 0
+10 1 0.0025 1500.0000000000005 0.04408952016135466 0.0283401048398508 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.048334306715055064 0.028200322814786703 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.050807692113990534 0.028668961594962978 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.05371074468243464 0.028197679565819506 0 0 0 0
+233 1 0.0035 1071.4285714285713 0.0609470545564545 0.0286432997681613 0 0 1 0
+235 1 0.0035 1071.4285714285713 0.06978822071767174 0.02895763931583346 0 0 1 0
+13 1 0.0035 1071.4285714285713 0.057652630647592795 0.029354485532213793 0 0 0 0
+9 1 0.0035 1071.4285714285713 0.03257368668878894 0.029841791498490627 0 0 0 0
+238 1 0.0035 1071.4285714285713 0.06416917896473627 0.030226729497298516 0 0 1 0
+16 1 0.0035 1071.4285714285713 0.04650882099788119 0.03027376679229541 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.03779098987192822 0.03059957028232941 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.04315310053097554 0.03058184310924288 0 0 0 0
+12 1 0.0025 1500.0000000000005 0.0674608107899897 0.03054864061273511 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.04946183442221894 0.030615254765655665 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.03540386459836175 0.03090059390676233 0 0 0 0
+26 1 0.0025 1500.0000000000005 0.040710752020686525 0.03086981165552672 0 0 0 0
+29 1 0.0025 1500.0000000000005 0.055306642576468806 0.030862467064305194 0 0 0 0
+131 1 0.0025 1500.0000000000005 0.03126878306640422 0.049325255960682095 0 0 0 0
+141 1 0.0035 1071.4285714285713 0.03074101130023009 0.05216949534620341 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.032147196019584184 0.058518697014566266 0 0 0 0
+191 1 0.0035 1071.4285714285713 0.031956189127130774 0.06545010368769305 0 0 0 0
+66 1 0.0025 1500.0000000000005 0.030612317699255598 0.03965386879732976 0 1 0 0
+52 1 0.0035 1071.4285714285713 0.03040443384676121 0.035867686541401815 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.033764153590758364 0.0680371201573197 0 1 0 0
+150 1 0.0035 1071.4285714285713 0.032650910100912374 0.055174984560178955 0 0 0 0
+84 1 0.0035 1071.4285714285713 0.03157622979322948 0.042914517685546064 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.03054149658539618 0.032420994125124614 0 0 0 0
+94 1 0.0035 1071.4285714285713 0.03203103132242822 0.046392510839340394 0 0 0 0
+232 1 0.0025 1500.0000000000005 0.034767979371538145 0.0704969099367611 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.034102299284790215 0.06254681927187304 0 0 0 0
+30 1 0.0025 1500.0000000000005 0.04479929042869793 0.0325230096767479 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.05245151567591895 0.031235800619104633 0 0 0 0
+15 1 0.0025 1500.0000000000005 0.06013822714577546 0.03138342962708291 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.06627708379648417 0.03254082070799929 0 0 0 0
+11 1 0.0025 1500.0000000000005 0.0717369183650519 0.03135806999507985 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.03356003562132913 0.032743973954980764 0 0 0 0
+20 1 0.0035 1071.4285714285713 0.036538664657479444 0.03369557247991142 0 0 0 0
+23 1 0.0025 1500.0000000000005 0.03926018806262903 0.03273695133285938 0 0 0 0
+48 1 0.0035 1071.4285714285713 0.04214359569366749 0.033618533698037835 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.04717813060161127 0.03318753805524893 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.05014798671776871 0.03352679381976385 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.05294713099697321 0.03471395714301104 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.054792880618768455 0.03318022341911493 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.057719319143084515 0.03284674546211547 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.060062473348245646 0.03481234997909319 0 0 0 0
+32 1 0.0035 1071.4285714285713 0.06267243479769177 0.03321191935987292 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.06539595560149161 0.03469054991022001 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.06932657565972325 0.03297495524141894 0 0 0 0
+31 1 0.0025 1500.0000000000005 0.07221504885378834 0.033862700615474715 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.033884670776028386 0.0357227996224197 0 0 0 0
+40 1 0.0025 1500.0000000000005 0.03687188196280068 0.03665173875970969 0 0 0 0
+34 1 0.0035 1071.4285714285713 0.03952950113379004 0.03568825565695775 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.04520096073893033 0.03548608501576038 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.048193317029867844 0.035510616944297094 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.05090556565330725 0.036951567584924766 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.05542757243856366 0.03552467412265473 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.057872731261831616 0.03576706606079225 0 0 0 0
+41 1 0.0025 1500.0000000000005 0.06228092901502815 0.03610494344995975 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.06461653899017579 0.03687850909472164 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.0681273735625777 0.03608968172691184 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.07110026493579813 0.035984641044660724 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.0324125553760166 0.03815214886464933 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.03533740703322048 0.03899370468100989 0 0 0 0
+56 1 0.0035 1071.4285714285713 0.038898793710928595 0.039027851274757046 0 0 0 0
+61 1 0.0035 1071.4285714285713 0.042542669949364426 0.037583507570077564 0 0 0 0
+72 1 0.0035 1071.4285714285713 0.04752433375684459 0.038285118062253834 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.053876813897267894 0.037271284628339216 0 0 0 0
+60 1 0.0035 1071.4285714285713 0.05669254480773453 0.03827635205924856 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.060082643894193544 0.03791593681424489 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.06335952344017007 0.03935532077751474 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.06677383705472964 0.03909896793516859 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.07033220354563685 0.03829730982119532 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.0726737114286323 0.03802095466171214 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.03300260695420125 0.04053843305954888 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.037091101297767215 0.0415416410501019 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.04193744003001534 0.04042688716381202 0 0 0 0
+71 1 0.0035 1071.4285714285713 0.044892011746907795 0.04023735874426246 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.047787477142005014 0.041190813367944806 0 0 0 0
+76 1 0.0035 1071.4285714285713 0.05050171469298462 0.04033019896801392 0 0 0 0
+62 1 0.0035 1071.4285714285713 0.053946348241892206 0.04023578583082892 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.05722490073291174 0.0416535080850381 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.06061200629726531 0.04134716632530311 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.06948142331560656 0.04059192023856409 0 0 0 0
+75 1 0.0035 1071.4285714285713 0.07244855791440713 0.04118837629367654 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.034831396902955766 0.04234168244824722 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.039961661916572994 0.0423821986820704 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.04339799133123941 0.043193275161298623 0 0 0 0
+89 1 0.0035 1071.4285714285713 0.04684821990269866 0.04384267414773934 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.04960365640530241 0.04307362310214979 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.052562090795923014 0.04323984289533078 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.05547422017751785 0.04390355397278238 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.0639028102425335 0.04280310622243927 0 0 0 0
+73 1 0.0035 1071.4285714285713 0.0673235404145757 0.04250260932141422 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.07027634552785442 0.04301486542582663 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.03421387268273854 0.04463105915329759 0 0 0 0
+88 1 0.0035 1071.4285714285713 0.037183201193573476 0.044529992421116195 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.040070966216140744 0.04535828508081954 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.042535230257742696 0.04590519132716172 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.044971788589299344 0.04589819059682474 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.050387544803676215 0.04602577971172036 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.053322504359869856 0.04613188183159806 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.05791483930766396 0.04455073010155853 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.06030790252855744 0.04424402501768192 0 0 0 0
+114 1 0.0035 1071.4285714285713 0.06287539237861747 0.04598735292723595 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.06628752389373227 0.0456352772729907 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.06916489100849621 0.04514150002904332 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.072904294363184 0.044653063454747836 0 0 0 0
+99 1 0.0025 1500.0000000000005 0.03554646535153657 0.04684493250884808 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.03867177818859594 0.047237703112283175 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.041126408591199634 0.04773633154873932 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.04554989502329286 0.04882040104385027 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.04769367072721027 0.04684019869921354 0 0 0 0
+120 1 0.0025 1500.0000000000005 0.04946938206092551 0.04872782716785551 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.056233990628959785 0.046843069504932125 0 0 0 0
+100 1 0.0035 1071.4285714285713 0.059659738790482066 0.04705851950838417 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.06221873016521384 0.04879943140532131 0 0 0 0
+118 1 0.0035 1071.4285714285713 0.06521340982307111 0.04874098471631663 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.06870098462852528 0.048311855428455265 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.07111293039373162 0.046842749771434364 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.07355764563529331 0.04755865675649591 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.034186061482604904 0.04933259342299838 0 0 0 0
+92 1 0.0025 1500.0000000000005 0.03707825699776166 0.048895664496522544 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.03985613063849648 0.05026258879173925 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.04281271606103789 0.049621925414662905 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.04795836483277008 0.050775809670711484 0 0 0 0
+110 1 0.0035 1071.4285714285713 0.05299433219987078 0.04895775353188915 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.05633128960575369 0.05028682449993475 0 0 0 0
+127 1 0.0035 1071.4285714285713 0.059973739157825535 0.05050181688780877 0 0 0 0
+119 1 0.0035 1071.4285714285713 0.07197208995764313 0.04988554050142309 0 0 0 0
+126 1 0.0025 1500.0000000000005 0.0336364708261722 0.05217448390159067 0 0 0 0
+125 1 0.0035 1071.4285714285713 0.03683120523109294 0.051783923923963394 0 0 0 0
+129 1 0.0025 1500.0000000000005 0.04031651319719687 0.05320689695897939 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.04235106327387987 0.05201173676522115 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.04528347690479716 0.05219216022965538 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.05087186886854315 0.051445807295370835 0 0 0 0
+137 1 0.0025 1500.0000000000005 0.053887770809671505 0.05185586023265007 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.05824069557681387 0.05328267982646538 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.061189058886261444 0.053338286007273396 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.06338325115771315 0.051595430483739615 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.06632050559925179 0.051504650982409465 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.06925581725753435 0.051803398750469104 0 0 0 0
+132 1 0.0025 1500.0000000000005 0.07209195840101323 0.052867570054633065 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.035289634656526084 0.05416203810136991 0 0 0 0
+146 1 0.0035 1071.4285714285713 0.03822447808747131 0.055031865158018195 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.04254403906408048 0.05447256867368655 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.04509841974697597 0.055101492485897685 0 0 0 0
+136 1 0.0035 1071.4285714285713 0.0484916445095762 0.05375266169026872 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.05182094882950597 0.05427490284299783 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.055184695959403715 0.054592723403113774 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.06344609584450947 0.05457823205557068 0 0 0 0
+143 1 0.0025 1500.0000000000005 0.06564045272260915 0.05372727427913847 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.06801167173454474 0.05468352779920269 0 0 0 0
+134 1 0.0025 1500.0000000000005 0.07048220905011399 0.05454960689546731 0 0 0 0
+159 1 0.0035 1071.4285714285713 0.07338254258221978 0.055708519188312475 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.03572006109528113 0.05712377710803503 0 0 0 0
+144 1 0.0025 1500.0000000000005 0.04101863381314241 0.056301108805623515 0 0 0 0
+166 1 0.0025 1500.0000000000005 0.043477405452142445 0.05678099534572446 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.04741349255375636 0.057144932252113326 0 0 0 0
+153 1 0.0025 1500.0000000000005 0.05014209101331889 0.056266859714384165 0 0 0 0
+155 1 0.0035 1071.4285714285713 0.053015736162626725 0.05707278130177196 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.05790912979614457 0.05613599163153811 0 0 0 0
+145 1 0.0035 1071.4285714285713 0.0608509931632101 0.05619325680404564 0 0 0 0
+157 1 0.0025 1500.0000000000005 0.06375226692943128 0.057017124995032406 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.06593301078131591 0.05607703590503764 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.0682221517969068 0.05715263461082158 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.07061061397305157 0.056929917875641056 0 0 0 0
+179 1 0.0025 1500.0000000000005 0.03491660551716572 0.05984951349167224 0 0 0 0
+161 1 0.0035 1071.4285714285713 0.039103738778270336 0.058477233561886 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.0420462271682696 0.0586875747153019 0 0 0 0
+165 1 0.0035 1071.4285714285713 0.0449709711043457 0.059426464382717134 0 0 0 0
+170 1 0.0025 1500.0000000000005 0.04786709140103213 0.06027094908929972 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.0505032625792393 0.05923116339994201 0 0 0 0
+180 1 0.0035 1071.4285714285713 0.05632223117319547 0.05838544300335522 0 0 0 0
+151 1 0.0025 1500.0000000000005 0.059393138415432985 0.05866291101160587 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.062409103537664205 0.05945593892302793 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.06611296974640424 0.05904269317289769 0 0 0 0
+168 1 0.0025 1500.0000000000005 0.06982599594899022 0.059201784577231874 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.07287247969170133 0.05906068731711363 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.03727943712422507 0.060630158532105 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.03967815301977817 0.06141470833769603 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.0426261830175922 0.061667448446085925 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.04643131432164775 0.06268858916764458 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.04990994236320012 0.06254785016667024 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.053842612922230526 0.060516017172124 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.05831951557006631 0.06134267153772866 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.06157548674491154 0.06264844373286606 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.06492601401581938 0.062130323189519686 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.06844976426106317 0.061057429536429314 0 0 0 0
+181 1 0.0035 1071.4285714285713 0.07127087747641925 0.061967947100530316 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.07476615281095947 0.06212367222138599 0 -1 0 0
+188 1 0.0035 1071.4285714285713 0.03787216690475404 0.06360268611777885 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.0407832474210301 0.06370040540874175 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.04321820233111951 0.06459163328973194 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.05284219068811415 0.06319105205496796 0 0 0 0
+202 1 0.0035 1071.4285714285713 0.0558257944802072 0.0635044781097072 0 0 0 0
+194 1 0.0025 1500.0000000000005 0.05906826397834561 0.06422204651769384 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.06366089806744032 0.0648668536715122 0 0 0 0
+196 1 0.0025 1500.0000000000005 0.06608860743854009 0.06493035395949243 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.06780607893682228 0.06330623848262666 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.07316851106414454 0.06444933395414247 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.03542408839569184 0.06582145065778891 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.03868774247254246 0.06710470601743143 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.041333153584284556 0.06610992724848441 0 0 0 0
+215 1 0.0025 1500.0000000000005 0.043645178194143604 0.06708921354438818 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.0455762898648827 0.06548003213155655 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.04858297735007902 0.06560940672162181 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.05159137876520431 0.06514487259935349 0 0 0 0
+211 1 0.0035 1071.4285714285713 0.05439392127351628 0.06648459381529515 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.057596351516197 0.06598276706329788 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.059765257891208144 0.06730682114680443 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.06129898355610565 0.06553280497877885 0 0 0 0
+214 1 0.0025 1500.0000000000005 0.06786815878885434 0.06677759706152625 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.07029215537263987 0.06513992129719905 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.07344723718904739 0.06738106200207732 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.036314487189570296 0.06868929831495624 0 0 0 0
+205 1 0.0025 1500.0000000000005 0.041406727222437774 0.06856934449789893 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.046014654545195606 0.06802341233853786 0 0 0 0
+224 1 0.0025 1500.0000000000005 0.04848498708970587 0.06854520832867365 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.051357135144503144 0.06800737546744175 0 0 0 0
+239 1 0.0035 1071.4285714285713 0.05738130919189917 0.06881601639912016 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.06221113227497389 0.06788418654456112 0 0 0 0
+217 1 0.0035 1071.4285714285713 0.06510561273731835 0.0676165398809443 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.07037714796941758 0.06854807310389527 0 0 0 0
+236 1 0.0025 1500.0000000000005 0.03727200579372185 0.07105208665905441 0 0 0 0
+226 1 0.0025 1500.0000000000005 0.03936114535711291 0.07001183917520326 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.041552820140453375 0.07136297538355406 0 0 0 0
+231 1 0.0035 1071.4285714285713 0.044102500065661715 0.07006426693784767 0 0 0 0
+218 1 0.0025 1500.0000000000005 0.04706297717966475 0.07037414962153876 0 0 0 0
+1 1 0.0025 1500.0000000000005 0.05050503767241338 0.07075084101988278 0 0 -1 0
+234 1 0.0035 1071.4285714285713 0.05430461417214427 0.06994560367872114 0 0 0 0
+225 1 0.0035 1071.4285714285713 0.06068053591732883 0.07018336619963363 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.06368441997618812 0.07010348944957588 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.06754938680864 0.07027320868497194 0 0 0 0
+240 1 0.0035 1071.4285714285713 0.07077090583793176 0.07190199306943544 0 0 0 0
+229 1 0.0025 1500.0000000000005 0.07302982838592237 0.07024510536015056 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.07592485351506525 0.07000518719403133 0 0 0 0
+
+Velocities
+
+6 27.220800657499804 -19.861879329081326 0 0 0 0
+237 10.722052462860226 32.561407494205206 0 0 0 0
+4 13.337167274193217 14.02247999828179 0 0 0 0
+3 -11.787884427219584 -27.853589553361505 0 0 0 0
+10 25.603402765198943 10.009833996192777 0 0 0 0
+2 15.296641193566094 -36.24806677160267 0 0 0 0
+18 -32.06687419775612 11.428728038342207 0 0 0 0
+5 17.103847865587888 -17.824105197259765 0 0 0 0
+233 -8.343286518487457 20.655652320418827 0 0 0 0
+235 0.9298924894220054 13.956208528062335 0 0 0 0
+13 11.96798959283072 2.2786440833834805 0 0 0 0
+9 5.777294965670143 -12.002965853492874 0 0 0 0
+238 25.46799784500877 12.53870816639959 0 0 0 0
+16 10.748699287697884 33.28829766434121 0 0 0 0
+8 6.709123912856027 -24.59067821999617 0 0 0 0
+24 -1.9414662702027872 15.594914719503695 0 0 0 0
+12 -2.9792319229210316 -31.344448442744127 0 0 0 0
+17 0.6963204323683039 -8.62389966372881 0 0 0 0
+7 44.120921900310606 -24.489543889245823 0 0 0 0
+26 -10.427634281290128 -16.300882876106108 0 0 0 0
+29 31.53381326774281 3.2246484782459635 0 0 0 0
+131 24.016997493645466 11.455129360966327 0 0 0 0
+141 -11.505843402076898 -18.841747485862946 0 0 0 0
+158 15.655636605432871 15.356125583102084 0 0 0 0
+191 39.23659783062568 3.587054810047276 0 0 0 0
+66 -7.250144341858752 -1.442175205320686 0 0 0 0
+52 -7.174693590783941 -3.1595308869087737 0 0 0 0
+213 4.222426513874693 21.56930963262369 0 0 0 0
+150 3.924178201498519 23.509644673982717 0 0 0 0
+84 -18.696078988916355 -8.659633947049047 0 0 0 0
+22 7.087757410856094 14.848949418891271 0 0 0 0
+94 -11.99259691727431 -21.479928080142244 0 0 0 0
+232 1.4945366632326798 13.795596696836114 0 0 0 0
+197 8.917518754219675 15.79892027064185 0 0 0 0
+30 -61.97641287974903 -15.999102433950236 0 0 0 0
+25 -5.20911175334873 6.350095297193002 0 0 0 0
+15 8.822988550410354 19.660798442694716 0 0 0 0
+27 -7.661154754685972 -31.117990308782588 0 0 0 0
+11 51.13860717318898 -13.506177028961474 0 0 0 0
+14 -50.91538615666079 -49.662892014006516 0 0 0 0
+20 22.431714425074162 25.62335193259631 0 0 0 0
+23 -9.521545396890067 -33.99951799562459 0 0 0 0
+48 17.205162062428105 8.329136998380172 0 0 0 0
+28 17.007913550086997 -79.03053682165351 0 0 0 0
+21 -2.122593248013745 1.3093738210417782 0 0 0 0
+38 33.59440892174098 8.933751304359719 0 0 0 0
+43 -6.664251981068958 2.9066479804069543 0 0 0 0
+19 0.14404496917207502 -20.00749651680402 0 0 0 0
+44 6.576689348187915 -25.054022141254055 0 0 0 0
+32 -3.913580891903763 0.5191112039944655 0 0 0 0
+37 50.10877998051437 -4.7863452308620635 0 0 0 0
+36 -33.62077118513309 -10.939957709402405 0 0 0 0
+31 5.332682477022806 -8.340154120012341 0 0 0 0
+33 29.067225863111616 -4.673528736774265 0 0 0 0
+40 -21.712103269904485 3.1859841496385237 0 0 0 0
+34 20.557457930246866 -1.704316933477372 0 0 0 0
+35 6.068291928139848 10.492692245283747 0 0 0 0
+50 31.277199375553852 29.163420039341588 0 0 0 0
+64 -16.897663298981005 9.422776456209794 0 0 0 0
+47 21.702791790646277 -9.066585157720757 0 0 0 0
+46 54.306403002824815 -1.894779225961987 0 0 0 0
+41 23.293208483984557 69.42870835258547 0 0 0 0
+59 6.199683364014819 -5.922491845563672 0 0 0 0
+42 -26.972508398233508 26.849068478838518 0 0 0 0
+39 -26.83359352917586 6.225185457338913 0 0 0 0
+53 -42.05706330283 24.07720058730066 0 0 0 0
+55 18.614951694560926 0.2713317121386536 0 0 0 0
+56 6.749561869828268 11.805375096869202 0 0 0 0
+61 42.914655053040626 -7.332902334532215 0 0 0 0
+72 -14.841189620170969 -0.8211358115249942 0 0 0 0
+54 -11.415496875273476 -11.073154549984729 0 0 0 0
+60 -4.562846169572997 3.6612300765599004 0 0 0 0
+49 -18.990494586990692 -36.036853810012275 0 0 0 0
+58 -20.293692567909446 16.105994790913925 0 0 0 0
+57 -32.449012306345864 -11.323924752895966 0 0 0 0
+45 23.575939821696114 40.43694913470375 0 0 0 0
+51 -6.070150292744321 6.06031019866878 0 0 0 0
+68 14.324826983451985 33.58906611938562 0 0 0 0
+77 76.1766258488852 -38.406934763223205 0 0 0 0
+74 1.591146042367112 -4.712284088756094 0 0 0 0
+71 -38.12278213291756 18.182216356346462 0 0 0 0
+78 -31.165610226622636 -12.235610711974806 0 0 0 0
+76 27.49043255981791 -25.931490879196847 0 0 0 0
+62 -18.1419883729775 -0.5758835713038601 0 0 0 0
+67 -19.94582184218357 -9.75064206477343 0 0 0 0
+65 13.50621885933974 -28.357902683999047 0 0 0 0
+63 36.516821255628976 39.417335727377896 0 0 0 0
+75 43.59584916571749 2.593753070744656 0 0 0 0
+70 -4.567596584836278 31.191086673998704 0 0 0 0
+82 -13.087478766610788 7.695373483998446 0 0 0 0
+83 -9.330414126324387 13.671190328805917 0 0 0 0
+89 -3.323817013990202 -18.19499888390946 0 0 0 0
+79 50.867971863196814 -38.93432328794463 0 0 0 0
+90 6.4254293314343425 -15.15209946893529 0 0 0 0
+80 -53.979653631429755 -16.178394282693777 0 0 0 0
+98 -6.759760251532707 35.78382389737607 0 0 0 0
+73 22.221860074998332 -0.4116387447635867 0 0 0 0
+69 2.9498169796530957 -11.16803251179827 0 0 0 0
+87 -2.348191590326078 -6.898487189909985 0 0 0 0
+88 -20.245675275582414 5.295331744771398 0 0 0 0
+102 -6.845349376650404 -11.069195458919117 0 0 0 0
+95 -31.803896758643855 37.485828255275514 0 0 0 0
+96 -2.0674039683657663 -17.15188706485962 0 0 0 0
+106 24.10854827556958 -13.440397226580936 0 0 0 0
+105 25.62954651807029 5.94172059977733 0 0 0 0
+91 5.320548872601277 24.060137729043774 0 0 0 0
+81 9.29658149996722 -9.273313634180356 0 0 0 0
+114 28.205409427508215 -14.454149313684185 0 0 0 0
+104 18.84631599177156 33.73675029754609 0 0 0 0
+85 4.19041113700255 43.059756692496954 0 0 0 0
+86 -12.03780004653432 25.894034920286288 0 0 0 0
+99 11.658777484500792 -17.52835503872813 0 0 0 0
+103 2.07354295425096 -54.04264976374003 0 0 0 0
+97 -31.53606721670824 3.367608738962488 0 0 0 0
+107 -18.29539857835025 -4.670181383658441 0 0 0 0
+109 -8.211610187692536 3.4475377489553507 0 0 0 0
+120 -1.4896308277023267 49.42486440902411 0 0 0 0
+101 -8.429262291309492 -22.254486882672772 0 0 0 0
+100 -32.028990942195676 -1.1408452490357766 0 0 0 0
+116 -46.81713013835581 -14.935260526248056 0 0 0 0
+118 -17.855249398355095 -28.276813869718232 0 0 0 0
+113 -28.627602773905068 12.371826544287144 0 0 0 0
+93 -33.73013873393149 18.89869332346847 0 0 0 0
+108 55.701225974927915 -44.767291720789025 0 0 0 0
+111 35.33343596493369 -24.351008705823208 0 0 0 0
+92 -21.044521451160897 -5.981194140914761 0 0 0 0
+123 16.465307498400044 -23.024646120231314 0 0 0 0
+117 -13.34730106966715 5.219053795808993 0 0 0 0
+115 10.880772580529182 27.371404493929074 0 0 0 0
+110 -4.764301982033933 4.858130604222696 0 0 0 0
+122 31.765998584847527 5.693136945261342 0 0 0 0
+127 -19.89780257760706 26.377856463215767 0 0 0 0
+119 16.852882682737796 25.10121670438223 0 0 0 0
+126 44.042159886159276 13.183010046063252 0 0 0 0
+125 -25.24238168652327 30.395025266886385 0 0 0 0
+129 -21.713788524755007 17.670859197957974 0 0 0 0
+112 -6.631446425003296 16.393683816444184 0 0 0 0
+138 -10.70055115471006 -28.863097976704463 0 0 0 0
+121 -7.760794196969948 19.694046177430547 0 0 0 0
+137 -13.662909741309026 -53.17240289640524 0 0 0 0
+140 6.087535999272718 9.885497588512022 0 0 0 0
+133 15.59146173206564 -2.6296489079374794 0 0 0 0
+128 -15.202571600579367 27.49242582035466 0 0 0 0
+139 32.538734324958426 -7.05694925182053 0 0 0 0
+124 -24.043687609214004 27.157632204889513 0 0 0 0
+132 2.4266353270724457 32.43214495748646 0 0 0 0
+142 57.918230363114446 -10.135274466142036 0 0 0 0
+146 -18.114955252196783 -0.14918925169302993 0 0 0 0
+135 -38.42289187272758 -28.60124886011837 0 0 0 0
+149 -24.23778486303333 12.797944180951733 0 0 0 0
+136 4.96629587546993 -19.690510927400943 0 0 0 0
+130 22.181103262971067 -21.880104878685735 0 0 0 0
+147 -28.19674943321594 19.53661612696705 0 0 0 0
+148 -29.30233762943989 3.9738117032468265 0 0 0 0
+143 13.249993660761483 -7.603118129982928 0 0 0 0
+160 -1.5996893392733356 14.656175201379423 0 0 0 0
+134 40.320009168212586 -23.21314794034775 0 0 0 0
+159 37.025860937858624 -25.375947114500462 0 0 0 0
+163 15.583206813629422 -14.607881681667967 0 0 0 0
+144 -7.507251222380796 55.462560183351314 0 0 0 0
+166 23.246577190389797 39.83970241915552 0 0 0 0
+154 0.7610897685270079 24.379027811865186 0 0 0 0
+153 -9.015665990329927 1.9885210669976903 0 0 0 0
+155 -27.048095738684058 4.982260648616659 0 0 0 0
+162 -52.02799293834767 -4.309804615401009 0 0 0 0
+145 28.042302682589867 -23.041230535836423 0 0 0 0
+157 -21.87407801294618 -23.662980664702935 0 0 0 0
+164 -22.99776540316717 -3.5468013421341307 0 0 0 0
+167 9.382550006567767 -34.18698116753357 0 0 0 0
+156 -15.55574144359124 -44.4889709402138 0 0 0 0
+179 -10.695694420211465 -79.19676296121463 0 0 0 0
+161 40.40544350878527 2.114173981526904 0 0 0 0
+152 9.163334401995524 -8.330028976780255 0 0 0 0
+165 -4.929405961437733 1.9043921606524274 0 0 0 0
+170 41.10176786208592 11.568911941702329 0 0 0 0
+174 -21.91222030029205 7.437598537871561 0 0 0 0
+180 -17.44678433069907 -8.484562999384226 0 0 0 0
+151 15.48318631216756 -7.251582466756352 0 0 0 0
+171 -31.597521628565325 33.00135639632705 0 0 0 0
+178 -13.347521792629534 -14.604660631099886 0 0 0 0
+168 -3.142730027333233 12.18278743093087 0 0 0 0
+169 -2.789010347845133 4.943922895826165 0 0 0 0
+172 -7.370587662989586 -6.655197628537089 0 0 0 0
+173 -25.714234015699102 -0.16264466451774126 0 0 0 0
+177 -4.769575436391728 6.252520465058829 0 0 0 0
+182 33.497340311892806 -2.101998031950331 0 0 0 0
+186 -0.9781932949321516 6.467551572096261 0 0 0 0
+190 -23.192576412893622 -18.285552587933186 0 0 0 0
+184 3.8102779202625445 -30.487499180289486 0 0 0 0
+187 24.14267832464159 -20.999529828060272 0 0 0 0
+183 -7.401798243496621 14.981988080019825 0 0 0 0
+176 23.054052865967982 6.290839430892316 0 0 0 0
+181 -19.104143859469605 5.399254642719186 0 0 0 0
+175 -3.7000004584624904 -28.79248050429297 0 0 0 0
+188 -4.533592345821865 -17.476986474344073 0 0 0 0
+185 11.746477084004336 2.0427229457510663 0 0 0 0
+193 -0.98319837613671 -84.430302418045 0 0 0 0
+199 28.39926748814627 34.553696532627114 0 0 0 0
+202 1.59706261284409 -15.144182125334599 0 0 0 0
+194 -0.0882549402403715 -8.614840802076738 0 0 0 0
+216 5.141027298231747 -4.521579090401037 0 0 0 0
+196 24.14085110563951 8.94162177864096 0 0 0 0
+189 17.54560587151655 8.923628625653572 0 0 0 0
+204 0.17558983945424855 7.9603937607507955 0 0 0 0
+207 -10.73159174418364 19.194111558670695 0 0 0 0
+206 -22.14661140435574 1.2567850105866223 0 0 0 0
+195 -10.724916863619171 -30.063262508760257 0 0 0 0
+215 -4.887227992597032 -3.3172151343698832 0 0 0 0
+192 29.609469906503776 -0.5202493763149911 0 0 0 0
+198 -24.110084493949866 -1.52177381951181 0 0 0 0
+221 -47.4529185644897 -55.03874485732175 0 0 0 0
+211 -2.9056483023378714 -21.766691392381915 0 0 0 0
+201 6.089245032001614 7.067568047721987 0 0 0 0
+200 -8.610624803250033 10.784986931284863 0 0 0 0
+203 -8.896822161891963 12.283186919981693 0 0 0 0
+214 -12.97358168753141 -31.344233878422546 0 0 0 0
+209 -32.642185475571296 10.163608190754365 0 0 0 0
+208 19.956194064853026 -32.915034777556244 0 0 0 0
+220 -9.386554594981835 -27.708874811691253 0 0 0 0
+205 -16.555024528984312 35.14400899727347 0 0 0 0
+210 -73.74272674718742 -2.2899513392432764 0 0 0 0
+224 27.089425303140068 -35.61629381743149 0 0 0 0
+230 -1.7944208517726206 13.669995680138616 0 0 0 0
+239 -12.399223522731296 -1.6739545053820089 0 0 0 0
+212 -4.796342755646005 -26.656190650969435 0 0 0 0
+217 -21.490689193435518 16.19187520023589 0 0 0 0
+222 1.9263494682465787 23.118108071735108 0 0 0 0
+236 8.276968735297805 62.0748498001342 0 0 0 0
+226 -11.142261287318345 22.409174765288064 0 0 0 0
+227 -52.86677556925336 40.45283211819354 0 0 0 0
+231 12.302961428968635 -18.78912824558774 0 0 0 0
+218 -8.841828919656669 21.590388786697304 0 0 0 0
+1 11.036228434291672 5.011287061189615 0 0 0 0
+234 23.579814317028625 6.8066697176809585 0 0 0 0
+225 -38.93991631130646 -18.736012608804387 0 0 0 0
+219 -1.3285510466354518 -12.290538098329518 0 0 0 0
+228 34.034569319130455 2.375446300583734 0 0 0 0
+240 -9.960532495683882 27.956443280964866 0 0 0 0
+229 -22.35309755093274 40.91314570792436 0 0 0 0
+223 21.223218780953008 43.572152977333005 0 0 0 0
diff --git a/DATASET/P=170000Pa/confined.restart b/DATASET/P=170000Pa/confined.restart
new file mode 100644
index 0000000..7e3c71f
Binary files /dev/null and b/DATASET/P=170000Pa/confined.restart differ
diff --git a/DATASET/P=170000Pa/log.lammps b/DATASET/P=170000Pa/log.lammps
new file mode 100644
index 0000000..10be8e6
--- /dev/null
+++ b/DATASET/P=170000Pa/log.lammps
@@ -0,0 +1,149 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.027946031 0.027946031 -0.00050000000) to (0.072053969 0.072053969 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.001 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 226717
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 227
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.027946031 0.027946031 -0.00050000000) to (0.072053969 0.072053969 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.4107938765e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 227 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 226717
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 20 20 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.044107939 0 5371.0747 0 226717
+ 2005000 240 0.044107939 9.7275513e-05 -847.24507 0.0022053969 226717
+ 2010000 240 0.044107939 0.00019455103 -7079.9512 0.0044107939 226717
+ 2015000 240 0.044107939 0.00029182654 -13317.392 0.0066161908 226717
+ 2020000 240 0.044107939 0.00038910205 -19547.48 0.0088215878 226717
+ 2025000 240 0.044107939 0.00048637757 -25767.215 0.011026985 226717
+ 2030000 240 0.044107939 0.00058365308 -31965.422 0.013232382 226717
+ 2035000 240 0.044107939 0.00068092859 -38132.159 0.015437779 226717
+ 2040000 240 0.044107939 0.0007782041 -44264.568 0.017643176 226717
+ 2045000 240 0.044107939 0.00087547962 -50365.343 0.019848572 226717
+ 2050000 240 0.044107939 0.00097275513 -56434.29 0.022053969 226717
+ 2055000 240 0.044107939 0.0010700306 -62468.134 0.024259366 226717
+ 2060000 240 0.044107939 0.0011673062 -68467.31 0.026464763 226717
+ 2065000 240 0.044107939 0.0012645817 -74426.158 0.02867016 226717
+ 2070000 240 0.044107939 0.0013618572 -80342.825 0.030875557 226717
+ 2075000 240 0.044107939 0.0014591327 -86213.736 0.033080954 226717
+ 2080000 240 0.044107939 0.0015564082 -92048.861 0.035286351 226717
+ 2085000 240 0.044107939 0.0016536837 -97842.913 0.037491748 226717
+ 2090000 240 0.044107939 0.0017509592 -103593.15 0.039697145 226717
+ 2095000 240 0.044107939 0.0018482347 -109305.69 0.041902542 226717
+ 2100000 240 0.044107939 0.0019455103 -114991.03 0.044107939 226717
+ 2105000 240 0.044107939 0.0020427858 -120655.34 0.046313336 226717
+ 2110000 240 0.044107939 0.0021400613 -126315.87 0.048518733 226717
+ 2115000 240 0.044107939 0.0022373368 -131975.75 0.05072413 226717
+ 2120000 240 0.044107939 0.0023346123 -137629.25 0.052929527 226717
+ 2125000 240 0.044107939 0.0024318878 -143283.03 0.055134923 226717
+ 2130000 240 0.044107939 0.0025291633 -148932.69 0.05734032 226717
+ 2135000 240 0.044107939 0.0026264389 -154563.9 0.059545717 226717
+ 2140000 240 0.044107939 0.0027237144 -160165.74 0.061751114 226717
+ 2145000 240 0.044107939 0.0028209899 -165747.96 0.063956511 226717
+ 2150000 240 0.044107939 0.0029182654 -171321.05 0.066161908 226717
+ 2155000 240 0.044107939 0.0030155409 -176879.24 0.068367305 226717
+ 2160000 240 0.044107939 0.0031128164 -182426.36 0.070572702 226717
+ 2165000 240 0.044107939 0.0032100919 -187962.96 0.072778099 226717
+ 2170000 240 0.044107939 0.0033073674 -193495.58 0.074983496 226717
+ 2175000 240 0.044107939 0.003404643 -199030.28 0.077188893 226717
+ 2180000 240 0.044107939 0.0035019185 -204574.29 0.07939429 226717
+ 2185000 240 0.044107939 0.003599194 -210127.11 0.081599687 226717
+ 2190000 240 0.044107939 0.0036964695 -215689.39 0.083805084 226717
+ 2195000 240 0.044107939 0.003793745 -221265.39 0.086010481 226717
+ 2200000 240 0.044107939 0.0038910205 -226857.26 0.088215878 226717
+ 2205000 240 0.044107939 0.003988296 -232462.11 0.090421274 226717
+ 2210000 240 0.044107939 0.0040855716 -238078.16 0.092626671 226717
+ 2215000 240 0.044107939 0.0041828471 -243699.03 0.094832068 226717
+ 2220000 240 0.044107939 0.0042801226 -249329.18 0.097037465 226717
+ 2225000 240 0.044107939 0.0043773981 -254973.8 0.099242862 226717
+ 2226717 240 0.044107939 0.0044108025 -256915.5 0.1000002 226717
+Loop time of 5.83869 on 1 procs for 226717 steps with 240 atoms
+
+99.0% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 4.5015 | 4.5015 | 4.5015 | 0.0 | 77.10
+Neigh | 0.00076222 | 0.00076222 | 0.00076222 | 0.0 | 0.01
+Comm | 0.51314 | 0.51314 | 0.51314 | 0.0 | 8.79
+Output | 0.0072296 | 0.0072296 | 0.0072296 | 0.0 | 0.12
+Modify | 0.59696 | 0.59696 | 0.59696 | 0.0 | 10.22
+Other | | 0.2191 | | | 3.75
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 106.000 ave 106 max 106 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 704.000 ave 704 max 704 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 704
+Ave neighs/atom = 2.9333333
+Neighbor list builds = 17
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:05
diff --git a/DATASET/P=180000Pa/1_generate_conf_180000Pa.in b/DATASET/P=180000Pa/1_generate_conf_180000Pa.in
new file mode 100644
index 0000000..d4d76eb
--- /dev/null
+++ b/DATASET/P=180000Pa/1_generate_conf_180000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 180000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 608 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 769 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 325 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 516 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 16 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 792 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 336 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 759 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 258 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 497 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 988 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 896 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 160 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 475 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 852 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 664 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 908 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 690 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 675 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 380 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 545 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 929 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 957 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 691 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 427 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 613 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 268 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 835 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 577 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 417 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 168 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 842 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 43 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 556 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 285 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 397 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 12 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 607 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 302 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 898 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=180000Pa/2_shear.in b/DATASET/P=180000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=180000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=180000Pa/StrainStress.txt b/DATASET/P=180000Pa/StrainStress.txt
new file mode 100644
index 0000000..cb15f26
--- /dev/null
+++ b/DATASET/P=180000Pa/StrainStress.txt
@@ -0,0 +1,999 @@
+# Fix print output for fix output_file
+9.92537748680297e-05 3829.311958957438037
+0.000199374394931555 3566.9376349267690784
+0.000299495014994921 3304.5508272284191662
+0.000399615635058286 3042.152869489214936
+0.000499736255121812 2779.7451020565258659
+0.000599856875185178 2517.3288736241897823
+0.000699977495248703 2254.9055430295134101
+0.000800098115312069 1992.4764810801284511
+0.000900218735375434 1730.0430725714422806
+0.00100033935543896 1467.6067185079950832
+0.00110045997550233 1205.1688384717599547
+0.00120058059556585 942.73087327840994476
+0.00130070121562922 680.28507241732120292
+0.00140082183569258 417.79529492392504153
+0.00150094245575611 155.28286578470198265
+0.00160106307581947 -107.24361292399798629
+0.001701183695883 -369.77920930544416933
+0.00180130431594636 -632.32020837724383
+0.00190142493600973 -894.86346158255059891
+0.00200154555607326 -1157.4061184557810975
+0.00210166617613662 -1419.9462051012430948
+0.00220178679619999 -1682.5050635580603284
+0.00230190741626351 -1945.0727760866386689
+0.00240202803632688 -2207.6412156863789278
+0.0025021486563904 -2470.2054605991884273
+0.00260226927645377 -2732.7613423278830851
+0.00270238989651713 -2995.3048898835477303
+0.00280251051658066 -3257.8320450769329
+0.00290263113664403 -3520.3383949724652666
+0.00300275175670755 -3782.8186409216186803
+0.00310287237677092 -4045.2661417060207896
+0.00320299299683428 -4307.6957767938874895
+0.00330311361689781 -4570.1174444587259131
+0.00340323423696117 -4832.5037617397783833
+0.0035033548570247 -5094.8667392394909257
+0.00360347547708806 -5357.1791381183329577
+0.00370359609715143 -5619.4825875526275922
+0.00380371671721496 -5881.7784298030246646
+0.00390383733727832 -6144.0672212270819728
+0.00400395795734185 -6406.3697487116342018
+0.00410407857740521 -6668.6499990740312569
+0.00420419919746858 -6930.8991669861516129
+0.0043043198175321 -7193.1389723262218467
+0.00440444043759547 -7455.3953794601557092
+0.00450456105765883 -7717.6671741628342716
+0.00460468167772236 -7979.9516410295336755
+0.00470480229778573 -8242.2462387318464607
+0.00480492291784925 -8504.5485185451761936
+0.00490504353791262 -8766.8560595100389037
+0.00500516415797598 -9029.1664026560993079
+0.00510528477803951 -9291.4769638411708002
+0.00520540539810287 -9553.7848825006713014
+0.0053055260181664 -9816.0866667956433957
+0.00540564663822977 -10078.376800112630008
+0.00550576725829313 -10340.64431276661162
+0.00560588787835666 -10602.907211037454545
+0.00570600849842002 -10865.166905494834282
+0.00580612911848355 -11127.429720979720514
+0.00590624973854691 -11389.764190413055985
+0.00600637035861028 -11652.139424569129915
+0.0061064909786738 -11914.542152088999501
+0.00620661159873717 -12176.993023853859995
+0.0063067322188007 -12439.475740748994212
+0.00640685283886406 -12701.979426517471438
+0.00650697345892743 -12964.497450725617455
+0.00660709407899095 -13227.045314184355448
+0.00670721469905432 -13489.640750461092466
+0.00680733531911768 -13752.260469008842847
+0.00690745593918121 -14014.894949037605329
+0.00700757655924457 -14277.552851570029816
+0.0071076971793081 -14540.244571565588558
+0.00720781779937146 -14802.950295857648598
+0.00730793841943483 -15065.66008159073499
+0.00740805903949836 -15328.365438628421543
+0.00750817965956172 -15591.057620074450824
+0.00760830027962525 -15853.726225836249796
+0.00770842089968861 -16116.356017074431293
+0.00780854151975198 -16378.912598327526212
+0.0079086621398155 -16641.39698593594585
+0.00800878275987887 -16903.869252509510261
+0.0081089033799424 -17166.395058615999005
+0.00820902400000576 -17428.950787490888615
+0.00830914462006913 -17691.526008640466898
+0.00840926524013265 -17954.110151402885094
+0.00850938586019602 -18216.685890339285834
+0.00860950648025954 -18479.274943074113253
+0.00870962710032291 -18741.877754611210548
+0.00880974772038627 -19004.489840759571962
+0.0089098683404498 -19267.106189520793123
+0.00900998896051317 -19529.720673596366396
+0.00911010958057653 -19792.324580170912668
+0.00921023020064006 -20054.899620164127555
+0.00931035082070342 -20317.421011541766347
+0.00941047144076695 -20579.957532275333506
+0.00951059206083031 -20842.508718254113774
+0.00961071268089368 -21105.069879376518656
+0.0097108333009572 -21367.635644340924046
+0.00981095392102057 -21630.217018069306505
+0.0099110745410841 -21892.812620054111903
+0.0100111951611475 -22155.420764641115966
+0.0101113157812108 -22418.049966182101343
+0.0102114364012744 -22680.762544160683319
+0.0103115570213377 -22943.526881892437814
+0.0104116776414012 -23206.328959977283375
+0.0105117982614646 -23469.161289844778366
+0.010611918881528 -23732.018362393107964
+0.0107120395015915 -23994.895421677047125
+0.0108121601216549 -24257.787755172215839
+0.0109122807417182 -24520.689553577278275
+0.0110124013617818 -24783.58852208593089
+0.0111125219818451 -25046.513287384877913
+0.0112126426019086 -25309.493609665376425
+0.011312763221972 -25572.508759173346334
+0.0114128838420354 -25835.551031014474574
+0.0115130044620989 -26098.63632676330235
+0.0116131250821623 -26361.771261677200528
+0.0117132457022258 -26624.938265292883443
+0.0118133663222892 -26888.13156472564151
+0.0119134869423525 -27151.353976283146039
+0.0120136075624161 -27414.593436959439714
+0.0121137281824794 -27677.833565503318823
+0.0122138488025429 -27941.070719922598073
+0.0123139694226063 -28204.332136511711724
+0.0124140900426697 -28467.615096771816752
+0.0125142106627332 -28730.917090096503671
+0.0126143312827966 -28994.235752252490784
+0.0127144519028601 -29257.589367335309362
+0.0128145725229235 -29520.976031577509275
+0.0129146931429868 -29784.385620823093632
+0.0130148137630503 -30047.813514631834551
+0.0131149343831137 -30311.256213261756784
+0.0132150550031772 -30574.718092474777222
+0.0133151756232406 -30838.265904063908238
+0.013415296243304 -31101.86802123358575
+0.0135154168633675 -31365.508220439183788
+0.0136155374834309 -31629.17799687666411
+0.0137156581034942 -31892.871206592364615
+0.0138157787235578 -32156.582786600989493
+0.0139158993436211 -32420.308232983185007
+0.0140160199636846 -32684.043319420095941
+0.014116140583748 -32947.783903811381606
+0.0142162612038114 -33211.525754438815056
+0.0143163818238749 -33475.264341472211527
+0.0144165024439383 -33738.994504702779523
+0.0145166230640018 -34002.70974172167189
+0.0146167436840652 -34266.399786646747089
+0.0147168643041285 -34530.061994391733606
+0.014816984924192 -34793.78531059823581
+0.0149171055442554 -35057.535471916846291
+0.0150172261643189 -35321.284544618392829
+0.0151173467843823 -35585.061711023496173
+0.0152174674044457 -35848.864077864127466
+0.0153175880245092 -36112.709686765068909
+0.0154177086445726 -36376.625177663721843
+0.0155178292646359 -36640.580235229572281
+0.0156179498846995 -36904.553654387018469
+0.0157180705047628 -37168.557744725439989
+0.0158181911248263 -37432.593892120188684
+0.0159183117448897 -37696.657966988379485
+0.0160184323649531 -37960.746329637026065
+0.0161185529850166 -38224.855664639275346
+0.01621867360508 -38488.986403667156992
+0.0163187942251435 -38753.13639067891927
+0.0164189148452069 -39017.301029854839726
+0.0165190354652702 -39281.477037023665616
+0.0166191560853337 -39545.66139527240739
+0.0167192767053971 -39809.890067273547174
+0.0168193973254606 -40074.200312672241125
+0.016919517945524 -40338.554347026278265
+0.0170196385655874 -40602.939252655029122
+0.0171197591856509 -40867.34660810555215
+0.0172198798057143 -41131.769526429605321
+0.0173200004257778 -41396.201550642123038
+0.0174201210458412 -41660.635792390028655
+0.0175202416659045 -41925.063331726603792
+0.017620362285968 -42189.462447265424998
+0.0177204829060314 -42453.840715589161846
+0.0178206035260948 -42718.227741505921585
+0.0179207241461583 -42982.619432273357233
+0.0180208447662217 -43247.009836006502155
+0.0181209653862852 -43511.403712147424812
+0.0182210860063486 -43775.799608719549724
+0.0183212066264119 -44040.195017270896642
+0.0184213272464754 -44304.587428356702731
+0.0185214478665388 -44568.974314551320276
+0.0186215684866023 -44833.35311185203318
+0.0187216891066657 -45097.721198240062222
+0.0188218097267291 -45362.075866991770454
+0.0189219303467926 -45626.414291338180192
+0.019022050966856 -45890.733474228065461
+0.0191221715869195 -46155.030171036989486
+0.0192222922069829 -46419.300759131067025
+0.0193224128270462 -46683.540988167929754
+0.0194225334471097 -46947.74540328697185
+0.0195226540671731 -47211.905438517380389
+0.0196227746872366 -47475.997043457260588
+0.0197228953073 -47740.047110121646256
+0.0198230159273634 -48004.072998004725378
+0.0199231365474269 -48268.072182282172434
+0.0200232571674903 -48532.042025591297715
+0.0201233777875536 -48795.998237892534235
+0.0202234984076171 -49059.955589045741362
+0.0203236190276805 -49323.894992034729512
+0.020423739647744 -49587.830223249366099
+0.0205238602678074 -49851.775094234406424
+0.0206239808878708 -50115.705319625012635
+0.0207241015079343 -50379.609357224566338
+0.0208242221279977 -50643.476878337183734
+0.0209243427480612 -50907.29546611920523
+0.0210244633681246 -51171.041904114958015
+0.0211245839881879 -51434.693297554011224
+0.0212247046082514 -51698.313250846476876
+0.0213248252283148 -51961.906832251806918
+0.0214249458483783 -52225.469426414914778
+0.0215250664684417 -52488.996586693370773
+0.0216251870885051 -52752.512434715208656
+0.0217253077085686 -53016.011892317772435
+0.021825428328632 -53279.469257336677401
+0.0219255489486955 -53542.881858490451123
+0.0220256695687589 -53806.302306737881736
+0.0221257901888222 -54069.697583972832945
+0.0222259108088857 -54333.048524109777645
+0.0223260314289491 -54596.354777048843971
+0.0224261520490125 -54859.668996407010127
+0.022526272669076 -55122.995132290037873
+0.0226263932891394 -55386.318232516510761
+0.0227265139092029 -55649.628837922471575
+0.0228266345292663 -55912.916571072979423
+0.0229267551493296 -56176.1620142202446
+0.0230268757693931 -56439.353586178986006
+0.0231269963894565 -56702.532360919358325
+0.02322711700952 -56965.687486371200066
+0.0233272376295834 -57228.82206107165257
+0.0234273582496468 -57491.940980058403511
+0.0235274788697103 -57755.039806282213249
+0.0236275994897737 -58018.113565691557596
+0.0237277201098372 -58281.156340646703029
+0.0238278407299005 -58544.160273749832413
+0.0239279613499639 -58807.111027504157391
+0.0240280819700274 -59069.989935015277297
+0.0241282025900908 -59332.849485204249504
+0.0242283232101542 -59595.690087513918115
+0.0243284438302177 -59858.513892685827159
+0.0244285644502811 -60121.342519228579476
+0.0245286850703446 -60384.166143918511807
+0.024628805690408 -60646.97584012713196
+0.0247289263104713 -60909.760510275125853
+0.0248290469305348 -61172.493692109739641
+0.0249291675505982 -61435.19390069207293
+0.0250292881706617 -61697.875309985858621
+0.0251294087907251 -61960.600774962302239
+0.0252295294107885 -62223.353719165650546
+0.025329650030852 -62486.120012330495229
+0.0254297706509154 -62748.891811444809719
+0.0255298912709789 -63011.662706020048063
+0.0256300118910423 -63274.426384610691457
+0.0257301325111056 -63537.175037342422002
+0.0258302531311691 -63799.892680287463008
+0.0259303737512325 -64062.594971914164489
+0.026030494371296 -64325.286427889928746
+0.0261306149913594 -64587.963207410066389
+0.0262307356114228 -64850.6212461506002
+0.0263308562314863 -65113.25604489469697
+0.0264309768515497 -65375.862136408082733
+0.0265310974716132 -65638.432609684226918
+0.0266312180916765 -65900.958894363080617
+0.0267313387117399 -66163.451888501236681
+0.0268314593318034 -66425.906702310807304
+0.0269315799518668 -66688.317143088046578
+0.0270317005719302 -66950.67545605218038
+0.0271318211919937 -67212.970732931644307
+0.0272319418120571 -67475.180588078437722
+0.0273320624321206 -67737.283432702795835
+0.027432183052184 -67999.329830780072371
+0.0275323036722473 -68261.303437758804648
+0.0276324242923108 -68523.217599053750746
+0.0277325449123742 -68785.057507346646162
+0.0278326655324377 -69046.789809743466321
+0.0279327861525011 -69308.46495014357788
+0.0280329067725645 -69570.075207624395262
+0.028133027392628 -69831.686409108267981
+0.0282331480126914 -70093.296951675074524
+0.0283332686327549 -70354.90519086238055
+0.0284333892528182 -70616.50945474395121
+0.0285335098728816 -70878.108039258979261
+0.0286336304929451 -71139.69920271767478
+0.0287337511130085 -71401.281159224745352
+0.0288338717330719 -71662.852070123874
+0.0289339923531354 -71924.410032785090152
+0.0290341129731988 -72185.953064275236102
+0.0291342335932623 -72447.47907495360414
+0.0292343542133256 -72708.985817498920369
+0.029334474833389 -72970.470750227555982
+0.0294345954534525 -73231.930058610305423
+0.0295347160735159 -73493.362531882958137
+0.0296348366935794 -73754.76865572904353
+0.0297349573136428 -74016.145848031927017
+0.0298350779337062 -74277.49129824739066
+0.0299351985537697 -74538.801876863930374
+0.0300353191738331 -74800.073960595123935
+0.0301354397938966 -75061.302994659825345
+0.0302355604139599 -75322.482125268812524
+0.0303356810340233 -75583.598748102362151
+0.0304358016540868 -75844.670749439232168
+0.0305359222741502 -76105.697220277754241
+0.0306360428942137 -76366.673738777579274
+0.0307361635142771 -76627.595059828905505
+0.0308362841343405 -76888.454666373581858
+0.030936404754404 -77149.243828424456296
+0.0310365253744674 -77409.948981220688438
+0.0311366459945307 -77670.533991400967352
+0.0312367666145942 -77931.011570443530218
+0.0313368872346576 -78191.386446911390522
+0.0314370078547211 -78451.710017964345752
+0.0315371284747845 -78712.051972803194076
+0.0316372490948479 -78972.39298438532569
+0.0317373697149114 -79232.7101681066124
+0.0318374903349748 -79493.012534238761873
+0.0319376109550383 -79753.286683254409581
+0.0320377315751016 -80013.549216202256503
+0.032137852195165 -80273.800156320387032
+0.0322379728152285 -80534.035643977098516
+0.0323380934352919 -80794.251466766087105
+0.0324382140553554 -81054.442540367163019
+0.0325383346754188 -81314.605614041298395
+0.0326384552954822 -81574.747310763894347
+0.0327385759155457 -81834.870765285508242
+0.0328386965356091 -82094.98221498678322
+0.0329388171556724 -82355.074073210722418
+0.0330389377757359 -82615.161596122634364
+0.0331390583957993 -82875.241925481415819
+0.0332391790158628 -83135.312404030468315
+0.0333392996359262 -83395.370486383879324
+0.0334394202559896 -83655.4136768104363
+0.0335395408760531 -83915.439483651585761
+0.0336396614961165 -84175.445379970464273
+0.03373978211618 -84435.428763374889968
+0.0338399027362433 -84695.386907794381841
+0.0339400233563067 -84955.316895416806801
+0.0340401439763702 -85215.215502207560348
+0.0341402645964336 -85475.078953219359391
+0.0342403852164971 -85734.90203222699347
+0.0343405058365605 -85994.677205927146133
+0.0344406264566239 -86254.408751673079678
+0.0345407470766874 -86514.088059785688529
+0.0346408676967508 -86773.703023360489169
+0.0347409883168143 -87033.28155248753319
+0.0348411089368776 -87292.82175567370723
+0.034941229556941 -87552.32048362705973
+0.0350413501770045 -87811.774250406044303
+0.0351414707970679 -88071.179099874279927
+0.0352415914171314 -88330.530369375541341
+0.0353417120371948 -88589.822195792788989
+0.0354418326572582 -88849.046092403077637
+0.0355419532773217 -89108.181048152924632
+0.035642073897385 -89367.238212210286292
+0.0357421945174484 -89626.231464743381366
+0.0358423151375119 -89885.157700786119676
+0.0359424357575753 -90143.993131637733313
+0.0360425563776388 -90402.729182163195219
+0.0361426769977022 -90661.401003992956248
+0.0362427976177656 -90920.042999447672628
+0.0363429182378291 -91178.658977795857936
+0.0364430388578924 -91437.246454934051144
+0.036543159477956 -91695.802956169718527
+0.0366432800980193 -91954.32596220303094
+0.0367434007180827 -92212.813068520088564
+0.0368435213381462 -92471.261669222993078
+0.0369436419582096 -92729.669034272272256
+0.0370437625782731 -92988.032287024936522
+0.0371438831983365 -93246.34836625137541
+0.0372440038183999 -93504.613977301152772
+0.0373441244384634 -93762.825525235966779
+0.0374442450585267 -94020.979016896802932
+0.0375443656785901 -94279.06994427338941
+0.0376444862986536 -94537.093422402627766
+0.037744606918717 -94795.042482302727876
+0.0378447275387805 -95052.907261736952933
+0.0379448481588439 -95310.663694454095094
+0.0380449687789073 -95568.312175074664992
+0.0381450893989708 -95825.891886537399841
+0.0382452100190342 -96083.395188336289721
+0.0383453306390977 -96340.81629821707611
+0.038445451259161 -96598.144737867289223
+0.0385455718792244 -96855.358890842573601
+0.0386456924992879 -97112.422099979710765
+0.0387458131193513 -97369.394790915757767
+0.0388459337394148 -97626.294150663088658
+0.0389460543594782 -97883.11213989710086
+0.0390461749795416 -98139.820957281175652
+0.0391462955996051 -98396.41287803920568
+0.0392464162196684 -98652.940035891180742
+0.039346536839732 -98909.40624388276774
+0.0394466574597953 -99165.80012142767373
+0.0395467780798587 -99422.096044126796187
+0.0396468986999222 -99678.270625916280551
+0.0397470193199856 -99934.372681857537827
+0.0398471399400491 -100190.43818622702383
+0.0399472605601125 -100446.4722172391921
+0.0400473811801759 -100702.46911211240513
+0.0401475018002394 -100958.41748375179304
+0.0402476224203027 -101214.3009897525335
+0.0403477430403661 -101470.16000707824423
+0.0404478636604296 -101725.9933465396025
+0.040547984280493 -101981.79696137421706
+0.0406481049005565 -102237.56329178679152
+0.0407482255206199 -102493.28064013322
+0.0408483461406833 -102748.97521446007886
+0.0409484667607468 -103004.64675550031825
+0.0410485873808102 -103260.29328434722265
+0.0411487080008737 -103515.91270050870662
+0.041248828620937 -103771.50275875299121
+0.0413489492410004 -104027.06103820509452
+0.0414490698610639 -104282.58489895465027
+0.0415491904811273 -104538.07141845305159
+0.0416493111011908 -104793.51729104947299
+0.0417494317212542 -105048.91865309049899
+0.0418495523413176 -105304.27072877791943
+0.0419496729613811 -105559.56689638106036
+0.0420497935814444 -105814.79341594349535
+0.0421499142015078 -106069.94029570945713
+0.0422500348215713 -106325.04023333163059
+0.0423501554416347 -106580.08825569029432
+0.0424502760616982 -106835.07794989630929
+0.0425503966817616 -107090.01776035809598
+0.042650517301825 -107344.91431756992824
+0.0427506379218885 -107599.74432193487883
+0.0428507585419518 -107854.51816284553206
+0.0429508791620154 -108109.25546962491353
+0.0430509997820787 -108363.94444974017097
+0.0431511204021421 -108618.56293682049727
+0.0432512410222056 -108873.07696985534858
+0.043351361642269 -109127.55948440115026
+0.0434514822623325 -109382.00862622816931
+0.0435516028823959 -109636.42459571344079
+0.0436517235024593 -109890.81301256336155
+0.0437518441225228 -110145.15389450379007
+0.0438519647425861 -110399.46800063502451
+0.0439520853626497 -110653.7683812265459
+0.044052205982713 -110908.0515829805081
+0.0441523266027764 -111162.31320276865154
+0.0442524472228399 -111416.54625052479969
+0.0443525678429033 -111670.7349812585453
+0.0444526884629667 -111924.90102776954882
+0.0445528090830302 -112179.04709577302856
+0.0446529297030935 -112433.16770956804976
+0.0447530503231571 -112687.26057691343885
+0.0448531709432204 -112941.32083313474141
+0.0449532915632838 -113195.33438443396881
+0.0450534121833473 -113449.28646215080516
+0.0451535328034107 -113703.21912720891123
+0.0452536534234742 -113957.12523207385675
+0.0453537740435376 -114210.99524962344731
+0.045453894663601 -114464.8510854398919
+0.0455540152836645 -114718.6899319782533
+0.0456541359037278 -114972.50810054717294
+0.0457542565237914 -115226.30466175585752
+0.0458543771438547 -115480.07356078464363
+0.0459544977639181 -115733.79829061416967
+0.0460546183839816 -115987.51704752611113
+0.046154739004045 -116241.24026288313325
+0.0462548596241084 -116494.96570888688439
+0.0463549802441719 -116748.68809789007355
+0.0464551008642353 -117002.40306655982567
+0.0465552214842988 -117256.10629741886805
+0.0466553421043621 -117509.79277487091895
+0.0467554627244255 -117763.45368647499708
+0.046855583344489 -118017.08388029858179
+0.0469557039645524 -118270.69689231533266
+0.0470558245846159 -118524.28825107980811
+0.0471559452046793 -118777.85208253243763
+0.0472560658247427 -119031.37754478404531
+0.0473561864448062 -119284.85606579855084
+0.0474563070648695 -119538.28268235776341
+0.0475564276849331 -119791.67377553417464
+0.0476565483049964 -120045.02051086489519
+0.0477566689250598 -120298.35996912590053
+0.0478567895451233 -120551.69051068634144
+0.0479569101651867 -120805.00966427550884
+0.0480570307852502 -121058.31807878352993
+0.0481571514053136 -121311.61153338928125
+0.0482572720253769 -121564.88474497053539
+0.0483573926454405 -121818.13050086390285
+0.0484575132655038 -122071.33034385381325
+0.0485576338855674 -122324.50449904432753
+0.0486577545056307 -122577.66248716592963
+0.0487578751256941 -122830.79997641182854
+0.0488579957457576 -123083.9092274858267
+0.048958116365821 -123336.97920048737433
+0.0490582369858845 -123590.03317931771744
+0.0491583576059479 -123843.0696526056563
+0.0492584782260112 -124096.08559129758214
+0.0493585988460748 -124349.07755597111827
+0.0494587194661381 -124602.04153203041642
+0.0495588400862015 -124854.97264174548036
+0.049658960706265 -125107.86456225633447
+0.0497590813263284 -125360.70798231911613
+0.0498592019463919 -125613.48267939691141
+0.0499593225664553 -125866.17428495681088
+0.0500594431865186 -126118.81275626900606
+0.0501595638065822 -126371.41409789974568
+0.0502596844266455 -126623.95892149678548
+0.0503598050467091 -126876.4875893137214
+0.0504599256667724 -127129.00008048137533
+0.0505600462868358 -127381.49217402024078
+0.0506601669068993 -127633.95843078618054
+0.0507602875269627 -127886.39099910705409
+0.0508604081470261 -128138.77363561504171
+0.0509605287670896 -128391.09045844923821
+0.0510606493871529 -128643.37993816247035
+0.0511607700072165 -128895.62729679324548
+0.0512608906272798 -129147.80079844869033
+0.0513610112473432 -129399.92441815191705
+0.0514611318674067 -129652.0574082689709
+0.0515612524874701 -129904.20270263137354
+0.0516613731075336 -130156.35890755474975
+0.051761493727597 -130408.52448987710522
+0.0518616143476604 -130660.69772517633101
+0.0519617349677239 -130912.87660905887606
+0.0520618555877872 -131165.05868521853699
+0.0521619762078508 -131417.24063953853329
+0.0522620968279141 -131669.41687557316618
+0.0523622174479775 -131921.57229646426276
+0.052462338068041 -132173.72802970788325
+0.0525624586881044 -132425.89130067094811
+0.0526625793081679 -132678.06031091685873
+0.0527626999282313 -132930.23297920421464
+0.0528628205482946 -133182.4067934245395
+0.0529629411683582 -133434.57849521070602
+0.0530630617884215 -133686.7431440790242
+0.0531631824084851 -133938.8880607887404
+0.0532633030285484 -134191.0219922401011
+0.0533634236486118 -134443.14901517078397
+0.0534635442686753 -134695.26255222674808
+0.0535636648887387 -134947.40747028501937
+0.053663785508802 -135199.59622340623173
+0.0537639061288656 -135451.80550760473125
+0.0538640267489289 -135704.05149470063043
+0.0539641473689925 -135956.3376229062269
+0.0540642679890558 -136208.66040877270279
+0.0541643886091192 -136461.01709079474676
+0.0542645092291827 -136713.40532938187243
+0.0543646298492461 -136965.82304898434086
+0.0544647504693096 -137218.2683443329588
+0.054564871089373 -137470.73941896756878
+0.0546649917094363 -137723.23454120586393
+0.0547651123294999 -137975.7520095212094
+0.0548652329495632 -138228.30013509688433
+0.0549653535696268 -138480.88308552477974
+0.0550654741896901 -138733.49222236976493
+0.0551655948097535 -138986.12371644529048
+0.055265715429817 -139238.77751914906548
+0.0553658360498804 -139491.52915326727089
+0.0554659566699438 -139744.35008940994157
+0.0555660772900073 -139997.21938312335988
+0.0556661979100706 -140250.12554086264572
+0.0557663185301342 -140503.0578618379368
+0.0558664391501975 -140755.99806388441357
+0.0559665597702609 -141008.93477556912694
+0.0560666803903244 -141261.90629268411431
+0.0561668010103878 -141514.90138336946256
+0.0562669216304513 -141767.93503205516026
+0.0563670422505147 -142021.00905217361287
+0.056467162870578 -142274.12152638463886
+0.0565672834906416 -142527.27062008634675
+0.0566674041107049 -142780.45455310569378
+0.0567675247307685 -143033.67157450166997
+0.0568676453508318 -143286.91993783621001
+0.0569677659708952 -143540.19787394354353
+0.0570678865909587 -143793.50355667737313
+0.0571680072110221 -144046.83505366041209
+0.0572681278310856 -144300.19024414508021
+0.057368248451149 -144553.56665563044953
+0.0574683690712123 -144806.96104192812345
+0.0575684896912759 -145060.36738996036001
+0.0576686103113392 -145313.7774020950892
+0.0577687309314028 -145567.21071010292508
+0.0578688515514661 -145820.66669863427524
+0.0579689721715295 -146074.14382631352055
+0.058069092791593 -146327.64803432510234
+0.0581692134116564 -146581.18998764330172
+0.0582693340317197 -146834.75885715690674
+0.0583694546517833 -147088.34975901205325
+0.0584695752718466 -147341.95850770070683
+0.0585696958919102 -147595.5800531579589
+0.0586698165119735 -147849.20237819710746
+0.0587699371320369 -148102.82961858410272
+0.0588700577521004 -148356.47830202660407
+0.0589701783721638 -148610.14665576705011
+0.0590702989922273 -148863.83286415005568
+0.0591704196122907 -149117.53503004682716
+0.059270540232354 -149371.25112655910198
+0.0593706608524176 -149624.97892492508981
+0.0594707814724809 -149878.71586535699316
+0.0595709020925445 -150132.45875512217754
+0.0596710227126078 -150386.20247627276694
+0.0597711433326712 -150639.94000299196341
+0.0598712639527347 -150893.68170914679649
+0.0599713845727981 -151147.42437783986679
+0.0600715051928614 -151401.16241934362915
+0.060171625812925 -151654.88382978376467
+0.0602717464329883 -151908.57476034780848
+0.0603718670530519 -152162.27584800621844
+0.0604719876731152 -152415.98516276932787
+0.0605721082931786 -152669.69898746343097
+0.0606722289132421 -152923.41123090567999
+0.0607723495333055 -153177.10281023712014
+0.060872470153369 -153430.78976858087117
+0.0609725907734324 -153684.49562368480838
+0.0610727113934957 -153938.2193030747876
+0.0611728320135593 -154191.96063431515358
+0.0612729526336226 -154445.7184905243339
+0.0613730732536862 -154699.49131673836382
+0.0614731938737495 -154953.27775737055345
+0.0615733144938129 -155207.07644481991883
+0.0616734351138764 -155460.88595723942854
+0.0617735557339398 -155714.70478977542371
+0.0618736763540033 -155968.53132276935503
+0.0619737969740667 -156222.36377675534459
+0.06207391759413 -156476.20013531064615
+0.0621740382141936 -156730.03796675163903
+0.0622741588342569 -156983.87339209354832
+0.0623742794543205 -157237.70509455213323
+0.0624744000743838 -157491.53197728857049
+0.0625745206944472 -157745.34915848737
+0.0626746413145107 -157999.14776725549018
+0.0627747619345741 -158252.90582411256037
+0.0628748825546374 -158506.64945656384225
+0.062975003174701 -158760.4006899932283
+0.0630751237947643 -159014.15997207871987
+0.0631752444148279 -159267.9282253018755
+0.0632753650348912 -159521.70423465463682
+0.0633754856549546 -159775.48672912199982
+0.0634756062750181 -160029.27437276291312
+0.0635757268950815 -160283.06575343487202
+0.063675847515145 -160536.86029697416234
+0.0637759681352084 -160790.66118326206924
+0.0638760887552717 -161044.46430670088739
+0.0639762093753353 -161298.26684020861285
+0.0640763299953986 -161552.06619819143089
+0.064176450615462 -161805.85958723913063
+0.0642765712355255 -162059.6435698485584
+0.0643766918555889 -162313.41229080490302
+0.0644768124756524 -162567.16716426366474
+0.0645769330957158 -162820.90636952177738
+0.0646770537157791 -163074.62456340479548
+0.0647771743358427 -163328.31297882299987
+0.064877294955906 -163581.95908640488051
+0.0649774155759696 -163835.54625618617865
+0.0650775361960329 -164089.10116400648258
+0.0651776568160963 -164342.65428392382455
+0.0652777774361598 -164596.21850749515579
+0.0653778980562232 -164849.79090963627095
+0.0654780186762867 -165103.36843018245418
+0.0655781392963501 -165356.94709960412001
+0.0656782599164134 -165610.51913970138412
+0.065778380536477 -165864.07442945489311
+0.0658785011565403 -166117.64027587426244
+0.0659786217766039 -166371.21633278325316
+0.0660787423966672 -166624.80131961396546
+0.0661788630167306 -166878.41311779891839
+0.0662789836367941 -167132.04849967849441
+0.0663791042568575 -167385.69973302425933
+0.066479224876921 -167639.36321287497412
+0.0665793454969844 -167893.03616277890978
+0.0666794661170477 -168146.71610770243569
+0.0667795867371113 -168400.40066895919153
+0.0668797073571746 -168654.08744808405754
+0.066979827977238 -168907.77393611436128
+0.0670799485973015 -169161.45749281623284
+0.0671800692173649 -169415.15957680667634
+0.0672801898374284 -169668.87149174168007
+0.0673803104574918 -169922.58208358538104
+0.0674804310775551 -170176.28249680317822
+0.0675805516976187 -170429.96075379336253
+0.067680672317682 -170683.5933266360953
+0.0677807929377456 -170937.21973493680707
+0.0678809135578089 -171190.83816338700126
+0.0679810341778723 -171444.42708281122032
+0.0680811547979358 -171698.00065084928065
+0.0681812754179992 -171951.58763075084426
+0.0682813960380627 -172205.18630258084158
+0.0683815166581261 -172458.79489031492267
+0.0684816372781894 -172712.41152325517032
+0.068581757898253 -172966.03417061484652
+0.0686818785183163 -173219.66048349786433
+0.0687819991383797 -173473.28679284368991
+0.0688821197584432 -173726.91116020802292
+0.0689822403785066 -173980.53600451807142
+0.0690823609985701 -174234.1589265470684
+0.0691824816186335 -174487.77717821355327
+0.0692826022386968 -174741.38743076196988
+0.0693827228587604 -174994.98516793866293
+0.0694828434788237 -175248.56152817601105
+0.0695829640988873 -175502.10714695628849
+0.0696830847189506 -175755.64571865799371
+0.069783205339014 -176009.17720878799446
+0.0698833259590775 -176262.69883262712392
+0.0699834465791409 -176516.2074606072274
+0.0700835671992044 -176769.69950347376289
+0.0701836878192678 -177023.17072840497713
+0.0702838084393311 -177276.61593185964739
+0.0703839290593947 -177530.02824533480452
+0.070484049679458 -177783.39696839288808
+0.0705841702995215 -178036.69894648654736
+0.0706842909195849 -178289.94844471578836
+0.0707844115396483 -178543.14726373489248
+0.0708845321597118 -178796.25515373420785
+0.0709846527797752 -179049.30944190459559
+0.0710847733998387 -179302.35679281377816
+0.0711848940199021 -179555.38831586934975
+0.0712850146399654 -179808.37557222048054
+0.071385135260029 -180061.33023519584094
+0.0714852558800923 -180314.30655311155715
+0.0715853765001557 -180567.32122812635498
+0.0716854971202192 -180820.39989576619701
+0.0717856177402826 -181073.52434127227752
+0.0718857383603461 -181326.68585226807045
+0.0719858589804095 -181579.87936218339019
+0.0720859796004728 -181833.10088875764632
+0.0721861002205364 -182086.34683187690098
+0.0722862208405997 -182339.61362226944766
+0.0723863414606633 -182592.89743928334792
+0.0724864620807266 -182846.19384687996353
+0.07258658270079 -183099.49707099088118
+0.0726867033208535 -183352.79753428872209
+0.0727868239409169 -183606.0733276012179
+0.0728869445609804 -183859.35447180707706
+0.0729870651810438 -184112.63944639504189
+0.0730871858011071 -184365.93368684180314
+0.0731873064211707 -184619.234530738584
+0.073287427041234 -184872.53374094693572
+0.0733875476612974 -185125.81158734695055
+0.0734876682813609 -185379.10410483620944
+0.0735877889014243 -185632.41708501483663
+0.0736879095214878 -185885.76396333784214
+0.0737880301415512 -186139.14667978283251
+0.0738881507616145 -186392.56991734876647
+0.0739882713816781 -186646.04749643648393
+0.0740883920017414 -186899.56898026619456
+0.074188512621805 -187153.13006498652976
+0.0742886332418683 -187406.72777140513062
+0.0743887538619317 -187660.35945542692207
+0.0744888744819952 -187914.02246664854465
+0.0745889951020586 -188167.71390686239465
+0.0746891157221221 -188421.43032354026218
+0.0747892363421855 -188675.16710447927471
+0.0748893569622488 -188928.91658543155063
+0.0749894775823124 -189182.65624585459591
+0.0750895982023757 -189436.41216228567646
+0.0751897188224392 -189690.20023569007753
+0.0752898394425026 -189944.01623710678541
+0.075389960062566 -190197.84830908995355
+0.0754900806826295 -190451.70499398212996
+0.0755902013026929 -190705.59341698663775
+0.0756903219227564 -190959.51718229317339
+0.0757904425428198 -191213.47330444899853
+0.0758905631628831 -191467.46561202351586
+0.0759906837829467 -191721.50132345035672
+0.07609080440301 -191975.6068142048025
+0.0761909250230734 -192229.81981970000197
+0.0762910456431369 -192484.11070102045778
+0.0763911662632003 -192738.47040990536334
+0.0764912868832638 -192992.89394953346346
+0.0765914075033272 -193247.37786586178117
+0.0766915281233905 -193501.919490552973
+0.0767916487434541 -193756.5168009668414
+0.0768917693635174 -194011.2068508627126
+0.0769918899835809 -194265.97934208757943
+0.0770920106036443 -194520.82235993002541
+0.0771921312237077 -194775.73057189016254
+0.0772922518437712 -195030.70031164429383
+0.0773923724638346 -195285.72867010330083
+0.0774924930838979 -195540.81315202169935
+0.0775926137039615 -195795.95150485765771
+0.0776927343240248 -196051.14161554016755
+0.0777928549440884 -196306.38143608372775
+0.0778929755641517 -196561.66891827579821
+0.0779930961842151 -196817.00194167517475
+0.0780932168042786 -197072.37821252486901
+0.078193337424342 -197327.79508064113907
+0.0782934580444055 -197583.24908931757091
+0.0783935786644689 -197838.73390775726875
+0.0784936992845322 -198094.24063626377028
+0.0785938199045958 -198349.78959530915017
+0.0786939405246591 -198605.37996758622467
+0.0787940611447226 -198861.00979138538241
+0.078894181764786 -199116.67681703349808
+0.0789943023848494 -199372.37946541098063
+0.0790944230049129 -199628.11427546050982
+0.0791945436249763 -199883.87524202349596
+0.0792946642450398 -200139.64763066516025
+0.0793947848651032 -200395.42815318863722
+0.0794949054851665 -200651.25304295879323
+0.0795950261052301 -200907.12055716768373
+0.0796951467252934 -201163.02833720459603
+0.0797952673453569 -201418.97279295380577
+0.0798953879654203 -201674.95374605472898
+0.0799955085854837 -201930.96133417179226
+0.0800956292055472 -202187.00286089064321
+0.0801957498256106 -202443.09140445938101
+0.0802958704456739 -202699.2261626139225
+0.0803959910657375 -202955.40629889181582
+0.0804961116858008 -203211.63091991259716
+0.0805962323058644 -203467.8990215032245
+0.0806963529259277 -203724.20928157592425
+0.0807964735459911 -203980.5594812896743
+0.0808965941660546 -204236.95181136907195
+0.080996714786118 -204493.38599908200558
+0.0810968354061815 -204749.86120220072917
+0.0811969560262449 -205006.37654432453564
+0.0812970766463082 -205262.93110726543819
+0.0813971972663717 -205519.52392121311277
+0.0814973178864351 -205776.15395156960585
+0.0815974385064986 -206032.82008067911374
+0.081697559126562 -206289.52108157257317
+0.0817976797466254 -206546.25557818260859
+0.0818978003666889 -206803.02198144339491
+0.0819979209867523 -207059.81837728378014
+0.0820980416068156 -207316.64230592100648
+0.0821981622268792 -207573.49023576098261
+0.0822982828469425 -207830.35573128634132
+0.0823984034670061 -208087.21924834389938
+0.0824985240870694 -208344.10937339306111
+0.0825986447071328 -208601.03892437077593
+0.0826987653271963 -208858.0071779092541
+0.0827988859472597 -209115.01338399157976
+0.0828990065673232 -209372.05676137594855
+0.0829991271873866 -209629.13649171989528
+0.0830992478074499 -209886.2517121937999
+0.0831993684275135 -210143.40150572228595
+0.0832994890475768 -210400.584887765639
+0.0833996096676403 -210657.80078810884152
+0.0834997302877037 -210915.04802430357086
+0.0835998509077671 -211172.32771935165511
+0.0836999715278306 -211429.63816761336057
+0.083800092147894 -211686.97662970609963
+0.0839002127679575 -211944.34038518249872
+0.0840003333880209 -212201.72574230001192
+0.0841004540080842 -212459.12608667078894
+0.0842005746281478 -212716.52164910087595
+0.0843006952482111 -212973.94186532188905
+0.0844008158682746 -213231.399201018241
+0.084500936488338 -213488.8929195907258
+0.0846010571084014 -213746.42225738801062
+0.0847011777284649 -214003.9864136975375
+0.0848012983485283 -214261.58453715470387
+0.0849014189685916 -214519.21570519084344
+0.0850015395886552 -214776.87888966486207
+0.0851016602087185 -215034.57289176492486
+0.085201780828782 -215292.29619389772415
+0.0853019014488454 -215550.04648965972592
+0.0854020220689088 -215807.81728537761956
+0.0855021426889723 -216065.6143653143954
+0.0856022633090357 -216323.44376929977443
+0.0857023839290992 -216581.30476430908311
+0.0858025045491626 -216839.19659402358229
+0.0859026251692259 -217097.11847617890453
+0.0860027457892894 -217355.06959943941911
+0.0861028664093528 -217613.04911988138338
+0.0862029870294163 -217871.05615671051783
+0.0863031076494797 -218129.08978718414437
+0.0864032282695431 -218387.14904049146571
+0.0865033488896066 -218645.23289001054945
+0.08660346950967 -218903.34024370211409
+0.0867035901297333 -219161.4699315878388
+0.0868037107497969 -219419.62068918254226
+0.0869038313698602 -219677.79113444802351
+0.0870039519899238 -219935.97973458046908
+0.0871040726099871 -220194.18475461017806
+0.0872041932300505 -220452.40417062008055
+0.087304313850114 -220710.63550178922014
+0.0874044344701774 -220968.87539986692718
+0.0875045550902409 -221227.11789467715425
+0.0876046757103043 -221485.35346010723151
+0.0877047963303676 -221743.59952992631588
+0.0878049169504311 -222001.85405696096132
+0.0879050375704945 -222260.11190742402687
+0.088005158190558 -222518.35924978737603
+0.0881052788106214 -222776.59884554811288
+0.0882053994306848 -223034.85342176476843
+0.0883055200507483 -223293.11999073068728
+0.0884056406708117 -223551.39449335713289
+0.0885057612908752 -223809.67028473987011
+0.0886058819109386 -224067.93161959879217
+0.0887060025310019 -224326.19343727605883
+0.0888061231510655 -224584.44707855736488
+0.0889062437711288 -224842.70756783318939
+0.0890063643911923 -225100.97697869318654
+0.0891064850112557 -225359.23051293133176
+0.0892066056313191 -225617.50295426233788
+0.0893067262513826 -225875.81339784921147
+0.089406846871446 -226134.16132095438661
+0.0895069674915093 -226392.54618829657556
+0.0896070881115728 -226650.96745102579007
+0.0897072087316362 -226909.4245457490033
+0.0898073293516997 -227167.91689326116466
+0.0899074499717631 -227426.44389728092938
+0.0900075705918265 -227685.00494288143818
+0.09010769121189 -227943.59939485602081
+0.0902078118319534 -228202.2265957488562
+0.0903079324520169 -228460.88586363277864
+0.0904080530720803 -228719.57648957549827
+0.0905081736921436 -228978.29773469947395
+0.0906082943122071 -229237.04882665938931
+0.0907084149322705 -229495.82895558042219
+0.0908085355523339 -229754.63726911615231
+0.0909086561723974 -230013.4728665506409
+0.0910087767924608 -230272.33479149232153
+0.0911088974125243 -230531.22202279669
+0.0912090180325877 -230790.13346306284075
+0.091309138652651 -231049.06792356644291
+0.0914092592727146 -231308.02410422146204
+0.0915093798927779 -231567.00056557095377
+0.0916095005128414 -231825.99568801090936
+0.0917096211329048 -232085.0076079024584
+0.0918097417529682 -232344.03993121019448
+0.0919098623730317 -232603.10341542010428
+0.0920099829930951 -232862.18529230548302
+0.0921101036131586 -233121.27636560355313
+0.0922102242332219 -233380.37877262211987
+0.0923103448532853 -233639.48206744220806
+0.0924104654733488 -233898.58203784466605
+0.0925105860934122 -234157.69410388002871
+0.0926107067134757 -234416.80476205874584
+0.0927108273335391 -234675.9048494095623
+0.0928109479536025 -234935.02442622344824
+0.092911068573666 -235194.17105032064137
+0.0930111891937294 -235453.33989447119529
+0.0931113098137929 -235712.51850189320976
+0.0932114304338563 -235971.72581372162676
+0.0933115510539196 -236230.96660450144554
+0.0934116716739831 -236490.23879424799816
+0.0935117922940465 -236749.53951728777611
+0.09361191291411 -237008.87260959541891
+0.0937120335341734 -237268.23710703468532
+0.0938121541542368 -237527.6316413593886
+0.0939122747743003 -237787.05469539514161
+0.0940123953943637 -238046.5045601533202
+0.094112516014427 -238305.97927321764291
+0.0942126366344905 -238565.47652515085065
+0.0943127572545539 -238824.9935069057974
+0.0944128778746174 -239084.52663277182728
+0.0945129984946808 -239344.07093842423637
+0.0946131191147442 -239603.61807336393395
+0.0947132397348077 -239863.15210434526671
+0.0948133603548711 -240122.68004089719034
+0.0949134809749346 -240382.18933008334716
+0.095013601594998 -240641.69176705926657
+0.0951137222150613 -240901.22136127381236
+0.0952138428351248 -241160.78610353919794
+0.0953139634551882 -241420.40157134248875
+0.0954140840752516 -241680.06744010333205
+0.0955142046953151 -241939.78337651357288
+0.0956143253153785 -242199.54903647233732
+0.095714445935442 -242459.36406221997458
+0.0958145665555054 -242719.22807839847519
+0.0959146871755687 -242979.14068622424384
+0.0960148077956322 -243239.10145455822931
+0.0961149284156956 -243499.10990491096163
+0.0962150490357591 -243759.16548389880336
+0.0963151696558225 -244019.26750413211994
+0.0964152902758859 -244279.41498012209195
+0.0965154108959494 -244539.60563026671298
+0.0966155315160128 -244799.83818227547454
+0.0967156521360763 -245060.11891068826662
+0.0968157727561396 -245320.44750605130685
+0.096915893376203 -245580.823652643885
+0.0970160139962665 -245841.24702776258346
+0.0971161346163299 -246101.71730084414594
+0.0972162552363934 -246362.23413249794976
+0.0973163758564568 -246622.79717328445986
+0.0974164964765202 -246883.4060623474943
+0.0975166170965837 -247144.06042573793093
+0.0976167377166471 -247404.75987430821988
+0.0977168583367106 -247665.50400123556028
+0.097816978956774 -247926.29237875030958
+0.0979170995768373 -248187.12455401237821
+0.0980172201969008 -248448.00004372402327
+0.0981173408169642 -248708.91832683162647
+0.0982174614370277 -248969.87883446575142
+0.0983175820570911 -249230.8809352836688
+0.0984177026771545 -249491.92391352716368
+0.098517823297218 -249753.00693356964621
+0.0986179439172813 -250014.12897802176303
+0.0987180645373447 -250275.28872481567669
+0.0988181851574082 -250536.48424355121097
+0.0989183057774716 -250797.71164642705116
+0.0990184263975351 -251058.96571376634529
+0.0991185470175985 -251320.25006777961971
+0.0992186676376619 -251581.57438330765581
+0.0993187882577254 -251842.94391566875856
+0.0994189088777888 -252104.35836603021016
+0.0995190294978521 -252365.8174287652073
+0.0996191501179157 -252627.32079064601567
+0.099719270737979 -252888.86813007298042
+0.0998193913580425 -253150.45911616444937
+0.0999195119781059 -253412.09340758470353
diff --git a/DATASET/P=180000Pa/box_confined.data b/DATASET/P=180000Pa/box_confined.data
new file mode 100644
index 0000000..b618b16
--- /dev/null
+++ b/DATASET/P=180000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2339693
+
+240 atoms
+6 atom types
+
+0.028328870116141117 0.07167112988385892 xlo xhi
+0.028328870116141117 0.07167112988385892 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+14 1 0.0035 1071.4285714285713 0.030564786861242838 0.02940154581965545 0 0 0 0
+12 1 0.0025 1500.0000000000005 0.036707969878160114 0.028778166702681955 0 0 0 0
+16 1 0.0035 1071.4285714285713 0.039266312666471875 0.03031467439453375 0 0 0 0
+233 1 0.0035 1071.4285714285713 0.042161325879586764 0.028477414049111895 0 0 1 0
+10 1 0.0035 1071.4285714285713 0.04528400092571193 0.030119208007015667 0 0 0 0
+3 1 0.0025 1500.0000000000005 0.048225841959819715 0.029958964496473752 0 0 0 0
+238 1 0.0025 1500.0000000000005 0.0506870981148237 0.030188500192929752 0 0 1 0
+239 1 0.0025 1500.0000000000005 0.05228229599103013 0.02836703812044931 0 0 1 0
+8 1 0.0025 1500.0000000000005 0.05499368792735373 0.02918570406394716 0 0 0 0
+4 1 0.0025 1500.0000000000005 0.06299442539110776 0.0298797617118169 0 0 0 0
+2 1 0.0035 1071.4285714285713 0.06587612254312955 0.029609443501742144 0 0 0 0
+6 1 0.0035 1071.4285714285713 0.06933784682355847 0.028622228937342543 0 -1 0 0
+32 1 0.0025 1500.0000000000005 0.03064524078193571 0.032306996659917334 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.03291989600585516 0.03131101807829906 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.03547073238888318 0.030839096079426042 0 0 0 0
+25 1 0.0025 1500.0000000000005 0.03733620978282234 0.03253247247560482 0 0 0 0
+13 1 0.0035 1071.4285714285713 0.042343307221738985 0.031932043164230456 0 0 0 0
+11 1 0.0025 1500.0000000000005 0.047329764275125884 0.03226342153438186 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.05331205386778439 0.03163300206855232 0 0 0 0
+23 1 0.0035 1071.4285714285713 0.056744957376255754 0.0315905686721731 0 0 0 0
+15 1 0.0035 1071.4285714285713 0.060183110511766814 0.030901816692729775 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.06263427194798661 0.03243847738231907 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.06850966053163887 0.031903081508015504 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.07130888021230206 0.030777127651165328 0 0 0 0
+26 1 0.0025 1500.0000000000005 0.03259241873185152 0.033729297842685156 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.03501063578630971 0.03325663648403052 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.036908336737892976 0.03491742097760046 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.03972424134450395 0.03325218909136714 0 0 0 0
+19 1 0.0025 1500.0000000000005 0.04502446581673764 0.03319056393491 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.050177925289474984 0.033077847564202456 0 0 0 0
+52 1 0.0025 1500.0000000000005 0.052692077209760955 0.03469813325072808 0 0 0 0
+42 1 0.0025 1500.0000000000005 0.055039481820200784 0.03396378042154738 0 0 0 0
+33 1 0.0025 1500.0000000000005 0.057654728251206856 0.034379898959323654 0 0 0 0
+35 1 0.0025 1500.0000000000005 0.06011312810620723 0.03388422299385411 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.06541768334585198 0.03336405710009191 0 0 0 0
+34 1 0.0035 1071.4285714285713 0.07142328372203896 0.0337468005566027 0 0 0 0
+43 1 0.0035 1071.4285714285713 0.03075949374746335 0.03597358436584573 0 0 0 0
+38 1 0.0035 1071.4285714285713 0.03420762999050718 0.03621124013353436 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.036942780749494905 0.03732951900460407 0 0 0 0
+46 1 0.0035 1071.4285714285713 0.03971401993249998 0.03620405145032666 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.04304981472102043 0.03531082484222522 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.04699770314047373 0.03529863659172271 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.05000870482842576 0.036024073950062026 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.055804422884580804 0.036727301921385784 0 0 0 0
+47 1 0.0035 1071.4285714285713 0.05930842878651191 0.03688677633962403 0 0 0 0
+29 1 0.0035 1071.4285714285713 0.06259709632911638 0.035476025776146565 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.06545029552459133 0.03630122666384321 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.06828212265040645 0.03532969633862786 0 0 0 0
+48 1 0.0025 1500.0000000000005 0.07128841400192977 0.03668281658627846 0 0 0 0
+63 1 0.0035 1071.4285714285713 0.029429124322986402 0.03928471533724389 0 1 0 0
+51 1 0.0025 1500.0000000000005 0.03227755491726161 0.038541129093093436 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.0350218052708466 0.039575255026495344 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.038713749315413874 0.03898094632245964 0 0 0 0
+40 1 0.0025 1500.0000000000005 0.04200319352766656 0.03811729378414807 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.04497774142966197 0.03818702551477601 0 0 0 0
+53 1 0.0035 1071.4285714285713 0.04840172733359435 0.03845453547393633 0 0 0 0
+60 1 0.0035 1071.4285714285713 0.05246613116991378 0.03764702525053162 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.06290317525678285 0.03836066273613152 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.06579120042565702 0.03923173014997226 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.06921122071995152 0.038713565463085596 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.03237068118113443 0.04096795514844528 0 0 0 0
+81 1 0.0035 1071.4285714285713 0.037707193998566 0.04176587612854005 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.04104123182438093 0.04088803261465053 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.044006369181914466 0.04099200821397767 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.04646376226982012 0.04072954549298103 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.04881779770297192 0.04134082803789292 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.0509550517965124 0.0401492937224578 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.05389338065138111 0.0408139380891608 0 0 0 0
+72 1 0.0035 1071.4285714285713 0.05717595281336497 0.03986531068815213 0 0 0 0
+70 1 0.0035 1071.4285714285713 0.060556848113756445 0.04011865547658881 0 0 0 0
+57 1 0.0025 1500.0000000000005 0.06331925913035333 0.040807784113936485 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.06792846982690953 0.04139399343995403 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.0705911515003128 0.04127633786364391 0 0 0 0
+73 1 0.0035 1071.4285714285713 0.029757184130275068 0.0427865288705329 0 1 0 0
+74 1 0.0025 1500.0000000000005 0.03264210013237185 0.04339114554125027 0 0 0 0
+64 1 0.0025 1500.0000000000005 0.034911364708751204 0.04252932848473642 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.04000951857536042 0.043578886700110675 0 0 0 0
+80 1 0.0035 1071.4285714285713 0.042915319219897725 0.04386410786724106 0 0 0 0
+86 1 0.0025 1500.0000000000005 0.04586356719812267 0.04315846340612566 0 0 0 0
+82 1 0.0025 1500.0000000000005 0.048259140686489344 0.04371364403009931 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.05115523127537663 0.043096547323883835 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.05402767185325225 0.04373043049460742 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.05618292858009576 0.04267990094383369 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.05862177766307835 0.04240707726469874 0 0 0 0
+68 1 0.0035 1071.4285714285713 0.06199175994438015 0.04337129436615659 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.06487066312161939 0.042750269040789254 0 0 0 0
+98 1 0.0025 1500.0000000000005 0.06711585388826645 0.043708823434949556 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.06998464390372743 0.04414909666952606 0 0 0 0
+92 1 0.0025 1500.0000000000005 0.02915812411966622 0.04570552650938657 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.031634338284531105 0.045662810771510944 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.03413006246137458 0.045313798226412474 0 0 0 0
+99 1 0.0025 1500.0000000000005 0.036574188335191 0.04444569002858111 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.03889168920271962 0.0462576767459451 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.041860519048073516 0.04661180347585649 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.044315855031302455 0.04646405998242453 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.04656995667039475 0.04546939794416595 0 0 0 0
+95 1 0.0035 1071.4285714285713 0.04946044364257944 0.04641386543151279 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.05232170783889752 0.045830117205182916 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.05476145129558945 0.04604688821568237 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.05694488203017312 0.04496571957153887 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.05928540326871277 0.044709161790197884 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.06465956181217061 0.045742959342386334 0 0 0 0
+111 1 0.0025 1500.0000000000005 0.06760559911026183 0.04614149603141409 0 0 0 0
+115 1 0.0035 1071.4285714285713 0.030206901746266737 0.04841008932731887 0 0 0 0
+103 1 0.0035 1071.4285714285713 0.03369493472670574 0.048612500099269186 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.0360150906863445 0.04684006805399368 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.0403353757274057 0.048746820139479896 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.04659235450733256 0.048399512980288426 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.05184316240550082 0.048207251849564065 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.05789606246297657 0.04771526365448052 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.06130000259440725 0.0467754309713091 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.07021866805779549 0.04760549420004389 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.028722147956524773 0.05122309759340314 0 0 0 0
+117 1 0.0035 1071.4285714285713 0.03748794826225279 0.0494006421858649 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.04072168216240384 0.05115446906631792 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.04317850528761387 0.049272103022139774 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.04545663915713742 0.05109708177073905 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.04786143137287089 0.051111692848561055 0 0 0 0
+120 1 0.0025 1500.0000000000005 0.04972019884522142 0.04937184052035409 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.05221650399609999 0.05060685150464833 0 0 0 0
+100 1 0.0035 1071.4285714285713 0.05467803479168693 0.04900867618057912 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.06043721496074129 0.050164951968818296 0 0 0 0
+125 1 0.0035 1071.4285714285713 0.06376530541154124 0.049106544886891555 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.06714507429163438 0.049119161718826784 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.06971569322535309 0.0505842478100569 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.031653276972171455 0.05144946403139823 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.03505233194758476 0.05179130218485978 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.03836414456548918 0.05278525922323865 0 0 0 0
+139 1 0.0035 1071.4285714285713 0.043181387586878825 0.052854115437390096 0 0 0 0
+129 1 0.0025 1500.0000000000005 0.0501341485101538 0.05185432620737061 0 0 0 0
+137 1 0.0025 1500.0000000000005 0.05221103418846903 0.053098519652542545 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.054371848351308046 0.05195878059688253 0 0 0 0
+105 1 0.0035 1071.4285714285713 0.05724598100266929 0.05126264867791118 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.06261145703420523 0.05222085496320135 0 0 0 0
+144 1 0.0025 1500.0000000000005 0.0654392393215746 0.05150277504232485 0 0 0 0
+134 1 0.0025 1500.0000000000005 0.06769905400459478 0.05276506481272592 0 0 0 0
+146 1 0.0025 1500.0000000000005 0.07025119901096212 0.05292684503339667 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.029579300736156246 0.05414225836796876 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.03256592288711094 0.05426211696701932 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.03590289228380546 0.05453844709125054 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.04070937823810664 0.05453874568712545 0 0 0 0
+148 1 0.0035 1071.4285714285713 0.04657888328404221 0.053775374417290994 0 0 0 0
+152 1 0.0035 1071.4285714285713 0.04982914212398157 0.05478472999340203 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.05423402579409606 0.05444867228027141 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.056672683369668984 0.05419815247154262 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.059871004804497106 0.053541539102302145 0 0 0 0
+140 1 0.0025 1500.0000000000005 0.062689730437052 0.054633577500813706 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.06498260193534165 0.05389644217338465 0 0 0 0
+151 1 0.0025 1500.0000000000005 0.06698572589530517 0.0551382157687332 0 0 0 0
+145 1 0.0025 1500.0000000000005 0.029193872073507512 0.057078740606749605 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.03162834143354018 0.05660189316320227 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.03404309547818248 0.05615308005914176 0 0 0 0
+155 1 0.0035 1071.4285714285713 0.03821079747255924 0.05634096858740965 0 0 0 0
+157 1 0.0025 1500.0000000000005 0.041130412312658855 0.05694061941974768 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.04397859547361653 0.05616979032832567 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.04728382484657624 0.05716057121379389 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.05251323279379342 0.05615184505884275 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.05529152557482475 0.05715549683549326 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.05828203903287942 0.056031882433671375 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.06112111973598761 0.05707141980183506 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.06459380014999896 0.056874998867797816 0 0 0 0
+170 1 0.0025 1500.0000000000005 0.06742750513306074 0.05765756525585279 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.06988718852767481 0.05581816443998206 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.0285540913802178 0.05939250517959171 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.030930853259114006 0.05897550459799593 0 0 0 0
+163 1 0.0025 1500.0000000000005 0.03333951653778942 0.05849297596986743 0 0 0 0
+168 1 0.0025 1500.0000000000005 0.03570532342958837 0.05797982530637444 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.039744176487533416 0.058936831316159025 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.042694559876317824 0.058845662815004696 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.04510278225952631 0.05916763693292145 0 0 0 0
+167 1 0.0035 1071.4285714285713 0.05048071075079102 0.05823689026594838 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.053235309522572515 0.05922539290081835 0 0 0 0
+179 1 0.0025 1500.0000000000005 0.055513213409348984 0.06008695160704381 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.058211013604661944 0.05891287931721866 0 0 0 0
+166 1 0.0025 1500.0000000000005 0.060834450903295784 0.06014216388266062 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.0638769141874941 0.06025602843214444 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.06962376554012706 0.0587215549055602 0 0 0 0
+182 1 0.0025 1500.0000000000005 0.03013682528735633 0.06132805398254941 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.032579667830900966 0.060822910487946164 0 0 0 0
+177 1 0.0025 1500.0000000000005 0.034927459560877665 0.06031721522412673 0 0 0 0
+191 1 0.0035 1071.4285714285713 0.03781619261928477 0.06109077647220344 0 0 0 0
+176 1 0.0035 1071.4285714285713 0.041296602979686695 0.06142242223970465 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.04472001704519042 0.062079617961893485 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.04788145972861999 0.06056780412837744 0 0 0 0
+194 1 0.0025 1500.0000000000005 0.05079606877366449 0.06109470327037971 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.05351602027741702 0.062181140583593024 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.05665443203858005 0.06245313243875899 0 0 0 0
+184 1 0.0025 1500.0000000000005 0.058996940676427044 0.061736764092951306 0 0 0 0
+188 1 0.0035 1071.4285714285713 0.0672637294758055 0.06067942721587976 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.07047155423905625 0.06201798100070065 0 0 0 0
+196 1 0.0025 1500.0000000000005 0.02956027306306554 0.06379627579756267 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.03195221126809895 0.0632109099173482 0 0 0 0
+210 1 0.0035 1071.4285714285713 0.03491724669221699 0.06326700799136499 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.03887749670041717 0.06437424997842853 0 0 0 0
+193 1 0.0035 1071.4285714285713 0.042314279626291765 0.06466501133254482 0 0 0 0
+183 1 0.0025 1500.0000000000005 0.047799816521616516 0.0635010171737041 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.050227383814491766 0.06346326391523807 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.05525719443801398 0.06458588944798913 0 0 0 0
+192 1 0.0035 1071.4285714285713 0.05864110051502808 0.06466764376164838 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.06170684566935111 0.06292182592149372 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.06507814690999959 0.06349266210270332 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.06802159416901611 0.06363666928382199 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.029866823919928915 0.06619481837270054 0 1 0 0
+215 1 0.0035 1071.4285714285713 0.0327720909141946 0.06605796576680241 0 0 0 0
+211 1 0.0035 1071.4285714285713 0.036177318411576266 0.06644327690729217 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.04047128395804553 0.06690060396001186 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.04565364077185544 0.06549104218757044 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.049046539553762175 0.06618620810504784 0 0 0 0
+200 1 0.0035 1071.4285714285713 0.05243297806196888 0.06546754623316813 0 0 0 0
+225 1 0.0025 1500.0000000000005 0.056513168629316324 0.06665633131107168 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.061411768354986074 0.06583857709815108 0 0 0 0
+209 1 0.0025 1500.0000000000005 0.06391402459414067 0.06646037347361708 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.06694746344323495 0.0665082114224894 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.0703310424010154 0.06553582103624439 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.02835475408123119 0.06812642282820763 0 1 0 0
+240 1 0.0035 1071.4285714285713 0.031155320315772447 0.06916799703533108 0 0 0 0
+224 1 0.0025 1500.0000000000005 0.034115923173777714 0.06871045983647735 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.038498530616850594 0.06829780363991968 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.04328759363759342 0.06800204510619258 0 0 0 0
+208 1 0.0025 1500.0000000000005 0.046165434234082134 0.06846771331809229 0 0 0 0
+205 1 0.0025 1500.0000000000005 0.04854046790016445 0.06906753524481184 0 0 0 0
+231 1 0.0035 1071.4285714285713 0.05145995321095416 0.06884401260569153 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.05427821614332498 0.06777005611295193 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.05634814084695429 0.06913030804304268 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.05911588235265517 0.06809201650339852 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.06212540076458174 0.06810808769790166 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.06929879765947752 0.06830260557677029 0 0 0 0
+226 1 0.0025 1500.0000000000005 0.028580702539826607 0.07055858101892185 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.0337981552544136 0.0716546623156857 0 0 -1 0
+234 1 0.0025 1500.0000000000005 0.0363880668308159 0.06960684765129563 0 0 0 0
+236 1 0.0025 1500.0000000000005 0.03866554477967491 0.07072588360398957 0 0 0 0
+229 1 0.0025 1500.0000000000005 0.04068076431326007 0.06930956790072688 0 0 0 0
+232 1 0.0025 1500.0000000000005 0.04479573229567614 0.07056845534639525 0 0 0 0
+218 1 0.0025 1500.0000000000005 0.047118604639300427 0.07112768286216962 0 0 0 0
+230 1 0.0025 1500.0000000000005 0.04969881793824202 0.07125420978247417 0 0 0 0
+1 1 0.0025 1500.0000000000005 0.05416687532904956 0.07017141102698628 0 0 -1 0
+9 1 0.0035 1071.4285714285713 0.057841211285311084 0.07164811201921521 0 0 -1 0
+228 1 0.0035 1071.4285714285713 0.06113509657768431 0.07090032913951141 0 0 0 0
+227 1 0.0035 1071.4285714285713 0.06441018096405092 0.06985330627168358 0 0 0 0
+237 1 0.0025 1500.0000000000005 0.0673348532511533 0.0698224917412881 0 0 0 0
+
+Velocities
+
+14 8.590681384001254 9.646728795840078 0 0 0 0
+12 35.596290647169134 23.913814292246734 0 0 0 0
+16 -14.50388344620964 -1.0735933384512077 0 0 0 0
+233 -21.538195834027885 3.837553518345979 0 0 0 0
+10 28.789586471016097 8.933783535948963 0 0 0 0
+3 -12.264933250110527 -21.860794209438254 0 0 0 0
+238 -44.1421268074659 50.73335104569458 0 0 0 0
+239 -56.07969498723331 -15.224602747339366 0 0 0 0
+8 31.852226114102905 -2.555032232888962 0 0 0 0
+4 -14.480209525769228 19.41142068234848 0 0 0 0
+2 36.155227862095686 2.160350468757985 0 0 0 0
+6 13.981726040984341 11.420494464853897 0 0 0 0
+32 -39.411689406051245 6.772804690218815 0 0 0 0
+17 -24.769706955602928 -10.020176201564993 0 0 0 0
+24 -44.14119763287322 -41.35952548484151 0 0 0 0
+25 -13.736915017675162 54.790369584291554 0 0 0 0
+13 -23.01074775982162 -1.086273924999083 0 0 0 0
+11 57.413578441943095 -12.50394831254489 0 0 0 0
+27 -54.247290597385174 22.459531464479184 0 0 0 0
+23 -7.465705562774653 18.831463532108206 0 0 0 0
+15 -10.763552942797771 18.330932932309217 0 0 0 0
+7 -16.84126904382889 62.429200786513114 0 0 0 0
+21 2.771411460849994 -24.450583787433054 0 0 0 0
+18 5.680673893745668 16.131640202414328 0 0 0 0
+26 -25.565893662588074 -62.73743635849183 0 0 0 0
+28 -16.73638470831588 -61.2068786939619 0 0 0 0
+37 -17.716888138172063 -0.6316006714216664 0 0 0 0
+20 23.699029825842093 -24.459689591393314 0 0 0 0
+19 -7.8278744230127515 9.665822820324635 0 0 0 0
+22 0.1000059486319109 22.335454238630717 0 0 0 0
+52 16.384130254816426 -1.8424613921241708 0 0 0 0
+42 -13.246950553126284 -58.23950845721831 0 0 0 0
+33 -7.66696601146627 20.82940523521454 0 0 0 0
+35 -31.223504444876646 76.80703768813513 0 0 0 0
+31 -22.027927150413493 -11.667458544361773 0 0 0 0
+34 20.857049042157396 17.830578196938756 0 0 0 0
+43 -28.104155905450472 15.20489289946037 0 0 0 0
+38 -10.948959785095232 24.73697003691825 0 0 0 0
+54 15.023030404893738 -35.6150821743406 0 0 0 0
+46 -44.47590015364222 -29.449936093771665 0 0 0 0
+30 0.6167909615041839 2.391387932347188 0 0 0 0
+36 -33.938136530615566 -38.77930722735411 0 0 0 0
+45 -25.425070096479427 50.06914340977086 0 0 0 0
+58 25.388677159285766 3.055761561082293 0 0 0 0
+47 8.314836908339403 -6.623414354984791 0 0 0 0
+29 24.54067295481925 49.59618648569124 0 0 0 0
+59 49.5690500062207 63.33833054959124 0 0 0 0
+41 0.47069390385568416 -6.0438049401010785 0 0 0 0
+48 37.72909168665121 -33.819722932850375 0 0 0 0
+63 -13.996509522045287 59.1943794746451 0 0 0 0
+51 -5.893459333660816 32.74817895307174 0 0 0 0
+67 3.9240955284506205 -27.83588870490052 0 0 0 0
+44 30.19810884887619 -3.3341361000768206 0 0 0 0
+40 -48.274132361667206 -78.99240832686893 0 0 0 0
+55 -36.09810273443576 23.325713408006038 0 0 0 0
+53 -5.7046017882532025 29.698859938473213 0 0 0 0
+60 45.60561776429397 -22.387817541511655 0 0 0 0
+39 32.89397902706222 13.949227517043736 0 0 0 0
+66 -19.194409877609903 -37.006038157231735 0 0 0 0
+49 -31.994332238140338 -17.53777995996965 0 0 0 0
+71 12.008031439164187 32.252153456211815 0 0 0 0
+81 59.897812572477015 -1.9447215091005023 0 0 0 0
+50 44.10299975811986 -8.18676739126314 0 0 0 0
+62 -0.6134224085160458 8.291876473695579 0 0 0 0
+77 28.820205556179648 -0.7463944421370856 0 0 0 0
+69 -10.456202129680351 -10.264719308750704 0 0 0 0
+76 2.006403102330408 0.7347526310870223 0 0 0 0
+65 13.385939814636869 -15.419335718235567 0 0 0 0
+72 34.15331458444326 -19.081428055246906 0 0 0 0
+70 10.917085429652497 2.231185313937677 0 0 0 0
+57 -29.29715585822802 16.90466351936232 0 0 0 0
+56 -11.329501567453425 53.6689832824795 0 0 0 0
+84 2.1136226606595447 26.747806354698977 0 0 0 0
+73 -49.86186999852703 -7.414209413779662 0 0 0 0
+74 31.739083360633167 -38.904680897345116 0 0 0 0
+64 -11.566914064432261 -12.476625898007816 0 0 0 0
+61 29.776617541491234 6.016602727312011 0 0 0 0
+80 15.448838063712437 55.236741520929954 0 0 0 0
+86 -15.931746640385429 -2.7284669089335862 0 0 0 0
+82 -29.164318994751078 62.96085329709013 0 0 0 0
+83 -19.07816000860042 -19.00542376091361 0 0 0 0
+75 32.04819810386743 6.499986173847019 0 0 0 0
+87 -46.83404162870562 25.631330663518195 0 0 0 0
+88 72.92715252743254 21.150019991831236 0 0 0 0
+68 28.160282369153393 -0.3158348209869554 0 0 0 0
+78 4.485780271999261 24.708159645308832 0 0 0 0
+98 23.502792853630677 31.00866394964851 0 0 0 0
+104 28.49902778099681 -0.1755379163865399 0 0 0 0
+92 15.132168950032947 -41.186330374543616 0 0 0 0
+94 7.057559087663118 -14.561411044403727 0 0 0 0
+102 19.755432472182683 -12.657412654937271 0 0 0 0
+99 -10.373641515582436 22.822121676095914 0 0 0 0
+93 -19.359043267949033 43.132958340025475 0 0 0 0
+91 29.051168818250794 -34.518704588327445 0 0 0 0
+112 61.76901876520509 -41.32431126369007 0 0 0 0
+108 -5.912512638635012 10.413485315576988 0 0 0 0
+95 6.210270562837809 -22.636357729955417 0 0 0 0
+89 29.3181031573299 -58.39143451844743 0 0 0 0
+85 10.240680015994748 33.28762233528779 0 0 0 0
+79 9.381798329898642 17.099335643541735 0 0 0 0
+96 6.558781088229238 48.64742824203664 0 0 0 0
+90 -36.3559140420761 -8.978811541184285 0 0 0 0
+111 46.88185780750937 7.720678791851962 0 0 0 0
+115 -31.762336303165863 -5.42602262744542 0 0 0 0
+103 -42.39658701310038 -33.062235392985514 0 0 0 0
+109 -24.661625358056707 -21.641145995019574 0 0 0 0
+97 4.400595874466625 3.6555781060173818 0 0 0 0
+106 5.5880035913505965 32.894517047731235 0 0 0 0
+110 -12.987206685204072 -9.873950719718183 0 0 0 0
+107 17.309922386859334 -11.569609292406671 0 0 0 0
+101 -12.691633596854315 8.558790568572077 0 0 0 0
+126 -28.59717123234771 14.328651700041844 0 0 0 0
+121 -19.551172568706974 14.575481572857791 0 0 0 0
+117 3.7701913161752234 15.31092218770397 0 0 0 0
+114 -8.312908004496242 38.42566110808883 0 0 0 0
+132 -16.566167446858096 24.11775047730317 0 0 0 0
+128 35.83583833032859 4.37977933564925 0 0 0 0
+119 20.55066378262469 -22.907423202204974 0 0 0 0
+120 -48.62796324427194 -19.605724366636842 0 0 0 0
+116 16.269301489946642 -64.31661840447363 0 0 0 0
+100 0.5767928064579178 18.539099376733162 0 0 0 0
+113 -5.452834826369533 31.965073892821984 0 0 0 0
+125 52.60845870755765 -30.008560993393733 0 0 0 0
+124 24.528203573907696 17.438875387631832 0 0 0 0
+127 47.06981760560631 -12.503132721328026 0 0 0 0
+123 -1.156380346690499 -6.418979150872802 0 0 0 0
+122 -7.004601263197721 13.886387001417376 0 0 0 0
+143 1.8984489751325042 -34.51564683505336 0 0 0 0
+139 -28.329694440965476 2.6486713683131247 0 0 0 0
+129 23.824902669150926 -10.378845581207429 0 0 0 0
+137 2.896594161662832 27.729333323405438 0 0 0 0
+118 -41.90638776964678 21.66538977533176 0 0 0 0
+105 23.17396650455743 13.968431329107519 0 0 0 0
+130 32.488662947855794 7.298729541541615 0 0 0 0
+144 48.13492899436338 26.874379114262144 0 0 0 0
+134 -45.40899603893667 -28.084847971139165 0 0 0 0
+146 -7.806926355055354 44.038541949552936 0 0 0 0
+138 -28.21313056826972 9.81189774433386 0 0 0 0
+133 25.52305162902505 35.97360220714454 0 0 0 0
+141 13.76557185885182 49.49881259032433 0 0 0 0
+161 3.9003685567680773 16.699447659662745 0 0 0 0
+148 -47.291167446670414 -13.969189634359859 0 0 0 0
+152 13.090928153329877 20.56858640681158 0 0 0 0
+142 51.502199996429844 -68.87915462292415 0 0 0 0
+135 96.40901844064653 -2.586803512701696 0 0 0 0
+131 -32.26028267943463 -3.616512183480445 0 0 0 0
+140 -19.406850932521866 -8.466987514899474 0 0 0 0
+150 8.764063840658816 23.777196299154014 0 0 0 0
+151 -54.24547825667574 20.243030692288325 0 0 0 0
+145 13.418534721315254 42.9105548912848 0 0 0 0
+156 29.585097778661932 -30.123351203369495 0 0 0 0
+154 -52.19640855931008 7.62379203105071 0 0 0 0
+155 36.358230965312316 -28.413804450690975 0 0 0 0
+157 -39.7615428917352 -43.0209680939638 0 0 0 0
+149 -21.500102381903318 10.819611196457236 0 0 0 0
+162 -12.593061280589689 -19.93387527315685 0 0 0 0
+159 3.1911240064391575 -38.083534197149675 0 0 0 0
+147 -12.850218199235192 -5.658487346323266 0 0 0 0
+136 26.28595024432208 -43.63116871732553 0 0 0 0
+158 29.050598470541058 21.274499573992113 0 0 0 0
+153 -16.362355039425225 -17.471689479471383 0 0 0 0
+170 17.420186020432713 -15.874954233017828 0 0 0 0
+174 19.96244953761281 -9.813469314660816 0 0 0 0
+180 20.81604837454726 4.755721688592846 0 0 0 0
+160 -4.488104101279252 -39.43708629111172 0 0 0 0
+163 9.631106173744447 36.79857828983549 0 0 0 0
+168 -39.4024028409574 -9.124952433248419 0 0 0 0
+173 -31.645166104809366 -34.70448736537571 0 0 0 0
+172 36.221587719584996 4.58361647882786 0 0 0 0
+165 -7.852622082356524 34.70838785533887 0 0 0 0
+167 1.7815682765697256 -17.249751892186893 0 0 0 0
+164 5.683916834489683 64.68643229624351 0 0 0 0
+179 -57.321384734591376 25.586965799133164 0 0 0 0
+171 -7.8322990821611524 3.502850834375495 0 0 0 0
+166 -11.298533626786302 11.276037224229515 0 0 0 0
+186 -0.568533012927233 9.401931162382464 0 0 0 0
+185 -31.373583528124463 49.57495616919241 0 0 0 0
+182 -10.67781315002533 62.64100521329922 0 0 0 0
+181 -22.070813343160268 43.774310436614044 0 0 0 0
+177 84.08197390898194 -18.090439994308483 0 0 0 0
+191 4.776691267008589 -25.65794504919411 0 0 0 0
+176 -1.9788807700473576 23.200224789696023 0 0 0 0
+169 2.166072727806354 -14.843618338068726 0 0 0 0
+175 -52.308107920919454 2.218414231417425 0 0 0 0
+194 48.51581795099253 -7.331984319702981 0 0 0 0
+198 21.239252207699817 22.332552560928 0 0 0 0
+204 8.68519939192706 -26.16478262325696 0 0 0 0
+184 -4.75454023478584 -40.20590302245512 0 0 0 0
+188 18.361495505603664 -3.94408097936566 0 0 0 0
+187 52.47001452066107 23.118209624678894 0 0 0 0
+196 10.996866252989406 73.41327210912318 0 0 0 0
+195 -23.45135121377599 -50.19950417175059 0 0 0 0
+210 -41.57169842404177 -51.20383069351894 0 0 0 0
+214 -23.047132042374322 -14.932530779322256 0 0 0 0
+193 -7.374055447260312 -23.680531605412092 0 0 0 0
+183 9.491764800812463 -68.28682660880291 0 0 0 0
+189 -8.717328067344603 -14.725892705317586 0 0 0 0
+202 44.96344199914611 35.09616332975942 0 0 0 0
+192 62.03491709052885 34.50026728016847 0 0 0 0
+178 33.07801513813881 -36.41858231714575 0 0 0 0
+197 26.44224955181847 -7.1350683667225665 0 0 0 0
+203 -67.4173794732185 49.384686511120385 0 0 0 0
+221 52.09051507400214 8.224752033822206 0 0 0 0
+215 -13.24763638059658 0.7927109060089872 0 0 0 0
+211 -23.706825380439444 -12.250044854853915 0 0 0 0
+212 45.90238239438529 -29.601765118996646 0 0 0 0
+190 -1.125912061056714 -28.350493064374877 0 0 0 0
+206 -17.526942617604995 25.777970584677316 0 0 0 0
+200 -10.465730624397095 -14.590969428466506 0 0 0 0
+225 -29.713376114767875 -36.44849339358678 0 0 0 0
+201 15.267578514212872 -65.39819118268333 0 0 0 0
+209 55.32065669639523 -19.01081828711746 0 0 0 0
+222 11.200047029012442 2.997636534642343 0 0 0 0
+199 10.161653677097034 1.4542273522655047 0 0 0 0
+216 40.61303715540826 -20.243275077314323 0 0 0 0
+240 -33.731622757651856 -8.421786056063613 0 0 0 0
+224 -23.53109023917218 -16.215761442297623 0 0 0 0
+220 25.04972654110074 -13.773692493527486 0 0 0 0
+223 -1.7794554519509025 -12.474500090566986 0 0 0 0
+208 -26.744267285036617 70.82082382092949 0 0 0 0
+205 -19.920699411921664 -24.89148101371575 0 0 0 0
+231 3.0932519235338534 -6.333031112923393 0 0 0 0
+217 -31.800569560388816 -39.69921954979319 0 0 0 0
+235 -0.49504503756418783 -28.656761703702838 0 0 0 0
+207 -32.79908081556666 25.37845368197407 0 0 0 0
+219 15.573155932019876 -55.603857770348064 0 0 0 0
+213 25.528835069596855 19.405799311289062 0 0 0 0
+226 27.711862023197547 -39.16504612433441 0 0 0 0
+5 -48.875600504408425 24.468118336748493 0 0 0 0
+234 -6.291084142693444 21.958291825355914 0 0 0 0
+236 -7.8814694167369055 -7.892538662154233 0 0 0 0
+229 -41.29867356554448 20.12330033047058 0 0 0 0
+232 11.002866559986437 38.12151360084074 0 0 0 0
+218 25.601390218372153 -36.49546395562728 0 0 0 0
+230 -20.80408916637915 22.312780096845284 0 0 0 0
+1 21.31122103671705 -81.15639606103326 0 0 0 0
+9 -6.748716783092147 -40.24186954261091 0 0 0 0
+228 -5.416245123771914 -33.626956165770196 0 0 0 0
+227 24.4125644478595 -39.17446369626677 0 0 0 0
+237 -4.307278884356792 29.630541681142663 0 0 0 0
diff --git a/DATASET/P=180000Pa/box_sheared.data b/DATASET/P=180000Pa/box_sheared.data
new file mode 100644
index 0000000..8ef04fa
--- /dev/null
+++ b/DATASET/P=180000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2230722
+
+240 atoms
+6 atom types
+
+0.028328870116141117 0.07167112988385892 xlo xhi
+0.028328870116141117 0.07167112988385892 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.004334231549774754 0 0 xy xz yz
+
+Atoms # sphere
+
+14 1 0.0035 1071.4285714285713 0.030762531498720404 0.0293751104458932 0 0 0 0
+12 1 0.0025 1500.0000000000005 0.03674385931049509 0.028878699282475544 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.05495975285230045 0.0290243348433033 0 0 0 0
+6 1 0.0035 1071.4285714285713 0.06960173434025016 0.0289433199922453 0 -1 0 0
+3 1 0.0025 1500.0000000000005 0.048342331911563965 0.02981333815224386 0 0 0 0
+2 1 0.0035 1071.4285714285713 0.0661390022094838 0.02976718270808629 0 0 0 0
+4 1 0.0025 1500.0000000000005 0.0630729897078929 0.02989287381075799 0 0 0 0
+10 1 0.0035 1071.4285714285713 0.04537748801224759 0.02996909356142754 0 0 0 0
+238 1 0.0025 1500.0000000000005 0.05077655472982534 0.03008009789522497 0 0 1 0
+16 1 0.0035 1071.4285714285713 0.039452152950380306 0.03016177610209413 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.035472543694273745 0.030822191108712392 0 0 0 0
+15 1 0.0035 1071.4285714285713 0.060247059535893904 0.030822161487340637 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.07185425224042621 0.03114137510406316 0 0 0 0
+73 1 0.0035 1071.4285714285713 0.030864432923804867 0.0431025311787056 0 1 0 0
+92 1 0.0025 1500.0000000000005 0.031171075164305666 0.04604809571459224 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.030820301200793963 0.051139316693179296 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.03145413385466825 0.05421519337694158 0 0 0 0
+145 1 0.0025 1500.0000000000005 0.03218784793094806 0.057145649230265994 0 0 0 0
+196 1 0.0025 1500.0000000000005 0.03293929411236184 0.0639071908413221 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.032404499888454126 0.06825288968182339 0 1 0 0
+226 1 0.0025 1500.0000000000005 0.03287117387758178 0.07063424370728505 0 0 0 0
+63 1 0.0035 1071.4285714285713 0.030877838610748793 0.03961020155548181 0 1 0 0
+221 1 0.0025 1500.0000000000005 0.033610646489321036 0.06626316790367681 0 1 0 0
+182 1 0.0025 1500.0000000000005 0.03318887241242196 0.06143124161288661 0 0 0 0
+115 1 0.0035 1071.4285714285713 0.032464498568411354 0.04878616907103512 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.030925242783830728 0.032339447000535704 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.033841355105835386 0.05911368710389909 0 0 0 0
+43 1 0.0035 1071.4285714285713 0.03164350772787582 0.036180869635305375 0 0 0 0
+240 1 0.0035 1071.4285714285713 0.035329122011927776 0.06918724711962634 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.03310731484056375 0.03135078835875874 0 0 0 0
+25 1 0.0025 1500.0000000000005 0.037645745840522694 0.032324513284976895 0 0 0 0
+13 1 0.0035 1071.4285714285713 0.042660490643320406 0.03180822251421622 0 0 0 0
+11 1 0.0025 1500.0000000000005 0.04773550262469427 0.03208738327411594 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.053498489796365636 0.031421443297855546 0 0 0 0
+23 1 0.0035 1071.4285714285713 0.05695261916923723 0.031415522875143 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.0629411528042702 0.0322932698913695 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.06900109513574446 0.032253571626119165 0 0 0 0
+26 1 0.0025 1500.0000000000005 0.03304918566350164 0.033777141446253565 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.03548946684518282 0.03327280558312049 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.03776010048907778 0.03477888345366492 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.04008698981561294 0.03327798000488472 0 0 0 0
+19 1 0.0025 1500.0000000000005 0.04563120287909406 0.033080998746819676 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.0506117700145409 0.03301233443125212 0 0 0 0
+52 1 0.0025 1500.0000000000005 0.05326709243606455 0.03459483190435272 0 0 0 0
+42 1 0.0025 1500.0000000000005 0.05546970108332122 0.03374643463447173 0 0 0 0
+33 1 0.0025 1500.0000000000005 0.05817045851592122 0.034137199243079924 0 0 0 0
+35 1 0.0025 1500.0000000000005 0.060554897164514516 0.03372869885507451 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.06580510964535796 0.0332292222399729 0 0 0 0
+34 1 0.0035 1071.4285714285713 0.07202925438642552 0.03409839033603323 0 0 0 0
+38 1 0.0035 1071.4285714285713 0.03511073954088421 0.0362690541972129 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.03800747054163209 0.03729911427357501 0 0 0 0
+46 1 0.0035 1071.4285714285713 0.04060914195538545 0.03621450460708636 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.04384405651505353 0.035212863998791734 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.0480785594930193 0.035213674059656794 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.051001105626361135 0.03588081620879711 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.05660722861293404 0.036528119652908454 0 0 0 0
+47 1 0.0035 1071.4285714285713 0.060120010556478115 0.03658030087613115 0 0 0 0
+29 1 0.0035 1071.4285714285713 0.06322956450681083 0.035230204475347617 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.0661843876237033 0.036186135972301685 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.06914699801650201 0.03601557355879918 0 0 0 0
+48 1 0.0025 1500.0000000000005 0.07224714336314514 0.03697329341559713 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.03360063245183019 0.03868058059431402 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.03646627737667846 0.039717354309719594 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.04017482055735289 0.039024275117003536 0 0 0 0
+40 1 0.0025 1500.0000000000005 0.04314502257114286 0.037972884501079635 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.04620861552908044 0.038004475458273054 0 0 0 0
+53 1 0.0035 1071.4285714285713 0.04975699840088692 0.03838743465048457 0 0 0 0
+60 1 0.0035 1071.4285714285713 0.05351021613550502 0.03756534720995803 0 0 0 0
+72 1 0.0035 1071.4285714285713 0.05859337609376085 0.039529884469652714 0 0 0 0
+70 1 0.0035 1071.4285714285713 0.06203383391209183 0.03965235633083835 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.06431561360689408 0.038057622204901775 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.06723712700174775 0.03910720264476604 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.07069167019280329 0.039286586992902474 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.03358120726803332 0.04120664431974283 0 0 0 0
+81 1 0.0035 1071.4285714285713 0.03937237351960185 0.04185814746426752 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.042670000736057166 0.0408163899059 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.04562165818770467 0.04098304149629782 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.047927053419448556 0.040508869519165 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.050328817717734634 0.04134292444788467 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.052322562498633686 0.04015189609392923 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.05529169875162855 0.04070710698011518 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.06044204412987364 0.04196435387784184 0 0 0 0
+57 1 0.0025 1500.0000000000005 0.0649106120844353 0.04066685484604693 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.06899472838476323 0.04162473339340753 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.033812483440357984 0.043743157403713 0 0 0 0
+64 1 0.0025 1500.0000000000005 0.03587321600109794 0.04259531451999733 0 0 0 0
+99 1 0.0025 1500.0000000000005 0.03796969277232787 0.04427699144706489 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.04198481761297586 0.04349751055275517 0 0 0 0
+80 1 0.0035 1071.4285714285713 0.044905693222387744 0.04378543257504018 0 0 0 0
+86 1 0.0025 1500.0000000000005 0.04759880847432871 0.042904256730938735 0 0 0 0
+82 1 0.0025 1500.0000000000005 0.05000045657096408 0.0436877724554928 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.05290448465646949 0.043159696038291874 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.055946962270408226 0.043657010920961324 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.057920776366535615 0.0423277809506839 0 0 0 0
+68 1 0.0035 1071.4285714285713 0.06330881676844946 0.04299090377418262 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.06683206772994565 0.04237403077659651 0 0 0 0
+98 1 0.0025 1500.0000000000005 0.06877932743937007 0.044084572856108735 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.07138139239419597 0.04217998925796529 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.03367104310845113 0.04618152057643378 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.03586263822650829 0.04523488426769008 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.04065228412788029 0.04591931027807252 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.043636063688190854 0.04643200836387683 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.04617419493533259 0.04651281543339478 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.04831540326909784 0.04537770184279645 0 0 0 0
+95 1 0.0035 1071.4285714285713 0.05130322932274734 0.04639972499324173 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.05421719699324431 0.045941751727851005 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.056609881642536 0.046086648896511206 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.058483534874318524 0.0447184357159911 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.060804037814113476 0.044392906525108314 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.06302586230467869 0.0464727103059515 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.06620874688925775 0.045316709599952605 0 0 0 0
+111 1 0.0025 1500.0000000000005 0.0691476506991058 0.046568001306814225 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.07162700347915815 0.04510638722683114 0 0 0 0
+103 1 0.0035 1071.4285714285713 0.03582661891741828 0.04846569605868969 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.038006554925308494 0.04680222063921174 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.04222420278878626 0.04844814658883887 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.04867165613813833 0.04833034677860216 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.05372663040848973 0.04825368077713595 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.05973909305326126 0.04756878519488484 0 0 0 0
+125 1 0.0035 1071.4285714285713 0.06582303117361338 0.04875069450234707 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.07240649180189795 0.048544198749763005 0 0 0 0
+117 1 0.0035 1071.4285714285713 0.03959175860457219 0.04944917377378739 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.04290402096181706 0.05083491710280835 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.045139719885594606 0.04909755905662068 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.04760780653718445 0.050925208907451544 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.05002805487296706 0.051039540172577565 0 0 0 0
+120 1 0.0025 1500.0000000000005 0.05160436047356577 0.04933539514198547 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.054386718593301464 0.050669254007719426 0 0 0 0
+100 1 0.0035 1071.4285714285713 0.0566428277690505 0.04896804202838682 0 0 0 0
+105 1 0.0035 1071.4285714285713 0.05958987939246066 0.05107435341216601 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.06265036822088088 0.04984022978768333 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.0692153443751728 0.04946723925790281 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.033895526353568614 0.0520518127427194 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.03726491214202891 0.051755698703344316 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.04078660646006112 0.052762257197646226 0 0 0 0
+139 1 0.0035 1071.4285714285713 0.04540662628646902 0.05264353252392429 0 0 0 0
+129 1 0.0025 1500.0000000000005 0.052399567720330456 0.05184979813582278 0 0 0 0
+137 1 0.0025 1500.0000000000005 0.05466447866195782 0.05312290440799823 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.05680862469567495 0.05189262322693749 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.062419107627719024 0.05330851163168232 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.06497037319918145 0.05197702065730232 0 0 0 0
+144 1 0.0025 1500.0000000000005 0.06729586958552672 0.05147425922984033 0 0 0 0
+134 1 0.0025 1500.0000000000005 0.06953634095699476 0.05256833606755629 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.07169557322261427 0.0512997380571847 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.03602513589725255 0.0543350360564859 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.03851209931991884 0.05451058045759291 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.043407392559138266 0.0546216368881841 0 0 0 0
+148 1 0.0035 1071.4285714285713 0.048997633028148815 0.05367561841055933 0 0 0 0
+152 1 0.0035 1071.4285714285713 0.05237049394925432 0.05476323188938653 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.05682823076858963 0.054324690686109595 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.05932557350980648 0.053916166342974345 0 0 0 0
+140 1 0.0025 1500.0000000000005 0.06529414466175253 0.05447255850407696 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.06761151609385549 0.05398033266708997 0 0 0 0
+151 1 0.0025 1500.0000000000005 0.06978892996795014 0.055236065209420204 0 0 0 0
+146 1 0.0025 1500.0000000000005 0.07180647603424994 0.05372441028163485 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.03455003969420498 0.05621199290841608 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.037490242323303426 0.05656343377646165 0 0 0 0
+155 1 0.0035 1071.4285714285713 0.04110137771926542 0.056165087465193594 0 0 0 0
+157 1 0.0025 1500.0000000000005 0.04397737763447025 0.05702178005499638 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.046584515763873485 0.05594835235340957 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.04995147231795198 0.05699187493494199 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.05521411609485386 0.05598357361245691 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.05814683673279155 0.05703433014795401 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.06105087312933359 0.055805050461243885 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.06399762675766613 0.05700707784648561 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.0674386549373806 0.05689733208447209 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.0725994787953137 0.05668139122096144 0 0 0 0
+163 1 0.0025 1500.0000000000005 0.03607506712514539 0.058379477156202626 0 0 0 0
+177 1 0.0025 1500.0000000000005 0.037943416327098724 0.06018649990936396 0 0 0 0
+168 1 0.0025 1500.0000000000005 0.0393938612175606 0.05838803899621217 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.04253305262596846 0.0589064550033825 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.04569184166262999 0.05890500228533656 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.04817895003131561 0.059102887893794656 0 0 0 0
+167 1 0.0035 1071.4285714285713 0.05334361055883492 0.058112356735617945 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.05622377239452865 0.059191535719952816 0 0 0 0
+179 1 0.0025 1500.0000000000005 0.05861178262475228 0.05999185478733368 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.061225230942141703 0.058733623910387486 0 0 0 0
+166 1 0.0025 1500.0000000000005 0.06398478511139843 0.0599307862876629 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.06694635720066841 0.06026123101152723 0 0 0 0
+170 1 0.0025 1500.0000000000005 0.07014393981448655 0.0582247169738476 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.07235579405295417 0.05953069134200126 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.07476575053797671 0.05955673530204274 0 -1 0 0
+181 1 0.0025 1500.0000000000005 0.035689353893160705 0.06086093818864497 0 0 0 0
+191 1 0.0035 1071.4285714285713 0.040808805173134954 0.061090193575162995 0 0 0 0
+176 1 0.0035 1071.4285714285713 0.04428426358397488 0.061438682780598684 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.04797311950772905 0.06201249574309101 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.050946498944488994 0.060405993904422785 0 0 0 0
+194 1 0.0025 1500.0000000000005 0.05400422969155798 0.061006486005845476 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.05683789498192453 0.062122551804849185 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.05996183297032521 0.062319045990630206 0 0 0 0
+184 1 0.0025 1500.0000000000005 0.06220716286443745 0.061569283917065246 0 0 0 0
+188 1 0.0035 1071.4285714285713 0.07027242853491014 0.06136880317778395 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.0737406628953653 0.062242070580079405 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.03523547514491676 0.0631487051962957 0 0 0 0
+210 1 0.0035 1071.4285714285713 0.03823157409683757 0.06311128716738541 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.04250609948273629 0.06428680055149585 0 0 0 0
+193 1 0.0035 1071.4285714285713 0.0459426176584799 0.06458506579877427 0 0 0 0
+183 1 0.0025 1500.0000000000005 0.05131710324870567 0.06336764829353952 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.05374646960435139 0.06340919283671127 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.05889194968239922 0.06442139021258687 0 0 0 0
+192 1 0.0035 1071.4285714285713 0.06212596921548854 0.06451952913823039 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.06496449167848209 0.06283778644057478 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.06832536377167486 0.06402423868040916 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.07134531623168586 0.0641981920690046 0 0 0 0
+215 1 0.0035 1071.4285714285713 0.036457116641415835 0.06604364479456738 0 0 0 0
+211 1 0.0035 1071.4285714285713 0.03990308662073457 0.0662651856429729 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.04422297605985691 0.06677705002179171 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.04939377121031634 0.0653944553181417 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.052828366332037 0.06606333145283846 0 0 0 0
+200 1 0.0035 1071.4285714285713 0.05615209941404732 0.06538554836881509 0 0 0 0
+225 1 0.0025 1500.0000000000005 0.06029322020384443 0.06659666981816784 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.06500429088384382 0.06572490833143549 0 0 0 0
+209 1 0.0025 1500.0000000000005 0.06796794232333342 0.06689072463621135 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.07396819556008992 0.06568611819680722 0 0 0 0
+224 1 0.0025 1500.0000000000005 0.03823947804026748 0.06855787291919664 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.04231677447306046 0.06824927077086537 0 0 0 0
+229 1 0.0025 1500.0000000000005 0.044636579036850206 0.0692457444622196 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.04718441034324103 0.06792291702372397 0 0 0 0
+208 1 0.0025 1500.0000000000005 0.050119283290394924 0.06834128803175157 0 0 0 0
+205 1 0.0025 1500.0000000000005 0.052506842005711894 0.06897310116892469 0 0 0 0
+231 1 0.0035 1071.4285714285713 0.05546978226182252 0.06868181569700905 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.05823766919635931 0.06764408430046322 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.060405515205717936 0.06899340577678836 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.0630689845253389 0.06788355697213413 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.06601340410674365 0.0681057359421265 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.07098541539292097 0.06713628496202832 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.07354480861108748 0.0691036912747367 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.038166329047099254 0.07150359699858608 0 0 -1 0
+234 1 0.0025 1500.0000000000005 0.04048508981728352 0.0697807544943204 0 0 0 0
+236 1 0.0025 1500.0000000000005 0.04280886542865914 0.07067408942255202 0 0 0 0
+233 1 0.0035 1071.4285714285713 0.046466013049529215 0.07166104984544158 0 0 0 0
+232 1 0.0025 1500.0000000000005 0.04894507439115932 0.07041292757665424 0 0 0 0
+218 1 0.0025 1500.0000000000005 0.05135041934215748 0.07102983381839897 0 0 0 0
+230 1 0.0025 1500.0000000000005 0.053855396214488864 0.07117254768313147 0 0 0 0
+239 1 0.0025 1500.0000000000005 0.056579667689795006 0.071615223724769 0 0 0 0
+1 1 0.0025 1500.0000000000005 0.05828855219226505 0.07002967409868116 0 0 -1 0
+9 1 0.0035 1071.4285714285713 0.062134073795111835 0.0714951139896909 0 0 -1 0
+228 1 0.0035 1071.4285714285713 0.06549386057247966 0.07091471438596153 0 0 0 0
+227 1 0.0035 1071.4285714285713 0.06863399711458862 0.06977933019817471 0 0 0 0
+237 1 0.0025 1500.0000000000005 0.07153391025565486 0.07031202622700966 0 0 0 0
+
+Velocities
+
+14 28.422093065965633 6.551430769729116 0 0 0 0
+12 24.13894272726785 75.02618782184251 0 0 0 0
+8 53.535651582156035 27.745991981807077 0 0 0 0
+6 1.4823746758850793 10.54010083875693 0 0 0 0
+3 -2.8521271629779132 -37.21740150327694 0 0 0 0
+2 29.551253889659026 -7.883346673279671 0 0 0 0
+4 -22.92033073588993 35.132141744706594 0 0 0 0
+10 -8.076022158494569 6.598080924360409 0 0 0 0
+238 0.5569461166217876 60.211556740180356 0 0 0 0
+16 49.20120734302724 -1.6857771512247286 0 0 0 0
+24 5.320665148446005 -14.80894687549033 0 0 0 0
+15 15.634334443135225 5.503236448596779 0 0 0 0
+18 14.432623042383764 61.64606124147903 0 0 0 0
+73 10.330910386823618 -45.39817798247108 0 0 0 0
+92 -41.49279041367351 7.450344061802798 0 0 0 0
+121 0.037955143663103146 34.34404248774538 0 0 0 0
+138 17.155401371215955 37.76808544691032 0 0 0 0
+145 -5.018475715845803 8.52436899752817 0 0 0 0
+196 -55.10566096447592 2.6296503112299625 0 0 0 0
+216 9.805769635930424 53.11657481410688 0 0 0 0
+226 3.034632505099363 12.316039828745447 0 0 0 0
+63 -19.52415658531833 9.60702122299212 0 0 0 0
+221 -27.422090817764307 33.329266824650254 0 0 0 0
+182 0.5030805950324921 6.4636830655398825 0 0 0 0
+115 -30.035510922361947 9.677273823583409 0 0 0 0
+32 4.418510519938932 -60.983647637847966 0 0 0 0
+160 -30.70067881918748 30.026533339106678 0 0 0 0
+43 -8.16240776418515 -4.431338284951487 0 0 0 0
+240 24.44222043599449 10.553772465021552 0 0 0 0
+17 61.584995185778894 -7.639017858840231 0 0 0 0
+25 47.25156561697843 34.87624583926733 0 0 0 0
+13 -2.5531739929856543 -31.343445136935152 0 0 0 0
+11 -11.914757596220541 32.72234725145487 0 0 0 0
+27 -3.2019796813685284 -23.80206856169643 0 0 0 0
+23 17.827622252701126 18.000627995539194 0 0 0 0
+7 -27.39428877370805 -10.689901756491958 0 0 0 0
+21 -2.644755451703915 23.031126456528007 0 0 0 0
+26 -40.312183123789616 -9.272167345042725 0 0 0 0
+28 22.692065403020514 -21.89719557547565 0 0 0 0
+37 2.8197514816855516 14.028582882624102 0 0 0 0
+20 2.9388468497570774 38.865158447121594 0 0 0 0
+19 -3.133844113321799 35.616673961707 0 0 0 0
+22 15.889092693902265 -21.739589042802578 0 0 0 0
+52 30.940312750814996 37.858996215544316 0 0 0 0
+42 -38.99463763723447 -0.5295653960415723 0 0 0 0
+33 60.48717084048002 -16.296929380972035 0 0 0 0
+35 -59.535075046322724 -44.17255001075392 0 0 0 0
+31 36.732282228407655 49.207499681930614 0 0 0 0
+34 3.969565841612808 32.37909921696905 0 0 0 0
+38 -22.57315605520211 -13.575494861204197 0 0 0 0
+54 50.280546095920094 22.271110704644617 0 0 0 0
+46 -27.24950159397413 19.00701166205527 0 0 0 0
+30 -11.403251007159636 26.130530716222566 0 0 0 0
+36 -7.222691206660046 -24.830671062689294 0 0 0 0
+45 -53.55818515154525 16.47853539332709 0 0 0 0
+58 -40.55130127743193 8.85353007996178 0 0 0 0
+47 12.319240628360744 -27.595403718705548 0 0 0 0
+29 -20.10795583731982 -0.11985365350415611 0 0 0 0
+59 -1.5029440065039583 22.073618194906786 0 0 0 0
+41 12.838563201424074 10.252455520042194 0 0 0 0
+48 -14.565988816206197 3.5855914867041982 0 0 0 0
+51 -6.518643358032123 -27.870176117084238 0 0 0 0
+67 -11.209970659659154 15.763466701776695 0 0 0 0
+44 -49.08113755958647 15.283015740836717 0 0 0 0
+40 5.378082230461559 40.99586850165802 0 0 0 0
+55 31.22611793013123 22.54795306184583 0 0 0 0
+53 -0.3351186968804011 -22.613093193107247 0 0 0 0
+60 12.85239139022276 7.344419433468924 0 0 0 0
+72 -0.9529361935887362 41.56242319405002 0 0 0 0
+70 -28.068522141394347 6.855780727070428 0 0 0 0
+39 1.3739233731107618 -28.126930398020555 0 0 0 0
+66 -13.679903745778107 -3.2130346940425354 0 0 0 0
+49 -3.5284396364636774 -11.78978183054484 0 0 0 0
+71 30.33679074789209 12.696324983895108 0 0 0 0
+81 -5.715488016974684 6.200741072122126 0 0 0 0
+50 13.391178193125478 -36.415415970590516 0 0 0 0
+62 -81.2739372672507 58.48767809221316 0 0 0 0
+77 25.706089066031264 23.149928615286335 0 0 0 0
+69 -29.161174552959544 45.897888105450384 0 0 0 0
+76 -0.9271317874849309 56.01941449829092 0 0 0 0
+65 7.972271146090608 53.276823169876465 0 0 0 0
+88 -22.082610378203974 59.59166678470077 0 0 0 0
+57 -57.07568993588566 -2.7840255944204286 0 0 0 0
+56 -28.34778085744028 -42.7432541874905 0 0 0 0
+74 -33.467759503122494 -60.91319031800779 0 0 0 0
+64 91.97257041103727 18.67671751943315 0 0 0 0
+99 -1.978264715661272 -46.50729661890119 0 0 0 0
+61 17.83965765276734 73.02886293856335 0 0 0 0
+80 -46.842018756635916 -2.7339294779714884 0 0 0 0
+86 53.551157145820866 -13.50615477867155 0 0 0 0
+82 27.421145402899402 -35.22513228766319 0 0 0 0
+83 -1.4505462730493517 -40.742935813998606 0 0 0 0
+75 36.52924340646131 -39.91342268495619 0 0 0 0
+87 -68.42862096127945 3.464977938091996 0 0 0 0
+68 9.464860482761082 12.302001781773834 0 0 0 0
+78 6.383421228104293 9.831086512854263 0 0 0 0
+98 27.108989637547356 24.7352457423629 0 0 0 0
+84 52.83768119040745 25.94570219804759 0 0 0 0
+94 -23.296803762005354 -3.6738215366541294 0 0 0 0
+102 11.696721924650598 -31.61837575682598 0 0 0 0
+93 -34.963297147458775 -61.74700259255483 0 0 0 0
+91 -13.416956926917475 9.30376626187249 0 0 0 0
+112 58.52755805128755 26.891616343351703 0 0 0 0
+108 13.497504039121843 54.3045143492375 0 0 0 0
+95 21.71888246887692 32.7130811108112 0 0 0 0
+89 2.5711317416888755 -25.093648039600602 0 0 0 0
+85 -0.03915830963391309 -3.686065015786135 0 0 0 0
+79 0.4322517074106451 -5.235686425759848 0 0 0 0
+96 7.49062385651221 47.23343682869605 0 0 0 0
+101 7.652099399517555 38.76282466778221 0 0 0 0
+90 12.940993148640796 7.838827898353838 0 0 0 0
+111 -37.74072557695772 24.071953444070274 0 0 0 0
+104 -4.255721681323276 -4.910051612230523 0 0 0 0
+103 -15.64402926792981 10.532040270562192 0 0 0 0
+109 -58.59975484899695 47.213945508939126 0 0 0 0
+97 -43.47423719089358 -29.76204640541235 0 0 0 0
+106 13.070205870128454 -40.17985881219234 0 0 0 0
+110 -18.098122697629197 5.161644453379747 0 0 0 0
+107 8.518047639345626 7.963827904428377 0 0 0 0
+125 -5.597716141432153 40.79206776673232 0 0 0 0
+126 -44.677795679194894 -36.16338716400121 0 0 0 0
+117 -7.3774372087552305 14.142606970823612 0 0 0 0
+114 23.68653285422274 -24.29003703114027 0 0 0 0
+132 -10.874530440755471 10.35647036526323 0 0 0 0
+128 -29.32892229100631 40.96008785264218 0 0 0 0
+119 -34.7760936053644 22.80107380072184 0 0 0 0
+120 -15.572887455977506 -11.701945652150084 0 0 0 0
+116 -51.48354110582252 -59.34736637624763 0 0 0 0
+100 2.806667400457527 -23.589475661041554 0 0 0 0
+105 33.75909351868532 17.654628956860407 0 0 0 0
+113 16.870772501292393 -27.498420522860307 0 0 0 0
+124 15.403254656077777 23.73583916195673 0 0 0 0
+123 -12.500277661623134 3.7435682265540335 0 0 0 0
+122 -7.861861430106348 -28.614004511588696 0 0 0 0
+143 20.598546506004897 -12.78514746017785 0 0 0 0
+139 4.544864700995661 -15.434753186880561 0 0 0 0
+129 -32.2709471986887 5.8335743171260654 0 0 0 0
+137 -17.096430823000137 56.792488442538335 0 0 0 0
+118 3.77724191833859 32.842301364085316 0 0 0 0
+131 -16.759626642790597 -20.717962859399965 0 0 0 0
+130 -6.749678693893386 -5.314216787461851 0 0 0 0
+144 -10.580316205030325 -26.960140933484812 0 0 0 0
+134 11.902303540496808 14.745199590406507 0 0 0 0
+127 -9.156513757832636 -7.311382550123227 0 0 0 0
+133 -44.40660575149571 -4.982263004598848 0 0 0 0
+141 -6.418456060407678 -4.596502620253425 0 0 0 0
+161 17.941492807190624 -7.883306914824141 0 0 0 0
+148 11.873377800999977 1.5511043355391438 0 0 0 0
+152 13.725458868402969 -33.714512634952584 0 0 0 0
+142 44.41002259053057 -33.20653742859263 0 0 0 0
+135 -0.49135215200206706 -86.79827742750939 0 0 0 0
+140 27.74149445221982 -40.284493492622424 0 0 0 0
+150 46.715323014878244 36.248285592325615 0 0 0 0
+151 -9.335168753679348 -47.98811939019216 0 0 0 0
+146 16.873522250889184 -22.82171294993913 0 0 0 0
+156 -19.883836722269244 -27.193294083341428 0 0 0 0
+154 25.70541527684452 14.938354889563007 0 0 0 0
+155 12.249800509928445 -53.22765228653934 0 0 0 0
+157 -11.982666614560095 6.141565882636481 0 0 0 0
+149 48.853821746494155 -8.68873340812203 0 0 0 0
+162 13.078587714687249 16.79178907692425 0 0 0 0
+159 -6.7742609084285235 25.870618124397527 0 0 0 0
+147 12.916909744435308 7.308042723428723 0 0 0 0
+136 -9.527924061432907 -32.23721693151552 0 0 0 0
+158 12.167629345950726 -54.19210565977944 0 0 0 0
+153 -12.469681985990304 17.367007257356494 0 0 0 0
+174 -6.0099615812859986 26.459834257355464 0 0 0 0
+163 42.49277511740566 6.572798400516694 0 0 0 0
+177 8.160380766046211 13.992987026111946 0 0 0 0
+168 30.860167623602585 -7.019667089046176 0 0 0 0
+173 -28.286043797489366 22.85295370002811 0 0 0 0
+172 -0.1079143364336603 -65.12225954336344 0 0 0 0
+165 -10.141894267674555 -53.73986862197208 0 0 0 0
+167 23.494989972503344 -25.680410730942175 0 0 0 0
+164 40.98397882248352 -29.904646344471427 0 0 0 0
+179 23.46438168306469 67.02226598896345 0 0 0 0
+171 21.315131277884273 -45.39557068820567 0 0 0 0
+166 -30.29918978764515 -10.313094470319326 0 0 0 0
+186 33.57969645255099 25.434666986706688 0 0 0 0
+170 -40.364784999172585 45.80835401130171 0 0 0 0
+185 -18.06883276794893 -21.217013016536804 0 0 0 0
+180 3.680910881171399 -18.125670286125676 0 0 0 0
+181 59.40757062549825 -61.82401132744338 0 0 0 0
+191 11.495539967774832 -12.998182985957866 0 0 0 0
+176 9.43863999034128 7.3513232291148665 0 0 0 0
+169 18.678723828786243 3.3396150702013077 0 0 0 0
+175 11.001738129864497 -16.559018974557027 0 0 0 0
+194 -19.887414302681492 -28.374026323510726 0 0 0 0
+198 -34.330995664183945 -24.404369277388152 0 0 0 0
+204 -10.93826516480697 2.0777925027333763 0 0 0 0
+184 45.93752687090257 -34.77322272176009 0 0 0 0
+188 9.145368800820002 -21.73814732435922 0 0 0 0
+187 -8.072437716652447 8.131099325929666 0 0 0 0
+195 -33.52005155155399 1.027601707125315 0 0 0 0
+210 29.9576778586541 -7.234889440824229 0 0 0 0
+214 28.834676777148488 -38.973606539155405 0 0 0 0
+193 -12.110240129042777 -3.7055069574807957 0 0 0 0
+183 -7.406316575856245 -3.0307333601099353 0 0 0 0
+189 89.96260865740533 -20.555676287989733 0 0 0 0
+202 -42.36597340704636 30.248459156134786 0 0 0 0
+192 -3.6957745352972005 -41.92193240025988 0 0 0 0
+178 -0.6454361839554504 -24.011042802593522 0 0 0 0
+197 -3.4373217406797445 3.1397430760771314 0 0 0 0
+203 -15.75354023814152 -7.049631534107406 0 0 0 0
+215 -7.009613193968172 -25.983573411957828 0 0 0 0
+211 8.595163820401984 -0.6710351479349499 0 0 0 0
+212 15.55088606884131 -34.21441921837731 0 0 0 0
+190 -19.13436504405211 8.534370527003746 0 0 0 0
+206 -12.477166990851545 -20.308934838841818 0 0 0 0
+200 -35.24376789543628 17.23513168948358 0 0 0 0
+225 7.973980164984292 60.266213462585895 0 0 0 0
+201 -30.97242165554353 -8.551122045625986 0 0 0 0
+209 -41.86031797138627 13.596065505436107 0 0 0 0
+199 -7.081610666586263 1.767616014673791 0 0 0 0
+224 19.83007658854661 1.9728779613497054 0 0 0 0
+220 -41.14786978370017 24.977610527787164 0 0 0 0
+229 19.58596836978247 -27.580563694905855 0 0 0 0
+223 1.3465256872423337 10.545980707570651 0 0 0 0
+208 -40.02134368357543 21.518356361641107 0 0 0 0
+205 -37.54605945540292 22.460456415909636 0 0 0 0
+231 17.335381627845635 -0.41360342494509883 0 0 0 0
+217 5.428937408878053 25.858162508311498 0 0 0 0
+235 8.367789311689902 -36.75498151717479 0 0 0 0
+207 1.5087066363712407 14.307025750709132 0 0 0 0
+219 -25.800701883538068 -3.414797400160843 0 0 0 0
+222 -14.56767200783811 21.66936998539093 0 0 0 0
+213 23.558734103586616 -22.971744019571798 0 0 0 0
+5 -12.731499065530306 28.236484268773935 0 0 0 0
+234 -13.137352121460014 12.609562766435861 0 0 0 0
+236 -50.37311764623123 19.27349172773146 0 0 0 0
+233 -15.39288258810876 -33.303742451139996 0 0 0 0
+232 -25.802580319518352 50.97593145473185 0 0 0 0
+218 1.557427653086832 -15.087362063753087 0 0 0 0
+230 22.452400151756592 -26.712437714516863 0 0 0 0
+239 -24.594273973001805 -28.357678694455387 0 0 0 0
+1 7.751293072554303 -27.48981118342194 0 0 0 0
+9 -11.96894466021634 -1.0251596119124053 0 0 0 0
+228 22.910776892577175 -11.170452259848336 0 0 0 0
+227 -21.633928068843833 3.71287393547862 0 0 0 0
+237 22.255103146534044 -9.507436872263884 0 0 0 0
diff --git a/DATASET/P=180000Pa/confined.restart b/DATASET/P=180000Pa/confined.restart
new file mode 100644
index 0000000..0abfa65
Binary files /dev/null and b/DATASET/P=180000Pa/confined.restart differ
diff --git a/DATASET/P=180000Pa/log.lammps b/DATASET/P=180000Pa/log.lammps
new file mode 100644
index 0000000..1507a27
--- /dev/null
+++ b/DATASET/P=180000Pa/log.lammps
@@ -0,0 +1,150 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.028328870 0.028328870 -0.00050000000) to (0.071671130 0.071671130 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.001 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 230722
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 231
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.028328870 0.028328870 -0.00050000000) to (0.071671130 0.071671130 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.33422597677178e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 231 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 230722
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 20 20 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.04334226 0 4088.2653 0 230722
+ 2005000 240 0.04334226 9.3927574e-05 -1591.5739 0.002167113 230722
+ 2010000 240 0.04334226 0.00018785515 -7271.4735 0.004334226 230722
+ 2015000 240 0.04334226 0.00028178272 -12949.723 0.006501339 230722
+ 2020000 240 0.04334226 0.0003757103 -18633.88 0.008668452 230722
+ 2025000 240 0.04334226 0.00046963787 -24319.245 0.010835565 230722
+ 2030000 240 0.04334226 0.00056356544 -30015.882 0.013002678 230722
+ 2035000 240 0.04334226 0.00065749302 -35723.241 0.015169791 230722
+ 2040000 240 0.04334226 0.00075142059 -41440.846 0.017336904 230722
+ 2045000 240 0.04334226 0.00084534817 -47162.737 0.019504017 230722
+ 2050000 240 0.04334226 0.00093927574 -52873.429 0.02167113 230722
+ 2055000 240 0.04334226 0.0010332033 -58571.483 0.023838243 230722
+ 2060000 240 0.04334226 0.0011271309 -64259.33 0.026005356 230722
+ 2065000 240 0.04334226 0.0012210585 -69934.745 0.028172469 230722
+ 2070000 240 0.04334226 0.001314986 -75593.771 0.030339582 230722
+ 2075000 240 0.04334226 0.0014089136 -81232.391 0.032506695 230722
+ 2080000 240 0.04334226 0.0015028412 -86859.11 0.034673808 230722
+ 2085000 240 0.04334226 0.0015967688 -92464.549 0.036840921 230722
+ 2090000 240 0.04334226 0.0016906963 -98042.044 0.039008034 230722
+ 2095000 240 0.04334226 0.0017846239 -103583.41 0.041175147 230722
+ 2100000 240 0.04334226 0.0018785515 -109104.43 0.04334226 230722
+ 2105000 240 0.04334226 0.0019724791 -114605.51 0.045509373 230722
+ 2110000 240 0.04334226 0.0020664066 -120095.47 0.047676486 230722
+ 2115000 240 0.04334226 0.0021603342 -125574.1 0.049843599 230722
+ 2120000 240 0.04334226 0.0022542618 -131036.24 0.052010712 230722
+ 2125000 240 0.04334226 0.0023481894 -136494.89 0.054177825 230722
+ 2130000 240 0.04334226 0.0024421169 -141965.13 0.056344938 230722
+ 2135000 240 0.04334226 0.0025360445 -147449.55 0.058512051 230722
+ 2140000 240 0.04334226 0.0026299721 -152940.98 0.060679164 230722
+ 2145000 240 0.04334226 0.0027238996 -158434.15 0.062846277 230722
+ 2150000 240 0.04334226 0.0028178272 -163926.66 0.06501339 230722
+ 2155000 240 0.04334226 0.0029117548 -169416.26 0.067180503 230722
+ 2160000 240 0.04334226 0.0030056824 -174906.06 0.069347616 230722
+ 2165000 240 0.04334226 0.0030996099 -180388.78 0.071514729 230722
+ 2170000 240 0.04334226 0.0031935375 -185870.41 0.073681842 230722
+ 2175000 240 0.04334226 0.0032874651 -191361.91 0.075848955 230722
+ 2180000 240 0.04334226 0.0033813927 -196875.59 0.078016068 230722
+ 2185000 240 0.04334226 0.0034753202 -202410.94 0.080183181 230722
+ 2190000 240 0.04334226 0.0035692478 -207963.79 0.082350294 230722
+ 2195000 240 0.04334226 0.0036631754 -213531.25 0.084517407 230722
+ 2200000 240 0.04334226 0.003757103 -219112.3 0.08668452 230722
+ 2205000 240 0.04334226 0.0038510305 -224701.84 0.088851633 230722
+ 2210000 240 0.04334226 0.0039449581 -230298.11 0.091018746 230722
+ 2215000 240 0.04334226 0.0040388857 -235905.52 0.093185859 230722
+ 2220000 240 0.04334226 0.0041328133 -241521.56 0.095352971 230722
+ 2225000 240 0.04334226 0.0042267408 -247153.09 0.097520084 230722
+ 2230000 240 0.04334226 0.0043206684 -252805.08 0.099687197 230722
+ 2230722 240 0.04334226 0.0043342315 -253622.79 0.10000013 230722
+Loop time of 5.8418 on 1 procs for 230722 steps with 240 atoms
+
+99.2% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 4.4716 | 4.4716 | 4.4716 | 0.0 | 76.54
+Neigh | 0.000808 | 0.000808 | 0.000808 | 0.0 | 0.01
+Comm | 0.54579 | 0.54579 | 0.54579 | 0.0 | 9.34
+Output | 0.0066247 | 0.0066247 | 0.0066247 | 0.0 | 0.11
+Modify | 0.59811 | 0.59811 | 0.59811 | 0.0 | 10.24
+Other | | 0.2189 | | | 3.75
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 113.000 ave 113 max 113 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 707.000 ave 707 max 707 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 707
+Ave neighs/atom = 2.9458333
+Neighbor list builds = 17
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:05
diff --git a/DATASET/P=190000Pa/1_generate_conf_190000Pa.in b/DATASET/P=190000Pa/1_generate_conf_190000Pa.in
new file mode 100644
index 0000000..370ea23
--- /dev/null
+++ b/DATASET/P=190000Pa/1_generate_conf_190000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 190000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 253 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 499 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 754 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 35 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 727 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 849 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 90 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 776 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 605 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 922 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 970 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 602 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 418 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 115 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 617 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 903 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 196 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 826 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 501 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 626 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 493 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 75 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 413 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 376 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 420 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 729 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 277 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 761 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 676 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 394 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 869 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 457 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 920 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 192 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 739 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 689 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 99 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 548 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 978 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 999 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=190000Pa/2_shear.in b/DATASET/P=190000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=190000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=190000Pa/StrainStress.txt b/DATASET/P=190000Pa/StrainStress.txt
new file mode 100644
index 0000000..b34e9be
--- /dev/null
+++ b/DATASET/P=190000Pa/StrainStress.txt
@@ -0,0 +1,1003 @@
+# Fix print output for fix output_file
+4.41782696697192e-05 3584.6385796520803524
+0.000144021159123558 3280.206194153562592
+0.00024386404857724 2975.7913393469402763
+0.000343706938030921 2671.3993766159601364
+0.000443549827484603 2367.0042473656235416
+0.000543392716938285 2062.6007173021275776
+0.000643235606392124 1758.2349110422533158
+0.000743078495845805 1453.8611523981587652
+0.000842921385299487 1149.477944422538485
+0.000942764274753169 845.0913206096175827
+0.00104260716420685 540.71082759153910047
+0.00114245005366069 236.34140296337182008
+0.00124229294311437 -68.037258849676661043
+0.00134213583256805 -372.42175035348407164
+0.00144197872202173 -676.80956277570044222
+0.00154182161147542 -981.19849519329500254
+0.00164166450092925 -1285.5864980980770724
+0.00174150739038294 -1589.9716187473684386
+0.00184135027983662 -1894.3519712708116458
+0.0019411931692903 -2198.7257166421031798
+0.00204103605874398 -2503.0910473571943839
+0.00214087894819782 -2807.4461744803043075
+0.0022407218376515 -3111.7893156513837312
+0.00234056472710518 -3416.118683129758665
+0.00244040761655887 -3720.4324707000587296
+0.00254025050601255 -4024.7288383626482755
+0.00264009339546623 -4329.0058927285763275
+0.00273993628492007 -4633.2616600499686683
+0.00283977917437375 -4937.4967793028245069
+0.00293962206382743 -5241.7781968109602531
+0.00303946495328111 -5546.0807176551252269
+0.00313930784273479 -5850.3850051029212409
+0.00323915073218863 -6154.6835335657815449
+0.00333899362164231 -6458.970760994831835
+0.003438836511096 -6763.2387834721766922
+0.00353867940054968 -7067.4736367166960918
+0.00363852229000336 -7371.662074977899465
+0.0037383651794572 -7675.8444918038903779
+0.00383820806891088 -7980.0190894761808522
+0.00393805095836456 -8284.1837898518424481
+0.00403789384781824 -8588.3366277830591571
+0.00413773673727193 -8892.4788811786220322
+0.00423757962672576 -9196.614155883586136
+0.00433742251617945 -9500.7368998082256439
+0.00443726540563313 -9804.8442785201568768
+0.00453710829508681 -10108.934041955639259
+0.00463695118454049 -10413.004576634337354
+0.00473679407399433 -10717.057412505595494
+0.00483663696344801 -11021.089264139292936
+0.00493647985290169 -11325.097695518454202
+0.00503632274235537 -11629.080672225718445
+0.00513616563180906 -11933.036292436658186
+0.0052360085212629 -12236.962715486615707
+0.00533585141071658 -12540.858128479863808
+0.00543569430017026 -12844.720725322793442
+0.00553553718962394 -13148.548690131021431
+0.00563538007907762 -13452.340181863710313
+0.00573522296853146 -13756.093317780612779
+0.00583506585798514 -14059.806153789264499
+0.00593490874743882 -14363.476658882320407
+0.00603475163689251 -14667.102679506218919
+0.00613459452634619 -14970.681886005322667
+0.00623443741579987 -15274.21975271505471
+0.00633428030525371 -15577.784640825932001
+0.00643412319470739 -15881.342530920916033
+0.00653396608416107 -16184.874143995613849
+0.00663380897361475 -16488.372250697364507
+0.00673365186306843 -16791.824981574096455
+0.00683349475252227 -17095.264672052708192
+0.00693333764197596 -17398.689602037095028
+0.00703318053142964 -17702.095473757159198
+0.00713302342088332 -18005.47875992518675
+0.007232866310337 -18308.836382453217084
+0.00733270919979084 -18612.165555997096817
+0.00743255208924452 -18915.468221635532245
+0.0075323949786982 -19218.767164062384836
+0.00763223786815188 -19522.047919713011652
+0.00773208075760557 -19825.303480982413021
+0.00783192364705941 -20128.529467698870576
+0.00793176653651309 -20431.72238245000699
+0.00803160942596677 -20734.879161934000876
+0.00813145231542045 -21037.99699190951651
+0.00823129520487413 -21341.073211292958149
+0.00833113809432797 -21644.105254392936331
+0.00843098098378165 -21947.090611833333242
+0.00853082387323533 -22250.026801163436176
+0.00863066676268901 -22552.911342547660752
+0.0087305096521427 -22855.741736680854956
+0.00883035254159654 -23158.515442814845301
+0.00893019543105022 -23461.229854949622677
+0.0090300383205039 -23763.882273959970917
+0.00912988120995758 -24066.469872585912526
+0.00922972409941126 -24368.989648179562209
+0.0093295669888651 -24671.438354280333442
+0.00942940987831878 -24973.812392892541538
+0.00952925276777246 -25276.107626055829314
+0.00962909565722615 -25578.31899262843217
+0.00972893854667983 -25880.439506067225011
+0.00982878143613351 -26182.45525522519165
+0.00992862432558735 -26484.35015137391747
+0.010028467215041 -26786.167109075639019
+0.0101283101044947 -27087.903088782819395
+0.0102281529939484 -27389.553310848812544
+0.0103279958834021 -27691.111542851580452
+0.0104278387728559 -27992.568318665820698
+0.0105276816623096 -28293.899532591363823
+0.0106275245517633 -28595.096255930857296
+0.010727367441217 -28896.222857356715394
+0.0108272103306706 -29197.276639788346074
+0.0109270532201245 -29498.254442223376827
+0.0110268961095782 -29799.151966958939738
+0.0111267389990318 -30099.959905670748412
+0.0112265818884855 -30400.686333190598816
+0.0113264247779392 -30701.334045440922637
+0.011426267667393 -31001.9002648471469
+0.0115261105568467 -31302.38195826674928
+0.0116259534463004 -31602.775751467048394
+0.0117257963357541 -31903.07779163455416
+0.0118256392252078 -32203.283502521921037
+0.0119254821146616 -32503.387069982716639
+0.0120253250041153 -32803.379947680790792
+0.012125167893569 -33103.241293015926203
+0.0122250107830227 -33402.982572485103447
+0.0123248536724763 -33702.603881310402357
+0.0124246965619302 -34002.110487297737563
+0.0125245394513839 -34301.512803106365027
+0.0126243823408375 -34600.795497202016122
+0.0127242252302912 -34899.924334479110257
+0.0128240681197449 -35198.940788548301498
+0.0129239110091987 -35497.89661429906846
+0.0130237538986524 -35796.786980627599405
+0.0131235967881061 -36095.609237979348109
+0.0132234396775598 -36394.36124046742043
+0.0133232825670135 -36693.040984736740938
+0.0134231254564671 -36991.64650212322158
+0.013522968345921 -37290.195748007688962
+0.0136228112353747 -37588.689220024498354
+0.0137226541248284 -37887.115759142237948
+0.013822497014282 -38185.479591822018847
+0.0139223399037357 -38483.778306219559454
+0.0140221827931896 -38782.003360942238942
+0.0141220256826432 -39080.148553014878416
+0.0142218685720969 -39378.203677897392481
+0.0143217114615506 -39676.16359440638189
+0.0144215543510043 -39974.047950293810572
+0.0145213972404581 -40271.854316608594672
+0.0146212401299118 -40569.580318567925133
+0.0147210830193655 -40867.223604449951381
+0.0148209259088192 -41164.781822653763811
+0.0149207687982728 -41462.266051714039349
+0.0150206116877267 -41759.683407534357684
+0.0151204545771804 -42057.021461030861246
+0.015220297466634 -42354.274879666409106
+0.0153201403560877 -42651.439554049822618
+0.0154199832455414 -42948.511804603214841
+0.0155198261349953 -43245.488113253559277
+0.0156196690244489 -43542.36499139587977
+0.0157195119139026 -43839.138895505479013
+0.0158193548033563 -44135.806159608109738
+0.01591919769281 -44432.36292985190812
+0.0160190405822638 -44728.805090442336223
+0.0161188834717175 -45025.128169055780745
+0.0162187263611712 -45321.327203234410263
+0.0163185692506249 -45617.396531862839765
+0.0164184121400785 -45913.329428674340306
+0.0165182550295324 -46209.117339095952048
+0.0166180979189861 -46504.747742325547733
+0.0167179408084397 -46800.188510415442579
+0.0168177836978934 -47095.446115287748398
+0.0169176265873471 -47390.56730675981089
+0.0170174694768009 -47685.54348653890338
+0.0171173123662546 -47980.361793696509267
+0.0172171552557083 -48274.996656082592381
+0.017316998145162 -48569.429585821999353
+0.0174168410346157 -48863.695664212711563
+0.0175166839240694 -49157.752674615046999
+0.0176165268135232 -49451.614290760146105
+0.0177163697029769 -49745.329846473920043
+0.0178162125924306 -50038.945895459102758
+0.0179160554818842 -50332.450717518455349
+0.0180158983713379 -50625.842758154707553
+0.0181157412607918 -50919.139519819080306
+0.0182155841502454 -51212.336650288918463
+0.0183154270396991 -51505.428443596691068
+0.0184152699291528 -51798.405923884973163
+0.0185151128186065 -52091.244419932510937
+0.0186149557080603 -52383.966739307979879
+0.018714798597514 -52676.584822494143737
+0.0188146414869677 -52969.090453853292274
+0.0189144843764214 -53261.506867362957564
+0.0190143272658751 -53553.831726412921853
+0.0191141701553289 -53846.062321173048986
+0.0192140130447826 -54138.195713007204176
+0.0193138559342363 -54430.228674121564836
+0.0194136988236899 -54722.157584161410341
+0.0195135417131436 -55013.993042180161865
+0.0196133846025975 -55305.74974187630869
+0.0197132274920511 -55597.407731196130044
+0.0198130703815048 -55888.956167446842301
+0.0199129132709585 -56180.384191041179292
+0.0200127561604122 -56471.677291963693278
+0.020112599049866 -56762.81011327172746
+0.0202124419393197 -57053.765996499598259
+0.0203122848287734 -57344.53211856247799
+0.0204121277182271 -57635.174909022025531
+0.0205119706076808 -57925.741862854396459
+0.0206118134971346 -58216.205954092358297
+0.0207116563865883 -58506.579734193990589
+0.020811499276042 -58796.880840748104674
+0.0209113421654956 -59087.094165012400481
+0.0210111850549493 -59377.209937988096499
+0.021111027944403 -59667.266229929293331
+0.0212108708338568 -59957.258714894669538
+0.0213107137233105 -60247.180664376952336
+0.0214105566127642 -60537.042683914085501
+0.0215103995022179 -60826.844220043269161
+0.0216102423916716 -61116.583597518518218
+0.0217100852811254 -61406.259135432417679
+0.0218099281705791 -61695.869132112828083
+0.0219097710600328 -61985.411849331489066
+0.0220096139494864 -62274.885494219350221
+0.0221094568389401 -62564.288196559886273
+0.022209299728394 -62853.621848311726353
+0.0223091426178476 -63142.959280258612125
+0.0224089855073013 -63432.272111940073955
+0.022508828396755 -63721.541564869447029
+0.0226086712862087 -64010.757680662594794
+0.0227085141756625 -64299.911925680484273
+0.0228083570651162 -64588.99274668750877
+0.0229081999545699 -64877.984089846271672
+0.0230080428440236 -65166.916980244452134
+0.0231078857334773 -65455.790302438865183
+0.0232077286229311 -65744.60092510857794
+0.0233075715123848 -66033.345620643667644
+0.0234074144018385 -66322.020885620368063
+0.0235072572912921 -66610.622624503492261
+0.0236071001807458 -66899.145397706597578
+0.0237069430701997 -67187.579435023304541
+0.0238067859596533 -67475.903564138454385
+0.023906628849107 -67764.158237464376725
+0.0240064717385607 -68052.348316204515868
+0.0241063146280144 -68340.472149552428164
+0.0242061575174682 -68628.528093372427975
+0.0243060004069219 -68916.51450404591742
+0.0244058432963756 -69204.429732522403356
+0.0245056861858293 -69492.27230130067619
+0.024605529075283 -69780.111643147844006
+0.0247053719647368 -70067.932026600334211
+0.0248052148541905 -70355.712085697625298
+0.0249050577436442 -70643.442867335194023
+0.0250049006330978 -70931.118376245285617
+0.0251047435225515 -71218.73388936847914
+0.0252045864120054 -71506.285325325006852
+0.025304429301459 -71793.768917970708571
+0.0254042721909127 -72081.180979979762924
+0.0255041150803664 -72368.517619944657781
+0.0256039579698201 -72655.774048087929259
+0.0257038008592738 -72942.942464616338839
+0.0258036437487276 -73230.034352496368228
+0.0259034866381813 -73517.074735980160767
+0.026003329527635 -73804.07378785792389
+0.0261031724170887 -74091.011632481051493
+0.0262030153065423 -74377.88015570314019
+0.0263028581959962 -74664.673076396924444
+0.0264027010854499 -74951.38432608016592
+0.0265025439749035 -75238.006744373720721
+0.0266023868643572 -75524.526813786811545
+0.0267022297538109 -75810.935111309110653
+0.0268020726432647 -76097.264732744544744
+0.0269019155327184 -76383.512745277374052
+0.0270017584221721 -76669.677911753722583
+0.0271016013116258 -76955.782753155886894
+0.0272014442010795 -77241.81464211497223
+0.0273012870905333 -77527.764960138403694
+0.027401129979987 -77813.682736202608794
+0.0275009728694407 -78099.574808012548601
+0.0276008157588943 -78385.408434547454817
+0.027700658648348 -78671.169443989449064
+0.0278005015378019 -78956.845665203014505
+0.0279003444272556 -79242.421535556786694
+0.0280001873167092 -79527.877411030902294
+0.0281000302061629 -79813.207903031929163
+0.0281998730956166 -80098.430952703594812
+0.0282997159850703 -80383.582730355265085
+0.0283995588745241 -80668.659276724763913
+0.0284994017639778 -80953.657521365166758
+0.0285992446534315 -81238.577583030550159
+0.0286990875428852 -81523.410874499328202
+0.0287989304323388 -81808.142570536307176
+0.0288987733217927 -82092.775249579615775
+0.0289986162112464 -82377.326795054599643
+0.0290984591007 -82661.794137266493635
+0.0291983019901537 -82946.174187478871318
+0.0292981448796074 -83230.464025398832746
+0.0293979877690612 -83514.681934092397569
+0.0294978306585149 -83798.827604316233192
+0.0295976735479686 -84082.887435004973668
+0.0296975164374223 -84366.854412383938325
+0.029797359326876 -84650.722180877462961
+0.0298972022163298 -84934.482592854619725
+0.0299970451057835 -85218.129373066170956
+0.0300968879952372 -85501.667453517045942
+0.0301967308846909 -85785.090915749242413
+0.0302965737741445 -86068.39213178610953
+0.0303964166635984 -86351.560557370568858
+0.0304962595530521 -86634.600604942461359
+0.0305961024425057 -86917.504893708275631
+0.0306959453319594 -87200.262422806627001
+0.0307957882214131 -87482.856619398386101
+0.0308956311108669 -87765.248758638539584
+0.0309954740003206 -88047.437355483227293
+0.0310953168897743 -88329.422036527554155
+0.031195159779228 -88611.261624219245277
+0.0312950026686817 -88892.958782318368321
+0.0313948455581355 -89174.529006800308707
+0.0314946884475892 -89456.021832673985045
+0.0315945313370429 -89737.435269943031017
+0.0316943742264966 -90018.767275901060202
+0.0317942171159502 -90300.030907717489754
+0.0318940600054041 -90581.243531931031612
+0.0319939028948578 -90862.408487828797661
+0.0320937457843114 -91143.543923505203566
+0.0321935886737651 -91424.624585040059173
+0.0322934315632188 -91705.640322244405979
+0.0323932744526726 -91986.583762879439746
+0.0324931173421263 -92267.447907506895717
+0.03259296023158 -92548.223843162282719
+0.0326928031210337 -92828.913214086831431
+0.0327926460104874 -93109.511238901075558
+0.032892488899941 -93390.007633345609065
+0.0329923317893949 -93670.402071693490143
+0.0330921746788486 -93950.686972323237569
+0.0331920175683022 -94230.837254782833043
+0.0332918604577559 -94510.886332316673361
+0.0333917033472096 -94790.852601047969074
+0.0334915462366635 -95070.733139380507055
+0.0335913891261171 -95350.526405035110656
+0.0336912320155708 -95630.238801775398315
+0.0337910749050245 -95909.859884873512783
+0.0338909177944782 -96189.378924547316274
+0.033990760683932 -96468.808931379229762
+0.0340906035733857 -96748.148163270496298
+0.0341904464628394 -97027.39359539054567
+0.0342902893522931 -97306.542162738143816
+0.0343901322417467 -97585.590675033643492
+0.0344899751312006 -97864.566498334243079
+0.0345898180206543 -98143.508578534194385
+0.034689660910108 -98422.383185769518605
+0.0347895037995616 -98701.172460410554777
+0.0348893466890153 -98979.856083490973106
+0.0349891895784692 -99258.448189479211578
+0.0350890324679228 -99536.950378427092801
+0.0351888753573765 -99815.357285311562009
+0.0352887182468302 -100093.69620195328025
+0.0353885611362839 -100372.00085223386122
+0.0354884040257377 -100650.2481332647003
+0.0355882469151914 -100928.41159807312943
+0.0356880898046451 -101206.46278402811731
+0.0357879326940988 -101484.39228215784533
+0.0358877755835524 -101762.23854766218574
+0.0359876184730061 -102040.00403595692478
+0.03608746136246 -102317.68362957339559
+0.0361873042519136 -102595.27234454423888
+0.0362871471413673 -102872.7651423393836
+0.036386990030821 -103150.15666281511949
+0.0364868329202747 -103427.44055993182701
+0.0365866758097285 -103704.60490535813733
+0.0366865186991822 -103981.65315809940512
+0.0367863615886359 -104258.59105720263324
+0.0368862044780896 -104535.41410442854976
+0.0369860473675433 -104812.11759477887244
+0.0370858902569971 -105088.69654987091781
+0.0371857331464508 -105365.1456304655876
+0.0372855760359045 -105641.45901396973932
+0.0373854189253581 -105917.63020952600345
+0.0374852618148118 -106193.65175113778969
+0.0375851047042657 -106469.51461579756869
+0.0376849475937193 -106745.20684582674585
+0.037784790483173 -107020.70774978984264
+0.0378846333726267 -107295.99523963234969
+0.0379844762620804 -107571.14418049108644
+0.0380843191515342 -107846.12726974299585
+0.0381841620409879 -108120.92471443244722
+0.0382840049304416 -108395.57170195961953
+0.0383838478198953 -108670.08005433305516
+0.0384836907093489 -108944.44394932992873
+0.0385835335988028 -109218.64272226425237
+0.0386833764882565 -109492.65871908042755
+0.0387832193777102 -109766.49295797539526
+0.0388830622671638 -110040.15311794428271
+0.0389829051566175 -110313.62447751151922
+0.0390827480460714 -110586.94430521503091
+0.039182590935525 -110860.08951090514893
+0.0392824338249787 -111133.09195484708471
+0.0393822767144324 -111405.99071732308948
+0.0394821196038861 -111678.77708401664859
+0.0395819624933399 -111951.44025374740886
+0.0396818053827936 -112223.96442030549224
+0.0397816482722473 -112496.31639503005135
+0.039881491161701 -112768.49298524051846
+0.0399813340511547 -113040.54440851326217
+0.0400811769406085 -113312.44366174604511
+0.0401810198300622 -113584.26391010002408
+0.0402808627195159 -113855.98715578152041
+0.0403807056089695 -114127.5978328929632
+0.0404805484984232 -114399.09438780967321
+0.0405803913878769 -114670.44791218270257
+0.0406802342773307 -114941.72058859167737
+0.0407800771667844 -115212.91905164807395
+0.0408799200562381 -115484.03701616817852
+0.0409797629456918 -115755.06735182373086
+0.0410796058351455 -116026.00138632200833
+0.0411794487245993 -116296.82735979910649
+0.041279291614053 -116567.52364789969579
+0.0413791345035067 -116838.05953345558373
+0.0414789773929603 -117108.43655088233936
+0.041578820282414 -117378.70930122578284
+0.0416786631718679 -117648.92983276720042
+0.0417785060613215 -117919.09322625609639
+0.0418783489507752 -118189.19508025411051
+0.0419781918402289 -118459.23069778825447
+0.0420780347296826 -118729.1945435583184
+0.0421778776191364 -118999.07924655950046
+0.0422777205085901 -119268.87233601328626
+0.0423775633980438 -119538.5374804353778
+0.0424774062874975 -119808.12405489770754
+0.0425772491769512 -120077.65577727761411
+0.042677092066405 -120347.13048370840261
+0.0427769349558587 -120616.5459782044054
+0.0428767778453124 -120885.90002427238505
+0.042976620734766 -121155.19033633692015
+0.0430764636242197 -121424.41457047780568
+0.0431763065136736 -121693.57031422405271
+0.0432761494031272 -121962.66140326934692
+0.0433759922925809 -122231.68771598256717
+0.0434758351820346 -122500.64284444291843
+0.0435756780714883 -122769.52289030206157
+0.0436755209609421 -123038.32427818815631
+0.0437753638503958 -123307.0434393415926
+0.0438752067398495 -123575.67666713523795
+0.0439750496293032 -123844.21999535459327
+0.0440748925187569 -124112.66903102256765
+0.0441747354082105 -124381.01858493025065
+0.0442745782976644 -124649.26037719019223
+0.0443744211871181 -124917.39208664710168
+0.0444742640765717 -125185.41348089692474
+0.0445741069660254 -125453.31684672377014
+0.0446739498554791 -125721.0933482767432
+0.0447737927449329 -125988.74376398300228
+0.0448736356343866 -126256.26076016074512
+0.0449734785238403 -126523.60876429534983
+0.045073321413294 -126790.79957111996191
+0.0451731643027477 -127057.89694811482332
+0.0452730071922015 -127324.89407650445355
+0.0453728500816552 -127591.78212635722593
+0.0454726929711089 -127858.54710729842191
+0.0455725358605625 -128125.15133076095663
+0.0456723787500162 -128391.62284269314841
+0.0457722216394701 -128658.00521473422123
+0.0458720645289238 -128924.29493139007536
+0.0459719074183774 -129190.48319001843629
+0.0460717503078311 -129456.56866919752792
+0.0461715931972848 -129722.57478421712585
+0.0462714360867386 -129988.49791407794692
+0.0463712789761923 -130254.33149243761727
+0.046471121865646 -130520.06805129420536
+0.0465709647550997 -130785.6960920545971
+0.0466708076445534 -131051.19326321262633
+0.0467706505340072 -131316.59434166082065
+0.0468704934234609 -131581.90058054428664
+0.0469703363129146 -131847.1064223057474
+0.0470701792023683 -132112.20522822043858
+0.0471700220918219 -132377.1883233031258
+0.0472698649812758 -132642.04105289361905
+0.0473697078707295 -132906.74115697480738
+0.0474695507601831 -133171.32204666046891
+0.0475693936496368 -133435.77297130224179
+0.0476692365390905 -133700.05911251020734
+0.0477690794285443 -133964.17808236458222
+0.047868922317998 -134228.19376602754346
+0.0479687652074517 -134492.08653826476075
+0.0480686080969054 -134755.88445469454746
+0.0481684509863591 -135019.58813709410606
+0.0482682938758129 -135283.19006701730541
+0.0483681367652666 -135546.68363130427315
+0.0484679796547203 -135810.06676728688763
+0.0485678225441739 -136073.32353089019307
+0.0486676654336276 -136336.44745376447099
+0.0487675083230813 -136599.43372172501404
+0.0488673512125351 -136862.27127413265407
+0.0489671941019888 -137124.99932332264143
+0.0490670369914425 -137387.60022698767716
+0.0491668798808962 -137650.05410517455311
+0.0492667227703499 -137912.37752764538163
+0.0493665656598037 -138174.56057402672013
+0.0494664085492574 -138436.59800450343755
+0.0495662514387111 -138698.53685168511583
+0.0496660943281648 -138960.41507568969973
+0.0497659372176184 -139222.23003327578772
+0.0498657801070723 -139483.98853656477877
+0.049965622996526 -139745.68809990942827
+0.0500654658859796 -140007.32099555476452
+0.0501653087754333 -140268.8814913383394
+0.050265151664887 -140530.36122508643894
+0.0503649945543407 -140791.75628561567282
+0.0504648374437945 -141053.07165398492361
+0.0505646803332482 -141314.30143885404686
+0.0506645232227019 -141575.43807213954278
+0.0507643661121556 -141836.47003620254691
+0.0508642090016093 -142097.36800723275519
+0.0509640518910631 -142358.14880577431177
+0.0510638947805168 -142618.83733382183709
+0.0511637376699705 -142879.40923136804486
+0.0512635805594241 -143139.87968441608245
+0.0513634234488778 -143400.2606043483247
+0.0514632663383317 -143660.53102439717622
+0.0515631092277853 -143920.72882210958051
+0.051662952117239 -144180.85321417078376
+0.0517627950066927 -144440.89362223102944
+0.0518626378961464 -144700.85544270349783
+0.0519624807856002 -144960.73829284252133
+0.0520623236750539 -145220.53397554665571
+0.0521621665645076 -145480.22694758736179
+0.0522620094539613 -145739.78198048187187
+0.0523618523434149 -145999.26645640537026
+0.0524616952328688 -146258.68897138009197
+0.0525615381223225 -146518.04637221855228
+0.0526613810117761 -146777.33506107600988
+0.0527612239012298 -147036.5507466494455
+0.0528610667906835 -147295.68787763384171
+0.0529609096801373 -147554.73780596442521
+0.053060752569591 -147813.67652767643449
+0.0531605954590447 -148072.52865589153953
+0.0532604383484984 -148331.31177321347059
+0.0533602812379521 -148590.02252168112318
+0.0534601241274059 -148848.65720345571754
+0.0535599670168596 -149107.21168829392991
+0.0536598099063133 -149365.68127521645511
+0.053759652795767 -149624.06046961949323
+0.0538594956852206 -149882.34258232323918
+0.0539593385746745 -150140.51886079731048
+0.0540591814641282 -150398.57567590795225
+0.0541590243535818 -150656.48317636971478
+0.0542588672430355 -150914.26871658014716
+0.0543587101324892 -151171.91859479103005
+0.0544585530219431 -151429.4216643179534
+0.0545583959113967 -151686.79377726634266
+0.0546582388008504 -151944.05767187572201
+0.0547580816903041 -152201.17887019767659
+0.0548579245797578 -152458.17704890659661
+0.0549577674692116 -152715.09568475311971
+0.0550576103586653 -152971.95660828819382
+0.055157453248119 -153228.75506191144814
+0.0552572961375727 -153485.48489665592206
+0.0553571390270263 -153742.13708955224138
+0.0554569819164802 -153998.68981420402997
+0.0555568248059339 -154255.14233519678237
+0.0556566676953875 -154511.51510237003095
+0.0557565105848412 -154767.77792306532501
+0.0558563534742949 -155023.97178827834432
+0.0559561963637487 -155280.12457552875276
+0.0560560392532024 -155536.2329005995125
+0.0561558821426561 -155792.29241053565056
+0.0562557250321098 -156048.29670204731519
+0.0563555679215635 -156304.23100350410095
+0.0564554108110172 -156560.0861849982175
+0.056555253700471 -156815.89827970936312
+0.0566550965899247 -157071.65592816431308
+0.0567549394793784 -157327.37390717977541
+0.056854782368832 -157583.05574195226654
+0.0569546252582857 -157838.69905431056395
+0.0570544681477396 -158094.30188059079228
+0.0571543110371932 -158349.86170505717746
+0.0572541539266469 -158605.37541763996705
+0.0573539968161006 -158860.83921092789387
+0.0574538397055543 -159116.24799976113718
+0.0575536825950081 -159371.59343509338214
+0.0576535254844618 -159626.85816790137324
+0.0577533683739155 -159882.04498323370353
+0.0578532112633692 -160137.18504342291271
+0.0579530541528228 -160392.28458288268303
+0.0580528970422765 -160647.34109940973576
+0.0581527399317304 -160902.35176068707369
+0.0582525828211841 -161157.31326410124893
+0.0583524257106377 -161412.22157787819742
+0.0584522686000914 -161667.07137631552177
+0.0585521114895451 -161921.87365549668903
+0.0586519543789989 -162176.61790403514169
+0.0587517972684526 -162431.30299698241288
+0.0588516401579063 -162685.95641901256749
+0.05895148304736 -162940.57199043605942
+0.0590513259368137 -163195.14198396235588
+0.0591511688262675 -163449.65736467894749
+0.0592510117157212 -163704.12466426045285
+0.0593508546051749 -163958.53537750153919
+0.0594506974946286 -164212.87276235155878
+0.0595505403840822 -164467.09787496627541
+0.0596503832735361 -164721.28792747241096
+0.0597502261629898 -164975.45656723994762
+0.0598500690524434 -165229.60201642848551
+0.0599499119418971 -165483.7225045862142
+0.0600497548313508 -165737.81623197591398
+0.0601495977208046 -165991.88132090659929
+0.0602494406102583 -166245.91555396225885
+0.060349283499712 -166499.91750468476675
+0.0604491263891657 -166753.88585650263121
+0.0605489692786194 -167007.81865791743621
+0.0606488121680732 -167261.7138843422581
+0.0607486550575269 -167515.5694270443928
+0.0608484979469806 -167769.38308071272331
+0.0609483408364342 -168023.16922820653417
+0.0610481837258879 -168276.9470362488355
+0.0611480266153418 -168530.69694284384605
+0.0612478695047954 -168784.41130990727106
+0.0613477123942491 -169038.08463994108024
+0.0614475552837028 -169291.71209978731349
+0.0615473981731565 -169545.28903429381899
+0.0616472410626103 -169798.81071389402496
+0.061747083952064 -170052.27214978158008
+0.0618469268415177 -170305.66791242593899
+0.0619467697309714 -170558.99190749609261
+0.0620466126204251 -170812.23704643265228
+0.0621464555098789 -171065.39467367320322
+0.0622462983993326 -171318.45327837605146
+0.0623461412887863 -171571.39273926083115
+0.0624459841782399 -171824.20267030908144
+0.0625458270676936 -172076.84240457825945
+0.0626456699571475 -172329.28950483142398
+0.0627455128466011 -172581.63514401411521
+0.0628453557360548 -172833.91122030120459
+0.0629451986255085 -173086.120474340074
+0.0630450415149622 -173338.26089012424927
+0.063144884404416 -173590.33323209098307
+0.0632447272938697 -173842.34891916040215
+0.0633445701833234 -174094.32722175319213
+0.0634444130727771 -174346.26376531875576
+0.0635442559622307 -174598.1534232821723
+0.0636440988516846 -174849.98996820588945
+0.0637439417411383 -175101.76538015465485
+0.063843784630592 -175353.46789819622063
+0.0639436275200456 -175605.07645196228987
+0.0640434704094993 -175856.58311098927516
+0.064143313298953 -176107.97668526513735
+0.0642431561884068 -176359.23901235050289
+0.0643429990778605 -176610.435185854265
+0.0644428419673142 -176861.58768900015275
+0.0645426848567679 -177112.68148057695362
+0.0646425277462216 -177363.7533965454204
+0.0647423706356754 -177614.79033003281802
+0.0648422135251291 -177865.77101591372048
+0.0649420564145828 -178116.73060450801859
+0.0650418993040364 -178367.67352198902518
+0.0651417421934901 -178618.61540294761653
+0.065241585082944 -178869.55303840141278
+0.0653414279723977 -179120.47435722817318
+0.0654412708618513 -179371.36750664169085
+0.065541113751305 -179622.27461537113413
+0.0656409566407587 -179873.19395490776515
+0.0657407995302124 -180124.12198175102822
+0.0658406424196662 -180375.06409187696408
+0.0659404853091199 -180626.01991059136344
+0.0660403281985736 -180876.98837995619397
+0.0661401710880273 -181127.96838268896681
+0.0662400139774809 -181378.9587313842203
+0.0663398568669348 -181629.9581546561385
+0.0664396997563885 -181880.96527888267883
+0.0665395426458422 -182131.97860353032593
+0.0666393855352958 -182382.99646679745638
+0.0667392284247495 -182634.01699552123318
+0.0668390713142033 -182885.03802861159784
+0.066938914203657 -183136.05699136361363
+0.0670387570931107 -183387.07066825046786
+0.0671385999825644 -183638.07472444488667
+0.0672384428720181 -183889.06237639696337
+0.0673382857614719 -184140.01494085846934
+0.0674381286509256 -184390.93550220949692
+0.0675379715403793 -184641.85207758934121
+0.067637814429833 -184892.74754587834468
+0.0677376573192866 -185143.6284803597955
+0.0678375002087405 -185394.52709643141134
+0.0679373430981942 -185645.44265213067411
+0.0680371859876478 -185896.37438419272075
+0.0681370288771015 -186147.32150586717762
+0.0682368717665552 -186398.28320448868908
+0.068336714656009 -186649.25863850998576
+0.0684365575454627 -186900.24693412863417
+0.0685364004349164 -187151.24718119416502
+0.0686362433243701 -187402.25842827858287
+0.0687360862138238 -187653.27967666348559
+0.0688359291032776 -187904.30987286288291
+0.0689357719927313 -188155.34789915147121
+0.069035614882185 -188406.39256127443514
+0.0691354577716387 -188657.4425721973239
+0.0692353006610923 -188908.49652978990343
+0.0693351435505462 -189159.55288507472142
+0.0694349864399999 -189410.60989476717077
+0.0695348293294535 -189661.6655456906301
+0.0696346722189072 -189912.71742323314538
+0.0697345151083609 -190163.76245074049802
+0.0698343579978147 -190414.79624854272697
+0.0699342008872684 -190665.81056230195099
+0.0700340437767221 -190916.78821345156757
+0.0701338866661758 -191167.76119845421636
+0.0702337295556295 -191418.73033995387959
+0.0703335724450833 -191669.68521652443451
+0.070433415334537 -191920.6303559813241
+0.0705332582239907 -192171.58100886744796
+0.0706331011134444 -192422.53579049670952
+0.070732944002898 -192673.4931776105368
+0.0708327868923519 -192924.45146782603115
+0.0709326297818056 -193175.41158788991743
+0.0710324726712592 -193426.37077450816287
+0.0711323155607129 -193677.32531802623998
+0.0712321584501666 -193928.27092506189365
+0.0713320013396203 -194179.19834881206043
+0.0714318442290741 -194430.10868719700375
+0.0715316871185278 -194681.00911516568158
+0.0716315300079815 -194931.89356969160144
+0.0717313728974352 -195182.75054327741964
+0.0718312157868888 -195433.55671095929574
+0.0719310586763427 -195684.32640234107384
+0.0720309015657964 -195935.10717957190354
+0.0721307444552501 -196185.90351554984227
+0.0722305873447037 -196436.714595901547
+0.0723304302341574 -196687.53957713427371
+0.0724302731236112 -196938.37758232679334
+0.0725301160130649 -197189.2276961725147
+0.0726299589025186 -197440.08895912874141
+0.0727298017919723 -197690.96036035372526
+0.072829644681426 -197941.84082893820596
+0.0729294875708798 -198192.72922286312678
+0.0730293304603335 -198443.64294942474226
+0.0731291733497872 -198694.600706987374
+0.0732290162392409 -198945.58396724535851
+0.0733288591286946 -199196.58624955557752
+0.0734287020181484 -199447.60314547724556
+0.0735285449076021 -199698.63082605693489
+0.0736283877970557 -199949.66543897101656
+0.0737282306865094 -200200.70256817617337
+0.0738280735759631 -200451.73618602877832
+0.0739279164654168 -200702.75278375009657
+0.0740277593548706 -200953.7457132122945
+0.0741276022443243 -201204.74404627637705
+0.074227445133778 -201455.74009434942855
+0.0743272880232317 -201706.74772877458599
+0.0744271309126854 -201957.76611121164751
+0.0745269738021392 -202208.79301864947774
+0.0746268166915929 -202459.82587584052817
+0.0747266595810466 -202710.86154839058872
+0.0748265024705002 -202961.89591973720235
+0.0749263453599539 -203212.92277414546697
+0.0750261882494078 -203463.92758615588536
+0.0751260311388614 -203714.89927736663958
+0.0752258740283151 -203965.87458454447915
+0.0753257169177688 -204216.85447862371802
+0.0754255598072225 -204467.82957701594569
+0.0755254026966763 -204718.82386846732697
+0.07562524558613 -204969.83756853558589
+0.0757250884755837 -205220.8696560402459
+0.0758249313650374 -205471.91905921758735
+0.0759247742544911 -205722.98464554679231
+0.0760246171439449 -205974.06520860575256
+0.0761244600333986 -206225.1594506931724
+0.0762243029228523 -206476.26595884826384
+0.0763241458123059 -206727.38317014378845
+0.0764239887017596 -206978.50931816801312
+0.0765238315912135 -207229.64234369882615
+0.0766236744806671 -207480.77972646668786
+0.0767235173701208 -207731.91810501820873
+0.0768233602595745 -207983.05205357240629
+0.0769232031490282 -208234.16595195856644
+0.077023046038482 -208485.27628770959564
+0.0771228889279357 -208736.39485651781433
+0.0772227318173894 -208987.51940225291764
+0.0773225747068431 -209238.64712720012176
+0.0774224175962968 -209489.77418041121564
+0.0775222604857506 -209740.89328538900008
+0.0776221033752043 -209992.00356275573722
+0.0777219462646579 -210243.09101039357483
+0.0778217891541116 -210494.16059028281597
+0.0779216320435653 -210745.24118746470776
+0.0780214749330192 -210996.33025688244379
+0.0781213178224728 -211247.42444502437138
+0.0782211607119265 -211498.5187575595919
+0.0783210036013802 -211749.60283800910111
+0.0784208464908339 -212000.66065202234313
+0.0785206893802876 -212251.72205847135046
+0.0786205322697414 -212502.80033759577782
+0.0787203751591951 -212753.8940648206335
+0.0788202180486488 -213004.99901865041465
+0.0789200609381024 -213256.10529690192197
+0.0790199038275561 -213507.22791593082366
+0.07911974671701 -213758.3688841839321
+0.0792195896064637 -214009.52567433638615
+0.0793194324959173 -214260.69440358193242
+0.079419275385371 -214511.86638879042584
+0.0795191182748247 -214763.03012096081511
+0.0796189611642785 -215014.21263807886862
+0.0797188040537322 -215265.42400720278965
+0.0798186469431859 -215516.66374172866927
+0.0799184898326396 -215767.93109963290044
+0.0800183327220933 -216019.2255461991881
+0.0801181756115471 -216270.54652035262552
+0.0802180185010008 -216521.89326452818932
+0.0803178613904545 -216773.26495231702575
+0.0804177042799081 -217024.66066579212202
+0.0805175471693618 -217276.07935829414055
+0.0806173900588157 -217527.51978663314367
+0.0807172329482694 -217778.98036414917442
+0.080817075837723 -218030.45872096600942
+0.0809169187271767 -218281.94850592952571
+0.0810167616166304 -218533.45392943988554
+0.0811166045060842 -218784.98079811997013
+0.0812164473955379 -219036.527447634493
+0.0813162902849916 -219288.09151634550653
+0.0814161331744453 -219539.66876929686987
+0.081515976063899 -219791.24646827793913
+0.0816158189533526 -220042.84281970819575
+0.0817156618428065 -220294.46615309693152
+0.0818155047322602 -220546.11589014949277
+0.0819153476217138 -220797.79142738715746
+0.0820151905111675 -221049.49213287146995
+0.0821150334006212 -221301.21734203697997
+0.082214876290075 -221552.96635272004642
+0.0823147191795287 -221804.73841878140229
+0.0824145620689824 -222056.54034664301435
+0.0825144049584361 -222308.41451126913307
+0.0826142478478898 -222560.33928552115685
+0.0827140907373436 -222812.30547049458255
+0.0828139336267973 -223064.30815823737066
+0.082913776516251 -223316.34371316598845
+0.0830136194057046 -223568.40894941362785
+0.0831134622951583 -223820.50068698287942
+0.0832133051846122 -224072.6152571606217
+0.0833131480740659 -224324.74703121537459
+0.0834129909635195 -224576.88707921220339
+0.0835128338529732 -224829.04694080940681
+0.0836126767424269 -225081.2175364405266
+0.0837125196318807 -225333.39886320932419
+0.0838123625213344 -225585.61187503745896
+0.0839122054107881 -225837.85531797420117
+0.0840120483002418 -226090.12787448475137
+0.0841118911896955 -226342.42813292404753
+0.0842117340791493 -226594.75454679891118
+0.084311576968603 -226847.1053759905044
+0.0844114198580567 -227099.47859478779719
+0.0845112627475103 -227351.87173340638401
+0.084611105636964 -227604.28156721891719
+0.0847109485264179 -227856.70336872860207
+0.0848107914158716 -228109.12807538805646
+0.0849106343053252 -228361.53460793910199
+0.0850104771947789 -228613.94890043578926
+0.0851103200842326 -228866.39754272115533
+0.0852101629736864 -229118.87962598231388
+0.0853100058631401 -229371.39414465348818
+0.0854098487525938 -229623.93995592594729
+0.0855096916420475 -229876.515711140848
+0.0856095345315012 -230129.11972465540748
+0.0857093774209548 -230381.74967231936171
+0.0858092203104087 -230634.40158960636472
+0.0859090631998624 -230887.06402622946189
+0.0860089060893161 -231139.75040349937626
+0.0861087489787697 -231392.46914949722122
+0.0862085918682234 -231645.21930489173974
+0.0863084347576772 -231897.99806230451213
+0.0864082776471309 -232150.79893946595257
+0.0865081205365846 -232403.63343418404111
+0.0866079634260383 -232656.5032266259368
+0.086707806315492 -232909.40763887146022
+0.0868076492049458 -233162.3459272380278
+0.0869074920943995 -233415.31726031360449
+0.0870073349838532 -233668.32068512859405
+0.0871071778733069 -233921.35507136341766
+0.0872070207627605 -234174.41901022850652
+0.0873068636522144 -234427.51430829407764
+0.0874067065416681 -234680.64494615778676
+0.0875065494311217 -234933.79948671712191
+0.0876063923205754 -235186.96774227605783
+0.0877062352100291 -235440.17526391419233
+0.0878060780994829 -235693.4212863020075
+0.0879059209889366 -235946.70258814128465
+0.0880057638783903 -236200.01979280423257
+0.088105606767844 -236453.37739596131723
+0.0882054496572977 -236706.7748755106295
+0.0883052925467515 -236960.21172190099605
+0.0884051354362052 -237213.6874290019914
+0.0885049783256589 -237467.20148588056327
+0.0886048212151126 -237720.75336835702183
+0.0887046641045662 -237974.34252890467178
+0.0888045069940199 -238227.96838296591886
+0.0889043498834738 -238481.63028810746619
+0.0890041927729274 -238735.32750791168655
+0.0891040356623811 -238989.05913950738613
+0.0892038785518348 -239242.82393032324035
+0.0893037214412885 -239496.61951492744265
+0.0894035643307423 -239750.44103925238596
+0.089503407220196 -240004.29842507836292
+0.0896032501096497 -240258.19257016782649
+0.0897030929991034 -240512.12308659451082
+0.089802935888557 -240766.08957645719056
+0.0899027787780109 -241020.09162971697515
+0.0900026216674646 -241274.12882144219475
+0.0901024645569183 -241528.20070831404882
+0.0902023074463719 -241782.30682395535405
+0.0903021503358256 -242036.44667223340366
+0.0904019932252794 -242290.61971724941395
+0.0905018361147331 -242544.82536637259182
+0.0906016790041868 -242799.06293703746633
+0.0907015218936405 -243053.33156929252436
+0.0908013647830942 -243307.62962617326411
+0.090901207672548 -243561.95675577272777
+0.0910010505620017 -243816.31448068123427
+0.0911008934514554 -244070.70190003624884
+0.0912007363409091 -244325.11787744532921
+0.0913005792303627 -244579.56083190994104
+0.0914004221198166 -244834.02807689120527
+0.0915002650092703 -245088.51099353670725
+0.0916001078987239 -245343.01808601390803
+0.0916999507881776 -245597.5588259063079
+0.0917997936776313 -245852.13277700345498
+0.0918996365670851 -246106.7394617391401
+0.0919994794565388 -246361.37834318479872
+0.0920993223459925 -246616.04879304236965
+0.0921991652354462 -246870.75002699813922
+0.0922990081248999 -247125.48094370428589
+0.0923988510143537 -247380.23949928293587
+0.0924986939038074 -247635.02069872815628
+0.0925985367932611 -247889.83360440534307
+0.0926983796827148 -248144.67987117203302
+0.0927982225721684 -248399.55920248021721
+0.0928980654616223 -248654.47129672495066
+0.092997908351076 -248909.41584672319004
+0.0930977512405296 -249164.39253925383673
+0.0931975941299833 -249419.40105442280765
+0.093297437019437 -249674.44106506026583
+0.0933972799088909 -249929.51223597538774
+0.0934971227983445 -250184.63977252665791
+0.0935969656877982 -250439.82906960134278
+0.0936968085772519 -250695.06695252723875
+0.0937966514667056 -250950.34925115018268
+0.0938964943561594 -251205.67345937725622
+0.0939963372456131 -251461.03776600564015
+0.0940961801350668 -251716.44072372242226
+0.0941960230245205 -251971.88109754989273
+0.0942958659139741 -252227.35778209957061
+0.0943957088034278 -252482.86974980661762
+0.0944955516928817 -252738.41601369465934
+0.0945953945823353 -252993.99559598977794
+0.094695237471789 -253249.60749576421222
+0.0947950803612427 -253505.2506471327797
+0.0948949232506964 -253760.92385103256674
+0.0949947661401502 -254016.62563069243333
+0.0950946090296039 -254272.35378380745533
+0.0951944519190576 -254528.10224220322561
+0.0952942948085113 -254783.87660827671061
+0.095394137697965 -255039.68208575737663
+0.0954939805874188 -255295.51792780024698
+0.0955938234768725 -255551.38334493531147
+0.0956936663663262 -255807.27748985291691
+0.0957935092557798 -256063.19943597461679
+0.0958933521452335 -256319.14814526698319
+0.0959931950346874 -256575.12241545380675
+0.096093037924141 -256831.12078407150693
+0.0961928808135947 -257087.14132438160595
+0.0962927237030484 -257343.1810776173661
+0.0963925665925021 -257599.23236607265426
+0.0964924094819558 -257855.29274159809574
+0.0965922523714096 -258111.38236065779347
+0.0966920952608633 -258367.50043088872917
+0.096791938150317 -258623.64607740449719
+0.0968917810397707 -258879.81831664507627
+0.0969916239292243 -259136.01601644037873
+0.0970914668186782 -259392.23783078600536
+0.0971913097081318 -259648.48208032886032
+0.0972911525975855 -259904.74648976058234
+0.0973909954870392 -260161.02734673590749
+0.0974908383764929 -260417.31499639799586
+0.0975906812659467 -260673.61984317490715
+0.0976905241554004 -260929.94479532391415
+0.0977903670448541 -261186.28457626260933
+0.0978902099343078 -261442.62128922200645
+0.0979900528237615 -261698.96735716285184
+0.0980898957132153 -261955.35170786699746
+0.098189738602669 -262211.77413625083864
+0.0982895814921227 -262468.23443786508869
+0.0983894243815763 -262724.73240884125698
+0.09848926727103 -262981.26784579327796
+0.0985891101604839 -263237.84054568904685
+0.0986889530499376 -263494.45030578441219
+0.0987887959393912 -263751.09692354587605
+0.0988886388288449 -264007.78019656118704
+0.0989884817182986 -264264.49992240377469
+0.0990883246077524 -264521.25589861988556
+0.0991881674972061 -264778.0479225841118
+0.0992880103866598 -265034.87579143064795
+0.0993878532761135 -265291.73930196638685
+0.0994876961655672 -265548.63825057126814
+0.099587539055021 -265805.57243310258491
+0.0996873819444747 -266062.54164478054736
+0.0997872248339284 -266319.54568010766525
+0.099887067723382 -266576.58433273324044
+0.0999869106128357 -266833.65739537682384
diff --git a/DATASET/P=190000Pa/box_confined.data b/DATASET/P=190000Pa/box_confined.data
new file mode 100644
index 0000000..c684dd2
--- /dev/null
+++ b/DATASET/P=190000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2224739
+
+240 atoms
+6 atom types
+
+0.027910865165107886 0.07208913483489211 xlo xhi
+0.027910865165107886 0.07208913483489211 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+4 1 0.0035 1071.4285714285713 0.02853301030203567 0.02813078069724527 0 1 0 0
+15 1 0.0035 1071.4285714285713 0.031352850980939415 0.03009028255300846 0 0 0 0
+10 1 0.0025 1500.0000000000005 0.03426335590447556 0.029637658712908063 0 0 0 0
+212 1 0.0035 1071.4285714285713 0.03738269256889972 0.07198001846818487 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.039399352566201105 0.029965930067863612 0 0 1 0
+1 1 0.0035 1071.4285714285713 0.04465260462923685 0.0287104308610852 0 0 0 0
+18 1 0.0035 1071.4285714285713 0.05083200245248549 0.029359674753054996 0 0 0 0
+3 1 0.0035 1071.4285714285713 0.054636591745218274 0.028982313043312946 0 0 0 0
+240 1 0.0035 1071.4285714285713 0.057955596887808 0.028073600108587577 0 0 1 0
+2 1 0.0025 1500.0000000000005 0.06088906185483166 0.07206462949829898 0 0 -1 0
+232 1 0.0035 1071.4285714285713 0.0637968242735073 0.028152284486705238 0 0 1 0
+13 1 0.0035 1071.4285714285713 0.06705705839425534 0.029356762935679095 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.07001744831128455 0.029343757048309025 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.02827375923658645 0.03157296836244878 0 1 0 0
+11 1 0.0035 1071.4285714285713 0.03679033962905254 0.03132150077131561 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.03954935037040091 0.032366796427188385 0 0 0 0
+239 1 0.0035 1071.4285714285713 0.042137042286218486 0.031031308080140006 0 0 1 0
+36 1 0.0025 1500.0000000000005 0.04499946223340155 0.03172346430365488 0 0 0 0
+8 1 0.0035 1071.4285714285713 0.04767173364778252 0.03065285369559616 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.05008776681809368 0.032386777302568275 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.05307854474880952 0.032009055575888706 0 0 0 0
+9 1 0.0025 1500.0000000000005 0.05596295912475257 0.03168088753648274 0 0 0 0
+12 1 0.0035 1071.4285714285713 0.059030902381073454 0.031414812316561284 0 0 0 0
+25 1 0.0025 1500.0000000000005 0.0616845346739342 0.03021472215008575 0 0 0 0
+29 1 0.0035 1071.4285714285713 0.0643863905268048 0.03153816214184173 0 0 0 0
+26 1 0.0035 1071.4285714285713 0.06901610627741014 0.03217192687133155 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.030420078209479746 0.034298280893774374 0 0 0 0
+24 1 0.0035 1071.4285714285713 0.03351132881526124 0.032743609011565825 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.036294071421347676 0.03471090938863631 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.03920911637401838 0.034728274834086845 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.041487346898522064 0.03384947563616128 0 0 0 0
+47 1 0.0035 1071.4285714285713 0.044278695912133084 0.034576342929350766 0 0 0 0
+21 1 0.0025 1500.0000000000005 0.04695685066170035 0.03347780589125535 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.04902839221303713 0.034708024187812825 0 0 0 0
+33 1 0.0025 1500.0000000000005 0.05149147470369549 0.03447660950766641 0 0 0 0
+23 1 0.0025 1500.0000000000005 0.05469008662261403 0.03446981863283502 0 0 0 0
+16 1 0.0025 1500.0000000000005 0.057113259613118236 0.03389495186144472 0 0 0 0
+49 1 0.0025 1500.0000000000005 0.059574997356028093 0.034368951818352304 0 0 0 0
+41 1 0.0025 1500.0000000000005 0.061583500674914554 0.03282688911780422 0 0 0 0
+31 1 0.0025 1500.0000000000005 0.0634778910059672 0.034432881106610476 0 0 0 0
+44 1 0.0035 1071.4285714285713 0.0664023765168967 0.034308744403823706 0 0 0 0
+48 1 0.0035 1071.4285714285713 0.07122250631902018 0.03477590448875404 0 -1 0 0
+39 1 0.0025 1500.0000000000005 0.028995291455216184 0.036983667759921415 0 0 0 0
+38 1 0.0035 1071.4285714285713 0.03318853438956542 0.03630029836986147 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.03824192574306552 0.03694941352484094 0 0 0 0
+53 1 0.0035 1071.4285714285713 0.04133402705174384 0.03674859612151233 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.04697504661049294 0.036775701949652594 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.04996199649157529 0.037156898447688845 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.05299607961724467 0.03694142701567543 0 0 0 0
+37 1 0.0035 1071.4285714285713 0.05647988372540433 0.036811436210643755 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.059462188677831436 0.03705174602563276 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.061617635453695974 0.036011001872604476 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.0639318027461535 0.03686787221624179 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.06636811893132398 0.03725299084063309 0 0 0 0
+65 1 0.0025 1500.0000000000005 0.06869627387667003 0.036344867883595484 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.03104415135253649 0.03825746725271007 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.034021539025123414 0.03921512763742578 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.035928650044707314 0.037681001922998725 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.039436716987020976 0.039043719759575005 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.04413403351239201 0.037537288443432286 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.04857315058476064 0.03920994451698346 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.06170115503178917 0.03897471937037953 0 0 0 0
+68 1 0.0035 1071.4285714285713 0.06843399713546755 0.03928854170385075 0 0 0 0
+52 1 0.0025 1500.0000000000005 0.07082137923863259 0.03759726656768686 0 0 0 0
+63 1 0.0035 1071.4285714285713 0.028516217952015744 0.039907300546008065 0 1 0 0
+67 1 0.0035 1071.4285714285713 0.03173998744073719 0.04110995345994827 0 0 0 0
+69 1 0.0035 1071.4285714285713 0.036848797678388584 0.04048773868744196 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.03964714302057226 0.04147200702438159 0 0 0 0
+62 1 0.0035 1071.4285714285713 0.04225383011989832 0.040050305855081965 0 0 0 0
+77 1 0.0035 1071.4285714285713 0.045749712801495424 0.040005208674612505 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.051440630886905085 0.04022119409657492 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.05486841953623014 0.03983679860243895 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.05833436685001836 0.039797683269041526 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.06049127928410594 0.041735977249933616 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.06288044870374704 0.04173417634579983 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.06506049123808191 0.03981324874902769 0 0 0 0
+75 1 0.0035 1071.4285714285713 0.029103274409307087 0.04338339021073861 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.034476145471305744 0.04219003760167544 0 0 0 0
+83 1 0.0025 1500.0000000000005 0.037865165517992405 0.04330380303004378 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.04325703509082078 0.042739327912238965 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.04564759541616686 0.04300252675199606 0 0 0 0
+79 1 0.0035 1071.4285714285713 0.048434802139297406 0.04209710579410013 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.05118379129750412 0.04325039377044919 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.053444574419096925 0.04247791532073842 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.056611119228019105 0.04221123835243333 0 0 0 0
+86 1 0.0025 1500.0000000000005 0.062061427436169006 0.04400761083617415 0 0 0 0
+103 1 0.0035 1071.4285714285713 0.06500214898318728 0.04391217226183623 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.0671699846518575 0.04195226646798843 0 0 0 0
+80 1 0.0035 1071.4285714285713 0.07009584592974775 0.04223906350707267 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.03238146660551244 0.04447765644161924 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.03570334568788075 0.04439303419810217 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.03795721364075231 0.04628637892356106 0 0 0 0
+88 1 0.0035 1071.4285714285713 0.04070928459194076 0.044242813575870656 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.043893676455824246 0.045609675187303175 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.046903965742535275 0.04504732144464086 0 0 0 0
+106 1 0.0025 1500.0000000000005 0.04940648835661789 0.0448738264805089 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.05205818470815113 0.04609121138766687 0 0 0 0
+89 1 0.0035 1071.4285714285713 0.05528339164093885 0.04482214997177548 0 0 0 0
+73 1 0.0035 1071.4285714285713 0.058813545387173004 0.04421729839856758 0 0 0 0
+107 1 0.0025 1500.0000000000005 0.06101749591698803 0.0461889068999041 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.0666020852796716 0.04633839357682189 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.06801289650020512 0.044373892998966234 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.07068912622678619 0.045638524053258966 0 0 0 0
+94 1 0.0035 1071.4285714285713 0.029777946851331543 0.04675259616592402 0 0 0 0
+105 1 0.0035 1071.4285714285713 0.03459209990425698 0.04713343541513429 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.04109783747897536 0.04759025683048643 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.04400683271249924 0.04859124117882112 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.04620543938204969 0.04739394059173192 0 0 0 0
+109 1 0.0035 1071.4285714285713 0.049126549810841004 0.04783259550306594 0 0 0 0
+99 1 0.0035 1071.4285714285713 0.054757772731668444 0.04825791151421658 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.05736096473700988 0.04684234330663517 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.06374372935691848 0.047166207007154175 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.06621106963787059 0.04870257130172985 0 0 0 0
+92 1 0.0025 1500.0000000000005 0.06864886555558015 0.04780593478637504 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.029767371690114255 0.05048466774821155 0 0 0 0
+111 1 0.0025 1500.0000000000005 0.03184237920267929 0.048984823212175836 0 0 0 0
+113 1 0.0025 1500.0000000000005 0.034043425010950736 0.050012738585594824 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.03697958724353387 0.04962695651094052 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.03986909887894809 0.050334453648399745 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.04226734766744273 0.050239714641805225 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.046417817816568285 0.05035126154616802 0 0 0 0
+124 1 0.0025 1500.0000000000005 0.04939291753205158 0.05071754160410006 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.05166231009188893 0.049721320289461066 0 0 0 0
+132 1 0.0025 1500.0000000000005 0.05404023226424561 0.05115353726794362 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.05696172202644138 0.05093408722114431 0 0 0 0
+114 1 0.0035 1071.4285714285713 0.05960071292714978 0.048715529137466164 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.06235192165450262 0.049784763523623515 0 0 0 0
+123 1 0.0025 1500.0000000000005 0.06467883324687035 0.05066497173287587 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.06830122682754536 0.05074112865224803 0 0 0 0
+110 1 0.0035 1071.4285714285713 0.07133255396728783 0.04903290459698175 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.03019544966787668 0.052912679302999754 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.0321228710034912 0.051502911569483736 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.03525330113210669 0.05267699185639829 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.03825802517133448 0.05226151313530656 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.04113592203642354 0.05298473696625063 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.043907818716554796 0.05192009432475891 0 0 0 0
+148 1 0.0035 1071.4285714285713 0.04808291481555985 0.053403485409112196 0 0 0 0
+146 1 0.0035 1071.4285714285713 0.051512827991805926 0.052733509896732894 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.05523082895005019 0.05335977856519107 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.05974082463290894 0.05171058415568774 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.062498191741932725 0.05272235938848151 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.06584932037165804 0.05337922705202148 0 0 0 0
+150 1 0.0035 1071.4285714285713 0.07149104375315396 0.052455834859053134 0 0 0 0
+160 1 0.0035 1071.4285714285713 0.029145847253420933 0.05567407987109878 0 0 0 0
+156 1 0.0035 1071.4285714285713 0.03247360247832937 0.05480285934954915 0 0 0 0
+145 1 0.0025 1500.0000000000005 0.035301411901956674 0.05563150493901372 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.03750887751670624 0.05460778140776 0 0 0 0
+134 1 0.0025 1500.0000000000005 0.039715177356207575 0.05563266590282305 0 0 0 0
+138 1 0.0025 1500.0000000000005 0.04214177071748663 0.055768159669092585 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.04484766071478098 0.05466583441157036 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.05339696743307034 0.054937550969959635 0 0 0 0
+139 1 0.0035 1071.4285714285713 0.058133707712365576 0.05418893046631097 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.06089726336446573 0.055195027274859795 0 0 0 0
+163 1 0.0025 1500.0000000000005 0.06331311803422604 0.0555374709931049 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.06878174195643619 0.05357977826017093 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.07040827052830537 0.055300262705535314 0 -1 0 0
+159 1 0.0025 1500.0000000000005 0.03456974171535398 0.05802956134716075 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.03752664687212969 0.057576573444955356 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.043982090695159945 0.05746668091485009 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.04720345550715728 0.0564353263289006 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.05032691204698776 0.055970190002395885 0 0 0 0
+158 1 0.0025 1500.0000000000005 0.05289272990101171 0.05734179975900803 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.055792585926945484 0.05673276239997017 0 0 0 0
+157 1 0.0025 1500.0000000000005 0.05882348787447475 0.05714645958559802 0 0 0 0
+173 1 0.0035 1071.4285714285713 0.061766637632560135 0.05799070358656524 0 0 0 0
+153 1 0.0025 1500.0000000000005 0.06562480441344551 0.05628044787956202 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.06797092439827446 0.055839561796545305 0 0 0 0
+155 1 0.0025 1500.0000000000005 0.06968727468715441 0.05762482613769338 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.028120540111556337 0.059033595335342894 0 1 0 0
+166 1 0.0035 1071.4285714285713 0.031567315930481184 0.05821715357240212 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.04089350984880583 0.05838072849236094 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.04369176365225107 0.060348097718966875 0 0 0 0
+169 1 0.0025 1500.0000000000005 0.046165237407154835 0.05867278311252123 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.048599072304603044 0.058380121074258065 0 0 0 0
+171 1 0.0025 1500.0000000000005 0.05148050541425154 0.05934377590301544 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.054398532855559865 0.05992770375936684 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.05738880037118016 0.05912052623207329 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.06475646694789589 0.05853479113133014 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.0672203075496824 0.05830797722686339 0 0 0 0
+172 1 0.0035 1071.4285714285713 0.03044116088821701 0.061529861628661954 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.03384016332609244 0.06087588343517723 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.03730978607633239 0.060976497311691656 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.04061486493698033 0.061819470309075024 0 0 0 0
+192 1 0.0035 1071.4285714285713 0.04676812757229887 0.061713803588103196 0 0 0 0
+196 1 0.0025 1500.0000000000005 0.04943198249511059 0.06059754337415449 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.05182368804079015 0.06229018822450965 0 0 0 0
+188 1 0.0025 1500.0000000000005 0.05693501649761182 0.06150668321182218 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.05976257817222282 0.060824890374975536 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.06318774864556338 0.06105449398125632 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.0661534073169446 0.06061459521910711 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.06915747604604093 0.060562375326813044 0 0 0 0
+187 1 0.0025 1500.0000000000005 0.07173870745308228 0.06194333443317447 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.028823070817184878 0.0640703868366271 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.03252157060748819 0.06356250915749984 0 0 0 0
+191 1 0.0035 1071.4285714285713 0.03544609776651547 0.06393098853272708 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.03836778747229688 0.0637045119798506 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.043991555951392904 0.06381210739055683 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.04677506967566641 0.06465996739621906 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.04926322855877012 0.06401067394331006 0 0 0 0
+204 1 0.0035 1071.4285714285713 0.05497911420048903 0.0637153870884373 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.058409794671643006 0.06406145419640448 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.06131613176652456 0.06330978190702524 0 0 0 0
+194 1 0.0025 1500.0000000000005 0.0650661147622807 0.06327739979901688 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.06662383690471083 0.06514141716641783 0 0 0 0
+205 1 0.0025 1500.0000000000005 0.06745237020671042 0.06292913557160654 0 0 0 0
+203 1 0.0035 1071.4285714285713 0.07007535587918348 0.06432030364127078 0 0 0 0
+213 1 0.0035 1071.4285714285713 0.030943912653145 0.06609000457135852 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.03428602102285952 0.06718815323674632 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.03771355116677798 0.06649447012704372 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.04090098828169717 0.06522992555652174 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.04503675392967914 0.06712940579828884 0 0 0 0
+215 1 0.0035 1071.4285714285713 0.04848894701813942 0.0670348880425234 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.05174300015474513 0.06577597495393112 0 0 0 0
+220 1 0.0035 1071.4285714285713 0.05493499014377292 0.06716863132284852 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.05789970851780839 0.06699209839927138 0 0 0 0
+207 1 0.0025 1500.0000000000005 0.06034420652502109 0.06634345139763308 0 0 0 0
+195 1 0.0035 1071.4285714285713 0.06319075678108144 0.06551800651971068 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.06551503600940035 0.06730780490207637 0 0 0 0
+218 1 0.0035 1071.4285714285713 0.06852510322665903 0.06740949471836115 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.07189192196077054 0.06723459744179679 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.029538405157082965 0.06953352369786062 0 1 0 0
+225 1 0.0025 1500.0000000000005 0.03187815982100245 0.06888627389510121 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.036540508148622565 0.06919228313049852 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.039045812875598926 0.06915953864464397 0 0 0 0
+233 1 0.0035 1071.4285714285713 0.04191060793517283 0.0685418673586467 0 0 0 0
+226 1 0.0025 1500.0000000000005 0.04685123256656488 0.06955186331476787 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.052363886216281665 0.06867539720501602 0 0 0 0
+229 1 0.0025 1500.0000000000005 0.05693400171236244 0.06920975386756238 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.05982271238050094 0.06932784434572299 0 0 0 0
+216 1 0.0035 1071.4285714285713 0.06321036020083362 0.0689945079980102 0 0 0 0
+6 1 0.0025 1500.0000000000005 0.03126710790969036 0.07130885901521192 0 0 -1 0
+231 1 0.0035 1071.4285714285713 0.034140222316095085 0.07092816282761073 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.04114414441355886 0.07182134560618077 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.044423123345873 0.07001376720398472 0 0 0 0
+238 1 0.0025 1500.0000000000005 0.04744170461346478 0.07190527772906728 0 0 0 0
+224 1 0.0035 1071.4285714285713 0.049775053745118515 0.07018125683707067 0 0 0 0
+5 1 0.0025 1500.0000000000005 0.052506633951554776 0.07114341464475402 0 0 -1 0
+236 1 0.0025 1500.0000000000005 0.05472897582211472 0.07021064018215928 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.06644564679462912 0.0701633501060808 0 0 0 0
+237 1 0.0035 1071.4285714285713 0.06982000193904771 0.07060669641060341 0 0 0 0
+
+Velocities
+
+4 28.81120538261644 19.575286493402587 0 0 0 0
+15 -17.87213260250079 -1.4254470279455753 0 0 0 0
+10 -22.33602610085205 -23.085083378340965 0 0 0 0
+212 34.17022673934571 -33.41749356726136 0 0 0 0
+235 14.819356514001552 61.68238322342615 0 0 0 0
+1 -6.944258926032439 30.428446507740023 0 0 0 0
+18 13.734116473766242 -15.912930127155342 0 0 0 0
+3 8.778349984840348 15.800766608434806 0 0 0 0
+240 4.185029648351617 3.9421528339108454 0 0 0 0
+2 79.38121380303083 10.802968767042875 0 0 0 0
+232 43.69699249965183 17.84096581411454 0 0 0 0
+13 -32.59305789213122 3.007481132777516 0 0 0 0
+7 9.117301525825397 60.12422028601733 0 0 0 0
+30 -3.612609450456999 -4.551608609324025 0 0 0 0
+11 2.739451862690074 -36.58575326748979 0 0 0 0
+17 -31.06361140344201 -27.244154412852236 0 0 0 0
+239 8.859842874028379 -55.77276569605586 0 0 0 0
+36 -22.41544281970133 -40.62257004217584 0 0 0 0
+8 -11.448766096050726 50.11685209023883 0 0 0 0
+20 14.001958427063869 34.47845803773829 0 0 0 0
+22 -5.587367383254272 -5.307095991549237 0 0 0 0
+9 47.96662224116611 -72.36094011566216 0 0 0 0
+12 5.412463346479901 22.300990111561116 0 0 0 0
+25 37.34605880499897 26.847128079669297 0 0 0 0
+29 -13.8423676064115 19.140428093319596 0 0 0 0
+26 2.868064022435233 19.85939015304776 0 0 0 0
+35 14.52311798242862 -32.3465342752152 0 0 0 0
+24 -17.617341412091406 5.162051828408955 0 0 0 0
+19 17.57314008532658 23.043904317133066 0 0 0 0
+28 -26.59959215622697 18.68961150836187 0 0 0 0
+14 -10.189832614778469 -7.635896230308829 0 0 0 0
+47 -27.56279528157075 -30.669358735109615 0 0 0 0
+21 11.860477351741727 17.8429119221641 0 0 0 0
+27 -43.97059347053306 32.63387011893924 0 0 0 0
+33 -3.6979363853048257 30.129654417725348 0 0 0 0
+23 9.757228656306372 20.716847268219038 0 0 0 0
+16 7.506256604632511 -43.627680237042036 0 0 0 0
+49 35.240167752459314 -13.423711247749576 0 0 0 0
+41 -55.66910671148937 -40.46540451857084 0 0 0 0
+31 -30.2653749121267 9.046075559547958 0 0 0 0
+44 16.77187550973349 -0.23819287663950015 0 0 0 0
+48 3.8423612141277625 -17.925773478464237 0 0 0 0
+39 53.378714279980656 29.615937168214366 0 0 0 0
+38 -29.062402793399485 -10.984124656676363 0 0 0 0
+32 10.201128886542735 9.536703676576002 0 0 0 0
+53 41.76142516216445 -22.52461592592 0 0 0 0
+42 27.894374567765297 1.7568001208604176 0 0 0 0
+46 -13.436676028126286 -26.7453901147627 0 0 0 0
+40 -35.62587906382214 -25.026070058897755 0 0 0 0
+37 -24.668266184903487 -11.071401221777114 0 0 0 0
+43 53.558331477384684 -38.22272778782208 0 0 0 0
+45 -25.791449487992345 21.61967243837135 0 0 0 0
+51 -57.270723188030686 -40.57905861239332 0 0 0 0
+56 31.288786925126093 4.743744691789553 0 0 0 0
+65 5.586758152936625 -15.680717701094506 0 0 0 0
+54 80.60502414862937 25.011579109253415 0 0 0 0
+60 -4.836670879545582 20.014475003128886 0 0 0 0
+34 -58.57311226466433 -49.85199504053766 0 0 0 0
+59 41.659025917845916 31.989551221833583 0 0 0 0
+58 -15.236093199255665 38.880536933865 0 0 0 0
+72 -17.83723329715625 -2.0061912194120937 0 0 0 0
+55 -22.43122244244969 -34.22520363979983 0 0 0 0
+68 -6.5567830672397465 21.98023280264926 0 0 0 0
+52 -21.27549843969217 -1.3747329948351825 0 0 0 0
+63 36.68152047394632 19.106254216286427 0 0 0 0
+67 -7.294052862563595 3.1969718681434602 0 0 0 0
+69 -11.929578994779481 -1.445014763335848 0 0 0 0
+71 -4.112372526395975 31.60160896992054 0 0 0 0
+62 -22.070153214122335 -13.379916710536348 0 0 0 0
+77 4.217202322688226 29.95635668645035 0 0 0 0
+64 -10.977931897612564 39.789896177097916 0 0 0 0
+50 14.210774630169686 34.989025317228986 0 0 0 0
+57 10.829249849166843 -30.929192832409054 0 0 0 0
+70 -17.4355415035319 8.776360931329643 0 0 0 0
+76 -17.33592251880608 9.0378871203696 0 0 0 0
+66 2.0001470610055745 -0.8097121438860193 0 0 0 0
+75 38.25126133162855 -4.412929133184498 0 0 0 0
+74 14.615914041984999 -11.419403193114626 0 0 0 0
+83 -7.380719637083275 -3.741690799923688 0 0 0 0
+78 -50.19898563267306 -51.95519513964563 0 0 0 0
+84 -9.398940361202378 -29.579186666828114 0 0 0 0
+79 -7.711615123235284 -29.77954497658639 0 0 0 0
+100 5.6396514266859405 -38.82117826116021 0 0 0 0
+61 -2.4844728781418324 23.570935666969415 0 0 0 0
+81 -0.9253188232742405 -12.284437875358849 0 0 0 0
+86 33.9178160201975 -44.521520513760045 0 0 0 0
+103 -6.384778573817367 37.53396459094728 0 0 0 0
+87 -9.506659810460748 39.56704982734387 0 0 0 0
+80 10.054311625818027 -27.662741542917953 0 0 0 0
+82 -6.597857607548389 10.88097501847649 0 0 0 0
+102 9.842651068118492 8.364374519525041 0 0 0 0
+98 34.10579388599243 27.234958015209074 0 0 0 0
+88 -29.62369207130557 -26.6349582062514 0 0 0 0
+101 -15.774150303321967 -14.13155259247576 0 0 0 0
+95 50.842081312827524 5.5306825466248934 0 0 0 0
+106 72.42303351613563 -47.792880278453396 0 0 0 0
+104 24.71721754883068 -15.846480002108066 0 0 0 0
+89 7.333819902243593 12.681187347182739 0 0 0 0
+73 13.085768269890426 32.178673249502204 0 0 0 0
+107 -28.49104157428619 -20.83654534592819 0 0 0 0
+91 -50.38095947255668 24.07480840003597 0 0 0 0
+85 -11.40385833991683 -2.6977736160634476 0 0 0 0
+90 11.903587801796899 -11.244649614842796 0 0 0 0
+94 -11.933453769079557 8.289612860603441 0 0 0 0
+105 -4.092898675234381 40.85416122489343 0 0 0 0
+93 13.646933943640699 -6.511798063790755 0 0 0 0
+117 -47.67095925028744 13.286901198443456 0 0 0 0
+97 -13.377260709444624 0.7371534320223838 0 0 0 0
+109 -45.094309733136605 27.161150393436667 0 0 0 0
+99 -10.674518642484394 33.02845210582164 0 0 0 0
+96 -13.858514534731944 -1.5009439919133414 0 0 0 0
+122 -17.45494062310413 -4.461558045223107 0 0 0 0
+118 -7.065660995062695 -21.36795455826286 0 0 0 0
+92 48.684945176070215 -22.57762928919035 0 0 0 0
+108 -61.30943042228025 -17.34778771020301 0 0 0 0
+111 -4.212925076997359 32.78630222868072 0 0 0 0
+113 -12.55943725099425 23.32824104185269 0 0 0 0
+120 -11.634735250657894 11.637980398962663 0 0 0 0
+112 -96.67138671292321 26.60891844152701 0 0 0 0
+115 19.079440427368382 13.827312698735254 0 0 0 0
+133 54.56441890900329 -13.02760345953733 0 0 0 0
+124 -31.900705368302816 -24.260830185792543 0 0 0 0
+116 -19.860477651674856 0.6518190644156789 0 0 0 0
+132 -12.99051793247417 55.74972645211486 0 0 0 0
+131 15.829808722559033 11.116851209738101 0 0 0 0
+114 27.37574939530562 -29.2931039449872 0 0 0 0
+128 33.26565641141347 -25.36297396680488 0 0 0 0
+123 10.016027281997651 -27.6717984306602 0 0 0 0
+121 36.17687810629344 -2.243630238934584 0 0 0 0
+110 1.5874502593319373 -11.82134131426975 0 0 0 0
+119 -55.4909639055348 27.76205869997965 0 0 0 0
+135 -80.88166213682331 27.782991620327387 0 0 0 0
+129 19.81207049932357 -28.208727205645058 0 0 0 0
+125 29.259223408580404 -0.06084994933642204 0 0 0 0
+126 5.151094924936355 -41.204772651649236 0 0 0 0
+130 4.042579386350013 -25.875599628103572 0 0 0 0
+148 12.820326066888649 -9.198896211480474 0 0 0 0
+146 -6.123082737650763 -24.399137959959113 0 0 0 0
+142 5.50675943063616 16.931618597663135 0 0 0 0
+127 26.626531507828854 -62.43802989239907 0 0 0 0
+137 29.663412483474882 6.2435086320700695 0 0 0 0
+144 -15.890056005560075 -4.05380063031656 0 0 0 0
+150 -18.038948049702014 -19.308572553443806 0 0 0 0
+160 36.46677315762317 17.351290650538612 0 0 0 0
+156 1.4369286803650967 2.1506780060096107 0 0 0 0
+145 4.207189040016286 -5.955825407454035 0 0 0 0
+136 -30.22886109676241 -19.936556641006742 0 0 0 0
+134 -23.41200558477676 -16.845956061845147 0 0 0 0
+138 -59.41465861212152 15.683348484989809 0 0 0 0
+140 -26.036745604207677 3.3357195204362675 0 0 0 0
+147 -23.463590815803112 34.36286068313194 0 0 0 0
+139 15.29219482347669 -42.52993141529048 0 0 0 0
+141 -9.232678724073157 6.268266257984101 0 0 0 0
+163 40.944259201733914 12.31295474097777 0 0 0 0
+154 -35.528982220505554 40.547070808496066 0 0 0 0
+164 42.762646341330736 2.494272596266713 0 0 0 0
+159 21.674320158001663 39.19536716815721 0 0 0 0
+151 -8.118560032339198 -3.224480539166805 0 0 0 0
+167 -13.155269175400052 11.087373657014535 0 0 0 0
+152 10.06705990746519 -29.059618929175606 0 0 0 0
+168 18.026089287804496 -14.17309721892149 0 0 0 0
+158 30.313089662786975 7.674734367180789 0 0 0 0
+162 40.60423090153551 -15.846971496837117 0 0 0 0
+157 61.05327876411935 4.570648101869542 0 0 0 0
+173 13.122435092391848 -11.353362314475177 0 0 0 0
+153 -0.715427323249216 9.477255046027532 0 0 0 0
+149 17.136963668826535 26.723169912155107 0 0 0 0
+155 49.653843167596776 6.267627197991268 0 0 0 0
+178 -8.246712006857065 10.47064129383909 0 0 0 0
+166 -26.98744920128084 0.9733567227548438 0 0 0 0
+143 1.8250220380973328 -18.806191669855572 0 0 0 0
+170 14.155854224634588 4.823528599269031 0 0 0 0
+169 2.5391553555242274 8.705021857874106 0 0 0 0
+176 16.304741957636526 47.55225710964842 0 0 0 0
+171 6.428515256419604 60.33028963987465 0 0 0 0
+177 -14.40948385931515 4.281613543653322 0 0 0 0
+175 -51.58180425612032 -9.080011052569867 0 0 0 0
+165 -38.19034674205194 71.92642867517388 0 0 0 0
+161 -2.544375420671009 -25.108738499993958 0 0 0 0
+172 -31.613208240845466 21.713665579980667 0 0 0 0
+183 -50.36126977723878 -7.555895895245417 0 0 0 0
+179 -27.57970101315279 -15.678319513769807 0 0 0 0
+182 -15.30720675984262 -19.93465969879081 0 0 0 0
+192 -0.9797558780508112 13.500995071982619 0 0 0 0
+196 33.283823936890684 42.480929542332994 0 0 0 0
+190 5.6385425028942855 -12.951535289180782 0 0 0 0
+188 76.23379141867431 30.8885248926135 0 0 0 0
+197 -19.488438917103267 37.92668046063066 0 0 0 0
+174 35.51110337686131 -10.406667671716555 0 0 0 0
+180 -2.160234838025905 24.882875180382836 0 0 0 0
+184 -31.327316382057052 11.333695665121864 0 0 0 0
+187 -24.591383798401324 11.853333306978802 0 0 0 0
+181 -12.43559049813631 -13.663954478640433 0 0 0 0
+185 28.07162857807479 -38.821285533903115 0 0 0 0
+191 -24.489691766012154 -11.282885995144737 0 0 0 0
+189 -27.89739794385382 -37.314495930786634 0 0 0 0
+186 -49.76358885578531 4.841899217537064 0 0 0 0
+199 35.542034431006854 0.6341828524954147 0 0 0 0
+193 -17.499001082185245 -23.33134367711973 0 0 0 0
+204 16.350407953179054 -3.372647998521635 0 0 0 0
+201 -35.69160187035511 -22.222706808892163 0 0 0 0
+202 55.304030955610365 19.549371098493296 0 0 0 0
+194 -32.97662634033773 -49.388351424368025 0 0 0 0
+210 14.177678755231604 28.541072172965166 0 0 0 0
+205 -19.35450656939282 -38.35064906496094 0 0 0 0
+203 6.784486798768889 -34.996387194902915 0 0 0 0
+213 3.3833649679198716 12.661298154720104 0 0 0 0
+214 3.2531405238076267 2.7914388328749173 0 0 0 0
+209 30.173945630298046 22.910459787886197 0 0 0 0
+198 6.610972022386986 13.707473090620724 0 0 0 0
+206 50.03595961787271 -3.8741533694837327 0 0 0 0
+215 3.889090157518603 -5.675220936031538 0 0 0 0
+208 -17.14615546634856 -21.941231179234155 0 0 0 0
+220 -25.224323830232038 -10.151841971599708 0 0 0 0
+227 -28.341003527548995 -65.38240685465203 0 0 0 0
+207 35.87891309405051 -59.45687596707819 0 0 0 0
+195 -8.895930855023593 60.74447929408378 0 0 0 0
+211 32.95905323337969 -17.426486913928596 0 0 0 0
+218 -15.526328228854956 8.592722666274522 0 0 0 0
+222 31.25067695281666 -45.60801990565893 0 0 0 0
+217 3.35521309001331 -24.949895725314715 0 0 0 0
+225 -48.68614231042012 30.217151674689266 0 0 0 0
+221 -7.23141365572226 31.034776693712292 0 0 0 0
+200 15.181843015301746 32.44848186827305 0 0 0 0
+233 3.920830972635847 -26.804668036818804 0 0 0 0
+226 42.70799705237935 -14.581964407368268 0 0 0 0
+219 -41.98344618367385 9.146530929417974 0 0 0 0
+229 -9.541537811752244 -2.4919581748955197 0 0 0 0
+230 -12.658723165062048 48.61997653747987 0 0 0 0
+216 -14.789295690468714 12.583161403739322 0 0 0 0
+6 0.1910972120287331 9.967619988229158 0 0 0 0
+231 44.6035899188026 14.63222561169874 0 0 0 0
+228 -27.094979734629547 2.651442468606913 0 0 0 0
+234 3.3212800765101784 -28.38492012978573 0 0 0 0
+238 -11.034800505001076 -25.634361034226146 0 0 0 0
+224 -23.585902589403645 -2.231766992196451 0 0 0 0
+5 -43.62820013916338 19.118562634845635 0 0 0 0
+236 61.819116788699894 103.27795857978667 0 0 0 0
+223 9.268893388202349 -13.73622871148479 0 0 0 0
+237 -13.212470035107525 1.0425422370525939 0 0 0 0
diff --git a/DATASET/P=190000Pa/box_sheared.data b/DATASET/P=190000Pa/box_sheared.data
new file mode 100644
index 0000000..619a6be
--- /dev/null
+++ b/DATASET/P=190000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2226356
+
+240 atoms
+6 atom types
+
+0.027910865165107886 0.07208913483489211 xlo xhi
+0.027910865165107886 0.07208913483489211 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.004417834216355776 0 0 xy xz yz
+
+Atoms # sphere
+
+4 1 0.0035 1071.4285714285713 0.028528513177549987 0.0280807900048069 0 1 0 0
+1 1 0.0035 1071.4285714285713 0.04451773003728049 0.028737493684366032 0 0 0 0
+3 1 0.0035 1071.4285714285713 0.054583630980347145 0.029142438605709378 0 0 0 0
+240 1 0.0035 1071.4285714285713 0.05767407475370485 0.028043345946173453 0 0 1 0
+2 1 0.0025 1500.0000000000005 0.06062463493848623 0.028114159172916823 0 0 0 0
+232 1 0.0035 1071.4285714285713 0.06362238509246279 0.028305280013662393 0 0 1 0
+7 1 0.0025 1500.0000000000005 0.07008626073891294 0.02912468033701246 0 0 0 0
+10 1 0.0025 1500.0000000000005 0.034460093212382484 0.029398075544977673 0 0 0 0
+18 1 0.0035 1071.4285714285713 0.050789424985007776 0.029362181380552146 0 0 0 0
+13 1 0.0035 1071.4285714285713 0.06711504601435916 0.029359871750858704 0 0 0 0
+15 1 0.0035 1071.4285714285713 0.03161993882843518 0.02988528060315608 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.039422976347999794 0.030026741956844426 0 0 1 0
+25 1 0.0025 1500.0000000000005 0.06180342088659295 0.030446478255997306 0 0 0 0
+8 1 0.0035 1071.4285714285713 0.04772251586275358 0.030628414802478715 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.028791870891679235 0.03154362429696771 0 1 0 0
+39 1 0.0025 1500.0000000000005 0.029862852796403876 0.03700194516307855 0 0 0 0
+63 1 0.0035 1071.4285714285713 0.02969029110192168 0.03992303403377501 0 1 0 0
+75 1 0.0035 1071.4285714285713 0.030665840622100995 0.043495870765927064 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.03141139364602775 0.05899316994242933 0 1 0 0
+181 1 0.0025 1500.0000000000005 0.03238159032882038 0.06409587891765789 0 0 0 0
+160 1 0.0035 1071.4285714285713 0.03204554426247329 0.055698645619489756 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.033574810455711056 0.06929081633415388 0 1 0 0
+94 1 0.0035 1071.4285714285713 0.031696565663244095 0.04688025160172601 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.03215058076779363 0.050279061993869535 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.032852630459172735 0.05294184947610833 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.031061666656780527 0.034401655950658416 0 0 0 0
+172 1 0.0035 1071.4285714285713 0.03397723625105181 0.06154998312442767 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.0320573484794889 0.038322815266882686 0 0 0 0
+213 1 0.0035 1071.4285714285713 0.03482620891534001 0.06588969218637769 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.036843334362186966 0.031280092861406046 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.039677891051892185 0.0324268621453698 0 0 0 0
+239 1 0.0035 1071.4285714285713 0.04219186779252103 0.031042875135984502 0 0 1 0
+36 1 0.0025 1500.0000000000005 0.04511685467308301 0.03178599763667799 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.05034353381307213 0.03228791103634938 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.0532821316303107 0.03211362317136316 0 0 0 0
+9 1 0.0025 1500.0000000000005 0.056187924899320646 0.031787270554594925 0 0 0 0
+12 1 0.0035 1071.4285714285713 0.05916195629477668 0.03153539966257348 0 0 0 0
+29 1 0.0035 1071.4285714285713 0.0646458198112119 0.03165491465889596 0 0 0 0
+26 1 0.0035 1071.4285714285713 0.06959536556759421 0.03197634041446689 0 0 0 0
+24 1 0.0035 1071.4285714285713 0.033889628300231775 0.03273314486299926 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.036887125402560686 0.03475316057076772 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.039728817795777915 0.03487227749895773 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.04179486611364795 0.033833800486825716 0 0 0 0
+47 1 0.0035 1071.4285714285713 0.0446472643918453 0.0346974417686484 0 0 0 0
+21 1 0.0025 1500.0000000000005 0.047219475644691145 0.03345349399187676 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.0494914755997775 0.03463885080090454 0 0 0 0
+33 1 0.0025 1500.0000000000005 0.05191992592250842 0.034526614036519514 0 0 0 0
+23 1 0.0025 1500.0000000000005 0.05529540191917589 0.034418878726383294 0 0 0 0
+16 1 0.0025 1500.0000000000005 0.05759220959987568 0.033875337944495286 0 0 0 0
+49 1 0.0025 1500.0000000000005 0.06024855474258707 0.03440168884555405 0 0 0 0
+41 1 0.0025 1500.0000000000005 0.06216535025796189 0.03303177377863715 0 0 0 0
+31 1 0.0025 1500.0000000000005 0.0643015349634623 0.03452038778081912 0 0 0 0
+44 1 0.0035 1071.4285714285713 0.06723736083507395 0.03423928652181543 0 0 0 0
+48 1 0.0035 1071.4285714285713 0.07189082565534433 0.034733603382544054 0 -1 0 0
+38 1 0.0035 1071.4285714285713 0.034057966806223944 0.036402195495353194 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.039098880885941385 0.03709379707900513 0 0 0 0
+53 1 0.0035 1071.4285714285713 0.04209155013334723 0.036798671236062216 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.04770813190759399 0.03675734041116476 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.050905364441564696 0.03685176774004041 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.05383168589164722 0.03693933014562632 0 0 0 0
+37 1 0.0035 1071.4285714285713 0.057283478107282085 0.036735839585221926 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.06026121941990752 0.03686611705493224 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.06236619999419407 0.035841787042620504 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.0647975670773594 0.037051535548592085 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.06728665296846256 0.037129656198221325 0 0 0 0
+65 1 0.0025 1500.0000000000005 0.0695722211303724 0.03631537542111141 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.035175207763201155 0.03944726381613546 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.036829023814231886 0.03772612115676288 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.040516303806015494 0.03913797068443149 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.04501881698857914 0.03759000297769038 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.049797953085076854 0.03898318434406634 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.0627475988497912 0.03895098402322414 0 0 0 0
+68 1 0.0035 1071.4285714285713 0.06952799154780498 0.03924146392913703 0 0 0 0
+52 1 0.0025 1500.0000000000005 0.0717603293624807 0.03762194803160704 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.03301583806922717 0.04122423806048465 0 0 0 0
+69 1 0.0035 1071.4285714285713 0.038034875508662025 0.04055081587736891 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.04094924089660591 0.04156199428599832 0 0 0 0
+62 1 0.0035 1071.4285714285713 0.043472830077440225 0.04004243052411531 0 0 0 0
+77 1 0.0035 1071.4285714285713 0.046977158412530556 0.04008229795678211 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.05260868172271183 0.04013751137226647 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.05604702389457956 0.03980517449793204 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.05944627655545852 0.03961681348173607 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.06173156838632832 0.04168559023023582 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.06421157129409294 0.04172911037678873 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.06620679744756286 0.03976201407556191 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.03589289621843565 0.042282939297982096 0 0 0 0
+83 1 0.0025 1500.0000000000005 0.039299216470014636 0.04332299496400949 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.04468467485200438 0.04276525577869468 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.04720639539619038 0.043092327406976993 0 0 0 0
+79 1 0.0035 1071.4285714285713 0.04995603712972603 0.042033330704760626 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.052778389982256466 0.043160273184252376 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.05500282019148097 0.04245698761906115 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.05814056753067584 0.04209742916939477 0 0 0 0
+86 1 0.0025 1500.0000000000005 0.0633496468794725 0.043906719012705125 0 0 0 0
+103 1 0.0035 1071.4285714285713 0.06646513086467262 0.04392034971206701 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.06854831765444405 0.041896136483365536 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.06960292327180975 0.044177046882684416 0 0 0 0
+80 1 0.0035 1071.4285714285713 0.07151914483577951 0.04221572470278894 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.0341160272789941 0.04457714529898543 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.03712729044937246 0.044445059176777504 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.03976938528406697 0.04637861322771494 0 0 0 0
+88 1 0.0035 1071.4285714285713 0.04233299331863538 0.04424092487465678 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.045659748217011145 0.04565268333687681 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.048650203664137845 0.04513847116591252 0 0 0 0
+106 1 0.0025 1500.0000000000005 0.05110466557303364 0.044814446319690504 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.053935513681721343 0.04601165884492032 0 0 0 0
+89 1 0.0035 1071.4285714285713 0.05704546475086611 0.044744115783789035 0 0 0 0
+73 1 0.0035 1071.4285714285713 0.06042830389705449 0.04424568268970009 0 0 0 0
+107 1 0.0025 1500.0000000000005 0.06286609692119441 0.04620008501585911 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.06851732053145976 0.046269058578097016 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.07235988156618336 0.04561951837740666 0 0 0 0
+105 1 0.0035 1071.4285714285713 0.03652726012899448 0.04724596609012362 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.043045436840192824 0.04766101148805806 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.04612104902068864 0.04862319635926043 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.04817977355648541 0.047438595528177266 0 0 0 0
+109 1 0.0035 1071.4285714285713 0.051144685462799135 0.047764116704838544 0 0 0 0
+99 1 0.0035 1071.4285714285713 0.05682913548774844 0.0481533265672142 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.059360343127725194 0.04692186893476945 0 0 0 0
+114 1 0.0035 1071.4285714285713 0.061804440759217295 0.04879137914723796 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.0657440625147171 0.04719596496983257 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.06840160194796475 0.04865028383543967 0 0 0 0
+92 1 0.0025 1500.0000000000005 0.07060227211979628 0.04780260355280842 0 0 0 0
+111 1 0.0025 1500.0000000000005 0.034074629998069504 0.048907946795030785 0 0 0 0
+113 1 0.0025 1500.0000000000005 0.0363766478068797 0.050087291097896766 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.039193619176535466 0.04964140613654291 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.04211451724301849 0.05036200230781044 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.044537070784635646 0.0503569871808432 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.0489274846897426 0.05029806303818944 0 0 0 0
+124 1 0.0025 1500.0000000000005 0.05192278278113378 0.05062268926658139 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.054216542068065046 0.04938356008848941 0 0 0 0
+132 1 0.0025 1500.0000000000005 0.056272742808912944 0.05097659718119881 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.059205117563474276 0.050867146561279414 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.0646725038727596 0.04972761442349798 0 0 0 0
+123 1 0.0025 1500.0000000000005 0.06706643019099368 0.05055316816168505 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.07064781801955074 0.05075354864448271 0 0 0 0
+110 1 0.0035 1071.4285714285713 0.07340431514679742 0.049008155174321937 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.03495728142962484 0.05192892460887281 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.03793464164464327 0.05271835490976188 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.040836759389663226 0.05228840369911725 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.04378157534522825 0.05307105235484211 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.04655337358759448 0.05177720122420541 0 0 0 0
+148 1 0.0035 1071.4285714285713 0.05080635207949448 0.05331992023083827 0 0 0 0
+146 1 0.0035 1071.4285714285713 0.05414553851092435 0.05273973857248421 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.05753128990885305 0.053254397343614195 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.06212996269312863 0.05176586794970915 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.06499087069265963 0.052682701447195085 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.06851218859666697 0.053266595494405815 0 0 0 0
+150 1 0.0035 1071.4285714285713 0.07404450130784718 0.05247465582771505 0 0 0 0
+156 1 0.0035 1071.4285714285713 0.03530615645112459 0.05485923913918366 0 0 0 0
+145 1 0.0025 1500.0000000000005 0.03820032060719475 0.055628768687130556 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.040325550613302355 0.054613971975982833 0 0 0 0
+134 1 0.0025 1500.0000000000005 0.042657711177726515 0.05570088956734857 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.04772695320756638 0.05458069166563017 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.05610304028899263 0.05513260348735028 0 0 0 0
+139 1 0.0035 1071.4285714285713 0.06058136098819962 0.054163757038069985 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.06353559677230095 0.05508391224314129 0 0 0 0
+163 1 0.0025 1500.0000000000005 0.06598728440111881 0.05547430079817502 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.0714700132701237 0.05361805892344283 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.07331554504948246 0.05533477747326481 0 -1 0 0
+159 1 0.0025 1500.0000000000005 0.03768388121101069 0.0579870596930614 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.040575386671246175 0.05754727288244045 0 0 0 0
+138 1 0.0025 1500.0000000000005 0.045108819777186754 0.05583547601207832 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.0472360903936424 0.05736839706971524 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.05018949737374263 0.05641570433680167 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.053235661005405534 0.05597886407210599 0 0 0 0
+158 1 0.0025 1500.0000000000005 0.05592291940048276 0.0575306200422063 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.0586937522234084 0.05680167157491038 0 0 0 0
+157 1 0.0025 1500.0000000000005 0.06164581039238581 0.057175788252014415 0 0 0 0
+173 1 0.0035 1071.4285714285713 0.06456826884896333 0.05792226364020753 0 0 0 0
+153 1 0.0025 1500.0000000000005 0.06840414613279483 0.056249580006255184 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.07082681452968781 0.055879127288839224 0 0 0 0
+155 1 0.0025 1500.0000000000005 0.07279175911254199 0.057662316115648815 0 0 0 0
+166 1 0.0035 1071.4285714285713 0.034761313135847516 0.05827901823797023 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.04400970130537933 0.058418192623195184 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.04707640659539884 0.06029595495090353 0 0 0 0
+169 1 0.0025 1500.0000000000005 0.0494512843409291 0.0587589508074173 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.051847938660045806 0.05839172347725671 0 0 0 0
+171 1 0.0025 1500.0000000000005 0.05456917244717198 0.059341494626781156 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.05773507555547722 0.06003544616872332 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.06050789991570626 0.059272604366234834 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.06774488235618564 0.05852871990399028 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.07018851483712918 0.05820326932379641 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.06945849623114407 0.0604515660969041 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.03731685242578275 0.0608741381915866 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.040774846039929494 0.061026352934643674 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.04419690632513759 0.061834079416184115 0 0 0 0
+192 1 0.0035 1071.4285714285713 0.050293858907269305 0.061793179692276407 0 0 0 0
+196 1 0.0025 1500.0000000000005 0.052795704826058706 0.06071510964304843 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.05533467583772805 0.06240828312655952 0 0 0 0
+188 1 0.0025 1500.0000000000005 0.06030002290940013 0.061647592688896795 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.06305868067351533 0.06091902215824885 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.06644153885663123 0.060961650467533865 0 0 0 0
+205 1 0.0025 1500.0000000000005 0.07072901257581048 0.06264825085837016 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.07254143613967502 0.060533648135596606 0 0 0 0
+187 1 0.0025 1500.0000000000005 0.07522872436987027 0.06190826561016658 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.03630371350812882 0.06354846041928848 0 0 0 0
+191 1 0.0035 1071.4285714285713 0.039248488286659444 0.06394011414915267 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.04213501607851301 0.0637332101223161 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.04763395835668967 0.06369691906642502 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.05046025282712647 0.06469375955211956 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.05288235729443065 0.06404188886135564 0 0 0 0
+204 1 0.0035 1071.4285714285713 0.05857927822437356 0.06381499593317767 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.06212809341144331 0.06420146399035702 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.06489852430308116 0.06335377338465409 0 0 0 0
+194 1 0.0025 1500.0000000000005 0.06835129718622951 0.06327933726930537 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.070220872168749 0.06505392750891063 0 0 0 0
+203 1 0.0035 1071.4285714285713 0.07345587747063997 0.0640558336913398 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.03843042394582575 0.06719256309313804 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.041765308213657065 0.06658105185409836 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.04479152922451718 0.06527544733430002 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.048905731187004454 0.06700285431738275 0 0 0 0
+215 1 0.0035 1071.4285714285713 0.05245615167543475 0.06699780226295352 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.055528614047417324 0.06585862550719702 0 0 0 0
+220 1 0.0035 1071.4285714285713 0.05880437611229154 0.06727150573378314 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.061713628220346366 0.06707502986229666 0 0 0 0
+207 1 0.0025 1500.0000000000005 0.06406741338700433 0.06656825622474553 0 0 0 0
+195 1 0.0035 1071.4285714285713 0.06687878695422408 0.06569311455032874 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.06946660647598651 0.06728971230464989 0 0 0 0
+218 1 0.0035 1071.4285714285713 0.07237930685960958 0.067198233549723 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.0757863121840015 0.0669522915919878 0 0 0 0
+225 1 0.0025 1500.0000000000005 0.03595597155346483 0.06872501377563013 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.04076759311427933 0.06923661892990456 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.043253828152325105 0.06941846116669398 0 0 0 0
+233 1 0.0035 1071.4285714285713 0.045963125330190216 0.06856376808038092 0 0 0 0
+226 1 0.0025 1500.0000000000005 0.050992722839574636 0.0693567022888669 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.05632980056554069 0.06877556969632105 0 0 0 0
+229 1 0.0025 1500.0000000000005 0.06105184639427347 0.06937267935165022 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.06393286509120368 0.06947729001251919 0 0 0 0
+216 1 0.0035 1071.4285714285713 0.06730366156507026 0.06910096877218361 0 0 0 0
+6 1 0.0025 1500.0000000000005 0.03550570834996621 0.07107775609826782 0 0 -1 0
+231 1 0.0035 1071.4285714285713 0.038325560370745235 0.07066375197818409 0 0 0 0
+212 1 0.0035 1071.4285714285713 0.041619269548971966 0.07208428144400332 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.045485627084467135 0.07188346121819553 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.04866709912494897 0.06998122991108567 0 0 0 0
+238 1 0.0025 1500.0000000000005 0.05160845850868337 0.07184943433683458 0 0 0 0
+224 1 0.0035 1071.4285714285713 0.05392567754102315 0.07026025623612715 0 0 0 0
+5 1 0.0025 1500.0000000000005 0.05675384655112169 0.07119837314575601 0 0 -1 0
+236 1 0.0025 1500.0000000000005 0.0588684042471723 0.07022738858694733 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.07068124430343672 0.07007641948715611 0 0 0 0
+237 1 0.0035 1071.4285714285713 0.07412746255504471 0.07031319961004505 0 0 0 0
+
+Velocities
+
+4 -22.48262218719509 30.819104296319708 0 0 0 0
+1 -38.71804684868296 20.4099209753945 0 0 0 0
+3 -13.392244595335114 46.9234547273229 0 0 0 0
+240 13.460920905914232 27.07900450948468 0 0 0 0
+2 5.370903743168302 1.8009075484522974 0 0 0 0
+232 16.3632296396099 8.059185171190958 0 0 0 0
+7 4.495380337993181 39.047042145499525 0 0 0 0
+10 -35.27024217641266 -8.285021065406022 0 0 0 0
+18 5.1909571051325285 -9.581921410784283 0 0 0 0
+13 -8.989584622532659 13.624903589518064 0 0 0 0
+15 30.5732069427786 24.234579154668992 0 0 0 0
+235 31.99687425911921 -5.173617298543568 0 0 0 0
+25 -29.809388386321864 12.594815263431348 0 0 0 0
+8 32.83634358925303 5.668944351831042 0 0 0 0
+30 -38.710348462417365 -8.772184153467437 0 0 0 0
+39 -16.4677218885296 -39.149475507511994 0 0 0 0
+63 3.0613778633952573 -24.388966354636317 0 0 0 0
+75 17.125611219541227 -2.4355345253358514 0 0 0 0
+178 46.66495625503259 -41.584624431816074 0 0 0 0
+181 -61.982212291522146 29.806212424595106 0 0 0 0
+160 10.686086789028291 -10.996812846506275 0 0 0 0
+217 17.241132176890254 17.805556139490367 0 0 0 0
+94 -32.75011577577919 5.090199014494057 0 0 0 0
+108 9.626700144587852 5.900135806805357 0 0 0 0
+119 -18.486438716067024 -43.48468433005135 0 0 0 0
+35 1.0849474886813715 15.104742531630762 0 0 0 0
+172 -5.940016871870239 -1.0811947912445952 0 0 0 0
+54 21.755320187968685 32.54842944070988 0 0 0 0
+213 -26.08394401228061 10.864766086370683 0 0 0 0
+11 21.707400057558864 -29.077549810226575 0 0 0 0
+17 0.9702812320023686 -48.06085843495841 0 0 0 0
+239 18.986471997415066 -18.3030497903983 0 0 0 0
+36 -60.786799476587944 0.3418190600529469 0 0 0 0
+20 -18.8645824350819 26.585281592566513 0 0 0 0
+22 -28.042009241788982 1.308863367623591 0 0 0 0
+9 -26.712550153292437 12.898706031328388 0 0 0 0
+12 14.965195036697263 20.630696613001664 0 0 0 0
+29 -7.203525494925344 -5.903265424454807 0 0 0 0
+26 18.181996582963944 -33.303269856813394 0 0 0 0
+24 23.33007707401761 -2.209185849360455 0 0 0 0
+19 -15.750972659228266 11.494647303003926 0 0 0 0
+28 -61.14296636266363 -20.713814558979347 0 0 0 0
+14 -33.43103565123496 16.876691594865168 0 0 0 0
+47 -6.243642913051157 12.507388362908056 0 0 0 0
+21 -8.240205810173427 6.983064607972844 0 0 0 0
+27 40.904426703812035 -17.79310020435421 0 0 0 0
+33 -12.079347538779004 -62.14089169893853 0 0 0 0
+23 20.039599975346437 32.54157027242181 0 0 0 0
+16 28.215472587472753 -41.147572145091175 0 0 0 0
+49 -7.434959426933279 40.5251063790928 0 0 0 0
+41 -61.70466188050976 -5.306926547905964 0 0 0 0
+31 34.492342904124484 62.950827028360216 0 0 0 0
+44 25.065075541258018 -17.872207067827247 0 0 0 0
+48 -26.238870480806582 33.33662615707101 0 0 0 0
+38 18.618933924337348 1.805814796082733 0 0 0 0
+32 2.8114859868406072 -19.91712634481449 0 0 0 0
+53 21.701916441922982 2.231244249505773 0 0 0 0
+42 31.430499295056308 17.27097099880641 0 0 0 0
+46 -28.477608387207304 -70.51610153409547 0 0 0 0
+40 -9.2898941401001 3.1539613799226465 0 0 0 0
+37 5.120847173493672 -22.39245921018955 0 0 0 0
+43 9.213504617605759 -13.269443366372634 0 0 0 0
+45 18.78400119858509 19.824984198914457 0 0 0 0
+51 -34.25200784763215 -9.628878309060008 0 0 0 0
+56 -56.71605527753831 11.600382913230249 0 0 0 0
+65 -69.27709445994235 -14.086482086039775 0 0 0 0
+60 -0.7316688975430149 13.26797430560947 0 0 0 0
+34 -0.7144181062203911 9.182995734185553 0 0 0 0
+59 -4.293405870162395 -7.527785334618893 0 0 0 0
+58 78.24004788866897 21.687498424548927 0 0 0 0
+72 -0.5043300006554082 22.502410978395936 0 0 0 0
+55 39.80334875820767 25.123446434777534 0 0 0 0
+68 -20.40970703815326 35.18179234834806 0 0 0 0
+52 -62.305748069100765 31.80184366505979 0 0 0 0
+67 16.38387987493781 -27.05893061610084 0 0 0 0
+69 22.931625419120607 -0.5493288174712117 0 0 0 0
+71 53.17696746699675 -74.57232486850893 0 0 0 0
+62 -68.41285416590911 -23.741290443049138 0 0 0 0
+77 -62.675696689680166 -2.4195435320430456 0 0 0 0
+64 -50.9016841979116 1.6298097650198158 0 0 0 0
+50 -28.056953697108924 -3.2286030133894843 0 0 0 0
+57 8.423934579184426 12.321432153634893 0 0 0 0
+70 4.979387352383985 44.10474745568869 0 0 0 0
+76 24.70718029576868 -2.3527166823045804 0 0 0 0
+66 1.9799582069637072 -48.25269201167466 0 0 0 0
+74 20.121576826602737 53.20907554742513 0 0 0 0
+83 -9.798136098499004 -40.05193151915907 0 0 0 0
+78 46.61268181113957 19.88798271967955 0 0 0 0
+84 -29.361370772568403 -118.57107720586069 0 0 0 0
+79 37.161148310130706 -47.80954432206551 0 0 0 0
+100 21.405336692000315 13.927262102862205 0 0 0 0
+61 67.92373880333417 22.295569871164297 0 0 0 0
+81 12.978872990434127 -13.448270788770383 0 0 0 0
+86 42.68345203137542 -54.914719324529116 0 0 0 0
+103 31.52542798819665 4.988466761680533 0 0 0 0
+87 9.347152939971094 -43.0365532432297 0 0 0 0
+85 -51.78562209283927 4.568142525415851 0 0 0 0
+80 -9.449450399131257 -9.60246728640535 0 0 0 0
+82 31.104889918708 -7.546140629463402 0 0 0 0
+102 -8.046211998660894 -8.390938252714092 0 0 0 0
+98 -14.633461347571982 -2.852959103556864 0 0 0 0
+88 9.128492177226315 17.632468157156758 0 0 0 0
+101 13.286119671724487 24.568832477366996 0 0 0 0
+95 -31.43985645088664 66.69670177696634 0 0 0 0
+106 91.92405294678039 31.678027859167297 0 0 0 0
+104 -15.97857260274455 24.697071972265427 0 0 0 0
+89 12.499371090822091 7.175961255001095 0 0 0 0
+73 6.332065433458479 -20.571798588220833 0 0 0 0
+107 -40.47744355508443 -32.44036969780005 0 0 0 0
+91 -35.17306033113539 34.627512591847584 0 0 0 0
+90 -28.156484830111268 7.901799066459075 0 0 0 0
+105 4.050765085427156 -41.28736219312535 0 0 0 0
+93 12.809873441648197 -22.4435817891025 0 0 0 0
+117 -31.750285339013022 -0.3550726735262303 0 0 0 0
+97 -54.8959330824924 -26.002535743827337 0 0 0 0
+109 24.864539828605118 12.475959250524182 0 0 0 0
+99 -33.28858493150007 23.63606285406471 0 0 0 0
+96 17.055499003950324 10.083524809585839 0 0 0 0
+114 -10.534101607443251 12.904217524358543 0 0 0 0
+122 38.67870974175602 21.314297975113742 0 0 0 0
+118 5.7873577328533115 -45.90153705996114 0 0 0 0
+92 -11.505203284441158 -19.780907362614656 0 0 0 0
+111 6.052164937512463 -18.214978724705983 0 0 0 0
+113 5.066174589463981 2.300609038703828 0 0 0 0
+120 -42.61050833817819 -5.694335110742523 0 0 0 0
+112 62.55984641104873 4.5967112054814985 0 0 0 0
+115 22.621391205017453 5.6112838425211535 0 0 0 0
+133 45.00715837146042 -10.749387050304643 0 0 0 0
+124 -45.10579404738903 30.69042034879293 0 0 0 0
+116 61.80775777048243 5.88674485852312 0 0 0 0
+132 -6.481523634179993 -2.5762383697343054 0 0 0 0
+131 39.06686170832927 -13.903656542109228 0 0 0 0
+128 12.837124504713545 44.82404026902571 0 0 0 0
+123 42.53413981691134 -15.025217933035043 0 0 0 0
+121 36.488042364322375 5.203497280522953 0 0 0 0
+110 -8.700799600586267 10.610900434942236 0 0 0 0
+135 -20.403228514162745 -12.43098087237727 0 0 0 0
+129 -18.16826307557746 -32.97338026343418 0 0 0 0
+125 -0.09377495208885535 -1.5157565723290303 0 0 0 0
+126 6.106544461595244 21.843138741387044 0 0 0 0
+130 -35.99966645840837 15.035437977712757 0 0 0 0
+148 8.269258832906045 16.967275056259773 0 0 0 0
+146 -6.591373249669372 3.742739713380315 0 0 0 0
+142 23.541960539355188 -15.845000913347915 0 0 0 0
+127 6.52094172867659 -12.30128894564901 0 0 0 0
+137 14.652127095217045 12.737435664503584 0 0 0 0
+144 -8.86342351199204 -31.31995852906887 0 0 0 0
+150 43.01037744149473 9.828263171453262 0 0 0 0
+156 22.376462123061778 -48.44072585478901 0 0 0 0
+145 -25.126490260191247 12.770774950438952 0 0 0 0
+136 -54.062598312524344 -18.76416964665714 0 0 0 0
+134 -34.37517859851648 32.354474458456444 0 0 0 0
+140 -45.501897597689634 -8.91526595804942 0 0 0 0
+147 11.697084909550862 17.97895195016843 0 0 0 0
+139 13.756495254080873 -39.15240199486762 0 0 0 0
+141 -34.134674931447705 -2.3067877891283834 0 0 0 0
+163 13.157270602709668 17.773332293635256 0 0 0 0
+154 -55.87491387755262 16.918813800933 0 0 0 0
+164 6.803332193319704 61.625132531643786 0 0 0 0
+159 2.692467680901549 -1.385389621478978 0 0 0 0
+151 13.97920703413225 26.634250867291378 0 0 0 0
+138 1.6891062127187582 -18.286792733900818 0 0 0 0
+167 35.14968932570716 2.8099377813704374 0 0 0 0
+152 -35.77456778392488 76.30200206749973 0 0 0 0
+168 -53.03928536833402 -54.715529297528406 0 0 0 0
+158 -28.87921518781497 -8.300279452793715 0 0 0 0
+162 32.70432909173673 -5.125611294118776 0 0 0 0
+157 -34.79793320257413 29.06904011139414 0 0 0 0
+173 -19.193810405087028 -4.827345325946024 0 0 0 0
+153 1.0424133743760309 -26.224713011142164 0 0 0 0
+149 -94.97131029580919 -6.948087203896937 0 0 0 0
+155 -38.86937931608916 -0.06624003212565385 0 0 0 0
+166 -26.957781838872833 -15.558124828268987 0 0 0 0
+143 19.52701215018094 24.597931794885927 0 0 0 0
+170 3.813146279217484 0.3447594376040701 0 0 0 0
+169 -72.22948464052043 28.266096330945622 0 0 0 0
+176 21.266048635220372 3.4486164162129986 0 0 0 0
+171 54.09582390340406 -42.011558402183056 0 0 0 0
+177 26.235427045047274 -1.8983153432143753 0 0 0 0
+175 -39.77708038440241 -11.254085088971664 0 0 0 0
+165 8.627320599520896 6.693621748793413 0 0 0 0
+161 7.060821733445669 -40.49919632513595 0 0 0 0
+180 8.995453288399343 4.113069889023718 0 0 0 0
+183 -14.735547922469053 2.0213943093864213 0 0 0 0
+179 6.429713859094185 21.07337541164491 0 0 0 0
+182 -15.829529020924339 2.305557269339941 0 0 0 0
+192 30.354943063383764 -14.652696315792324 0 0 0 0
+196 -3.184919306578935 -41.27584588420693 0 0 0 0
+190 20.963140359551268 -12.243200916506813 0 0 0 0
+188 -27.9963496532594 -16.4360071925899 0 0 0 0
+197 2.1455278474333546 -24.604168815592562 0 0 0 0
+174 -19.817628263944968 4.183062107337916 0 0 0 0
+205 -14.197412293077555 28.05455348129623 0 0 0 0
+184 32.78878100949071 19.085808025633565 0 0 0 0
+187 -29.583579226356918 -23.574048871927864 0 0 0 0
+185 24.44071958012374 -9.5067930072376 0 0 0 0
+191 14.00647120204626 4.327623218635374 0 0 0 0
+189 -24.70279952977899 -37.40535168761304 0 0 0 0
+186 5.536406756250235 -25.709384532283483 0 0 0 0
+199 45.51238103568429 9.588418238439141 0 0 0 0
+193 -61.0390682607455 -2.7121942227394387 0 0 0 0
+204 13.128496202205225 6.022775442841559 0 0 0 0
+201 -3.6615706634881477 -6.992937455494683 0 0 0 0
+202 -2.550239954423007 -16.91259184072596 0 0 0 0
+194 17.3622598730761 -11.650686524985222 0 0 0 0
+210 54.88150321099474 -10.474307965256827 0 0 0 0
+203 33.112380191283435 -12.045525223061581 0 0 0 0
+214 12.720030888832344 27.237605808721767 0 0 0 0
+209 21.47933813687213 -9.179013628715719 0 0 0 0
+198 2.365607381484507 -3.9657514498032045 0 0 0 0
+206 30.921337832291606 46.968447376030916 0 0 0 0
+215 -26.325477229425005 8.3794478633661 0 0 0 0
+208 28.68380520396566 4.086512529388664 0 0 0 0
+220 -7.933780949038226 -23.35915875611067 0 0 0 0
+227 18.30481757189641 -13.345389882489467 0 0 0 0
+207 -55.06410091775663 -25.664734940705472 0 0 0 0
+195 13.174490367774387 10.527096377902376 0 0 0 0
+211 -20.193145416685944 1.5088893228605411 0 0 0 0
+218 16.465423642953702 3.1201464841372863 0 0 0 0
+222 -28.201045772187637 36.44623561369985 0 0 0 0
+225 -32.45464738631521 1.6009344147822508 0 0 0 0
+221 -15.195850947828898 -52.536876670355966 0 0 0 0
+200 9.635067144014826 28.35695854843778 0 0 0 0
+233 -13.987657751366122 14.987248499526917 0 0 0 0
+226 27.400608589721266 42.53839110042263 0 0 0 0
+219 -4.986341508790034 78.59313869227638 0 0 0 0
+229 -3.5714025542410903 -12.078342060881013 0 0 0 0
+230 0.5050379354405632 -19.223937332588196 0 0 0 0
+216 11.524835125576578 14.93362146702671 0 0 0 0
+6 8.128230140496045 -24.125232871627183 0 0 0 0
+231 0.7875930043218424 20.326360738075 0 0 0 0
+212 6.641608038250197 -13.7333896486872 0 0 0 0
+228 -4.766833040591001 -31.789489562938353 0 0 0 0
+234 4.669165282264798 2.574974461557421 0 0 0 0
+238 -1.289162254774699 63.57819605018559 0 0 0 0
+224 27.597188395456225 -13.416156672490516 0 0 0 0
+5 -33.83629530929383 17.812188855549433 0 0 0 0
+236 -3.542907357873093 15.364965477837416 0 0 0 0
+223 -40.7190743219609 36.84440201513141 0 0 0 0
+237 8.600907896259761 0.1234688117733779 0 0 0 0
diff --git a/DATASET/P=190000Pa/confined.restart b/DATASET/P=190000Pa/confined.restart
new file mode 100644
index 0000000..5c7cb2b
Binary files /dev/null and b/DATASET/P=190000Pa/confined.restart differ
diff --git a/DATASET/P=190000Pa/log.lammps b/DATASET/P=190000Pa/log.lammps
new file mode 100644
index 0000000..2ed4882
--- /dev/null
+++ b/DATASET/P=190000Pa/log.lammps
@@ -0,0 +1,149 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.027910865 0.027910865 -0.00050000000) to (0.072089135 0.072089135 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.001 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 226356
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 226
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.027910865 0.027910865 -0.00050000000) to (0.072089135 0.072089135 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.41782696697842e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 226 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 226356
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 20 20 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.04417827 0 3718.0005 0 226356
+ 2005000 240 0.04417827 9.7585976e-05 -3014.8318 0.0022089135 226356
+ 2010000 240 0.04417827 0.00019517195 -9745.6388 0.004417827 226356
+ 2015000 240 0.04417827 0.00029275793 -16466.887 0.0066267405 226356
+ 2020000 240 0.04417827 0.0003903439 -23174.59 0.0088356539 226356
+ 2025000 240 0.04417827 0.00048792988 -29852.399 0.011044567 226356
+ 2030000 240 0.04417827 0.00058551585 -36484.237 0.013253481 226356
+ 2035000 240 0.04417827 0.00068310183 -43074.673 0.015462394 226356
+ 2040000 240 0.04417827 0.0007806878 -49612.78 0.017671308 226356
+ 2045000 240 0.04417827 0.00087827378 -56084.975 0.019880221 226356
+ 2050000 240 0.04417827 0.00097585976 -62505.389 0.022089135 226356
+ 2055000 240 0.04417827 0.0010734457 -68893.58 0.024298048 226356
+ 2060000 240 0.04417827 0.0011710317 -75250.687 0.026506962 226356
+ 2065000 240 0.04417827 0.0012686177 -81571.294 0.028715875 226356
+ 2070000 240 0.04417827 0.0013662037 -87847.678 0.030924789 226356
+ 2075000 240 0.04417827 0.0014637896 -94067.226 0.033133702 226356
+ 2080000 240 0.04417827 0.0015613756 -100243.94 0.035342616 226356
+ 2085000 240 0.04417827 0.0016589616 -106376.76 0.037551529 226356
+ 2090000 240 0.04417827 0.0017565476 -112438.49 0.039760443 226356
+ 2095000 240 0.04417827 0.0018541335 -118435.34 0.041969356 226356
+ 2100000 240 0.04417827 0.0019517195 -124390.52 0.04417827 226356
+ 2105000 240 0.04417827 0.0020493055 -130296.67 0.046387183 226356
+ 2110000 240 0.04417827 0.0021468915 -136147.85 0.048596097 226356
+ 2115000 240 0.04417827 0.0022444774 -141942.7 0.05080501 226356
+ 2120000 240 0.04417827 0.0023420634 -147692.24 0.053013924 226356
+ 2125000 240 0.04417827 0.0024396494 -153396.89 0.055222837 226356
+ 2130000 240 0.04417827 0.0025372354 -159059.75 0.057431751 226356
+ 2135000 240 0.04417827 0.0026348213 -164696.54 0.059640664 226356
+ 2140000 240 0.04417827 0.0027324073 -170312.39 0.061849578 226356
+ 2145000 240 0.04417827 0.0028299933 -175894.41 0.064058491 226356
+ 2150000 240 0.04417827 0.0029275793 -181447.82 0.066267405 226356
+ 2155000 240 0.04417827 0.0030251652 -187000.2 0.068476318 226356
+ 2160000 240 0.04417827 0.0031227512 -192553.57 0.070685231 226356
+ 2165000 240 0.04417827 0.0032203372 -198103.92 0.072894145 226356
+ 2170000 240 0.04417827 0.0033179232 -203657.15 0.075103058 226356
+ 2175000 240 0.04417827 0.0034155091 -209211.98 0.077311972 226356
+ 2180000 240 0.04417827 0.0035130951 -214767.48 0.079520885 226356
+ 2185000 240 0.04417827 0.0036106811 -220330.1 0.081729799 226356
+ 2190000 240 0.04417827 0.0037082671 -225904.83 0.083938712 226356
+ 2195000 240 0.04417827 0.003805853 -231490.88 0.086147626 226356
+ 2200000 240 0.04417827 0.003903439 -237090.31 0.088356539 226356
+ 2205000 240 0.04417827 0.004001025 -242706.81 0.090565453 226356
+ 2210000 240 0.04417827 0.004098611 -248338.66 0.092774366 226356
+ 2215000 240 0.04417827 0.0041961969 -253987.21 0.09498328 226356
+ 2220000 240 0.04417827 0.0042937829 -259650.75 0.097192193 226356
+ 2225000 240 0.04417827 0.0043913689 -265325.84 0.099401107 226356
+ 2226356 240 0.04417827 0.0044178342 -266867.78 0.10000016 226356
+Loop time of 5.90837 on 1 procs for 226356 steps with 240 atoms
+
+99.4% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 4.6117 | 4.6117 | 4.6117 | 0.0 | 78.05
+Neigh | 0.00075626 | 0.00075626 | 0.00075626 | 0.0 | 0.01
+Comm | 0.48094 | 0.48094 | 0.48094 | 0.0 | 8.14
+Output | 0.016387 | 0.016387 | 0.016387 | 0.0 | 0.28
+Modify | 0.58882 | 0.58882 | 0.58882 | 0.0 | 9.97
+Other | | 0.2098 | | | 3.55
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 99.0000 ave 99 max 99 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 702.000 ave 702 max 702 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 702
+Ave neighs/atom = 2.9250000
+Neighbor list builds = 17
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:05
diff --git a/DATASET/P=200000Pa/1_generate_conf_200000Pa.in b/DATASET/P=200000Pa/1_generate_conf_200000Pa.in
new file mode 100644
index 0000000..4453f57
--- /dev/null
+++ b/DATASET/P=200000Pa/1_generate_conf_200000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 200000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 96 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 664 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 663 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 190 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 736 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 37 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 780 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 369 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 695 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 525 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 279 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 217 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 867 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 873 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 798 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 273 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 881 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 62 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 596 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 880 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 729 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 342 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 397 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 699 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 19 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 177 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 612 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 396 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 445 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 233 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 915 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 76 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 265 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 455 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 796 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 718 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 735 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 384 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 564 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 851 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=200000Pa/2_shear.in b/DATASET/P=200000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=200000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=200000Pa/StrainStress.txt b/DATASET/P=200000Pa/StrainStress.txt
new file mode 100644
index 0000000..6c1eab3
--- /dev/null
+++ b/DATASET/P=200000Pa/StrainStress.txt
@@ -0,0 +1,1002 @@
+# Fix print output for fix output_file
+3.75203380000332e-05 -739.78657313399958184
+0.000137429144999985 -1049.475464064168591
+0.000237337951999936 -1359.1475893936947159
+0.000337246759000047 -1668.8304484923019118
+0.000437155565999998 -1978.5590958209652399
+0.00053706437299995 -2288.3165629501695548
+0.00063697318000006 -2598.0934745946983639
+0.000736881987000012 -2907.8842883444631298
+0.000836790793999963 -3217.6845615460165391
+0.000936699601000074 -3527.490248947364762
+0.00103660840800003 -3837.2973428383502323
+0.00113651721499998 -4147.1015475138965485
+0.00123642602199993 -4456.8977565638024316
+0.00133633482900004 -4766.6784923401110063
+0.00143624363599999 -5076.4276627378358171
+0.00153615244299994 -5386.1607607842670404
+0.00163606125000005 -5695.8703901028911787
+0.001735970057 -6005.558345466778519
+0.00183587886399995 -6315.2508852526070768
+0.00193578767100007 -6625.0054703510359104
+0.00203569647800002 -6934.8258839335321682
+0.00213560528499997 -7244.6847244585542285
+0.00223551409200008 -7554.5722364123876105
+0.00233542289900003 -7864.4818987350872703
+0.00243533170599998 -8174.4081151685986697
+0.00253524051299993 -8484.3745292181611148
+0.00263514932000004 -8794.3910996895119752
+0.002735058127 -9104.4415768168673821
+0.00283496693399995 -9414.5186094820419385
+0.00293487574100006 -9724.6170421856440953
+0.00303478454800001 -10034.73266110458826
+0.00313469335499996 -10344.86172304937827
+0.00323460216200007 -10655.000668007478453
+0.00333451096900002 -10965.145756644764333
+0.00343441977599997 -11275.29108125447965
+0.00353432858299993 -11585.436269788717254
+0.00363423739000004 -11895.584711807767235
+0.00373414619699999 -12205.734104369481429
+0.00383405500399994 -12515.882753634197798
+0.00393396381100005 -12826.054860922173248
+0.004033872618 -13136.240781462611267
+0.00413378142499995 -13446.432083775447609
+0.00423369023200006 -13756.624155569592403
+0.00433359903900001 -14066.813392815593033
+0.00443350784599997 -14376.996640077693883
+0.00453341665300008 -14687.170977451361978
+0.00463332546000003 -14997.333614707225934
+0.00473323426699998 -15307.481828575295367
+0.00483314307399993 -15617.612919874218278
+0.00493305188100004 -15927.72418015522635
+0.00503296068799999 -16237.812862364113244
+0.00513286949499994 -16547.876152052689577
+0.00523277830200005 -16857.911136150523816
+0.00533268710900001 -17167.914766120655258
+0.00543259591599996 -17477.883810889761662
+0.00553250472300007 -17787.81479230495097
+0.00563241353000002 -18097.703888768141042
+0.00573232233699997 -18407.546776123686868
+0.00583223114399992 -18717.382675348573684
+0.00593213995100003 -19027.19848536988502
+0.00603204875799998 -19336.968628581897065
+0.00613195756499994 -19646.676493919363566
+0.00623186637200005 -19956.343770304563805
+0.006331775179 -20265.960998253682192
+0.00643168398599995 -20575.514406625767151
+0.00653159279300006 -20884.995889021571202
+0.00663150160000001 -21194.368606936994183
+0.00673141040699996 -21503.646064244720037
+0.00683131921400007 -21812.831417752346169
+0.00693122802100002 -22121.99122486369015
+0.00703113682799998 -22431.136578754820221
+0.00713104563499993 -22740.264879253310937
+0.00723095444200004 -23049.373389609343576
+0.00733086324899999 -23358.459160279853677
+0.00743077205599994 -23667.518906928413344
+0.00753068086300005 -23976.548785214010422
+0.00763058967 -24285.543884661354241
+0.00773049847699995 -24594.496592691350088
+0.00783040728400007 -24903.386050189190428
+0.00793031609100002 -25212.234237785331061
+0.00803022489799997 -25521.059915326597547
+0.00813013370500008 -25829.936219555173011
+0.00823004251200003 -26138.830345376649348
+0.00832995131899998 -26447.718006216768117
+0.00842986012599993 -26756.570202065708145
+0.00852976893300004 -27065.41669304117022
+0.00862967774 -27374.366769263866445
+0.00872958654699995 -27683.452110024463764
+0.00882949535400006 -27992.613067103531648
+0.00892940416100001 -28301.829497371814796
+0.00902931296799996 -28611.089155611167371
+0.00912922177500007 -28920.384285291886044
+0.00922913058200002 -29229.755434625272756
+0.00932903938899997 -29539.182328097311256
+0.00942894819599992 -29848.648268824414117
+0.00952885700300004 -30158.143663603997993
+0.00962876580999999 -30467.660915517360991
+0.00972867461699994 -30777.1932663117841
+0.00982858342400005 -31086.734224367628485
+0.009928492231 -31396.277073510882474
+0.010028401038 -31705.814118875958229
+0.0101283098450001 -32015.33452388828664
+0.010228218652 -32324.811754845552059
+0.010328127459 -32634.273817517030693
+0.0104280362660001 -32943.734279688447714
+0.010527945073 -33253.187917487055529
+0.01062785388 -33562.62805276025756
+0.0107277626869999 -33872.043202422290051
+0.010827671494 -34181.411057503588381
+0.010927580301 -34490.773947589870659
+0.0110274891079999 -34800.134733254541061
+0.0111273979150001 -35109.4906566096397
+0.011227306722 -35418.83890439888637
+0.011327215529 -35728.17657764096657
+0.0114271243360001 -36037.500650162975944
+0.011527033143 -36346.80790628802788
+0.01162694195 -36656.094833844232198
+0.0117268507570001 -36965.357400278902787
+0.011826759564 -37274.590508017492539
+0.011926668371 -37583.784890495408035
+0.0120265771779999 -37892.946104667455074
+0.012126485985 -38202.100769507502264
+0.012226394792 -38511.238802136358572
+0.0123263035989999 -38820.348231544056034
+0.0124262124060001 -39129.418969955630018
+0.012526121213 -39438.435527107445523
+0.01262603002 -39747.376408535907103
+0.0127259388270001 -40056.278443084389437
+0.012825847634 -40365.130601281402051
+0.012925756441 -40673.903670112405962
+0.0130256652479999 -40982.628988999647845
+0.013125574055 -41291.352785876653797
+0.013225482862 -41600.072183923286502
+0.0133253916689999 -41908.784238376560097
+0.0134253004760001 -42217.496217591869936
+0.013525209283 -42526.22912796298624
+0.01362511809 -42835.037614936518366
+0.0137250268970001 -43143.88990479316999
+0.013824935704 -43452.770827409680351
+0.013924844511 -43761.716714005364338
+0.0140247533180001 -44070.701368954170903
+0.014124662125 -44379.708900748511951
+0.014224570932 -44688.728959119609499
+0.0143244797389999 -44997.75229621118342
+0.014424388546 -45306.76834546837199
+0.014524297353 -45615.757099636022758
+0.0146242061599999 -45924.730609713609738
+0.0147241149670001 -46233.68594782960281
+0.014824023774 -46542.602825454312551
+0.014923932581 -46851.525330498559924
+0.0150238413880001 -47160.483026416746725
+0.015123750195 -47469.481164750148309
+0.015223659002 -47778.50163286892348
+0.0153235678089999 -48087.537298594616004
+0.015423476616 -48396.583082064149494
+0.015523385423 -48705.634773057208804
+0.0156232942299999 -49014.688621892724768
+0.015723203037 -49323.741146975044103
+0.015823111844 -49632.789025501580909
+0.015923020651 -49941.82902167973225
+0.0160229294580001 -50250.857932952589181
+0.016122838265 -50559.872544220008422
+0.016222747072 -50868.869583748935838
+0.0163226558790001 -51177.845675491356815
+0.016422564686 -51486.797281941988331
+0.016522473493 -51795.720629036411992
+0.0166223822999999 -52104.623080984136323
+0.016722291107 -52413.506360305953422
+0.016822199914 -52722.357378298329422
+0.0169221087209999 -53031.167116708988033
+0.0170220175280001 -53339.924551318261365
+0.017121926335 -53648.607320421106124
+0.017221835142 -53957.198112030411721
+0.0173217439490001 -54265.754661386708904
+0.017421652756 -54574.26857907568774
+0.017521561563 -54882.723783875386289
+0.0176214703699999 -55191.085026472108439
+0.017721379177 -55499.423269583436195
+0.017821287984 -55807.747065932439
+0.0179211967909999 -56116.054327537363861
+0.018021105598 -56424.34293910125416
+0.018121014405 -56732.610742613891489
+0.0182209232119999 -57040.855517994947149
+0.0183208320190001 -57349.074956329910492
+0.018420740826 -57657.266619046335109
+0.018520649633 -57965.427867569567752
+0.0186205584400001 -58273.555721300253936
+0.018720467247 -58581.646485614815901
+0.018820376054 -58889.693880244478351
+0.0189202848609999 -59197.690920328510401
+0.019020193668 -59505.652539496353711
+0.019120102475 -59813.576626943875453
+0.0192200112819999 -60121.460588910093065
+0.0193199200890001 -60429.301615359123389
+0.019419828896 -60737.096586195380951
+0.019519737703 -61044.841902380940155
+0.0196196465100001 -61352.533135775083792
+0.019719555317 -61660.164109298457333
+0.019819464124 -61967.722604560934997
+0.0199193729310001 -62275.190130228911585
+0.020019281738 -62582.612114362353168
+0.020119190545 -62889.98878444130969
+0.0202190993519999 -63197.317876198969316
+0.020319008159 -63504.597034425445599
+0.020418916966 -63811.823798253564746
+0.0205188257729999 -64118.995582870637008
+0.0206187345800001 -64426.109656201842881
+0.020718643387 -64733.163108546781586
+0.020818552194 -65040.152811688232759
+0.0209184610010001 -65347.075361870854977
+0.021018369808 -65653.926996314563439
+0.021118278615 -65960.703462462130119
+0.0212181874219999 -66267.399793106524157
+0.021318096229 -66574.009855021373369
+0.021418005036 -66880.52512007857149
+0.0215179138429999 -67186.932165235877619
+0.02161782265 -67493.241445274630678
+0.021717731457 -67799.441420708972146
+0.0218176402639999 -68105.55291582319478
+0.0219175490710001 -68411.558294972390286
+0.022017457878 -68717.421974537675851
+0.022117366685 -69023.211582234405796
+0.0222172754920001 -69328.937871690097381
+0.022317184299 -69634.599945348847541
+0.022417093106 -69940.174420493276557
+0.0225170019129999 -70245.630053397457232
+0.02261691072 -70551.025322355868411
+0.022716819527 -70856.369543789478485
+0.0228167283339999 -71161.661063998981263
+0.0229166371410001 -71466.896325419962523
+0.023016545948 -71772.071399608656066
+0.023116454755 -72077.181658666813746
+0.0232163635620001 -72382.220942602230934
+0.023316272369 -72687.176636767893797
+0.023416181176 -72992.041309547901619
+0.0235160899830001 -73296.841555365346721
+0.02361599879 -73601.570320319122402
+0.023715907597 -73906.226692742915475
+0.0238158164039999 -74210.813709603477037
+0.023915725211 -74515.327119770445279
+0.024015634018 -74819.761968258273555
+0.0241155428249999 -75124.112164986639982
+0.0242154516320001 -75428.369361168835894
+0.024315360439 -75732.515777045948198
+0.024415269246 -76036.552915411710273
+0.0245151780530001 -76340.483096850846778
+0.02461508686 -76644.274791064235615
+0.024714995667 -76947.945125595026184
+0.0248149044739999 -77251.502123275320628
+0.024914813281 -77554.998038532750797
+0.025014722088 -77858.427745861539734
+0.0251146308949999 -78161.782225335555268
+0.025214539702 -78465.065769241642556
+0.025314448509 -78768.272588550156797
+0.025414357316 -79071.379261657159077
+0.0255142661230001 -79374.406823780984269
+0.02561417493 -79677.3772344973695
+0.025714083737 -79980.287598011462251
+0.0258139925440001 -80283.13466712438094
+0.025913901351 -80585.914684824150754
+0.026013810158 -80888.62306225305656
+0.0261137189649999 -81191.253475368634099
+0.026213627772 -81493.791717319269083
+0.026313536579 -81796.243341629829956
+0.0264134453859999 -82098.61521070614981
+0.0265133541930001 -82400.898604342204635
+0.026613263 -82703.077615089729079
+0.026713171807 -83005.11582261158037
+0.0268130806140001 -83307.066243683046196
+0.026912989421 -83608.92272336941096
+0.027012898228 -83910.714783153482131
+0.0271128070349999 -84212.435584447812289
+0.027212715842 -84514.107496528464253
+0.027312624649 -84815.729798009924707
+0.0274125334559999 -85117.300237265080796
+0.027512442263 -85418.81622110241733
+0.02761235107 -85720.274551786773372
+0.027712259877 -86021.670649686173419
+0.0278121686840001 -86322.992619372205809
+0.027912077491 -86624.245170482143294
+0.028011986298 -86925.444192364913761
+0.0281118951050001 -87226.58766603791446
+0.028211803912 -87527.673420553823235
+0.028311712719 -87828.699089493602514
+0.0284116215259999 -88129.662044469077955
+0.028511530333 -88430.559285301482305
+0.02861143914 -88731.387237907212693
+0.0287113479469999 -89032.141313929852913
+0.0288112567540001 -89332.81459889926191
+0.028911165561 -89633.388017685807426
+0.029011074368 -89933.88009797311679
+0.0291109831750001 -90234.340144807909383
+0.029210891982 -90534.749613353254972
+0.029310800789 -90835.09849456154916
+0.0294107095960001 -91135.377215557877207
+0.029510618403 -91435.568873345589964
+0.02961052721 -91735.651380251962109
+0.0297104360169999 -92035.676012739582802
+0.029810344824 -92335.650466368591879
+0.029910253631 -92635.572132196743041
+0.0300101624379999 -92935.438268799392972
+0.0301100712450001 -93235.245888824472786
+0.030209980052 -93534.991577576394775
+0.030309888859 -93834.732026815530844
+0.0304097976660001 -94134.464503472161596
+0.030509706473 -94434.151622826073435
+0.03060961528 -94733.771232895771391
+0.0307095240870001 -95033.361193071701564
+0.030809432894 -95332.917338960833149
+0.030909341701 -95632.435232599862502
+0.0310092505079999 -95931.910684455739101
+0.0311091593150001 -96231.339463990108925
+0.031209068122 -96530.716955946089001
+0.031308976929 -96830.037512593189604
+0.0314088857360001 -97129.292381243823911
+0.031508794543 -97428.458176375483163
+0.03160870335 -97727.565111623916891
+0.0317086121570001 -98026.626514776129625
+0.031808520964 -98325.640239649219438
+0.031908429771 -98624.604137348767836
+0.0320083385779999 -98923.516041950089857
+0.032108247385 -99222.373755956577952
+0.032208156192 -99521.17503470669908
+0.0323080649989999 -99819.917568474440486
+0.0324079738060001 -100118.59896081927582
+0.032507882613 -100417.21670063506463
+0.03260779142 -100715.76812389612314
+0.0327077002270001 -101014.25035737267171
+0.032807609034 -101312.66022843902465
+0.032907517841 -101610.99410231482761
+0.0330074266480001 -101909.2475295694021
+0.033107335455 -102207.41415490809595
+0.033207244262 -102505.4790923819528
+0.0333071530689999 -102803.45381594974606
+0.033407061876 -103101.34278849893599
+0.033506970683 -103399.13472017718595
+0.0336068794899999 -103696.81691534031415
+0.0337067882970001 -103994.42442177217163
+0.033806697104 -104291.95527584875526
+0.033906605911 -104589.4066267185699
+0.0340065147180001 -104886.77536532201339
+0.034106423525 -105184.05803670949535
+0.034206332332 -105481.25069746526424
+0.0343062411389999 -105778.34865917383286
+0.034406149946 -106075.34594961156836
+0.034506058753 -106372.23380654079665
+0.0346059675599999 -106668.99027000044589
+0.0347058763670001 -106965.61940763439634
+0.034805785174 -107262.13135066194809
+0.034905693981 -107558.55012780305697
+0.0350056027880001 -107854.88031767752545
+0.035105511595 -108151.12079805550457
+0.035205420402 -108447.26761070388602
+0.0353053292090001 -108743.31607862871897
+0.035405238016 -109039.26031260620221
+0.035505146823 -109335.09176983359794
+0.0356050556299999 -109630.79175121268781
+0.035704964437 -109926.36315713038493
+0.035804873244 -110221.82393447829236
+0.035904782051 -110517.1547586263041
+0.0360046908580001 -110812.35692245805694
+0.036104599665 -111107.4117291731236
+0.036204508472 -111402.37320619374805
+0.0363044172790001 -111697.25332927232375
+0.036404326086 -111992.04909735904948
+0.036504234893 -112286.75703371682903
+0.0366041436999999 -112581.37281188643829
+0.036704052507 -112875.89000469716848
+0.036803961314 -113170.29297240627056
+0.0369038701209999 -113464.59832422809268
+0.0370037789280001 -113758.81255054584472
+0.037103687735 -114052.93202599910728
+0.037203596542 -114346.95258713477233
+0.0373035053490001 -114640.869287776688
+0.037403414156 -114934.67594449162425
+0.037503322963 -115228.36414482994587
+0.0376032317700001 -115521.9203212933644
+0.037703140577 -115815.30558601237135
+0.037803049384 -116108.53739713296818
+0.0379029581909999 -116401.65123649574525
+0.038002866998 -116694.6837168061902
+0.038102775805 -116987.63385405787267
+0.0382026846119999 -117280.49902946290968
+0.0383025934190001 -117573.27636188610632
+0.038402502226 -117865.96260398255254
+0.038502411033 -118158.55395024252357
+0.0386023198400001 -118451.0456138124573
+0.038702228647 -118743.4305171596352
+0.038802137454 -119035.69183535230695
+0.0389020462609999 -119327.83544929351774
+0.039001955068 -119619.88560185358801
+0.039101863875 -119911.83898481226061
+0.0392017726819999 -120203.69190877782239
+0.039301681489 -120495.44017513495055
+0.039401590296 -120787.07886959002644
+0.039501499103 -121078.60199576207378
+0.0396014079100001 -121370.00171887774195
+0.039701316717 -121661.26627770312189
+0.039801225524 -121952.36646314045356
+0.0399011343310001 -122243.31102228106465
+0.040001043138 -122534.09466090826027
+0.040100951945 -122824.7213214347139
+0.0402008607519999 -123115.26215067256999
+0.040300769559 -123405.71501814067597
+0.040400678366 -123696.07642390912224
+0.0405005871729999 -123986.34808113136387
+0.0406004959800001 -124276.54194447056216
+0.040700404787 -124566.64000607580238
+0.040800313594 -124856.62079459959932
+0.0409002224010001 -125146.46975805169495
+0.041000131208 -125436.23536772036459
+0.041100040015 -125725.91716966990498
+0.0411999488219999 -126015.509283241714
+0.041299857629 -126305.00291713005572
+0.041399766436 -126594.39757293749426
+0.0414996752429999 -126883.70444950074307
+0.04159958405 -127172.91935041849501
+0.041699492857 -127462.03626000929216
+0.0417994016639999 -127751.044549247541
+0.0418993104710001 -128039.92131355496531
+0.041999219278 -128328.70774299657205
+0.042099128085 -128617.40810668375343
+0.0421990368920001 -128906.01927345761214
+0.042298945699 -129194.53758345291135
+0.042398854506 -129482.95829386415426
+0.0424987633129999 -129771.27218390176131
+0.04259867212 -130059.47401488857577
+0.042698580927 -130347.58106674809824
+0.0427984897339999 -130635.58977933175629
+0.042898398541 -130923.49594935357163
+0.042998307348 -131211.29408341483213
+0.043098216155 -131498.9729472976469
+0.0431981249620001 -131786.53071924345568
+0.043298033769 -132073.97950458695414
+0.043397942576 -132361.31187639053678
+0.0434978513830001 -132648.51412825693842
+0.04359776019 -132935.60217337770155
+0.043697668997 -133222.58660422198591
+0.0437975778039999 -133509.47524071382941
+0.043897486611 -133796.24357202128158
+0.043997395418 -134082.85211129116942
+0.0440973042249999 -134369.33173770041321
+0.0441972130320001 -134655.71723990413011
+0.044297121839 -134942.00409257292631
+0.044397030646 -135228.18757666929741
+0.0444969394530001 -135514.26257384795463
+0.04459684826 -135800.22871884444612
+0.044696757067 -136086.10403403267264
+0.0447966658740001 -136371.86655064867227
+0.044896574681 -136657.4936787771876
+0.044996483488 -136942.968373812153
+0.0450963922949999 -137228.32639817119343
+0.045196301102 -137513.55472100435873
+0.045296209909 -137798.62711728387512
+0.045396118716 -138083.57256462669466
+0.0454960275230001 -138368.39077331795124
+0.04559593633 -138653.06878057061112
+0.045695845137 -138937.58464481960982
+0.0457957539440001 -139221.90468254868756
+0.045895662751 -139506.05000782958814
+0.045995571558 -139790.04227772011654
+0.0460954803649999 -140073.84873275196878
+0.046195389172 -140357.52423432297655
+0.046295297979 -140641.10198746877722
+0.0463952067859999 -140924.59340168471681
+0.0464951155930001 -141207.99308720629779
+0.0465950244 -141491.29344626539387
+0.046694933207 -141774.48261527260183
+0.0467948420140001 -142057.52803514161496
+0.046894750821 -142340.44494538891013
+0.046994659628 -142623.28039802151034
+0.0470945684350001 -142906.02939278533449
+0.047194477242 -143188.68590364779811
+0.047294386049 -143471.24222329992335
+0.0473942948559999 -143753.68727015217883
+0.047494203663 -144035.99734037875896
+0.04759411247 -144318.16745551527129
+0.0476940212769999 -144600.17267971104593
+0.0477939300840001 -144882.08304273206159
+0.047893838891 -145163.89154400047846
+0.047993747698 -145445.58183572418056
+0.0480936565050001 -145727.18085229705321
+0.048193565312 -146008.72277417097939
+0.048293474119 -146290.20448215701617
+0.0483933829259999 -146571.62231751883519
+0.048493291733 -146852.9717132874357
+0.04859320054 -147134.24606458863127
+0.0486931093469999 -147415.43102196702966
+0.048793018154 -147696.53695659409277
+0.048892926961 -147977.56282399056363
+0.048992835768 -148258.48750516114524
+0.0490927445750001 -148539.31179139608867
+0.049192653382 -148820.06012021159404
+0.049292562189 -149100.74816919738078
+0.0493924709960001 -149381.37291836724035
+0.049492379803 -149661.92735575261759
+0.04959228861 -149942.39489408029476
+0.0496921974169999 -150222.77856336376863
+0.049792106224 -150503.10546803064062
+0.049892015031 -150783.37696993097779
+0.0499919238379999 -151063.58979288183036
+0.0500918326450001 -151343.7399485654314
+0.050191741452 -151623.82223497092491
+0.050291650259 -151903.8289638653805
+0.0503915590660001 -152183.74558703071671
+0.050491467873 -152463.55579225797555
+0.05059137668 -152743.32311854677391
+0.0506912854869999 -153023.05065018875757
+0.050791194294 -153302.7345622801804
+0.050891103101 -153582.37117239230429
+0.0509910119079999 -153861.95631753781345
+0.0510909207150001 -154141.4844036741124
+0.051190829522 -154420.94416625739541
+0.0512907383289999 -154700.32119389757281
+0.0513906471360001 -154979.65284826021525
+0.051490555943 -155258.94124989348347
+0.05159046475 -155538.18454753604601
+0.0516903735570001 -155817.38080631848425
+0.051790282364 -156096.52797741568065
+0.051890191171 -156375.62385524157435
+0.0519900999780001 -156654.66601055039791
+0.052090008785 -156933.65167234608089
+0.052189917592 -157212.57748327305308
+0.0522898263989999 -157491.43884022833663
+0.0523897352060001 -157770.22626181607484
+0.052489644013 -158048.93173547839979
+0.05258955282 -158327.58154674145044
+0.0526894616270001 -158606.17356230295263
+0.052789370434 -158884.71493177991943
+0.052889279241 -159163.20392805032316
+0.0529891880479999 -159441.63314140946022
+0.053089096855 -159719.99678291741293
+0.053189005662 -159998.28762750330498
+0.0532889144689999 -160276.51163883460686
+0.053388823276 -160554.6657534079859
+0.053488732083 -160832.74567416092032
+0.0535886408899999 -161110.74634110264014
+0.0536885496970001 -161388.66138938924996
+0.053788458504 -161666.48186963799526
+0.053888367311 -161944.19127111253329
+0.0539882761180001 -162221.75756635997095
+0.054088184925 -162499.21277987852227
+0.054188093732 -162776.60878604353638
+0.0542880025389999 -163053.96568519697757
+0.054387911346 -163331.26722341950517
+0.054487820153 -163608.50353855994763
+0.0545877289599999 -163885.65509924493381
+0.0546876377670001 -164162.74857342726318
+0.054787546574 -164439.79117908133776
+0.054887455381 -164716.77945595129859
+0.0549873641880001 -164993.710098554875
+0.055087272995 -165270.57981773331994
+0.055187181802 -165547.38525683560874
+0.0552870906090001 -165824.12292608103598
+0.055386999416 -166100.78914032378816
+0.055486908223 -166377.37995078810491
+0.0555868170299999 -166653.89106209712918
+0.055686725837 -166930.31772298220312
+0.055786634644 -167206.65457237549708
+0.0558865434509999 -167482.89540749121807
+0.0559864522580001 -167759.0328069057141
+0.056086361065 -168035.05745446655783
+0.056186269872 -168310.95674235367915
+0.0562861786790001 -168586.71110830834368
+0.056386087486 -168862.27543442579918
+0.056485996293 -169137.58906412523356
+0.0565859051000001 -169412.8112233299762
+0.056685813907 -169687.97167353788973
+0.056785722714 -169963.06743980353349
+0.0568856315209999 -170238.09440151340095
+0.056985540328 -170513.04827595100505
+0.057085449135 -170787.92406666572788
+0.0571853579419999 -171062.76827486683032
+0.0572852667490001 -171337.58663963997969
+0.057385175556 -171612.34251479903469
+0.057485084363 -171887.01258442067774
+0.0575849931700001 -172161.55819644525764
+0.057684901977 -172436.01493159678648
+0.057784810784 -172710.38042551037506
+0.0578847195909999 -172984.62877327023307
+0.057984628398 -173258.70919818643597
+0.058084537205 -173532.66631580411922
+0.0581844460119999 -173806.46251916617621
+0.0582843548190001 -174080.14560955972411
+0.058384263626 -174353.80569298219052
+0.058484172433 -174627.43113830749644
+0.0585840812400001 -174901.0181675341737
+0.058683990047 -175174.56859854533104
+0.058783898854 -175448.06512586399913
+0.0588838076610001 -175721.53147108794656
+0.058983716468 -175994.97846520430176
+0.059083625275 -176268.42035172233591
+0.0591835340819999 -176541.85431833378971
+0.059283442889 -176815.27700302365702
+0.059383351696 -177088.68403247496462
+0.0594832605029999 -177362.06865678026224
+0.0595831693100001 -177635.41150439754711
+0.059683078117 -177908.7492371936678
+0.059782986924 -178182.10411960471538
+0.0598828957310001 -178455.46693242585752
+0.059982804538 -178728.83229207643308
+0.060082713345 -179002.19467046915088
+0.0601826221519999 -179275.54370427969843
+0.060282530959 -179548.88798970438074
+0.060382439766 -179822.23025992317707
+0.0604823485729999 -180095.56756128635607
+0.06058225738 -180368.89665239665192
+0.060682166187 -180642.21377857713378
+0.060782074994 -180915.51409326976864
+0.0608819838010001 -181188.78953987546265
+0.060981892608 -181462.04114841183764
+0.061081801415 -181735.2626781866129
+0.0611817102220001 -182008.43467666581273
+0.061281619029 -182281.55493093092809
+0.061381527836 -182554.63122602185467
+0.0614814366430001 -182827.67852684413083
+0.06158134545 -183100.70899547528825
+0.061681254257 -183373.74617388626211
+0.0617811630639999 -183646.78825352989952
+0.0618810718710001 -183919.83318376919487
+0.061980980678 -184192.8785317367001
+0.062080889485 -184465.92117666851846
+0.0621807982920001 -184738.9563832997228
+0.062280707099 -185011.9712153323926
+0.062380615906 -185284.97547019846388
+0.0624805247129999 -185557.97999685746618
+0.06258043352 -185830.98097741490346
+0.062680342327 -186103.97053533981671
+0.0627802511339999 -186376.9370421844942
+0.062880159941 -186649.90786746304366
+0.062980068748 -186922.88443771388847
+0.0630799775549999 -187195.86771165052778
+0.0631798863620001 -187468.85831569784204
+0.063279795169 -187741.85516889119754
+0.063379703976 -188014.85715219058329
+0.0634796127830001 -188287.86310252200929
+0.06357952159 -188560.87180532206548
+0.063679430397 -188833.88198513022508
+0.0637793392039999 -189106.89229326482746
+0.063879248011 -189379.90129122725921
+0.063979156818 -189652.90742742907605
+0.0640790656249999 -189925.90900308260461
+0.064178974432 -190198.90411881977343
+0.064278883239 -190471.89058408030542
+0.064378792046 -190744.86574389034649
+0.0644787008530001 -191017.82607902874588
+0.06457860966 -191290.76587119788746
+0.064678518467 -191563.66916746212519
+0.0647784272740001 -191836.55501903395634
+0.064878336081 -192109.43313950102311
+0.064978244888 -192382.30126976920292
+0.0650781536949999 -192655.15821851236979
+0.065178062502 -192927.99858185040648
+0.065277971309 -193200.80876504283515
+0.0653778801159999 -193473.60385320050409
+0.0654777889230001 -193746.39209462571307
+0.06557769773 -194019.17174185049953
+0.065677606537 -194291.94092231197283
+0.0657775153440001 -194564.69759487576084
+0.065877424151 -194837.43949194668676
+0.065977332958 -195110.16403264083783
+0.0660772417650001 -195382.86817816711846
+0.066177150572 -195655.5481585811649
+0.066277059379 -195928.19884429970989
+0.0663769681859999 -196200.81151885233703
+0.066476876993 -196473.36848898764583
+0.0665767858 -196745.87657686026068
+0.0666766946069999 -197018.36355922950315
+0.0667766034140001 -197290.8363104723976
+0.066876512221 -197563.29185191827128
+0.066976421028 -197835.72612468933221
+0.0670763298349999 -198108.13150417263387
+0.067176238642 -198380.49666212967713
+0.067276147449 -198652.84693192917621
+0.0673760562559999 -198925.1814730844344
+0.067475965063 -199197.49782292635064
+0.06757587387 -199469.79321660220739
+0.0676757826769999 -199742.06449335333309
+0.067775691484 -200014.30795052697067
+0.067875600291 -200286.51909652797622
+0.067975509098 -200558.69217632751679
+0.0680754179050001 -200830.81904008830315
+0.068175326712 -201102.88454430282582
+0.068275235519 -201374.86064730986254
+0.0683751443260001 -201646.79245090181939
+0.068475053133 -201918.67686882446287
+0.06857496194 -202190.47579863388091
+0.0686748707469999 -202462.23463441553758
+0.068774779554 -202733.97940275308792
+0.068874688361 -203005.70260642649373
+0.0689745971679999 -203277.38405930041336
+0.0690745059750001 -203549.01679252949543
+0.069174414782 -203820.64955682132859
+0.069274323589 -204092.28967713363818
+0.0693742323960001 -204363.93556825607084
+0.069474141203 -204635.58545416485867
+0.06957405001 -204907.23730794177391
+0.0696739588169999 -205178.88875908005866
+0.069773867624 -205450.53694013899076
+0.069873776431 -205722.17820556316292
+0.0699736852379999 -205993.8075285742816
+0.070073594045 -206265.41677502563107
+0.070173502852 -206536.98192256034235
+0.070273411659 -206808.51144270281657
+0.0703733204660001 -207080.04418486022041
+0.070473229273 -207351.5742128037964
+0.07057313808 -207623.09033561195247
+0.0706730468870001 -207894.57318067667075
+0.070772955694 -208166.07610742739053
+0.070872864501 -208437.60215688313474
+0.0709727733079999 -208709.15076338514336
+0.071072682115 -208980.72134926720173
+0.071172590922 -209252.31332394128549
+0.0712724997289999 -209523.92608289877535
+0.0713724085360001 -209795.55900657403981
+0.071472317343 -210067.21145905987942
+0.07157222615 -210338.88278660282958
+0.0716721349570001 -210610.57231585739646
+0.071772043764 -210882.27935180117493
+0.071871952571 -211154.00317523686681
+0.0719718613779999 -211425.74303968230379
+0.072071770185 -211697.49816740074311
+0.072171678992 -211969.2677441239357
+0.0722715877989999 -212241.05091159878066
+0.072371496606 -212512.84675644928939
+0.072471405413 -212784.65429141442291
+0.0725713142199999 -213056.4724187690299
+0.0726712230270001 -213328.29983792602434
+0.072771131834 -213600.13460992684122
+0.072871040641 -213871.97436197477509
+0.0729709494480001 -214143.82242370466702
+0.073070858255 -214415.67781044612639
+0.073170767062 -214687.53930685427622
+0.0732706758689999 -214959.40559476669296
+0.073370584676 -215231.27522737471736
+0.073470493483 -215503.146591082128
+0.0735704022899999 -215775.01784525025869
+0.073670311097 -216046.88681681826711
+0.073770219904 -216318.7507844089414
+0.073870128711 -216590.60588480188744
+0.0739700375180001 -216862.44286646135151
+0.074069946325 -217134.26340771763353
+0.074169855132 -217406.07738165624323
+0.0742697639390001 -217677.8801915012009
+0.074369672746 -217949.66326987635694
+0.074469581553 -218221.4040348266135
+0.0745694903599999 -218493.14093810034683
+0.0746693991670001 -218764.88303461225587
+0.074769307974 -219036.62875687252381
+0.0748692167809999 -219308.37633488790016
+0.0749691255880001 -219580.12370479531819
+0.075069034395 -219851.86829594781739
+0.075168943202 -220123.60600079639698
+0.0752688520090001 -220395.33283370474237
+0.075368760816 -220667.05348523706198
+0.075468669623 -220938.76437970917323
+0.0755685784300001 -221210.4606577976956
+0.075668487237 -221482.13468567605014
+0.075768396044 -221753.76545575453201
+0.0758683048509999 -222025.35754692062619
+0.075968213658 -222296.93979274132289
+0.076068122465 -222568.51702428475255
+0.0761680312719999 -222840.08202529637492
+0.0762679400790001 -223111.61349615734071
+0.076367848886 -223383.11726807916421
+0.076467757693 -223654.63183526493958
+0.0765676664999999 -223926.15354518510867
+0.076667575307 -224197.67476261593401
+0.076767484114 -224469.18403310602298
+0.0768673929209999 -224740.70970799634233
+0.076967301728 -225012.25090782303596
+0.077067210535 -225283.80342905948055
+0.0771671193419999 -225555.36281329611666
+0.077267028149 -225826.92092308794963
+0.077366936956 -226098.50170302536571
+0.077466845763 -226370.10676937591052
+0.0775667545700001 -226641.73531985210138
+0.077666663377 -226913.38646420233999
+0.077766572184 -227185.05918646839564
+0.0778664809910001 -227456.75226808601292
+0.077966389798 -227728.46407635041396
+0.078066298605 -228000.19103515785537
+0.0781662074119999 -228271.93332958046813
+0.0782661162190001 -228543.69492463316419
+0.078366025026 -228815.47441446533776
+0.0784659338329999 -229087.27008410039707
+0.0785658426400001 -229359.07970851589926
+0.078665751447 -229630.90006051739329
+0.078765660254 -229902.72490559937432
+0.0788655690610001 -230174.54233570757788
+0.078965477868 -230446.3743598992296
+0.079065386675 -230718.21668312061229
+0.0791652954819999 -230990.0682476637885
+0.079265204289 -231261.94556593667949
+0.079365113096 -231533.84763543002191
+0.0794650219029999 -231805.77331221551867
+0.0795649307100001 -232077.72119149804348
+0.079664839517 -232349.68938859889749
+0.079764748324 -232621.67491154803429
+0.0798646571310001 -232893.67069482966326
+0.079964565938 -233165.67581621930003
+0.080064474745 -233437.69458149129059
+0.0801643835520001 -233709.74391132258461
+0.080264292359 -233981.82342022605008
+0.080364201166 -234253.93271177180577
+0.0804641099729999 -234526.07137700871681
+0.0805640187800001 -234798.23899274098221
+0.080663927587 -235070.43511946330545
+0.0807638363939999 -235342.6592988531047
+0.0808637452010001 -235614.91105071583297
+0.080963654008 -235887.18986911987304
+0.081063562815 -236159.49521752973669
+0.0811634716220001 -236431.82652244929341
+0.081263380429 -236704.18316486771801
+0.081363289236 -236976.56446851193323
+0.0814631980429999 -237248.96968312113313
+0.08156310685 -237521.39795937811141
+0.081663015657 -237793.84830938203959
+0.0817629244639999 -238066.3195392791531
+0.0818628332710001 -238338.81012153832125
+0.081962742078 -238611.31790960114449
+0.0820626508849999 -238883.83927496380056
+0.0821625596920001 -239156.36249793879688
+0.082262468499 -239428.89573713301797
+0.082362377306 -239701.45625705641578
+0.0824622861130001 -239974.04341734343325
+0.08256219492 -240246.65633375462494
+0.082662103727 -240519.29286470601801
+0.0827620125339999 -240791.95325018509175
+0.082861921341 -241064.64095701824408
+0.082961830148 -241337.35560124317999
+0.083061738955 -241610.09678718194482
+0.0831616477620001 -241882.86410621795221
+0.083261556569 -242155.65713525842875
+0.083361465376 -242428.47543496501748
+0.0834613741830001 -242701.31854766141623
+0.08356128299 -242974.18599475352676
+0.083661191797 -243247.07727361950674
+0.0837611006039999 -243519.99185367801692
+0.083861009411 -243792.92917148259585
+0.083960918218 -244065.88862437251373
+0.0840608270249999 -244338.86956212276709
+0.0841607358320001 -244611.87127563988906
+0.084260644639 -244884.89298118639272
+0.084360553446 -245157.9337974859809
+0.0844604622530001 -245430.99271086853696
+0.08456037106 -245704.06851867816295
+0.084660279867 -245977.1597292884544
+0.0847601886740001 -246250.26436212699628
+0.084860097481 -246523.37945956070325
+0.084960006288 -246796.49928226828342
+0.0850599150949999 -247069.60761606245069
+0.085159823902 -247342.73237955558579
+0.085259732709 -247615.88148492784239
+0.0853596415159999 -247889.0544396917976
+0.0854595503230001 -248162.25071970350109
+0.08555945913 -248435.46976247106795
+0.0856593679369999 -248708.71095815938315
+0.0857592767440001 -248981.97363698767731
+0.085859185551 -249255.25705097560422
+0.085959094358 -249528.56034612466465
+0.0860590031649999 -249801.88251719990512
+0.086158911972 -250075.22232743658242
+0.086258820779 -250348.57814663220779
+0.0863587295859999 -250621.94754875905346
+0.086458638393 -250895.32573877851246
+0.0865585472 -251168.70079343472025
+0.086658456007 -251442.09548697801074
+0.0867583648140001 -251715.51383873505984
+0.086858273621 -251988.95525043876842
+0.086958182428 -252262.41900172582245
+0.0870580912350001 -252535.90409088911838
+0.087158000042 -252809.40828654318466
+0.087257908849 -253082.93329860980157
+0.0873578176560001 -253356.47976708825445
+0.087457726463 -253630.04671918094391
+0.08755763527 -253903.63273754459806
+0.0876575440769999 -254177.23472962065716
+0.0877574528840001 -254450.84949317245628
+0.087857361691 -254724.4872756335244
+0.087957270498 -254998.15059724223102
+0.0880571793050001 -255271.84041264367988
+0.088157088112 -255545.55364099616418
+0.088256996919 -255819.2868006399076
+0.0883569057259999 -256093.04227609321242
+0.088456814533 -256366.82214191916864
+0.08855672334 -256640.62582832810585
+0.0886566321469999 -256914.45277240496944
+0.088756540954 -257188.30239731326583
+0.088856449761 -257462.17408908982179
+0.088956358568 -257736.06715880104457
+0.0890562673750001 -258009.98075235798024
+0.089156176182 -258283.91344849785673
+0.089256084989 -258557.86316365696257
+0.0893559937960001 -258831.83395088862744
+0.089455902603 -259105.82557028558222
+0.08955581141 -259379.83750500765746
+0.0896557202170001 -259653.86921666798298
+0.089755629024 -259927.92014151444891
+0.089855537831 -260201.98968586543924
+0.0899554466379999 -260476.07722058953368
+0.0900553554450001 -260750.18207413013442
+0.090155264252 -261024.30352354323259
+0.090255173059 -261298.44078262805124
+0.0903550818660001 -261572.5929856406583
+0.090454990673 -261846.75916405615862
+0.09055489948 -262120.938211800094
+0.0906548082869999 -262395.12882979516871
+0.090754717094 -262669.32942966750124
+0.090854625901 -262943.53794435202144
+0.0909545347079999 -263217.75136609608307
+0.091054443515 -263491.96361517556943
+0.091154352322 -263766.16385953646386
+0.0912542611289999 -264040.36197045072913
+0.0913541699360001 -264314.5785353781539
+0.091454078743 -264588.81284215452615
+0.09155398755 -264863.06411192711676
+0.0916538963570001 -265137.3314835834899
+0.091753805164 -265411.6139924833551
+0.091853713971 -265685.91054035932757
+0.0919536227780001 -265960.21985101915197
+0.092053531585 -266234.54040161281591
+0.092153440392 -266508.87030812411103
+0.0922533491990001 -266783.20711504050996
+0.092353258006 -267057.54734620277304
+0.092453166813 -267331.88524786266498
+0.09255307562 -267606.2040418892866
+0.0926529844270001 -267880.50392744340934
+0.092752893234 -268154.82077881344594
+0.092852802041 -268429.1457695630379
+0.0929527108480001 -268703.48718036012724
+0.093052619655 -268977.85559608449694
+0.093152528462 -269252.25063930958277
+0.0932524372689999 -269526.67187186790397
+0.093352346076 -269801.11875334341312
+0.093452254883 -270075.5905424101511
+0.0935521636899999 -270350.08595441520447
+0.0936520724970001 -270624.60121626144974
+0.093751981304 -270899.1415884817834
+0.093851890111 -271173.70949851744808
+0.0939517989180001 -271448.30474720348138
+0.094051707725 -271722.92713388206903
+0.094151616532 -271997.57645633170614
+0.0942515253390001 -272272.2525106309331
+0.094351434146 -272546.95509111287538
+0.094451342953 -272821.68399020144716
+0.0945512517600001 -273096.43899834610056
+0.094651160567 -273371.21990385482786
+0.094751069374 -273646.02649277047021
+0.0948509781809999 -273920.85854870505864
+0.0949508869880001 -274195.715852687601
+0.095050795795 -274470.5981829270022
+0.095150704602 -274745.50531460216735
+0.0952506134090001 -275020.44661988591542
+0.095350522216 -275295.4270642150077
+0.095450431023 -275570.44005263439612
+0.0955503398299999 -275845.48353571008192
+0.095650248637 -276120.55628329148749
+0.095750157444 -276395.65739807655336
+0.0958500662509999 -276670.78615625447128
+0.095949975058 -276945.94193638203433
+0.096049883865 -277221.1241817616974
+0.096149792672 -277496.33237802260555
+0.0962497014790001 -277771.56603841268225
+0.096349610286 -278046.82469333807239
+0.096449519093 -278322.10788214625791
+0.0965494279000001 -278597.41514608997386
+0.096649336707 -278872.74602154851891
+0.096749245514 -279148.10066396417096
+0.0968491543210001 -279423.48346671351464
+0.096949063128 -279698.89173953561112
+0.097048971935 -279974.32395370508311
+0.0971488807419999 -280249.77903221914312
+0.0972487895490001 -280525.25594547943911
+0.097348698356 -280800.75353537959745
+0.097448607163 -281076.27025988692185
+0.0975485159700001 -281351.80332096735947
+0.097648424777 -281627.34581320593134
+0.097748333584 -281902.91027692006901
+0.0978482423909999 -282178.49916899687378
+0.097948151198 -282454.11217055411544
+0.098048060005 -282729.74896936776349
+0.0981479688119999 -283005.40925837121904
+0.098247877619 -283281.0927344057709
+0.098347786426 -283556.79909728048369
+0.0984476952329999 -283832.52804895996815
+0.0985476040400001 -284108.27929287764709
+0.098647512847 -284384.05253336968599
+0.098747421654 -284659.84747515869094
+0.0988473304610001 -284935.66382286720909
+0.098947239268 -285211.50128064438468
+0.099047148075 -285487.3595517387148
+0.0991470568820001 -285763.23833813675446
+0.099246965689 -286039.13734021811979
+0.099346874496 -286315.05625640973449
+0.0994467833029999 -286590.9947828395525
+0.09954669211 -286866.95261301385472
+0.099646600917 -287142.92943746020319
+0.099746509724 -287418.92494338523829
+0.0998464185310001 -287694.93881429958856
+0.099946327338 -287970.97072965104599
diff --git a/DATASET/P=200000Pa/box_confined.data b/DATASET/P=200000Pa/box_confined.data
new file mode 100644
index 0000000..77ac1b6
--- /dev/null
+++ b/DATASET/P=200000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2137534
+
+240 atoms
+6 atom types
+
+0.028185850000000005 0.07181415 xlo xhi
+0.028185850000000005 0.07181415 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+8 1 0.0025 1500.0000000000005 0.029734707517335517 0.02991918591174094 0 0 0 0
+10 1 0.0025 1500.0000000000005 0.03214514843863549 0.02980071983709343 0 0 0 0
+1 1 0.0025 1500.0000000000005 0.03616706279331682 0.029501503204997327 0 0 0 0
+9 1 0.0035 1071.4285714285713 0.038961173610352666 0.030128417838213233 0 0 0 0
+3 1 0.0025 1500.0000000000005 0.04761183341478487 0.030227465251252743 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.04953485245121738 0.028773903139377346 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.05193513930351628 0.029321027311456315 0 0 1 0
+231 1 0.0025 1500.0000000000005 0.054262735609056624 0.02877124536283204 0 0 1 0
+20 1 0.0025 1500.0000000000005 0.05620164460989185 0.030315188652525162 0 0 0 0
+12 1 0.0025 1500.0000000000005 0.05874756980743278 0.02881100959495945 0 0 0 0
+24 1 0.0035 1071.4285714285713 0.061305196466417806 0.03045315578775887 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.06707498482309743 0.0288677742077016 0 0 0 0
+4 1 0.0035 1071.4285714285713 0.07042471492883522 0.02970195801949035 0 0 0 0
+13 1 0.0025 1500.0000000000005 0.028574037889479556 0.03206371284773551 0 0 0 0
+22 1 0.0025 1500.0000000000005 0.031029474422933776 0.03198333294531693 0 0 0 0
+15 1 0.0025 1500.0000000000005 0.034229481984763326 0.03098152614602545 0 0 0 0
+17 1 0.0035 1071.4285714285713 0.036662313341947785 0.03272780063743413 0 0 0 0
+6 1 0.0035 1071.4285714285713 0.04228615347258786 0.030804059486225208 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.045170898645611544 0.030983144999403023 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.05019555788680044 0.03168903271668709 0 0 0 0
+2 1 0.0035 1071.4285714285713 0.05364742361768799 0.03178822509208027 0 0 0 0
+31 1 0.0025 1500.0000000000005 0.05846059770758048 0.031168071421183483 0 0 0 0
+16 1 0.0035 1071.4285714285713 0.06464353758206744 0.03130509045807734 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.06816352432073199 0.032283318533357544 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.029886715888025914 0.03469102177935677 0 0 0 0
+18 1 0.0035 1071.4285714285713 0.03334921613715691 0.03378572580528128 0 0 0 0
+23 1 0.0035 1071.4285714285713 0.04004977442596398 0.03340848015457574 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.04343347919772455 0.03412082726941397 0 0 0 0
+26 1 0.0035 1071.4285714285713 0.04711072685377977 0.033154728656407326 0 0 0 0
+29 1 0.0025 1500.0000000000005 0.05191325797512736 0.03411586122808446 0 0 0 0
+36 1 0.0025 1500.0000000000005 0.05444532837891777 0.03467753599994142 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.05669674874038252 0.03285368358064583 0 0 0 0
+37 1 0.0035 1071.4285714285713 0.059991977476587625 0.033679418740153816 0 0 0 0
+33 1 0.0025 1500.0000000000005 0.06289908940940575 0.033634700404141245 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.06568318521139595 0.034632819171870596 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.07063842798190897 0.0340146726957137 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.03221914629321086 0.0366009237066391 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.035247234023360476 0.03661255215793149 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.03791006514131113 0.03541663715317133 0 0 0 0
+51 1 0.0035 1071.4285714285713 0.04054511255239583 0.03680002813402462 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.046054922181242144 0.036362225865756666 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.049458904058275695 0.0358019863774454 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.052434583894632 0.03649415336561623 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.05469854637886409 0.03720848932535542 0 0 0 0
+45 1 0.0035 1071.4285714285713 0.05726784602078682 0.03577509184783665 0 0 0 0
+55 1 0.0025 1500.0000000000005 0.060766506160299154 0.03650501769287535 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.06314744699422445 0.03610560522890093 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.0685587735518367 0.03536193086227285 0 -1 0 0
+53 1 0.0025 1500.0000000000005 0.07062580264266904 0.03681324120307235 0 -1 0 0
+54 1 0.0035 1071.4285714285713 0.02971813264856173 0.038155317111007475 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.033292796884530206 0.038839753326403846 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.03592284295622359 0.03943805831930405 0 0 0 0
+42 1 0.0025 1500.0000000000005 0.03787402503977749 0.038020253918170335 0 0 0 0
+48 1 0.0025 1500.0000000000005 0.043362506161444256 0.037473662429909335 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.04793512774805529 0.03857113782450994 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.05078974382326902 0.03893501404141939 0 0 0 0
+66 1 0.0025 1500.0000000000005 0.056600943542792895 0.03872874963394224 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.0595289319813952 0.03914904974279281 0 0 0 0
+64 1 0.0025 1500.0000000000005 0.062423696737931585 0.038428717764140995 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.06546783367398157 0.03805844911027351 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.06836696944597953 0.03785983310505773 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.029239192574570607 0.041794736210270876 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.03140533464393945 0.04051451672841428 0 0 0 0
+70 1 0.0035 1071.4285714285713 0.03406163189739625 0.041678847453712815 0 0 0 0
+61 1 0.0035 1071.4285714285713 0.03848994008674579 0.04088754098764945 0 0 0 0
+59 1 0.0035 1071.4285714285713 0.041859131407495365 0.04003197556219263 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.0452982652351324 0.03974842696079933 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.048566185064014375 0.04097873841785412 0 0 0 0
+71 1 0.0035 1071.4285714285713 0.054013633158620115 0.04014676935645105 0 0 0 0
+81 1 0.0035 1071.4285714285713 0.05708538261980011 0.04158976903597557 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.061952687450542 0.040805479897893036 0 0 0 0
+75 1 0.0035 1071.4285714285713 0.06477187946923303 0.041414605227602236 0 0 0 0
+67 1 0.0025 1500.0000000000005 0.0675152952903822 0.04029677605533864 0 0 0 0
+62 1 0.0035 1071.4285714285713 0.07049696253040853 0.040024186332269444 0 -1 0 0
+82 1 0.0025 1500.0000000000005 0.029312220981896345 0.04420076532310652 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.031394301330751176 0.042999756169588906 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.03597552132905339 0.04388690741883525 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.03841472905071463 0.04385529543254189 0 0 0 0
+72 1 0.0035 1071.4285714285713 0.041349164237012265 0.043447496345797205 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.04404915184255193 0.04241567797680209 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.04647438766624095 0.04242681509740486 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.04857311881558721 0.0438020419385565 0 0 0 0
+73 1 0.0035 1071.4285714285713 0.05114282066111407 0.04235722272254292 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.05431072030400113 0.04359141079732386 0 0 0 0
+65 1 0.0025 1500.0000000000005 0.06000737482152941 0.04217380920700603 0 0 0 0
+84 1 0.0035 1071.4285714285713 0.06240886177339766 0.04400704389261247 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.06538381279537192 0.04424810046825708 0 0 0 0
+90 1 0.0025 1500.0000000000005 0.06734016468312283 0.0428128886205666 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.07017041516575681 0.04343442968925513 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.03140040431129712 0.045492561685839185 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.03363644998002862 0.044588953394372514 0 0 0 0
+101 1 0.0025 1500.0000000000005 0.0372128280584832 0.04599810443394567 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.03968521870212454 0.04594271343663993 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.04399230020202208 0.04482643848928131 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.04207871020092896 0.04635718955139718 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.04639138718390485 0.044859681773063736 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.05133954602267951 0.04531775746778291 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.053490070768573025 0.04642745022735412 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.05596003390886542 0.046030901701237276 0 0 0 0
+99 1 0.0035 1071.4285714285713 0.05859905702818418 0.0446787902904173 0 0 0 0
+106 1 0.0025 1500.0000000000005 0.06758185930827158 0.04532417555866913 0 0 0 0
+113 1 0.0025 1500.0000000000005 0.06975455247789286 0.046384384907242004 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.028957560567273954 0.0471324646120718 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.03180860208721456 0.047848551677907865 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.03462492863609769 0.04736354074646049 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.03851629766134363 0.048077576755947406 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.04110140495439622 0.04860683293727266 0 0 0 0
+111 1 0.0025 1500.0000000000005 0.04356478573284278 0.04831502186634477 0 0 0 0
+98 1 0.0025 1500.0000000000005 0.0457252286011778 0.047199082977290564 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.04864918553980162 0.04674953256439989 0 0 0 0
+117 1 0.0035 1071.4285714285713 0.05162968747869553 0.04868395178248473 0 0 0 0
+116 1 0.0035 1071.4285714285713 0.055209749309199516 0.048850051302753175 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.057945066510187895 0.04752745049055396 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.06086837327511194 0.047288487115112764 0 0 0 0
+105 1 0.0035 1071.4285714285713 0.0643426758402222 0.04695871352512803 0 0 0 0
+104 1 0.0025 1500.0000000000005 0.0672770271586005 0.047837208179707116 0 0 0 0
+131 1 0.0025 1500.0000000000005 0.03037425104928957 0.04976969994906637 0 0 0 0
+141 1 0.0035 1071.4285714285713 0.03325027372545833 0.050585175920657 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.036584392421653025 0.04956694759014313 0 0 0 0
+136 1 0.0035 1071.4285714285713 0.03921498850001449 0.05092444524655852 0 0 0 0
+130 1 0.0035 1071.4285714285713 0.0426495840042935 0.05111617010264439 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.04596967765089038 0.050124622680705784 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.04883404646883169 0.04966545895077733 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.05797252544292742 0.04990503435293597 0 0 0 0
+120 1 0.0025 1500.0000000000005 0.060401003890190985 0.05020384185726986 0 0 0 0
+124 1 0.0025 1500.0000000000005 0.06284892635756581 0.04984906201945744 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.06532067034088355 0.04965181480690262 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.06741243404215565 0.050836759878483774 0 0 0 0
+115 1 0.0035 1071.4285714285713 0.06993390116559797 0.049301615766626304 0 0 0 0
+138 1 0.0025 1500.0000000000005 0.028453104487469034 0.051240794183561415 0 0 0 0
+143 1 0.0025 1500.0000000000005 0.030704875513001422 0.052216159851180347 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.03615041164238206 0.052399735513426124 0 0 0 0
+134 1 0.0025 1500.0000000000005 0.04502522056308502 0.0529277600154762 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.0479307162551486 0.05292142821791831 0 0 0 0
+122 1 0.0025 1500.0000000000005 0.05044842903869173 0.05140216855461805 0 0 0 0
+142 1 0.0035 1071.4285714285713 0.053350905835231804 0.05172321917207936 0 0 0 0
+129 1 0.0025 1500.0000000000005 0.05629954552670696 0.051717911349869757 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.05880245178355427 0.052186815980931424 0 0 0 0
+127 1 0.0035 1071.4285714285713 0.06170849245775052 0.05278516644805561 0 0 0 0
+123 1 0.0025 1500.0000000000005 0.06450205740294872 0.05190186690285063 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.06663738697715263 0.053079393735033 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.0695952335831788 0.05276444179201018 0 0 0 0
+145 1 0.0025 1500.0000000000005 0.028757625199950537 0.05368673488485077 0 1 0 0
+155 1 0.0035 1071.4285714285713 0.033107627672197756 0.05402339636296944 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.0391006097442765 0.054349025255206455 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.042550374837068736 0.054533622380019776 0 0 0 0
+146 1 0.0025 1500.0000000000005 0.045411593734635845 0.0554944245110649 0 0 0 0
+139 1 0.0035 1071.4285714285713 0.05112153110888465 0.0543736440407251 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.054601441231496115 0.05433973305793752 0 0 0 0
+144 1 0.0025 1500.0000000000005 0.05702759860612881 0.05398304829310688 0 0 0 0
+140 1 0.0025 1500.0000000000005 0.05942106276838617 0.054567160823983746 0 0 0 0
+152 1 0.0035 1071.4285714285713 0.0643740163221457 0.05492029853644543 0 0 0 0
+158 1 0.0025 1500.0000000000005 0.06784247714526971 0.05518862866845488 0 0 0 0
+160 1 0.0035 1071.4285714285713 0.030433288379361777 0.05618160925806204 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.033288619358713974 0.05692415948513489 0 0 0 0
+148 1 0.0035 1071.4285714285713 0.036018148228074254 0.05583018467422359 0 0 0 0
+171 1 0.0025 1500.0000000000005 0.03826390902257996 0.05772729577883977 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.040743067273605896 0.0568685041444322 0 0 0 0
+166 1 0.0025 1500.0000000000005 0.04309221188892056 0.0574861558722788 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.04829333880306842 0.05636096256001025 0 0 0 0
+164 1 0.0035 1071.4285714285713 0.053376040689443044 0.05695500433882937 0 0 0 0
+157 1 0.0025 1500.0000000000005 0.05625678674433759 0.05631361140587622 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.05897932914030862 0.05740406878216125 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.061494846077355884 0.0557877973188684 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.06312661585378712 0.057581143144573806 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.06630703504856401 0.057709602102862474 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.07063804805151613 0.056051687319447645 0 0 0 0
+168 1 0.0025 1500.0000000000005 0.028814663024031732 0.05866105535248851 0 0 0 0
+173 1 0.0035 1071.4285714285713 0.0317149031786543 0.05934843940052154 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.03517797718732957 0.059178759200754244 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.0379421620063485 0.06019568178484676 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.040192268572438294 0.05922168743232321 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.045765284663627115 0.05864450134603479 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.050692405170491686 0.05896493036418263 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.05578661608527676 0.0593298912765809 0 0 0 0
+169 1 0.0025 1500.0000000000005 0.061306079052246935 0.05919221365663172 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.06958633386933244 0.05932563777531597 0 0 0 0
+190 1 0.0025 1500.0000000000005 0.03369704640375005 0.06168421482773913 0 0 0 0
+189 1 0.0035 1071.4285714285713 0.04002386954771765 0.06245429269485806 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.042823367897282125 0.06044315279928521 0 0 0 0
+172 1 0.0035 1071.4285714285713 0.045800221695691395 0.062144493666140846 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.04814914185123747 0.06036535784324504 0 0 0 0
+188 1 0.0025 1500.0000000000005 0.0500867244480237 0.061819632371147785 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.053024514686555335 0.06154814227051737 0 0 0 0
+185 1 0.0035 1071.4285714285713 0.058851052338762734 0.06079306237401863 0 0 0 0
+182 1 0.0025 1500.0000000000005 0.061589159360482044 0.061893896556622995 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.06406545254727587 0.06035356208579933 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.06696358464546201 0.060544577279069915 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.07168071466796955 0.06155276902971651 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.030859826272445188 0.06264532171014937 0 0 0 0
+200 1 0.0035 1071.4285714285713 0.03368656252195986 0.064668728917956 0 0 0 0
+191 1 0.0035 1071.4285714285713 0.03651442512263418 0.06274726745487039 0 0 0 0
+183 1 0.0025 1500.0000000000005 0.043106744044953425 0.0634057151169925 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.048425919706524524 0.06426675675231354 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.051297641368569354 0.06389304631279501 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.05617565570437261 0.06296850906446448 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.05968535113987564 0.06408885179960004 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.06353216095136682 0.06330090080301633 0 0 0 0
+197 1 0.0025 1500.0000000000005 0.06586597274783831 0.06268802312210463 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.06881297779013103 0.06282495716836503 0 0 0 0
+210 1 0.0035 1071.4285714285713 0.07169953484424682 0.06462305429807515 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.03084357187074691 0.06558098977729666 0 0 0 0
+207 1 0.0025 1500.0000000000005 0.0362715135225267 0.06597851920651224 0 0 0 0
+196 1 0.0025 1500.0000000000005 0.03849814569045489 0.06499328251239811 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.04132392328370048 0.06573438395678938 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.045109472209071244 0.06551965494632474 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.04767793537629796 0.06709425282085636 0 0 0 0
+215 1 0.0025 1500.0000000000005 0.05036062939320809 0.06646243957002852 0 0 0 0
+193 1 0.0035 1071.4285714285713 0.053734422934086604 0.06553836070361167 0 0 0 0
+204 1 0.0035 1071.4285714285713 0.0570870012089642 0.0662942595333752 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.05992468292910991 0.06697812016328893 0 0 0 0
+213 1 0.0035 1071.4285714285713 0.06265670817421805 0.06606603564825328 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.06609657201608954 0.06563496900903053 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.06903647880063503 0.06586819556655431 0 0 0 0
+218 1 0.0035 1071.4285714285713 0.029086614634927035 0.06791292355102452 0 1 0 0
+206 1 0.0035 1071.4285714285713 0.03276251364777565 0.06791689576264687 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.03575469856898529 0.06833617429802358 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.038556830578228514 0.06748309631329778 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.04335823140940081 0.06852525187669922 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.04626566143788543 0.06911491057115866 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.04959190147507879 0.06936480656506 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.05218172859786044 0.06805973593277395 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.05498942234759609 0.06905783345108144 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.058463531113939655 0.06947814524488168 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.06156396146831234 0.06885711694276936 0 0 0 0
+232 1 0.0025 1500.0000000000005 0.06401116977595833 0.06868924609003921 0 0 0 0
+240 1 0.0035 1071.4285714285713 0.06691278440498583 0.06895162536752214 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.06981594698715812 0.06818656878831414 0 0 0 0
+229 1 0.0035 1071.4285714285713 0.03089102372460129 0.07079217095015593 0 0 0 0
+238 1 0.0035 1071.4285714285713 0.03428332762040367 0.07096545124619878 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.03769406172421481 0.0705368486500085 0 0 0 0
+225 1 0.0035 1071.4285714285713 0.04107278298020764 0.07108213740888408 0 0 0 0
+235 1 0.0035 1071.4285714285713 0.044451538843731424 0.07178330403336751 0 0 0 0
+228 1 0.0025 1500.0000000000005 0.04735459287036485 0.07130768592361748 0 0 0 0
+224 1 0.0025 1500.0000000000005 0.052301158352146646 0.07050466782435337 0 0 0 0
+236 1 0.0025 1500.0000000000005 0.056461706620048915 0.07157801899030931 0 0 0 0
+239 1 0.0025 1500.0000000000005 0.06084583481982056 0.07120392613011864 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.06374770760921947 0.07162641408087332 0 0 -1 0
+233 1 0.0025 1500.0000000000005 0.06925736043915591 0.07060378160844004 0 0 0 0
+237 1 0.0025 1500.0000000000005 0.07164852876933425 0.07068529342003116 0 0 0 0
+
+Velocities
+
+8 12.27191916832894 -19.657989309954694 0 0 0 0
+10 17.072643977057442 -0.63627706289405 0 0 0 0
+1 11.386718620384524 10.076696037901833 0 0 0 0
+9 -51.26335822384352 8.64747653058949 0 0 0 0
+3 -53.499768098906884 15.044617567676855 0 0 0 0
+14 21.541835246087977 34.594827066862884 0 0 0 0
+234 -40.16792731317624 27.07692215610392 0 0 0 0
+231 11.879496363594273 20.34190613320932 0 0 0 0
+20 -2.9659756225412326 55.873611153570614 0 0 0 0
+12 -27.80198606393481 34.1886502515706 0 0 0 0
+24 0.545256439893425 -33.03836474285995 0 0 0 0
+19 -10.177446864452634 -9.193404303881723 0 0 0 0
+4 -7.195526001038017 -30.05255167833267 0 0 0 0
+13 -13.67518486463584 2.930943428431494 0 0 0 0
+22 -0.9937504448720219 25.40968508915363 0 0 0 0
+15 -36.08871020798139 -32.08214176962928 0 0 0 0
+17 2.0403338778894153 -0.9235405483531427 0 0 0 0
+6 -8.432327311942178 -15.99074284444526 0 0 0 0
+7 4.031896043275261 -28.924567839027077 0 0 0 0
+11 -29.561299381441277 -0.2276159495848934 0 0 0 0
+2 21.048661828869704 -41.27125881606092 0 0 0 0
+31 41.68420207679916 -9.832447214439938 0 0 0 0
+16 7.452452934494861 23.110021608589857 0 0 0 0
+25 -0.03930433214412942 -15.045104783116322 0 0 0 0
+40 -34.34937560250067 12.23554234700317 0 0 0 0
+18 -6.716061312027252 36.75798508368219 0 0 0 0
+23 -7.793844419692577 -52.569490654075835 0 0 0 0
+21 -8.092404466259135 -9.645609818542642 0 0 0 0
+26 25.45067866378742 5.887995659474264 0 0 0 0
+29 -6.214075060446199 -18.923388124312797 0 0 0 0
+36 -39.46830701841696 10.159994062240552 0 0 0 0
+39 12.542091285751656 -14.074138515250771 0 0 0 0
+37 40.07635441049669 -13.371057736243504 0 0 0 0
+33 27.491933352316696 -16.750281371744702 0 0 0 0
+30 12.189096896196899 4.300496991082041 0 0 0 0
+32 -56.62374683635882 4.853276883601019 0 0 0 0
+34 65.23782130624384 -20.372583609756337 0 0 0 0
+35 2.777406872261239 -5.180974240748312 0 0 0 0
+28 7.779107701776471 22.509686272664577 0 0 0 0
+51 8.008549280977448 25.0801762294652 0 0 0 0
+41 -18.550658562866357 -9.856966317290285 0 0 0 0
+27 35.2927012934534 -19.836717480914828 0 0 0 0
+47 11.031997042258588 -8.946195509133418 0 0 0 0
+63 -44.96827529699553 36.57439793288525 0 0 0 0
+45 -27.537324785102985 6.4079621188094364 0 0 0 0
+55 -4.604878063938163 -28.115135593531086 0 0 0 0
+43 14.505905011522325 46.75224194840189 0 0 0 0
+38 -25.862151356595312 -27.37668430877526 0 0 0 0
+53 1.0549924024121085 48.67452998143954 0 0 0 0
+54 30.19851238812143 22.684206640145874 0 0 0 0
+44 60.41799916522055 -13.438940655139097 0 0 0 0
+58 -39.59404857160458 19.079057584381214 0 0 0 0
+42 -10.853682546414372 22.532402852084672 0 0 0 0
+48 32.13347386357331 19.866064448775315 0 0 0 0
+46 2.028274856986782 -39.099425009094794 0 0 0 0
+57 12.823052956872683 6.3858152704379085 0 0 0 0
+66 -22.682371336139905 94.1554566346338 0 0 0 0
+50 -3.7407714978902105 15.646634792372991 0 0 0 0
+64 36.05547588270409 17.21533259641522 0 0 0 0
+52 -5.021573820759577 -31.067667694479933 0 0 0 0
+60 39.7678977745187 -1.8568018894503004 0 0 0 0
+68 -5.823981090740675 31.270526616427965 0 0 0 0
+56 -19.84256831523231 3.7963222875680085 0 0 0 0
+70 -9.45817448092815 -24.588543202480697 0 0 0 0
+61 46.988607427466135 -19.955778085397352 0 0 0 0
+59 -33.48879582641184 54.341239593452094 0 0 0 0
+49 -8.525098774529333 -19.894890070968255 0 0 0 0
+69 -6.00174399108738 67.41273452479095 0 0 0 0
+71 0.5042549593401606 18.396453542839946 0 0 0 0
+81 -7.320804699898107 40.318335973471534 0 0 0 0
+74 -7.859748586360779 -32.46131429603245 0 0 0 0
+75 30.769554574565248 1.6649737948508299 0 0 0 0
+67 1.5611496198017238 -6.74893288927548 0 0 0 0
+62 14.81554875232072 26.08028628520323 0 0 0 0
+82 14.89534748893608 5.9516616738957495 0 0 0 0
+79 49.37608275608766 -7.249340007208885 0 0 0 0
+97 -39.25914281407112 -36.60469782786465 0 0 0 0
+88 -27.317095538260695 7.769988128089662 0 0 0 0
+72 3.9279709664694815 9.110855938740887 0 0 0 0
+76 -14.563472959040256 -25.176810449023645 0 0 0 0
+77 25.487505601480606 -20.371908419609632 0 0 0 0
+78 -14.751742302155405 39.17526643317239 0 0 0 0
+73 9.721259422168753 -19.53168960623036 0 0 0 0
+86 25.559003403868672 -45.35770705668164 0 0 0 0
+65 -39.62492655433464 -29.964799027929317 0 0 0 0
+84 34.356334383416716 9.193227624855764 0 0 0 0
+89 -13.401474292415662 -42.70338786879273 0 0 0 0
+90 -35.723783252315535 38.665008330568234 0 0 0 0
+83 -17.11968056899209 17.518515336104674 0 0 0 0
+95 -27.064025905882904 -27.429399828003262 0 0 0 0
+94 -2.7686675620752204 3.1332549442050213 0 0 0 0
+101 47.81404868793081 18.02029538585364 0 0 0 0
+100 11.21244843301378 -8.323411457893943 0 0 0 0
+80 50.488122588949594 -10.47274359523753 0 0 0 0
+93 -21.49345175538785 22.3316788665426 0 0 0 0
+85 5.352665176149173 52.580030204820666 0 0 0 0
+96 15.419693249101597 -27.531589558489046 0 0 0 0
+91 22.272308897427898 0.022054221688648342 0 0 0 0
+87 1.2446506073365389 6.334889536779212 0 0 0 0
+99 4.989989289935699 3.0782980974319263 0 0 0 0
+106 11.317546653058045 -9.421901254351514 0 0 0 0
+113 27.794555951010643 -63.89970178241808 0 0 0 0
+102 -12.033008593186608 1.451496387089672 0 0 0 0
+119 -23.91643589005607 -8.672425316101661 0 0 0 0
+126 -14.64693965855428 -18.814571360937094 0 0 0 0
+110 29.888982669396203 12.565182959976074 0 0 0 0
+103 -40.55365621095608 31.62034527445305 0 0 0 0
+111 -22.733766712496006 33.54287107781548 0 0 0 0
+98 26.1337422308055 -4.345899124523039 0 0 0 0
+92 12.94582842010896 43.79555303517863 0 0 0 0
+117 -5.748934991820859 0.9796886346328811 0 0 0 0
+116 31.0261638999856 46.04070428712353 0 0 0 0
+108 -47.06963604191602 -9.716258648286757 0 0 0 0
+107 -13.118462454285162 -4.165453234975753 0 0 0 0
+105 3.420668233584286 -31.319590970535078 0 0 0 0
+104 -10.800020322676696 -1.7623339987698694 0 0 0 0
+131 47.55525027695451 37.41094730571328 0 0 0 0
+141 -5.860486706294089 -15.786234858906658 0 0 0 0
+118 32.648739181840604 9.530096672993192 0 0 0 0
+136 24.331833938261315 -3.0093964187034414 0 0 0 0
+130 -12.814126837717685 -13.933951163694955 0 0 0 0
+121 3.0694145993600337 24.79983471449611 0 0 0 0
+109 -34.43396086854198 9.750220410148806 0 0 0 0
+114 28.36513959860536 25.97998318502362 0 0 0 0
+120 -12.324143730851604 1.5580983034906433 0 0 0 0
+124 26.1831194265927 -43.475444769342005 0 0 0 0
+112 30.497470189818987 33.65945953420509 0 0 0 0
+125 -11.073410559040354 30.84165441476087 0 0 0 0
+115 -8.01882363398908 13.570231355258878 0 0 0 0
+138 -24.8367567488457 0.3434069166973652 0 0 0 0
+143 2.1297989465567855 -34.6463132345194 0 0 0 0
+133 -1.8313019727714377 -29.111597084460612 0 0 0 0
+134 2.3347587790297726 -2.891923775238173 0 0 0 0
+137 -10.973692520933497 9.047157456922319 0 0 0 0
+122 -21.08931376748866 -76.15169187487386 0 0 0 0
+142 27.053984921006663 -9.007586720389543 0 0 0 0
+129 32.01893787821689 -2.981216542989287 0 0 0 0
+128 26.59865360033521 -20.204472507422082 0 0 0 0
+127 -14.374017414750618 -22.670469329698758 0 0 0 0
+123 -6.3627923212258075 9.269616278873006 0 0 0 0
+135 14.863597349153213 -28.118783830310512 0 0 0 0
+132 30.660853822696655 -23.661145150721133 0 0 0 0
+145 -28.836509981411265 -44.875076404611534 0 0 0 0
+155 -3.239347966548169 16.563195645597713 0 0 0 0
+149 -23.038118153138317 35.52929489253608 0 0 0 0
+147 20.766509472028684 6.214941433991281 0 0 0 0
+146 -30.80880394544554 -23.78105829981908 0 0 0 0
+139 2.7816050806598813 -2.6377160800512693 0 0 0 0
+156 -27.930618500315454 11.862461674661418 0 0 0 0
+144 1.0447415903922523 -42.74539353381302 0 0 0 0
+140 6.8628376644201605 28.753000722793562 0 0 0 0
+152 -9.399741379840757 17.474382615600614 0 0 0 0
+158 11.201114015689509 -5.401646897845378 0 0 0 0
+160 -7.727146359034884 -7.890040485921477 0 0 0 0
+165 11.186169161508468 -30.923799275446218 0 0 0 0
+148 17.087591192408247 -30.364466597563354 0 0 0 0
+171 -2.3058598852003778 -15.781004455484425 0 0 0 0
+150 6.503606384196875 -44.33615832792201 0 0 0 0
+166 16.443488904309003 33.253956540764236 0 0 0 0
+151 9.899461216330062 -22.28189113841846 0 0 0 0
+164 35.78308807870426 22.973604255165167 0 0 0 0
+157 26.827541241651765 26.49919306298457 0 0 0 0
+154 -22.30537700391996 43.455672903395545 0 0 0 0
+161 13.013290550876661 22.606408950567694 0 0 0 0
+167 32.61000574125816 22.53346389137353 0 0 0 0
+163 -22.778718471069997 -33.6863081372535 0 0 0 0
+162 -51.55138225566037 -6.363461172332955 0 0 0 0
+168 -22.16355031293573 -38.77122780837572 0 0 0 0
+173 21.73447035598377 -27.429412186767895 0 0 0 0
+175 -20.66533945087207 4.494831175448351 0 0 0 0
+176 -13.693635686090245 6.055608045940428 0 0 0 0
+159 -15.915244798556154 -15.465437121290785 0 0 0 0
+153 -3.145256400542436 -16.69709439104263 0 0 0 0
+174 -3.5890112952629782 51.96983844175531 0 0 0 0
+170 -33.17988982720133 -7.45049240813848 0 0 0 0
+169 -23.16630318334021 -5.5561188404536015 0 0 0 0
+177 -0.7148531903229709 -14.754876665450281 0 0 0 0
+190 -5.29750590396048 38.619986271139716 0 0 0 0
+189 9.035723522673678 7.0480163061128245 0 0 0 0
+178 -15.133956872673787 18.6484237905917 0 0 0 0
+172 -10.950132461855691 -14.469115244043024 0 0 0 0
+181 26.01036550595485 -23.249723409626235 0 0 0 0
+188 16.93001633970417 -1.5888618789449847 0 0 0 0
+184 -31.600257988529794 -3.0072072065680953 0 0 0 0
+185 -17.661043658245656 -4.0672110501415055 0 0 0 0
+182 17.771855232308198 -8.523088400469298 0 0 0 0
+179 35.63283828553185 -39.981713238634796 0 0 0 0
+180 10.490466785239574 -48.68597294390085 0 0 0 0
+192 -31.517085234481264 14.719078881606887 0 0 0 0
+198 2.606085306611464 -16.590558279414147 0 0 0 0
+200 -11.304847230450918 2.9286164620569908 0 0 0 0
+191 -16.963781442319046 -15.393221734759688 0 0 0 0
+183 24.592191739173877 -2.0154000635896736 0 0 0 0
+194 -23.04531623067625 -13.989180137960247 0 0 0 0
+195 2.639584034793099 6.942040340607243 0 0 0 0
+186 18.942682993719032 7.011896158715315 0 0 0 0
+209 -5.781297988229093 5.768350542304896 0 0 0 0
+201 -29.10646834780491 8.510136421898377 0 0 0 0
+197 4.178178770878342 28.227045773593552 0 0 0 0
+187 -20.572799814887986 0.7020531508289497 0 0 0 0
+210 -24.303128630488022 35.40036077156508 0 0 0 0
+202 19.140455646828315 9.8441925657662 0 0 0 0
+207 59.17308564470254 22.99081870716491 0 0 0 0
+196 1.9276584803806227 2.4795154831067716 0 0 0 0
+208 -18.335976403617863 -0.016780990894381162 0 0 0 0
+199 -30.072275469309563 3.2090444242725726 0 0 0 0
+203 15.612457766358624 39.8808640230637 0 0 0 0
+215 13.032283852766144 14.051943818619538 0 0 0 0
+193 -34.174586786310314 5.5621492304549625 0 0 0 0
+204 -9.649919436266755 23.19915197315174 0 0 0 0
+216 -2.1394974783055845 -24.67218746344175 0 0 0 0
+213 -24.729198381704908 -12.022769178876464 0 0 0 0
+205 -1.7102688518570426 17.711382792150033 0 0 0 0
+217 12.466985322127096 -48.553797498738874 0 0 0 0
+218 -13.16206996027238 2.4703554209057965 0 0 0 0
+206 5.560748990495023 -28.64293695277074 0 0 0 0
+219 -39.10364916037673 2.4551315535301628 0 0 0 0
+220 -5.504512912786297 67.96941355619667 0 0 0 0
+214 0.673845681863467 -10.667750201616661 0 0 0 0
+211 27.34684207382325 24.150557860678784 0 0 0 0
+222 24.574283232462143 31.048438544124668 0 0 0 0
+212 -1.066478143686398 -35.203087153427454 0 0 0 0
+230 14.292568738058256 -40.66646754280392 0 0 0 0
+226 48.01461888352733 1.0421808545200786 0 0 0 0
+221 -20.027242328103476 -13.586406123621684 0 0 0 0
+232 50.48603538166547 -49.87098894945954 0 0 0 0
+240 -15.302808124003617 1.3228472778039624 0 0 0 0
+227 -9.701009363643887 -41.37339893659343 0 0 0 0
+229 -6.855553103834157 13.946320016848306 0 0 0 0
+238 20.647694735467276 7.952362695073567 0 0 0 0
+223 -27.951607871430948 -0.5494344869857948 0 0 0 0
+225 31.190229164517163 36.008153103245135 0 0 0 0
+235 22.813827799319135 -10.081060153562635 0 0 0 0
+228 0.9693923363879493 13.445741155704102 0 0 0 0
+224 -16.73895292292281 12.92090853090034 0 0 0 0
+236 -8.778135028128025 5.244738134209846 0 0 0 0
+239 -37.727349764530054 -6.9086779522349016 0 0 0 0
+5 22.289924293272872 3.051381380188496 0 0 0 0
+233 19.744516447463944 -2.3150699366317773 0 0 0 0
+237 39.23976234517079 -14.121663239306566 0 0 0 0
diff --git a/DATASET/P=200000Pa/box_confined.png b/DATASET/P=200000Pa/box_confined.png
new file mode 100644
index 0000000..d46bc5b
Binary files /dev/null and b/DATASET/P=200000Pa/box_confined.png differ
diff --git a/DATASET/P=200000Pa/box_sheared.data b/DATASET/P=200000Pa/box_sheared.data
new file mode 100644
index 0000000..2b21d1a
--- /dev/null
+++ b/DATASET/P=200000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2229209
+
+240 atoms
+6 atom types
+
+0.028185850000000005 0.07181415 xlo xhi
+0.028185850000000005 0.07181415 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.004362829570130358 0 0 xy xz yz
+
+Atoms # sphere
+
+14 1 0.0025 1500.0000000000005 0.04961117827113243 0.028609413026369004 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.05201266030610327 0.029252400084238826 0 0 1 0
+231 1 0.0025 1500.0000000000005 0.054377137291150665 0.02888927010283161 0 0 1 0
+12 1 0.0025 1500.0000000000005 0.058970583672132135 0.02898711260642999 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.06719547479724959 0.02889398685269953 0 0 0 0
+1 1 0.0025 1500.0000000000005 0.036247556602605376 0.02962966497275615 0 0 0 0
+4 1 0.0035 1071.4285714285713 0.07058605895681624 0.02967890736722112 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.029887210337918513 0.029836620111431095 0 0 0 0
+10 1 0.0025 1500.0000000000005 0.03236103215133821 0.029825919318857478 0 0 0 0
+3 1 0.0025 1500.0000000000005 0.04767301250178017 0.029996964325774932 0 0 0 0
+9 1 0.0035 1071.4285714285713 0.039151048635329255 0.03004984916287493 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.0564110921798999 0.03056913617262221 0 0 0 0
+6 1 0.0035 1071.4285714285713 0.04255594633326927 0.03067887074858539 0 0 0 0
+24 1 0.0035 1071.4285714285713 0.06159916172405519 0.03064544821666484 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.04549621935790987 0.030792872235382122 0 0 0 0
+15 1 0.0025 1500.0000000000005 0.03448972343675123 0.03107915297678201 0 0 0 0
+13 1 0.0025 1500.0000000000005 0.028874073678315144 0.03206971887514932 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.03052433947276072 0.041617523430556545 0 0 0 0
+82 1 0.0025 1500.0000000000005 0.03090297901402623 0.044105480766438436 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.030782993874433034 0.04708100822713392 0 0 0 0
+138 1 0.0025 1500.0000000000005 0.030719410159651035 0.05121053919510895 0 0 0 0
+145 1 0.0025 1500.0000000000005 0.03134674183855136 0.053774680224302665 0 1 0 0
+168 1 0.0025 1500.0000000000005 0.03195066277826816 0.058748672637659705 0 0 0 0
+218 1 0.0035 1071.4285714285713 0.033084303667419185 0.06791652534845334 0 1 0 0
+54 1 0.0035 1071.4285714285713 0.030777904852008754 0.03814718706307069 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.03058136258140588 0.03470877015337122 0 0 0 0
+131 1 0.0025 1500.0000000000005 0.032452481615512924 0.04969938571567543 0 0 0 0
+160 1 0.0035 1071.4285714285713 0.03325013173826953 0.05621000471313288 0 0 0 0
+143 1 0.0025 1500.0000000000005 0.033135204852519716 0.052128217848134095 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.03425835534269203 0.06265288658288348 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.034620361528229615 0.06556055045867394 0 0 0 0
+229 1 0.0035 1071.4285714285713 0.03520016386665091 0.07081720193178052 0 0 0 0
+22 1 0.0025 1500.0000000000005 0.03133818886889087 0.03194421605126706 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.033090558800011244 0.04549466786993248 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.050421144797730716 0.03154448989837606 0 0 0 0
+2 1 0.0035 1071.4285714285713 0.05388767888800469 0.03176417372002464 0 0 0 0
+31 1 0.0025 1500.0000000000005 0.05880256220510613 0.03135927595420742 0 0 0 0
+16 1 0.0035 1071.4285714285713 0.06509142382954716 0.03138618577450919 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.06862412711760735 0.03231686486821816 0 0 0 0
+18 1 0.0035 1071.4285714285713 0.03385010978367661 0.03381068692766598 0 0 0 0
+17 1 0.0035 1071.4285714285713 0.03708070400566761 0.0327819955218715 0 0 0 0
+23 1 0.0035 1071.4285714285713 0.040550415026686534 0.03334525300786308 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.04404787378242646 0.033914675511016096 0 0 0 0
+26 1 0.0035 1071.4285714285713 0.047539479856885475 0.033074990924140846 0 0 0 0
+29 1 0.0025 1500.0000000000005 0.052339165991245246 0.034023573455656805 0 0 0 0
+36 1 0.0025 1500.0000000000005 0.05492979317398904 0.03482989798000739 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.05667345876723191 0.033134876480147464 0 0 0 0
+37 1 0.0035 1071.4285714285713 0.06056233523195485 0.03383036644885187 0 0 0 0
+33 1 0.0025 1500.0000000000005 0.06350862262040818 0.033682448013346675 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.06639776387362509 0.03467556149627362 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.07123743295854035 0.03411019608492792 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.03312301872349797 0.036543508817569695 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.03607706873524155 0.03660693189773596 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.03862686888565563 0.03546456485153994 0 0 0 0
+51 1 0.0035 1071.4285714285713 0.04146058510296094 0.036759827870377695 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.046727941265652204 0.03628323808929653 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.05010902866710766 0.03569055873117129 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.053134269951400304 0.03639880853609529 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.05552655928941556 0.03723529434723036 0 0 0 0
+45 1 0.0035 1071.4285714285713 0.05802979075746484 0.03588449215291145 0 0 0 0
+55 1 0.0025 1500.0000000000005 0.061658830817360864 0.036587169965082725 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.06396820245057183 0.036110515859381034 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.06927035543494256 0.035390284252271725 0 -1 0 0
+53 1 0.0025 1500.0000000000005 0.07151258811049521 0.03683564078950992 0 -1 0 0
+44 1 0.0025 1500.0000000000005 0.03426115361779099 0.038835788037398684 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.03714266764907155 0.039389698053317886 0 0 0 0
+42 1 0.0025 1500.0000000000005 0.038909987412195354 0.03790340928541386 0 0 0 0
+48 1 0.0025 1500.0000000000005 0.04429183879285095 0.03757900511823517 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.04897609572448 0.03828642026170752 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.0518523625958283 0.03884271814248934 0 0 0 0
+66 1 0.0025 1500.0000000000005 0.05757257717682228 0.038718924276928066 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.060502374644816434 0.03917548890206132 0 0 0 0
+64 1 0.0025 1500.0000000000005 0.06345900934578383 0.038391855321668646 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.06640894536850542 0.03807746230514804 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.06928816820635308 0.03779617455727318 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.032672948793823556 0.04057517040664122 0 0 0 0
+70 1 0.0035 1071.4285714285713 0.03551883020928252 0.04163565634087089 0 0 0 0
+61 1 0.0035 1071.4285714285713 0.03979371751339686 0.04081759454977779 0 0 0 0
+59 1 0.0035 1071.4285714285713 0.043073934137494205 0.04009814785534322 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.04653773878810525 0.03970317507682319 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.04975852480603421 0.04073500015625543 0 0 0 0
+71 1 0.0035 1071.4285714285713 0.05513618328465479 0.04013234141297921 0 0 0 0
+81 1 0.0035 1071.4285714285713 0.058356785163002495 0.04163117275022616 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.06313096719044911 0.040767260492008545 0 0 0 0
+75 1 0.0035 1071.4285714285713 0.0660069628149961 0.041385089436761655 0 0 0 0
+67 1 0.0025 1500.0000000000005 0.06870339508072779 0.040279186425123466 0 0 0 0
+62 1 0.0035 1071.4285714285713 0.07161891333714937 0.039857652641935463 0 -1 0 0
+79 1 0.0025 1500.0000000000005 0.033066820197627404 0.043078712641785 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.03762285941012105 0.04388110642572636 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.04000787596137693 0.04374708681225737 0 0 0 0
+72 1 0.0035 1071.4285714285713 0.0428968088425937 0.043463960837427686 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.045538239752072274 0.04237195336414425 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.0480335891403105 0.042395609310971215 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.05022102804424343 0.04376602839009907 0 0 0 0
+73 1 0.0035 1071.4285714285713 0.052531890295707345 0.042249074448889014 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.05580477505498629 0.043602905159310576 0 0 0 0
+65 1 0.0025 1500.0000000000005 0.061303827469409655 0.04211278718155331 0 0 0 0
+84 1 0.0035 1071.4285714285713 0.0639137775907545 0.04399510678463893 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.06686816007210904 0.044253922834212624 0 0 0 0
+90 1 0.0025 1500.0000000000005 0.06873113445512005 0.0427762589202681 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.07167046735128271 0.043309735710274015 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.035213949756727966 0.04452120305228547 0 0 0 0
+101 1 0.0025 1500.0000000000005 0.03911437093092028 0.045964136803736254 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.0415560140409916 0.04593818676392597 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.04573540632613784 0.04487554191264947 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.043978119201475326 0.04633623847411968 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.04816797856507128 0.04486923917634673 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.0530581644331216 0.04525387575039684 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.05532359112575598 0.04645144390702869 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.057710188025313844 0.04599951279172292 0 0 0 0
+99 1 0.0035 1071.4285714285713 0.060224606160140574 0.04469997314050077 0 0 0 0
+106 1 0.0025 1500.0000000000005 0.06921294513540863 0.045223055694248296 0 0 0 0
+113 1 0.0025 1500.0000000000005 0.07150913147016202 0.04620589525955776 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.033757789237748345 0.047832012264678224 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.03654233433698043 0.047228828092100716 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.04060701616021632 0.04806290685371012 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.04314206781245104 0.04862071868144638 0 0 0 0
+111 1 0.0025 1500.0000000000005 0.04558709743960113 0.048335941327835766 0 0 0 0
+98 1 0.0025 1500.0000000000005 0.047653175658803865 0.04722647124156965 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.050624316338219136 0.04672137428985241 0 0 0 0
+117 1 0.0035 1071.4285714285713 0.05371726241632435 0.04874560528768277 0 0 0 0
+116 1 0.0035 1071.4285714285713 0.05723029000467761 0.04884663783906068 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.05976306347452674 0.04749849839589148 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.06273064362954686 0.04729910060585315 0 0 0 0
+105 1 0.0035 1071.4285714285713 0.06610903910960794 0.04694858151293739 0 0 0 0
+104 1 0.0025 1500.0000000000005 0.0691224228260757 0.047702792271168366 0 0 0 0
+141 1 0.0035 1071.4285714285713 0.03544141194651607 0.05046593304725659 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.03867715070703152 0.04943462433072205 0 0 0 0
+136 1 0.0035 1071.4285714285713 0.0415146833234381 0.050900190601664494 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.04816933959050452 0.05015858154927863 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.051021169969101346 0.04967524738137849 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.06011988937571832 0.049916473470939214 0 0 0 0
+120 1 0.0025 1500.0000000000005 0.06254979902189778 0.050181876444726534 0 0 0 0
+124 1 0.0025 1500.0000000000005 0.06504916166911072 0.04984803831915606 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.06758118988327383 0.04960837388072656 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.06968964412497247 0.05088832863298466 0 0 0 0
+115 1 0.0035 1071.4285714285713 0.07188231342973334 0.049156806439581674 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.038502030331652504 0.05232881984089783 0 0 0 0
+130 1 0.0035 1071.4285714285713 0.04492638870096603 0.051159328487803316 0 0 0 0
+134 1 0.0025 1500.0000000000005 0.04746938876192988 0.05292178172363872 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.050392255912891606 0.053164067914717984 0 0 0 0
+122 1 0.0025 1500.0000000000005 0.05271591969485344 0.051568696897172056 0 0 0 0
+142 1 0.0035 1071.4285714285713 0.05565786459579389 0.05171548834385603 0 0 0 0
+129 1 0.0025 1500.0000000000005 0.05861653415309046 0.05166660508877338 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.06130333546152668 0.052166751329681946 0 0 0 0
+127 1 0.0035 1071.4285714285713 0.06427435596205619 0.0527066859244724 0 0 0 0
+123 1 0.0025 1500.0000000000005 0.06701108086037028 0.05191979563746742 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.06919881410727666 0.05324533499353904 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.07205679169070439 0.0529236306353214 0 0 0 0
+155 1 0.0035 1071.4285714285713 0.03560440635022953 0.053892456667224656 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.041782774267262374 0.054357928291154385 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.04525483876307637 0.054621704193683625 0 0 0 0
+146 1 0.0025 1500.0000000000005 0.04847768010835245 0.055298113607487424 0 0 0 0
+139 1 0.0035 1071.4285714285713 0.05376352806848818 0.05437504262190246 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.05737133343997605 0.054168562584452344 0 0 0 0
+144 1 0.0025 1500.0000000000005 0.0597559964533436 0.05391886130851524 0 0 0 0
+140 1 0.0025 1500.0000000000005 0.06220198227772718 0.05449474899037007 0 0 0 0
+152 1 0.0035 1071.4285714285713 0.06710593380371581 0.05498909192310291 0 0 0 0
+158 1 0.0025 1500.0000000000005 0.07057335459055086 0.05536085510823091 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.036196712151515 0.056806395196144846 0 0 0 0
+148 1 0.0035 1071.4285714285713 0.038825554870400875 0.05576112436497806 0 0 0 0
+171 1 0.0025 1500.0000000000005 0.04117281983983628 0.057759942602551045 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.04354844399414551 0.056837504763638316 0 0 0 0
+166 1 0.0025 1500.0000000000005 0.04591740703915303 0.05755345320233236 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.051333355943584014 0.05657579126015419 0 0 0 0
+164 1 0.0035 1071.4285714285713 0.05633556079846341 0.05685650961155446 0 0 0 0
+157 1 0.0025 1500.0000000000005 0.05912322875475321 0.05620864087554475 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.06201317786717724 0.057409737848348186 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.06438482974916399 0.05584078724646675 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.06615994787511169 0.05765612256562841 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.06935952881283078 0.057833512953600764 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.07345617415902808 0.05622738591289153 0 0 0 0
+173 1 0.0035 1071.4285714285713 0.0348961655396683 0.059371191172958866 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.03832062483614409 0.059149567470661225 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.0412001562757636 0.06019425144887122 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.04328861923029344 0.05920050223520852 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.0487769526109727 0.05858086258760412 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.05142669043364395 0.060273148925048474 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.053963034345979655 0.05910310472271148 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.05876587116949107 0.05945147429763754 0 0 0 0
+169 1 0.0025 1500.0000000000005 0.06453612503182797 0.05933525801369613 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.07281176357107777 0.05952105828855211 0 0 0 0
+190 1 0.0025 1500.0000000000005 0.03700099479149363 0.061634641256022304 0 0 0 0
+189 1 0.0035 1071.4285714285713 0.0433920835825232 0.06242907898508044 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.04601456643699303 0.06043547180414732 0 0 0 0
+172 1 0.0035 1071.4285714285713 0.04919746662777734 0.06202417624220845 0 0 0 0
+188 1 0.0025 1500.0000000000005 0.05345754816145919 0.06193846851253886 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.05640506663588371 0.06174658880061084 0 0 0 0
+185 1 0.0035 1071.4285714285713 0.062095557467285706 0.06081023239328804 0 0 0 0
+182 1 0.0025 1500.0000000000005 0.06491315357462724 0.06182329487732734 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.06731821886397488 0.06043175995742591 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.07023227521733608 0.06067512346841329 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.074910379352601 0.06178634828078631 0 0 0 0
+200 1 0.0035 1071.4285714285713 0.03727184657049664 0.06459995838337496 0 0 0 0
+191 1 0.0035 1071.4285714285713 0.03990604555498906 0.06267660008370965 0 0 0 0
+183 1 0.0025 1500.0000000000005 0.04654469544923039 0.06330759943585229 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.05194066830384091 0.06434524755142904 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.05478434418518271 0.06408482900683113 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.05972639702345025 0.06303671527873325 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.06335523545078806 0.06410177370796477 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.06696541161198744 0.06332940905265036 0 0 0 0
+197 1 0.0025 1500.0000000000005 0.06930443121581165 0.06280556332240762 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.07222394183446232 0.06296939890300686 0 0 0 0
+210 1 0.0035 1071.4285714285713 0.07530359463575892 0.06472468762895635 0 0 0 0
+207 1 0.0025 1500.0000000000005 0.04000586420916906 0.06595127668271926 0 0 0 0
+196 1 0.0025 1500.0000000000005 0.04207600765136302 0.06493647431214017 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.0449385933922863 0.06564602572895657 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.048783420882916595 0.06540813456681954 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.051494680253818446 0.06715965905347304 0 0 0 0
+215 1 0.0025 1500.0000000000005 0.05426102643177638 0.0664571774974492 0 0 0 0
+193 1 0.0035 1071.4285714285713 0.05748164940545122 0.06548590826348406 0 0 0 0
+204 1 0.0035 1071.4285714285713 0.0608553763847506 0.06637802583408599 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.06374605043067477 0.06698505464042442 0 0 0 0
+213 1 0.0035 1071.4285714285713 0.06637818466857195 0.06612611670160937 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.06970986599825943 0.06574809514528537 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.07271194874058093 0.06594259270199997 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.03665441697755943 0.06790365889474648 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.039701797425020384 0.06831645447632548 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.0426935198015162 0.06742141661068529 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.04730275303728057 0.06834328985508077 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.0502352171957562 0.06910080169326542 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.05376043014536529 0.06929772979656557 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.056286180589696706 0.06804898602979323 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.0591786354102019 0.06923198802756274 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.06551944950074882 0.06885891341157498 0 0 0 0
+232 1 0.0025 1500.0000000000005 0.06797483005258276 0.06885236904484815 0 0 0 0
+240 1 0.0035 1071.4285714285713 0.07093640966404081 0.06908475328928886 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.07381643633542914 0.06821111550711594 0 0 0 0
+238 1 0.0035 1071.4285714285713 0.03859562941464289 0.07089683927817898 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.04198259433701597 0.07043649353068525 0 0 0 0
+225 1 0.0035 1071.4285714285713 0.04543370573368042 0.07106146728224433 0 0 0 0
+235 1 0.0035 1071.4285714285713 0.04887125807752027 0.07158607775537887 0 0 0 0
+228 1 0.0025 1500.0000000000005 0.05172138998232871 0.07119476861988608 0 0 0 0
+224 1 0.0025 1500.0000000000005 0.056602864114977884 0.07048420520681734 0 0 0 0
+236 1 0.0025 1500.0000000000005 0.060968562024913416 0.07175560849718071 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.06262912653910159 0.0695410841554711 0 0 0 0
+239 1 0.0025 1500.0000000000005 0.06519053367664623 0.07120389039090397 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.068148417649096 0.0717443292559777 0 0 -1 0
+233 1 0.0025 1500.0000000000005 0.07355041890849057 0.07059636796030724 0 0 0 0
+237 1 0.0025 1500.0000000000005 0.07596510720144246 0.07070748342393217 0 0 0 0
+
+Velocities
+
+14 -25.457512635469307 33.70605750653072 0 0 0 0
+234 12.045343191850842 -13.752544529557158 0 0 0 0
+231 -15.051340252054754 5.854952692010992 0 0 0 0
+12 -5.445888012028473 54.14718117958161 0 0 0 0
+19 0.03477310877146983 -29.73579947880184 0 0 0 0
+1 42.40477700722115 10.541009443428843 0 0 0 0
+4 -3.636473733507389 11.359844188097453 0 0 0 0
+8 -37.701381826561715 7.186522275111076 0 0 0 0
+10 26.842168384842466 -21.077227441127445 0 0 0 0
+3 40.00457293875659 11.807012429912183 0 0 0 0
+9 -16.090468668873765 -27.505506969333283 0 0 0 0
+20 -13.401855676334343 27.10845103723358 0 0 0 0
+6 -3.9859189616126405 8.051236416154607 0 0 0 0
+24 -19.2611199677108 19.882581262868577 0 0 0 0
+7 -32.83777944282252 -37.36950292849597 0 0 0 0
+15 56.05113531441211 6.139871801652829 0 0 0 0
+13 -10.041123437692896 5.191489882203067 0 0 0 0
+68 -42.447183754301605 -1.7490023157410435 0 0 0 0
+82 52.915939646635586 -6.363754704062081 0 0 0 0
+102 26.662108007391613 12.995351594463534 0 0 0 0
+138 -23.47423182225899 8.319421428015179 0 0 0 0
+145 -9.379590637208574 -62.081500134334554 0 0 0 0
+168 -25.60683979515419 21.41284767549885 0 0 0 0
+218 20.453838434750985 28.04641825545615 0 0 0 0
+54 -20.448749785745168 -9.651673531339323 0 0 0 0
+40 12.978822430170457 32.372716541167016 0 0 0 0
+131 -15.768519689465206 15.652422972361977 0 0 0 0
+160 -29.43343625061399 -3.6118918699126885 0 0 0 0
+143 -8.155965359279993 15.604608927545618 0 0 0 0
+198 2.9380211197048425 -1.5612075495697046 0 0 0 0
+202 9.127895483681545 -28.32875601887487 0 0 0 0
+229 11.81861937003335 -2.462226582275556 0 0 0 0
+22 34.43697996486174 -40.175544438862836 0 0 0 0
+95 -53.64438583116026 13.364124511915099 0 0 0 0
+11 38.104621813735456 39.52378586581014 0 0 0 0
+2 17.313770738122052 -1.5748770695332943 0 0 0 0
+31 -2.603942539815096 0.38413884257748787 0 0 0 0
+16 -5.3795804381738 -3.6713374194038 0 0 0 0
+25 38.28897957307162 -35.906196064911896 0 0 0 0
+18 15.33947448853278 -24.39543651074407 0 0 0 0
+17 13.343355175994953 -48.851552399234436 0 0 0 0
+23 -36.7204416076018 -0.7159059337533372 0 0 0 0
+21 -4.205524802817517 9.85653208755679 0 0 0 0
+26 -9.368860987194934 4.1497574429431685 0 0 0 0
+29 -25.912774754948583 54.48639993343436 0 0 0 0
+36 27.718045655230444 -5.450839439658774 0 0 0 0
+39 41.299677854366244 7.255791441521739 0 0 0 0
+37 -19.18031472840897 -10.81355902812232 0 0 0 0
+33 -15.28565666813342 -8.916945465135514 0 0 0 0
+30 -25.907060402940786 -26.96299409449407 0 0 0 0
+32 5.6805184588141255 27.633613896909626 0 0 0 0
+34 -2.4307423323621196 -14.284060545672368 0 0 0 0
+35 31.774385068219896 -7.020012108574275 0 0 0 0
+28 30.913694034091826 29.740878293066977 0 0 0 0
+51 27.8590190717435 -5.820662406424435 0 0 0 0
+41 -8.489127901521513 5.421366844573704 0 0 0 0
+27 -39.745976540200914 -3.8681518324336683 0 0 0 0
+47 50.55411036149859 -28.20530490110935 0 0 0 0
+63 -37.30436659361692 30.36292719692865 0 0 0 0
+45 39.023191347770315 -21.107516243907 0 0 0 0
+55 -29.894414078567834 28.854691126850796 0 0 0 0
+43 3.5601837756444734 -8.610127041136865 0 0 0 0
+38 -49.100576731567266 -13.819000923532217 0 0 0 0
+53 -22.81983805941244 21.196564706302265 0 0 0 0
+44 -9.971265858042829 37.26756392902754 0 0 0 0
+58 9.976422126913727 -14.372330414752993 0 0 0 0
+42 12.144784896055944 36.02006299531551 0 0 0 0
+48 -84.16422303425313 -27.084514777941475 0 0 0 0
+46 30.95021703366009 -6.38077148000247 0 0 0 0
+57 -23.72500208473707 -17.436442727479164 0 0 0 0
+66 -46.17036610282644 -45.150486606923955 0 0 0 0
+50 -12.881940928503022 -13.292736655820164 0 0 0 0
+64 18.171777507617676 32.32889317198254 0 0 0 0
+52 7.09469057413589 -25.951646351941605 0 0 0 0
+60 37.25116681982579 32.271969872932736 0 0 0 0
+56 37.1929782060885 21.41405375456077 0 0 0 0
+70 -1.0749802767993346 -19.41612014778312 0 0 0 0
+61 25.262633137986285 -6.427464314932427 0 0 0 0
+59 6.942980751087303 15.78988667391561 0 0 0 0
+49 -14.922822956348956 4.525396954111697 0 0 0 0
+69 2.8011067460849994 -15.705619439259447 0 0 0 0
+71 -5.053798808093283 15.917876080249114 0 0 0 0
+81 -6.297177833161418 -50.82554273526182 0 0 0 0
+74 28.47332018789407 11.500886662964286 0 0 0 0
+75 -0.21996822251892567 -3.87466740615358 0 0 0 0
+67 14.3431833456801 -5.171371690854641 0 0 0 0
+62 -28.760986628039014 4.797966151650513 0 0 0 0
+79 -15.00168593635178 -5.997142580925896 0 0 0 0
+97 -18.451175920810414 -40.79621350192054 0 0 0 0
+88 -32.96452597209564 -4.451349551718141 0 0 0 0
+72 -15.648270634540063 15.376271924968606 0 0 0 0
+76 -39.07934241780058 -14.756839184402768 0 0 0 0
+77 -30.908509624940393 23.851636870622837 0 0 0 0
+78 -15.678892030913108 -41.38358204373179 0 0 0 0
+73 3.1548955501054166 -2.8738109402960883 0 0 0 0
+86 2.6014570795503786 0.26314743682930225 0 0 0 0
+65 15.652325017792455 -41.954963879364506 0 0 0 0
+84 -22.352590763435497 -25.78178187020683 0 0 0 0
+89 -29.005027709133316 45.32518197348235 0 0 0 0
+90 -15.451221594297758 45.26693995307902 0 0 0 0
+83 -28.014544498008355 -9.577849661029887 0 0 0 0
+94 52.953233131523774 -0.023492808864798376 0 0 0 0
+101 -25.96279732523395 22.54405871550678 0 0 0 0
+100 -65.00069824437391 -28.093808571020556 0 0 0 0
+80 -10.742936438754056 11.26021393153333 0 0 0 0
+93 -56.63167792409663 61.18618027278859 0 0 0 0
+85 13.963405193550095 30.583205263474024 0 0 0 0
+96 31.87014591509667 12.031115409744237 0 0 0 0
+91 21.49288124237538 -16.721294946570318 0 0 0 0
+87 34.41796353420508 13.191723830514539 0 0 0 0
+99 13.121014955471226 14.220663895989032 0 0 0 0
+106 -10.834488367288616 19.020036527846045 0 0 0 0
+113 18.724508463814846 25.223714218259115 0 0 0 0
+119 45.59230103293782 -68.74268569034689 0 0 0 0
+126 -1.8398669835799082 -8.817404532887526 0 0 0 0
+110 40.43643100005736 23.690505045380675 0 0 0 0
+103 -5.439424312480282 29.612109941777433 0 0 0 0
+111 37.27202540100484 -15.975493473916698 0 0 0 0
+98 45.32554793021804 9.548436773850677 0 0 0 0
+92 -5.810693232640934 -8.17047950828301 0 0 0 0
+117 -6.725542071355091 -18.087108654193596 0 0 0 0
+116 7.947685921932368 -5.647529603844942 0 0 0 0
+108 3.2791975290284134 17.286871057791732 0 0 0 0
+107 -14.841410526742342 17.23027143052549 0 0 0 0
+105 2.106913148528831 1.773081598488777 0 0 0 0
+104 16.869629402795862 3.364715634894271 0 0 0 0
+141 8.63995573959753 12.224076745893287 0 0 0 0
+118 32.81643800625401 13.058795483187659 0 0 0 0
+136 10.220851964253551 -17.115060058113023 0 0 0 0
+121 6.141370282544753 -7.847876964783988 0 0 0 0
+109 -34.67526841251994 25.676945552846238 0 0 0 0
+114 21.85310828476339 -21.884389785352553 0 0 0 0
+120 31.54203670330766 10.534833353929288 0 0 0 0
+124 14.862919896615162 37.646999672274134 0 0 0 0
+112 82.04558439210724 -41.420011836990234 0 0 0 0
+125 3.330351531348153 26.211631042073524 0 0 0 0
+115 4.793544487191154 35.14231396068164 0 0 0 0
+133 14.935832156061513 -5.336270571647757 0 0 0 0
+130 -14.618139029318115 8.09896701197355 0 0 0 0
+134 30.298412262553885 32.246703879656465 0 0 0 0
+137 -41.96775899567702 -21.236255348128477 0 0 0 0
+122 -1.237765769081269 -15.433595518630536 0 0 0 0
+142 -14.808237538937737 -28.659627044646882 0 0 0 0
+129 20.600855925474352 11.19658887520031 0 0 0 0
+128 -25.293180789123227 -12.190733468288231 0 0 0 0
+127 -18.820025845211116 14.753612807426912 0 0 0 0
+123 -3.2233820404603346 43.266887288489485 0 0 0 0
+135 19.66845728373192 -33.64013014796649 0 0 0 0
+132 3.9610914699957043 -18.475319661336478 0 0 0 0
+155 -20.722543580043368 -0.2643711835799491 0 0 0 0
+149 13.013223364131097 -0.0650097657598033 0 0 0 0
+147 14.007505168328562 42.07341889908279 0 0 0 0
+146 18.799468175387904 14.11654582008643 0 0 0 0
+139 -6.663311352874235 5.122401901903456 0 0 0 0
+156 -25.185251627186787 -23.971232334067597 0 0 0 0
+144 -38.361230486938275 -19.510225175787305 0 0 0 0
+140 0.4268250358334181 -4.8839089730954575 0 0 0 0
+152 -1.8878801706120485 -14.895432779749314 0 0 0 0
+158 -34.95148389216099 14.070679437282157 0 0 0 0
+165 -19.067775769451078 55.67756643646969 0 0 0 0
+148 -27.966907186810964 6.317878982784707 0 0 0 0
+171 -6.7327657750765395 25.192756879170304 0 0 0 0
+150 -7.526860159531369 10.428533321000113 0 0 0 0
+166 -34.96868787008429 21.0457211579577 0 0 0 0
+151 -34.93840450310179 -31.541348706857292 0 0 0 0
+164 16.387674348547968 17.267450262505527 0 0 0 0
+157 40.27105802906515 25.00707432241996 0 0 0 0
+154 -10.673491023175927 5.1478619450030925 0 0 0 0
+161 5.250460047917708 -3.8154269243627192 0 0 0 0
+167 1.1555025115233069 -23.90109976315846 0 0 0 0
+163 -36.035789952070594 8.380904083597992 0 0 0 0
+162 17.93619982802608 -3.7414643696048526 0 0 0 0
+173 8.041997393017057 -7.538268090961639 0 0 0 0
+175 11.915881525189311 -23.536893626716413 0 0 0 0
+176 18.515959925389335 5.593639989910598 0 0 0 0
+159 14.079637696343058 -16.49026440590308 0 0 0 0
+153 37.40158047903215 -1.9041129411680775 0 0 0 0
+181 5.878532021279353 37.880186678746625 0 0 0 0
+174 -14.356296326117134 5.560683157024133 0 0 0 0
+170 1.6236805714889633 3.3550532279505587 0 0 0 0
+169 13.870052857391359 -15.326277732612164 0 0 0 0
+177 0.8128340829579239 -9.593457440097964 0 0 0 0
+190 7.015692117103792 24.839114784731958 0 0 0 0
+189 9.463709933755958 -21.276779662398354 0 0 0 0
+178 10.843264618070185 13.233215301604496 0 0 0 0
+172 2.8151241312983926 -7.0255625755027 0 0 0 0
+188 -12.456711517544191 46.48192068002859 0 0 0 0
+184 7.317456894387304 16.292976282648784 0 0 0 0
+185 14.044640405712506 -10.436666046857 0 0 0 0
+182 -15.219908854157199 7.764664804943369 0 0 0 0
+179 13.366374597325327 3.4569115209204915 0 0 0 0
+180 -4.770836160714795 -31.103990345588546 0 0 0 0
+192 -12.664149452986932 24.632512382419897 0 0 0 0
+200 11.831654262828375 5.411433117071455 0 0 0 0
+191 -20.193620097457938 11.470842214679896 0 0 0 0
+183 -26.060281998296368 1.536978424054258 0 0 0 0
+194 -21.542508086699584 21.936766927953133 0 0 0 0
+195 -11.330122899132013 21.628513642696824 0 0 0 0
+186 -7.086407960898854 31.877423691861136 0 0 0 0
+209 0.5357615344330213 -29.840629420552442 0 0 0 0
+201 -39.288614231919254 72.76747676328566 0 0 0 0
+197 -6.49900997458594 36.540583252587304 0 0 0 0
+187 -29.85630399555425 8.575078403674112 0 0 0 0
+210 9.780778378329291 -4.871147537139709 0 0 0 0
+207 35.21384548889708 -20.008720519862287 0 0 0 0
+196 43.09498853078701 40.7170209094955 0 0 0 0
+208 -50.85985968223092 -12.624486787896393 0 0 0 0
+199 18.195704245572355 -9.676313014046858 0 0 0 0
+203 -23.334173378110297 -14.331532855666833 0 0 0 0
+215 49.87677835384594 -27.05318493330369 0 0 0 0
+193 53.047777989498954 -38.01107003798796 0 0 0 0
+204 -6.790864148851055 10.575402826945078 0 0 0 0
+216 1.2174263996656707 -12.60433515106931 0 0 0 0
+213 24.31330921599859 -10.785371761920189 0 0 0 0
+205 -5.321005428007 -44.3382818873563 0 0 0 0
+217 19.648072628406084 13.735661375565858 0 0 0 0
+206 25.029054803221715 -17.259995426320522 0 0 0 0
+219 36.210948823038244 -20.144697384802697 0 0 0 0
+220 -5.754407276598776 -15.654665999808447 0 0 0 0
+214 35.541698256110685 26.359986437231075 0 0 0 0
+211 -40.948172028312776 23.602978987935174 0 0 0 0
+222 7.935671059432736 -15.000915839420975 0 0 0 0
+212 1.6600578981057805 -81.49115457669026 0 0 0 0
+230 -32.30714191840556 -24.681556249237318 0 0 0 0
+221 12.849439511674115 -3.155317994834542 0 0 0 0
+232 -24.189489732068118 28.664318638986753 0 0 0 0
+240 -10.09675629291524 -1.4389270280189226 0 0 0 0
+227 25.422940120901828 -4.898696092045383 0 0 0 0
+238 11.555497499721513 6.824089247350943 0 0 0 0
+223 24.177726811500264 24.531697638832544 0 0 0 0
+225 -16.507417821616816 2.813417586982176 0 0 0 0
+235 4.513658193510895 9.099978806484602 0 0 0 0
+228 -37.54162782328485 -51.242794188236786 0 0 0 0
+224 16.96057690940933 45.1187497119794 0 0 0 0
+236 -26.501738569419892 -8.969473004379868 0 0 0 0
+226 3.632203853445938 -16.521249628461103 0 0 0 0
+239 -2.957218240070521 -18.944481423903937 0 0 0 0
+5 0.09641564129721475 35.478021994694636 0 0 0 0
+233 -34.687244839978746 -4.606759577277764 0 0 0 0
+237 45.43994478274635 -10.319706758141848 0 0 0 0
diff --git a/DATASET/P=200000Pa/box_sheared.png b/DATASET/P=200000Pa/box_sheared.png
new file mode 100644
index 0000000..77f23ef
Binary files /dev/null and b/DATASET/P=200000Pa/box_sheared.png differ
diff --git a/DATASET/P=200000Pa/confined.restart b/DATASET/P=200000Pa/confined.restart
new file mode 100644
index 0000000..9872840
Binary files /dev/null and b/DATASET/P=200000Pa/confined.restart differ
diff --git a/DATASET/P=200000Pa/log.lammps b/DATASET/P=200000Pa/log.lammps
new file mode 100644
index 0000000..4ea7f13
--- /dev/null
+++ b/DATASET/P=200000Pa/log.lammps
@@ -0,0 +1,149 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.028185850 0.028185850 -0.00050000000) to (0.071814150 0.071814150 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.001 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 229209
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 229
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.028185850 0.028185850 -0.00050000000) to (0.071814150 0.071814150 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.36283e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 229 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 229209
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 20 20 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.0436283 0 -624.83546 0 229209
+ 2005000 240 0.0436283 9.5171428e-05 -7386.7698 0.002181415 229209
+ 2010000 240 0.0436283 0.00019034286 -14157.566 0.00436283 229209
+ 2015000 240 0.0436283 0.00028551428 -20924.182 0.006544245 229209
+ 2020000 240 0.0436283 0.00038068571 -27671.303 0.00872566 229209
+ 2025000 240 0.0436283 0.00047585714 -34427.28 0.010907075 229209
+ 2030000 240 0.0436283 0.00057102857 -41176.761 0.01308849 229209
+ 2035000 240 0.0436283 0.0006662 -47921.547 0.015269905 229209
+ 2040000 240 0.0436283 0.00076137142 -54665.87 0.01745132 229209
+ 2045000 240 0.0436283 0.00085654285 -61392.838 0.019632735 229209
+ 2050000 240 0.0436283 0.00095171428 -68094.861 0.02181415 229209
+ 2055000 240 0.0436283 0.0010468857 -74758.616 0.023995565 229209
+ 2060000 240 0.0436283 0.0011420571 -81382.83 0.02617698 229209
+ 2065000 240 0.0436283 0.0012372286 -87969.332 0.028358395 229209
+ 2070000 240 0.0436283 0.0013324 -94524.433 0.03053981 229209
+ 2075000 240 0.0436283 0.0014275714 -101054.65 0.032721225 229209
+ 2080000 240 0.0436283 0.0015227428 -107549.49 0.03490264 229209
+ 2085000 240 0.0436283 0.0016179143 -113995.14 0.037084055 229209
+ 2090000 240 0.0436283 0.0017130857 -120389.71 0.03926547 229209
+ 2095000 240 0.0436283 0.0018082571 -126730.85 0.041446885 229209
+ 2100000 240 0.0436283 0.0019034286 -133023.34 0.0436283 229209
+ 2105000 240 0.0436283 0.0019986 -139261.62 0.045809715 229209
+ 2110000 240 0.0436283 0.0020937714 -145438.2 0.04799113 229209
+ 2115000 240 0.0436283 0.0021889428 -151570.01 0.050172545 229209
+ 2120000 240 0.0436283 0.0022841143 -157670.41 0.05235396 229209
+ 2125000 240 0.0436283 0.0023792857 -163740.43 0.054535375 229209
+ 2130000 240 0.0436283 0.0024744571 -169773.27 0.05671679 229209
+ 2135000 240 0.0436283 0.0025696286 -175760.94 0.058898205 229209
+ 2140000 240 0.0436283 0.0026648 -181729.3 0.06107962 229209
+ 2145000 240 0.0436283 0.0027599714 -187690.59 0.063261035 229209
+ 2150000 240 0.0436283 0.0028551428 -193649.9 0.06544245 229209
+ 2155000 240 0.0436283 0.0029503143 -199600.58 0.067623865 229209
+ 2160000 240 0.0436283 0.0030454857 -205535.94 0.06980528 229209
+ 2165000 240 0.0436283 0.0031406571 -211466.09 0.071986695 229209
+ 2170000 240 0.0436283 0.0032358286 -217401.33 0.07416811 229209
+ 2175000 240 0.0436283 0.003331 -223333.32 0.076349525 229209
+ 2180000 240 0.0436283 0.0034261714 -229264.12 0.07853094 229209
+ 2185000 240 0.0436283 0.0035213428 -235202.38 0.080712355 229209
+ 2190000 240 0.0436283 0.0036165143 -241151.57 0.08289377 229209
+ 2195000 240 0.0436283 0.0037116857 -247111.35 0.085075185 229209
+ 2200000 240 0.0436283 0.0038068571 -253079.35 0.0872566 229209
+ 2205000 240 0.0436283 0.0039020285 -259056.77 0.089438015 229209
+ 2210000 240 0.0436283 0.0039972 -265042.71 0.09161943 229209
+ 2215000 240 0.0436283 0.0040923714 -271033.42 0.093800845 229209
+ 2220000 240 0.0436283 0.0041875428 -277034.86 0.09598226 229209
+ 2225000 240 0.0436283 0.0042827143 -283048.75 0.098163675 229209
+ 2229209 240 0.0436283 0.0043628296 -288119.24 0.09999999 229209
+Loop time of 6.21328 on 1 procs for 229209 steps with 240 atoms
+
+99.6% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 4.8326 | 4.8326 | 4.8326 | 0.0 | 77.78
+Neigh | 0.00080776 | 0.00080776 | 0.00080776 | 0.0 | 0.01
+Comm | 0.54175 | 0.54175 | 0.54175 | 0.0 | 8.72
+Output | 0.0071316 | 0.0071316 | 0.0071316 | 0.0 | 0.11
+Modify | 0.61068 | 0.61068 | 0.61068 | 0.0 | 9.83
+Other | | 0.2203 | | | 3.55
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 111.000 ave 111 max 111 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 707.000 ave 707 max 707 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 707
+Ave neighs/atom = 2.9458333
+Neighbor list builds = 17
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:06
diff --git a/DATASET/P=20000Pa/1_generate_conf_20000Pa.in b/DATASET/P=20000Pa/1_generate_conf_20000Pa.in
new file mode 100644
index 0000000..8621570
--- /dev/null
+++ b/DATASET/P=20000Pa/1_generate_conf_20000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 20000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 59 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 511 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 682 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 476 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 700 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 976 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 783 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 190 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 958 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 687 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 958 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 563 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 876 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 567 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 244 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 832 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 505 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 131 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 485 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 819 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 647 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 21 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 841 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 167 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 274 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 388 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 601 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 316 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 14 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 242 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 777 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 346 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 565 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 898 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 340 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 92 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 367 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 956 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 455 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 428 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=20000Pa/2_shear.in b/DATASET/P=20000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=20000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=20000Pa/StrainStress.txt b/DATASET/P=20000Pa/StrainStress.txt
new file mode 100644
index 0000000..fbb2b1b
--- /dev/null
+++ b/DATASET/P=20000Pa/StrainStress.txt
@@ -0,0 +1,1000 @@
+# Fix print output for fix output_file
+9.91897185847209e-05 975.30402322844008722
+0.000199281161883955 894.10689895936036464
+0.000299372605183035 812.91084872143187567
+0.000399464048482269 731.7009076616971015
+0.000499555491781348 650.50766459889177895
+0.000599646935080428 569.31521857786776764
+0.000699738378379662 488.08264600254278776
+0.000799829821678742 406.82452157554871519
+0.000899921264977976 325.54842250746310128
+0.00100001270827706 244.25165333889771091
+0.00110010415157629 162.94475299340018637
+0.00120019559487537 81.635799984674989105
+0.0013002870381746 0.33092182309394307937
+0.00140037848147368 -80.976435068723915833
+0.00150046992477292 -162.27340930911876171
+0.001600561368072 -243.5476542243195297
+0.00170065281137108 -324.78160036789012111
+0.00180074425467031 -406.00404091360809389
+0.00190083569796939 -487.20555751638869424
+0.00200092714126862 -568.35668369557129154
+0.0021010185845677 -649.43828953929062209
+0.00220111002786694 -730.4379421729539672
+0.00230120147116602 -811.37861592997296611
+0.00240129291446525 -892.30465569701891582
+0.00250138435776433 -973.25887528476425814
+0.00260147580106357 -1054.2586043785527181
+0.00270156724436265 -1135.2869820374755818
+0.00280165868766188 -1216.3530146721766414
+0.00290175013096096 -1297.4477830291480132
+0.00300184157426004 -1378.5648846684073305
+0.00310193301755927 -1459.7121143339661558
+0.00320202446085835 -1540.8989660533711685
+0.00330211590415759 -1622.1079398760073218
+0.00340220734745667 -1703.3300698567293239
+0.0035022987907559 -1784.5978821236030853
+0.00360239023405498 -1865.898079282864046
+0.00370248167735421 -1947.2039557667621921
+0.00380257312065329 -2028.5006181254514104
+0.00390266456395253 -2109.8271395603287601
+0.00400275600725161 -2191.1933834311098508
+0.00410284745055069 -2272.6308176910883958
+0.00420293889384992 -2354.1262036183325108
+0.004303030337149 -2435.6859606359980717
+0.00440312178044824 -2517.3132977316145116
+0.00450321322374732 -2598.992152730401358
+0.00460330466704655 -2680.7126065134880264
+0.00470339611034563 -2762.4673242837052385
+0.00480348755364486 -2844.2499790868478158
+0.00490357899694394 -2926.0547251276243514
+0.00500367044024318 -3007.8759064117925845
+0.00510376188354226 -3089.7078336628719626
+0.00520385332684134 -3171.5445522107688703
+0.00530394477014057 -3253.3795206266499918
+0.00540403621343965 -3335.2050312727187702
+0.00550412765673888 -3417.0107938784594808
+0.00560421910003796 -3498.776565369585569
+0.0057043105433372 -3580.4794692893133288
+0.00580440198663628 -3662.157948681840935
+0.00590449342993551 -3743.8396136073265552
+0.00600458487323459 -3825.519251304275258
+0.00610467631653383 -3907.1983875263908885
+0.00620476775983291 -3988.8996919095984595
+0.00630485920313214 -4070.6205975899156329
+0.00640495064643122 -4152.3554182524449061
+0.0065050420897303 -4234.1699909827766533
+0.00660513353302953 -4316.0449992585208747
+0.00670522497632861 -4397.965278878479694
+0.00680531641962785 -4479.9253874252908645
+0.00690540786292693 -4561.914365712412291
+0.00700549930622616 -4643.9228225770330027
+0.00710559074952524 -4725.9416733685720828
+0.00720568219282447 -4807.9611070656292213
+0.00730577363612355 -4889.9688288075440141
+0.00740586507942279 -4971.9418794266812256
+0.00750595652272187 -5053.8491947189513667
+0.00760604796602095 -5135.7409630630427273
+0.00770613940932018 -5217.6479602154849999
+0.00780623085261926 -5299.5665860536446417
+0.00790632229591849 -5381.4922190112765747
+0.00800641373921757 -5463.4198991101984575
+0.00810650518251681 -5545.3444957901065209
+0.00820659662581589 -5627.2682047337884796
+0.00830668806911512 -5709.2102806695893378
+0.0084067795124142 -5791.1489313268375554
+0.00850687095571344 -5873.1154251508878588
+0.00860696239901252 -5955.1041606468188547
+0.00870705384231175 -6037.0520737563947478
+0.00880714528561083 -6118.988723505805865
+0.00890723672890991 -6200.9708017299453786
+0.00900732817220914 -6282.9662480892056919
+0.00910741961550822 -6364.9587606520535701
+0.00920751105880746 -6447.0070186646526054
+0.00930760250210654 -6529.0925868015683591
+0.00940769394540577 -6611.2168338917890651
+0.00950778538870485 -6693.3649042997340075
+0.00960787683200408 -6775.5190400252758991
+0.00970796827530316 -6857.6486039167875788
+0.0098080597186024 -6939.744296798016876
+0.00990815116190148 -7021.8531934942238877
+0.0100082426052006 -7103.9518778287902023
+0.0101083340484998 -7186.0603030270785894
+0.0102084254917989 -7268.1798512837167436
+0.0103085169350981 -7350.2882544352587502
+0.0104086083783972 -7432.4024036984719714
+0.0105086998216964 -7514.5349859858397394
+0.0106087912649955 -7596.7105024652919383
+0.0107088827082947 -7678.9194442603802599
+0.0108089741515938 -7761.1590327297726617
+0.010909065594893 -7843.4155464780369584
+0.0110091570381921 -7925.6631826278726294
+0.0111092484814912 -8007.9117817768801615
+0.0112093399247904 -8090.1635588777780868
+0.0113094313680895 -8172.4150944065813746
+0.0114095228113888 -8254.6365388443919073
+0.0115096142546878 -8336.8832242204825889
+0.0116097056979871 -8419.1675141602045187
+0.0117097971412861 -8501.4847245854216453
+0.0118098885845854 -8583.8293338652820239
+0.0119099800278845 -8666.2144106608448055
+0.0120100714711837 -8748.6483281395139784
+0.0121101629144828 -8831.0867082650238444
+0.012210254357782 -8913.6075738928611827
+0.0123103458010811 -8996.257560337518953
+0.0124104372443802 -9079.0053733394506708
+0.0125105286876794 -9161.8284242637873831
+0.0126106201309785 -9244.7106451786949037
+0.0127107115742777 -9327.6278827414280386
+0.0128108030175768 -9410.5640979053805495
+0.012910894460876 -9493.5730027591380349
+0.0130109859041751 -9576.6500128327916173
+0.0131110773474743 -9659.7908393065918062
+0.0132111687907734 -9742.9913659692174406
+0.0133112602340727 -9826.2668592287900537
+0.0134113516773717 -9909.6184896910181124
+0.0135114431206708 -9993.0319599781741999
+0.0136115345639701 -10076.499861226098801
+0.0137116260072691 -10160.015570994479276
+0.0138117174505684 -10243.571801327019784
+0.0139118088938674 -10327.155836493757306
+0.0140119003371667 -10410.762772018260875
+0.0141119917804658 -10494.418298852846419
+0.014212083223765 -10578.137146021852459
+0.0143121746670641 -10661.922395200544997
+0.0144122661103633 -10745.772931809338843
+0.0145123575536624 -10829.665821484479238
+0.0146124489969616 -10913.58579289991394
+0.0147125404402607 -10997.531264092898709
+0.0148126318835598 -11081.500813559336166
+0.014912723326859 -11165.488094889948115
+0.0150128147701581 -11249.518295803327419
+0.0151129062134573 -11333.583360532429651
+0.0152129976567564 -11417.690338077149136
+0.0153130891000556 -11501.848886857354955
+0.0154131805433547 -11586.040773201390039
+0.015513271986654 -11670.269959942368587
+0.015613363429953 -11754.519696375811691
+0.0157134548732523 -11838.762619309716683
+0.0158135463165513 -11922.963722021950161
+0.0159136377598504 -12007.112940704586435
+0.0160137292031497 -12091.287560227247013
+0.0161138206464487 -12175.527604339898971
+0.016213912089748 -12259.842968332473902
+0.0163140035330471 -12344.227872046936682
+0.0164140949763463 -12428.669526221661727
+0.0165141864196454 -12513.179089465329525
+0.0166142778629446 -12597.760424795284052
+0.0167143693062437 -12682.431606116035255
+0.0168144607495429 -12767.208539462084445
+0.016914552192842 -12852.082849785190774
+0.0170146436361412 -12937.042770895111971
+0.0171147350794403 -13022.079434331843004
+0.0172148265227394 -13107.176476606962751
+0.0173149179660386 -13192.336879293285165
+0.0174150094093377 -13277.580274493340767
+0.0175151008526369 -13362.905944301392083
+0.017615192295936 -13448.365833935731644
+0.0177152837392353 -13533.936776028989698
+0.0178153751825343 -13619.614547564449822
+0.0179154666258336 -13705.39181786597328
+0.0180155580691326 -13791.263360246482989
+0.0181156495124319 -13877.224921447330416
+0.018215740955731 -13963.272784369348301
+0.01831583239903 -14049.403550961415021
+0.0184159238423293 -14135.614014933289582
+0.0185160152856284 -14221.901075628935359
+0.0186161067289276 -14308.261670696183501
+0.0187161981722267 -14394.692713998509134
+0.0188162896155259 -14481.191027183371261
+0.018916381058825 -14567.753248841192544
+0.0190164725021242 -14654.375689813301506
+0.0191165639454233 -14741.054695247779819
+0.0192166553887225 -14827.843529329978992
+0.0193167468320216 -14914.717243770161076
+0.0194168382753207 -15001.646150237062102
+0.0195169297186199 -15088.658041366745238
+0.019617021161919 -15175.749108187701495
+0.0197171126052182 -15262.914389350833517
+0.0198172040485173 -15350.149372628600759
+0.0199172954918166 -15437.449743448883964
+0.0200173869351156 -15524.811221078503877
+0.0201174783784149 -15612.229427988206226
+0.0202175698217139 -15699.699761246931303
+0.0203176612650132 -15787.217239108258582
+0.0204177527083123 -15874.776285217894838
+0.0205178441516115 -15962.37037275176408
+0.0206179355949106 -16049.991310594543393
+0.0207180270382097 -16137.627150480597265
+0.0208181184815089 -16225.255570184515818
+0.020918209924808 -16312.872565474277508
+0.0210183013681072 -16400.475087456681649
+0.0211183928114063 -16488.100432379083941
+0.0212184842547055 -16575.754604739890055
+0.0213185756980046 -16663.509832998246566
+0.0214186671413038 -16751.360435708600562
+0.0215187585846029 -16839.270635600707465
+0.0216188500279021 -16927.233441439671878
+0.0217189414712012 -17015.268101877889421
+0.0218190329145005 -17103.392796323616494
+0.0219191243577995 -17191.6035129570555
+0.0220192158010986 -17279.902500114425493
+0.0221193072443978 -17368.304066851440439
+0.0222193986876969 -17456.787168117960391
+0.0223194901309962 -17545.34594941620162
+0.0224195815742952 -17633.953938881848444
+0.0225196730175945 -17722.629704587598098
+0.0226197644608936 -17811.382539440524852
+0.0227198559041928 -17900.22223821962325
+0.0228199473474919 -17989.155176664586179
+0.022920038790791 -18078.162526998188696
+0.0230201302340902 -18167.257816795434337
+0.0231202216773893 -18256.4757103556949
+0.0232203131206885 -18345.825822511684237
+0.0233204045639876 -18435.331257930254651
+0.0234204960072868 -18524.966915182754747
+0.0235205874505859 -18614.721836996875936
+0.0236206788938851 -18704.588800806326617
+0.0237207703371842 -18794.562006538224523
+0.0238208617804834 -18884.635105554549227
+0.0239209532237825 -18974.799176241107489
+0.0240210446670818 -19065.039647623361816
+0.0241211361103808 -19155.379945262942783
+0.0242212275536799 -19245.820011237858125
+0.0243213189969791 -19336.356702250079252
+0.0244214104402782 -19426.986762123160588
+0.0245215018835775 -19517.70670110631545
+0.0246215933268765 -19608.512598711742612
+0.0247216847701758 -19699.399701064961846
+0.0248217762134749 -19790.361280024255393
+0.0249218676567741 -19881.380221490915574
+0.0250219591000732 -19972.461197633776464
+0.0251220505433724 -20063.629567067666358
+0.0252221419866715 -20154.882285625979421
+0.0253222334299707 -20246.218445846563554
+0.0254223248732698 -20337.678151349184191
+0.0255224163165689 -20429.240125235141022
+0.0256225077598681 -20520.886857515764859
+0.0257225992031672 -20612.592212557570747
+0.0258226906464664 -20704.366972056286613
+0.0259227820897655 -20796.228772588474385
+0.0260228735330647 -20888.164563153226482
+0.0261229649763638 -20980.184446795545227
+0.026223056419663 -21072.270786840199435
+0.0263231478629621 -21164.452290821933275
+0.0264232393062614 -21256.736575384926255
+0.0265233307495604 -21349.120687775361148
+0.0266234221928595 -21441.601325502364489
+0.0267235136361588 -21534.174136137244204
+0.0268236050794578 -21626.829428859924519
+0.0269236965227571 -21719.564777821080497
+0.0270237879660561 -21812.427233649174013
+0.0271238794093554 -21905.413720119267964
+0.0272239708526545 -21998.512547581176477
+0.0273240622959537 -22091.718483748885774
+0.0274241537392528 -22185.027499897369125
+0.027524245182552 -22278.435922516007849
+0.0276243366258511 -22371.940019567715353
+0.0277244280691502 -22465.535572684344515
+0.0278245195124494 -22559.216927897174173
+0.0279246109557485 -22652.970823637850117
+0.0280247023990477 -22746.802960537275794
+0.0281247938423468 -22840.717594347814156
+0.028224885285646 -22934.723173358681379
+0.0283249767289451 -23028.822787775188772
+0.0284250681722443 -23123.037693640570069
+0.0285251596155434 -23217.358990807519149
+0.0286252510588427 -23311.786036951059941
+0.0287253425021417 -23406.319234591901477
+0.028825433945441 -23500.95577957934438
+0.0289255253887401 -23595.690117426434881
+0.0290256168320391 -23690.515316545028327
+0.0291257082753384 -23785.420880116431363
+0.0292257997186374 -23880.385947343787848
+0.0293258911619367 -23975.443097400377155
+0.0294259826052358 -24070.594197901980806
+0.029526074048535 -24165.833770149001793
+0.0296261654918341 -24261.153581184655195
+0.0297262569351333 -24356.533323588817439
+0.0298263483784324 -24451.982965531737136
+0.0299264398217316 -24547.495721408275131
+0.0300265312650307 -24643.140860960702412
+0.0301266227083298 -24738.934710103716498
+0.030226714151629 -24834.858072594957775
+0.0303268055949281 -24930.903678513532213
+0.0304268970382273 -25027.065864415213582
+0.0305269884815264 -25123.338398961881467
+0.0306270799248256 -25219.707527521681186
+0.0307271713681247 -25316.180903912903887
+0.030827262811424 -25412.771598413928587
+0.030927354254723 -25509.477148531139392
+0.0310274456980223 -25606.29487244687698
+0.0311275371413214 -25703.221570301495376
+0.0312276285846204 -25800.252632627390994
+0.0313277200279197 -25897.376523899965832
+0.0314278114712187 -25994.63974803363817
+0.031527902914518 -26092.046245193236246
+0.0316279943578171 -26189.578502344345907
+0.0317280858011163 -26287.291251445483795
+0.0318281772444154 -26385.198564826911024
+0.0319282686877146 -26483.272750849493605
+0.0320283601310137 -26581.501266669569304
+0.0321284515743129 -26679.877927901688963
+0.032228543017612 -26778.435738403397409
+0.0323286344609112 -26877.148356986552244
+0.0324287259042103 -26975.99169928149422
+0.0325288173475094 -27074.994704202552384
+0.0326289087908086 -27174.156742192320962
+0.0327290002341077 -27273.473775334659877
+0.0328290916774069 -27372.941540384046675
+0.032929183120706 -27472.556580213240522
+0.0330292745640053 -27572.324757812508324
+0.0331293660073043 -27672.24185099693932
+0.0332294574506036 -27772.302497968154057
+0.0333295488939026 -27872.502030235471466
+0.0334296403372019 -27972.83167409348971
+0.033529731780501 -28073.285085805102426
+0.0336298232238002 -28173.883619541196822
+0.0337299146670993 -28274.62565964480018
+0.0338300061103984 -28375.509674780132627
+0.0339300975536976 -28476.534213391416415
+0.0340301889969967 -28577.697886172987637
+0.0341302804402959 -28678.999351959933847
+0.034230371883595 -28780.437305366944202
+0.0343304633268942 -28882.010465064693562
+0.0344305547701933 -28983.717561428449699
+0.0345306462134925 -29085.557322036995174
+0.0346307376567916 -29187.528452038175601
+0.0347308291000908 -29289.629603203968145
+0.0348309205433899 -29391.859313870463666
+0.034931011986689 -29494.215925574400899
+0.0350311034299882 -29596.696429163879657
+0.0351311948732873 -29699.299936091683776
+0.0352312863165865 -29802.029805981910613
+0.0353313777598856 -29904.884697270961624
+0.0354314692031849 -30007.86313088726456
+0.0355315606464839 -30110.963390890730807
+0.0356316520897832 -30214.183315212023444
+0.0357317435330823 -30317.520071469516552
+0.0358318349763815 -30420.966495671309531
+0.0359319264196806 -30524.51927769588292
+0.0360320178629797 -30628.199314845973277
+0.0361321093062789 -30732.005779482067737
+0.036232200749578 -30835.93786741020449
+0.0363322921928772 -30939.994778053078335
+0.0364323836361763 -31044.175701201689662
+0.0365324750794755 -31148.479803771224397
+0.0366325665227746 -31252.906212487141602
+0.0367326579660738 -31357.45398727902284
+0.0368327494093729 -31462.122074377934041
+0.0369328408526721 -31566.909209668650874
+0.0370329322959712 -31671.816905294148455
+0.0371330237392705 -31776.860224833839311
+0.0372331151825695 -31882.026604946546286
+0.0373332066258686 -31987.324509770558507
+0.0374332980691678 -32092.752386886470049
+0.0375333895124669 -32198.324286570135882
+0.0376334809557662 -32304.061112453495298
+0.0377335723990652 -32409.94503537584751
+0.0378336638423645 -32515.970263504888862
+0.0379337552856636 -32622.133438715260127
+0.0380338467289628 -32728.432164684851159
+0.0381339381722619 -32834.864555300373468
+0.0382340296155611 -32941.429037902591517
+0.0383341210588602 -33048.138246032860479
+0.0384342125021593 -33155.054561706609093
+0.0385343039454585 -33262.144444248100626
+0.0386343953887576 -33369.394967774271208
+0.0387344868320568 -33476.79960788768949
+0.0388345782753559 -33584.354025316570187
+0.0389346697186551 -33692.054967723604932
+0.0390347611619542 -33799.899824603220623
+0.0391348526052534 -33907.886405352328438
+0.0392349440485525 -34016.012813714514778
+0.0393350354918518 -34124.278866874541563
+0.0394351269351508 -34232.684126437481609
+0.0395352183784499 -34341.226082980334468
+0.0396353098217491 -34449.903138630084868
+0.0397354012650482 -34558.713928844248585
+0.0398354927083475 -34667.657220345325186
+0.0399355841516465 -34776.732131636250415
+0.0400356755949458 -34885.938446186861256
+0.0401357670382449 -34995.27466554097191
+0.0402358584815441 -35104.739659527542244
+0.0403359499248432 -35214.332421784289181
+0.0404360413681424 -35324.052009421349794
+0.0405361328114415 -35433.918718822264054
+0.0406362242547407 -35543.932335735851666
+0.0407363156980398 -35654.083540399762569
+0.0408364071413389 -35764.368844961354625
+0.0409364985846381 -35874.78593610219832
+0.0410365900279372 -35985.333017531316727
+0.0411366814712364 -36096.008578797380324
+0.0412367729145355 -36206.811288200071431
+0.0413368643578347 -36317.739934544661082
+0.0414369558011338 -36428.793391806706495
+0.0415370472444331 -36539.970595721591963
+0.0416371386877321 -36651.270527111912088
+0.0417372301310314 -36762.692199084383901
+0.0418373215743304 -36874.234646450226137
+0.0419374130176295 -36985.896916229292401
+0.0420375044609288 -37097.694490874564508
+0.0421375959042278 -37209.685258697136305
+0.0422376873475271 -37321.836021214308857
+0.0423377787908262 -37434.134719802888867
+0.0424378702341254 -37546.574999636548455
+0.0425379616774245 -37659.152414534510172
+0.0426380531207237 -37771.863369128208433
+0.0427381445640228 -37884.718911247036885
+0.042838236007322 -37997.71599587014498
+0.0429383274506211 -38110.845056431760895
+0.0430384188939203 -38224.096706894750241
+0.0431385103372194 -38337.463579268216563
+0.0432386017805185 -38450.966686240273702
+0.0433386932238177 -38564.604475273619755
+0.0434387846671168 -38678.375479789596284
+0.043538876110416 -38792.278370059386361
+0.0436389675537151 -38906.311921386834001
+0.0437390589970144 -39020.485092298193194
+0.0438391504403134 -39134.796444291787338
+0.0439392418836127 -39249.241294674022356
+0.0440393333269117 -39363.817482026708603
+0.044139424770211 -39478.523396347794915
+0.0442395162135101 -39593.357685201772256
+0.0443396076568091 -39708.319147345799138
+0.0444396991001084 -39823.406681911990745
+0.0445397905434074 -39938.61925986877759
+0.0446398819867067 -40053.955906138420687
+0.0447399734300058 -40169.415712816582527
+0.044840064873305 -40284.998468954887358
+0.0449401563166041 -40400.70307573077298
+0.0450402477599033 -40516.528522990076453
+0.0451403392032024 -40632.473908558989933
+0.0452404306465016 -40748.538367366163584
+0.0453405220898007 -40864.721053666646185
+0.0454406135330999 -40981.02113199706946
+0.045540704976399 -41097.437770675685897
+0.0456407964196981 -41213.97013618319761
+0.0457408878629973 -41330.617387448794034
+0.0458409793062964 -41447.378669648707728
+0.0459410707495956 -41564.253106819516688
+0.0460411621928947 -41681.239792618616775
+0.046141253636194 -41798.337778117369453
+0.046241345079493 -41915.546054848666245
+0.0463414365227923 -42032.863529743241088
+0.0464415279660914 -42150.288985779639916
+0.0465416194093906 -42267.821014309753082
+0.0466417108526897 -42385.457884395087603
+0.0467418022959887 -42503.197238492670294
+0.046841893739288 -42621.035075290172244
+0.0469419851825871 -42738.959402662752836
+0.0470420766258863 -42856.985280365937797
+0.0471421680691854 -42975.121485909439798
+0.0472422595124846 -43093.367070612657699
+0.0473423509557837 -43211.720859566878062
+0.0474424423990829 -43330.181126062125259
+0.047542533842382 -43448.743104316105018
+0.0476426252856812 -43567.409743422380416
+0.0477427167289803 -43686.186897444677015
+0.0478428081722794 -43805.074016223690705
+0.0479428996155786 -43924.070532354737225
+0.0480429910588777 -44043.175853215157986
+0.0481430825021769 -44162.38934746698942
+0.048243173945476 -44281.710319450387033
+0.0483432653887753 -44401.137950420765264
+0.0484433568320743 -44520.711976524813508
+0.0485434482753736 -44640.424531747281435
+0.0486435397186726 -44760.265233561658533
+0.0487436311619719 -44880.231079638091614
+0.048843722605271 -45000.327494815159298
+0.0489438140485702 -45120.560541088023456
+0.0490439054918693 -45240.920916961847979
+0.0491439969351684 -45361.40488187403389
+0.0492440883784676 -45482.009808742812311
+0.0493441798217667 -45602.733494984284334
+0.0494442712650659 -45723.573878358060028
+0.049544362708365 -45844.528802708955482
+0.0496444541516642 -45965.59561597550055
+0.0497445455949633 -46086.769493592131766
+0.0498446370382625 -46208.043743357338826
+0.0499447284815616 -46329.435047524915717
+0.0500448199248608 -46450.946747636058717
+0.0501449113681599 -46572.626867388804385
+0.0502450028114592 -46694.456530019248021
+0.0503450942547582 -46816.424999854949419
+0.0504451856980573 -46938.546882571456081
+0.0505452771413566 -47060.827009477783577
+0.0506453685846556 -47183.251447096678021
+0.0507454600279549 -47305.814999444366549
+0.0508455514712539 -47428.514273885884904
+0.0509456429145532 -47551.346709998237202
+0.0510457343578523 -47674.310231773619307
+0.0511458258011515 -47797.403080923380912
+0.0512459172444506 -47920.623723518736369
+0.0513460086877497 -48043.970792260552116
+0.0514461001310489 -48167.443048266388359
+0.051546191574348 -48291.039354432403343
+0.0516462830176472 -48414.75865605083527
+0.0517463744609463 -48538.599966320100066
+0.0518464659042455 -48662.562355158283026
+0.0519465573475446 -48786.6449403938459
+0.0520466487908438 -48910.846880628872896
+0.0521467402341429 -49035.167369417962618
+0.0522468316774421 -49159.605630378369824
+0.0523469231207412 -49284.160913009312935
+0.0524470145640405 -49408.83248906739027
+0.0525471060073395 -49533.619649356005539
+0.0526471974506386 -49658.521700778859667
+0.0527472888939379 -49783.537963608199789
+0.0528473803372369 -49908.667768864317623
+0.0529474717805362 -50033.910455631026707
+0.0530475632238352 -50159.2653683289318
+0.0531476546671345 -50284.73185366664984
+0.0532477461104336 -50410.30925715421472
+0.0533478375537328 -50535.996918748438475
+0.0534479289970319 -50661.794167209540319
+0.0535480204403311 -50787.700312081069569
+0.0536481118836302 -50913.7146313815756
+0.0537482033269294 -51039.836350630728703
+0.0538482947702285 -51166.072294251171115
+0.0539483862135276 -51292.432835109888401
+0.0540484776568268 -51418.907853950455319
+0.0541485691001259 -51545.491237324924441
+0.0542486605434251 -51672.186822782925447
+0.0543487519867242 -51798.994756148858869
+0.0544488434300234 -51925.91387687867973
+0.0545489348733225 -52052.943150426282955
+0.0546490263166218 -52180.081615434297419
+0.0547491177599208 -52307.329967817226134
+0.0548492092032201 -52434.687484449328622
+0.0549493006465192 -52562.169099833830842
+0.0550493920898184 -52689.777276737324428
+0.0551494835331175 -52817.502630455885082
+0.0552495749764165 -52945.3415360161016
+0.0553496664197158 -53073.291320856085804
+0.0554497578630149 -53201.34952275014075
+0.0555498493063141 -53329.51343634454679
+0.0556499407496132 -53457.781811149267014
+0.0557500321929124 -53586.15188489951106
+0.0558501236362115 -53714.623334396295832
+0.0559502150795107 -53843.246172926723375
+0.0560503065228098 -53972.005429893280962
+0.0561503979661089 -54100.894400863435294
+0.0562504894094081 -54229.909640469384613
+0.0563505808527072 -54359.048796525486978
+0.0564506722960064 -54488.310063657416322
+0.0565507637393055 -54617.693605600965384
+0.0566508551826047 -54747.197936363292683
+0.0567509466259038 -54876.821426536989748
+0.0568510380692031 -55006.562895577793824
+0.0569511295125021 -55136.421324834765983
+0.0570512209558014 -55266.397574316928512
+0.0571513123991004 -55396.513480723908287
+0.0572514038423997 -55526.759518832564936
+0.0573514952856988 -55657.130326754348062
+0.0574515867289978 -55787.623226529307431
+0.0575516781722971 -55918.236358627247682
+0.0576517696155962 -56048.968259243280045
+0.0577518610588954 -56179.817695947473112
+0.0578519525021945 -56310.783587179743336
+0.0579520439454937 -56441.864956819306826
+0.0580521353887928 -56573.060905899656063
+0.058152226832092 -56704.370593624589674
+0.0582523182753911 -56835.793223695356573
+0.0583524097186903 -56967.348620143733569
+0.0584525011619894 -57099.056570187931356
+0.0585525926052885 -57230.898236967688717
+0.0586526840485877 -57362.883823674543237
+0.0587527754918868 -57495.025222290772945
+0.058852866935186 -57627.31382737965032
+0.0589529583784851 -57759.739855876738147
+0.0590530498217844 -57892.324932166418876
+0.0591531412650834 -58025.12191770526988
+0.0592532327083827 -58158.09185137807799
+0.0593533241516817 -58291.222594366707199
+0.059453415594981 -58424.512296709537623
+0.0595535070382801 -58557.951060700237576
+0.0596535984815791 -58691.538759574999858
+0.0597536899248784 -58825.271266505689709
+0.0598537813681774 -58959.156080533961358
+0.0599538728114767 -59093.199544514805893
+0.0600539642547758 -59227.385902852249274
+0.060154055698075 -59361.717751816315285
+0.0602541471413741 -59496.194450784947549
+0.0603542385846733 -59630.813513205692288
+0.0604543300279724 -59765.572831885103369
+0.0605544214712716 -59900.470552559338103
+0.0606545129145707 -60035.505000558849133
+0.0607546043578699 -60170.674631065383437
+0.060854695801169 -60305.977988663958968
+0.0609547872444681 -60441.413664293839247
+0.0610548786877673 -60576.980225355328002
+0.0611549701310664 -60712.676000392690185
+0.0612550615743656 -60848.498264028719859
+0.0613551530176647 -60984.449215633438143
+0.061455244460964 -61120.528784639980586
+0.061555335904263 -61256.736097412482195
+0.0616554273475623 -61393.070318324462278
+0.0617555187908614 -61529.530645980878035
+0.0618556102341606 -61666.116310064324352
+0.0619557016774597 -61802.826568519652938
+0.0620557931207589 -61939.660705180984223
+0.062155884564058 -62076.618027613600134
+0.0622559760073571 -62213.697865266251029
+0.0623560674506563 -62350.899567806656705
+0.0624561588939554 -62488.222503625089303
+0.0625562503372546 -62625.666058504473767
+0.0626563417805537 -62763.229634422212257
+0.0627564332238529 -62900.912648453362635
+0.062856524667152 -63038.716415869275806
+0.0629566161104512 -63176.684504115342861
+0.0630567075537503 -63314.855127982598788
+0.0631567989970494 -63453.201899565319763
+0.0632568904403486 -63591.708582336490508
+0.0633569818836477 -63730.367618414966273
+0.0634570733269469 -63869.174129714505398
+0.063557164770246 -64008.124547442625044
+0.0636572562135453 -64147.216067459754413
+0.0637573476568443 -64286.446381131019734
+0.0638574391001436 -64425.815853975072969
+0.0639575305434427 -64565.350697527079319
+0.0640576219867419 -64705.038454727509816
+0.064157713430041 -64844.872104717200273
+0.0642578048733402 -64984.847967037429044
+0.0643578963166393 -65124.963422779641405
+0.0644579877599384 -65265.216386576241348
+0.0645580792032376 -65405.60509675006324
+0.0646581706465367 -65546.128009820517036
+0.0647582620898359 -65686.783739129183232
+0.064858353533135 -65827.571015150853782
+0.0649584449764342 -65968.488657158988644
+0.0650585364197333 -66109.535550613887608
+0.0651586278630325 -66250.710626058877097
+0.0652587193063316 -66392.027619718544884
+0.0653588107496308 -66533.513419217852061
+0.0654589021929299 -66675.147882514473167
+0.0655589936362292 -66816.923174795956584
+0.0656590850795282 -66958.837240148088313
+0.0657591765228273 -67100.889079775675782
+0.0658592679661266 -67243.076701921861968
+0.0659593594094256 -67385.402422949540778
+0.0660594508527249 -67527.908494514296763
+0.0661595422960239 -67670.576162369150552
+0.0662596337393232 -67813.395537249554764
+0.0663597251826223 -67956.361789535774733
+0.0664598166259215 -68099.471667979669292
+0.0665599080692206 -68242.722693367613829
+0.0666599995125198 -68386.112842461268883
+0.0667600909558189 -68529.640392718560179
+0.0668601823991181 -68673.303834858394112
+0.0669602738424172 -68817.101818897150224
+0.0670603652857163 -68961.055736502923537
+0.0671604567290155 -69105.183273189599277
+0.0672605481723146 -69249.465254329305026
+0.0673606396156138 -69393.895584957033861
+0.0674607310589129 -69538.470615652593551
+0.0675608225022121 -69683.187700691720238
+0.0676609139455112 -69828.044737246877048
+0.0677610053888105 -69973.039961673464859
+0.0678610968321095 -70118.171842385025229
+0.0679611882754086 -70263.439016826348961
+0.0680612797187079 -70408.840251390603953
+0.0681613711620069 -70554.374414282647194
+0.0682614626053062 -70700.040456389615429
+0.0683615540486052 -70845.837397210678319
+0.0684616454919045 -70991.764314229279989
+0.0685617369352036 -71137.820334664575057
+0.0686618283785028 -71284.004628948227037
+0.0687619198218019 -71430.316405471166945
+0.0688620112651011 -71576.754906271380605
+0.0689621027084002 -71723.319403433328262
+0.0690621941516994 -71870.009196135550155
+0.0691622855949985 -72016.823608038641396
+0.0692623770382976 -72163.768012233267655
+0.0693624684815968 -72310.850017382457736
+0.0694625599248959 -72458.062672393309185
+0.0695626513681951 -72605.417117022225284
+0.0696627428114942 -72752.972374461925938
+0.0697628342547934 -72900.708447838333086
+0.0698629256980925 -73048.612424930935958
+0.0699630171413918 -73196.680663974650088
+0.0700631085846908 -73344.904761952653644
+0.0701632000279901 -73493.279733949893853
+0.0702632914712892 -73641.802109245778411
+0.0703633829145882 -73790.469169005053118
+0.0704634743578875 -73939.278664173703874
+0.0705635658011865 -74088.228669615797116
+0.0706636572444858 -74237.317497327952879
+0.0707637486877849 -74386.543640328760375
+0.0708638401310841 -74535.90573425515322
+0.0709639315743832 -74685.402529926635907
+0.0710640230176824 -74835.032873079035198
+0.0711641144609815 -74984.795688980739214
+0.0712642059042807 -75134.689970500432537
+0.0713642973475798 -75284.714768667618046
+0.0714643887908789 -75434.893828328640666
+0.0715644802341781 -75585.234977563712164
+0.0716645716774772 -75735.723459237706265
+0.0717646631207764 -75886.354462479968788
+0.0718647545640755 -76037.125016533027519
+0.0719648460073747 -76188.032934657574515
+0.0720649374506738 -76339.076459802352474
+0.0721650288939731 -76490.254104808249394
+0.0722651203372721 -76641.564567568566417
+0.0723652117805714 -76793.006680943391984
+0.0724653032238704 -76944.579380791401491
+0.0725653946671697 -77096.281684378511272
+0.0726654861104688 -77248.112675160533399
+0.0727655775537678 -77400.071491559312562
+0.0728656689970671 -77552.157318539626431
+0.0729657604403662 -77704.369381045180489
+0.0730658518836654 -77856.706938856150373
+0.0731659433269645 -78009.169282380127697
+0.0732660347702637 -78161.755729252705351
+0.0733661262135628 -78314.465621516399551
+0.073466217656862 -78467.29832320130663
+0.0735663091001611 -78620.25321832204645
+0.0736664005434603 -78773.329709128491231
+0.0737664919867594 -78926.527214621048188
+0.0738665834300586 -79079.845169218446244
+0.0739666748733577 -79233.283021608105628
+0.0740667663166568 -79386.8500455457106
+0.074166857759956 -79540.551502526534023
+0.0742669492032551 -79694.38016533802147
+0.0743670406465543 -79848.333629746804945
+0.0744671320898534 -80002.410372861995711
+0.0745672235331527 -80156.609236834512558
+0.0746673149764518 -80310.92926085027284
+0.074767406419751 -80465.369606541615212
+0.0748674978630501 -80619.929518919379916
+0.0749675893063493 -80774.608303499408066
+0.0750676807496484 -80929.405311891896417
+0.0751677721929475 -81084.319932105063344
+0.0752678636362467 -81239.351581774972146
+0.0753679550795458 -81394.49970321667206
+0.075468046522845 -81549.763759715031483
+0.0755681379661441 -81705.143232645292301
+0.0756682294094433 -81860.637619262124645
+0.0757683208527424 -82016.246430830884492
+0.0758684122960416 -82171.969191188007244
+0.0759685037393407 -82327.808847604334005
+0.0760685951826399 -82483.769558278683689
+0.076168686625939 -82639.847307510528481
+0.0762687780692381 -82796.040626170914038
+0.0763688695125373 -82952.348549159723916
+0.0764689609558364 -83108.770309626022936
+0.0765690523991357 -83265.30524594191229
+0.0766691438424347 -83421.952761659398675
+0.076769235285734 -83578.7123048016947
+0.076869326729033 -83735.583355844370089
+0.0769694181723323 -83892.565420157116023
+0.0770695096156314 -84049.65802292751323
+0.0771696010589306 -84206.860705593586317
+0.0772696925022297 -84364.173023250026745
+0.0773697839455289 -84521.598234438875807
+0.077469875388828 -84679.140156398716499
+0.0775699668321271 -84836.794869156219647
+0.0776700582754263 -84994.560967283148784
+0.0777701497187254 -85152.437528468319215
+0.0778702411620246 -85310.423822322089109
+0.0779703326053237 -85468.519220295580453
+0.0780704240486229 -85626.723156611536979
+0.078170515491922 -85785.035107926771161
+0.0782706069352212 -85943.454581534286262
+0.0783706983785203 -86101.981107850078843
+0.0784707898218196 -86260.614235394488787
+0.0785708812651186 -86419.353527212311747
+0.0786709727084179 -86578.198676278436324
+0.0787710641517169 -86737.159604286076501
+0.078871155595016 -86896.233306411289959
+0.0789712470383153 -87055.416794322809437
+0.0790713384816143 -87214.708686690806644
+0.0791714299249136 -87374.108017194943386
+0.0792715213682127 -87533.614009074895876
+0.0793716128115119 -87693.225991953120683
+0.079471704254811 -87852.943362368358066
+0.0795717956981102 -88012.765562141488772
+0.0796718871414093 -88172.692065058537992
+0.0797719785847085 -88332.722368191258283
+0.0798720700280076 -88492.855985694099218
+0.0799721614713067 -88653.092444085676107
+0.0800722529146059 -88813.431278527918039
+0.080172344357905 -88973.872029561825912
+0.0802724358012042 -89134.414240150697879
+0.0803725272445033 -89295.057452698325505
+0.0804726186878025 -89455.801205912983278
+0.0805727101311016 -89616.645031215783092
+0.0806728015744008 -89777.58844841865357
+0.0807728930176999 -89938.630960121896351
+0.0808729844609992 -90099.772044161261874
+0.0809730759042982 -90261.011142702642246
+0.0810731673475973 -90422.347645577407093
+0.0811732587908966 -90583.780862790677929
+0.0812733502341956 -90745.309974524745485
+0.0813734416774949 -90906.933926300829626
+0.0814735331207939 -91068.651150300414884
+0.0815736245640932 -91230.458225167312776
+0.0816737160073923 -91392.351901746616932
+0.0817738074506915 -91554.35848277855257
+0.0818738988939906 -91716.472716009404394
+0.0819739903372898 -91878.691901421247167
+0.0820740817805889 -92041.014681550237583
+0.0821741732238881 -92203.440124311178806
+0.0822742646671872 -92365.967502392901224
+0.0823743561104863 -92528.596206780042849
+0.0824744475537855 -92691.325704587303335
+0.0825745389970846 -92854.155515694001224
+0.0826746304403838 -93017.087434638640843
+0.0827747218836829 -93180.165969151261379
+0.0828748133269821 -93343.375273492201813
+0.0829749047702812 -93506.705301641195547
+0.0830749962135805 -93670.151705065465649
+0.0831750876568795 -93833.711763475293992
+0.0832751791001786 -93997.383516642599716
+0.0833752705434779 -94161.16543568718771
+0.0834753619867771 -94325.056265779407113
+0.0835754534300762 -94489.054939782508882
+0.0836755448733753 -94653.164783687330782
+0.0837756363166745 -94817.387825140322093
+0.0838757277599736 -94981.720217771464377
+0.0839758192032728 -95146.160397042418481
+0.0840759106465719 -95310.707253198503167
+0.0841760020898711 -95475.359882602278958
+0.0842760935331702 -95640.117503718734952
+0.0843761849764694 -95804.9794177103322
+0.0844762764197685 -95969.944986553513445
+0.0845763678630676 -96135.013619244578877
+0.0846764593063668 -96300.184762634336948
+0.0847765507496659 -96465.457894814928295
+0.0848766421929651 -96630.832520173353259
+0.0849767336362642 -96796.308165693873889
+0.0850768250795634 -96961.884377937371028
+0.0851769165228625 -97127.560720671826857
+0.0852770079661618 -97293.336772897324408
+0.0853770994094608 -97459.21212721952179
+0.0854771908527601 -97625.186388472400722
+0.0855772822960592 -97791.290657221383299
+0.0856773737393584 -97957.526296725875
+0.0857774651826575 -98123.87998119230906
+0.0858775566259565 -98290.34731903138163
+0.0859776480692558 -98456.925680584550719
+0.0860777395125549 -98623.613201458909316
+0.0861778309558541 -98790.408435808509239
+0.0862779223991532 -98957.310197677943506
+0.0863780138424524 -99124.317476432581316
+0.0864781052857515 -99291.42938677778875
+0.0865781967290507 -99458.64513702680415
+0.0866782881723498 -99625.964007816888625
+0.086778379615649 -99793.385337211831938
+0.0868784710589481 -99960.908509855478769
+0.0869785625022474 -100128.53294889464451
+0.0870786539455464 -100296.25810978190566
+0.0871787453888455 -100464.08347543529817
+0.0872788368321447 -100632.0085523687012
+0.0873789282754438 -100800.0328675747005
+0.0874790197187431 -100968.15596593839291
+0.0875791111620421 -101136.37740810091782
+0.0876792026053414 -101304.6967686284479
+0.0877792940486404 -101473.11363444414746
+0.0878793854919397 -101641.62760352710029
+0.0879794769352388 -101810.2382836802426
+0.0880795683785378 -101978.94529147411231
+0.0881796598218371 -102147.74825132093974
+0.0882797512651363 -102316.64679456537124
+0.0883798427084354 -102485.6405586808105
+0.0884799341517345 -102654.72918644429592
+0.0885800255950337 -102823.91232521356142
+0.0886801170383328 -102993.18962607550202
+0.088780208481632 -103162.56074308902316
+0.0888802999249311 -103332.02533238938486
+0.0889803913682303 -103501.58305121520243
+0.0890804828115294 -103671.23355677626387
+0.0891805742548286 -103840.97650491942477
+0.0892806656981277 -104010.81154841935495
+0.0893807571414268 -104180.73833481162728
+0.089480848584726 -104350.75650336606486
+0.0895809400280251 -104520.86568082710437
+0.0896810314713243 -104691.06547492551908
+0.0897811229146234 -104861.35546386279748
+0.0898812143579227 -105031.73517757773516
+0.0899813058012218 -105202.20405992478481
+0.090081397244521 -105372.77733450203959
+0.0901814886878201 -105543.48544392579061
+0.0902815801311191 -105714.30433893598092
+0.0903816715744184 -105885.23290441502468
+0.0904817630177176 -106056.26875963561179
+0.0905818544610167 -106227.40962180851784
+0.0906819459043158 -106398.65380358790571
+0.090782037347615 -106570.01050317997579
+0.0908821287909141 -106741.49437560407387
+0.0909822202342133 -106913.09281595233188
+0.0910823116775124 -107084.80160384297778
+0.0911824031208116 -107256.61825564397441
+0.0912824945641107 -107428.54098461041576
+0.0913825860074099 -107600.56838142414927
+0.091482677450709 -107772.69927376920532
+0.0915827688940081 -107944.93265213955601
+0.0916828603373073 -108117.2676258913998
+0.0917829517806064 -108289.70339501292619
+0.0918830432239057 -108462.23923088745505
+0.0919831346672047 -108634.87446266686311
+0.092083226110504 -108807.608467102953
+0.092183317553803 -108980.4420577610872
+0.0922834089971023 -109153.39643571648048
+0.0923835004404014 -109326.46311337673978
+0.0924835918837006 -109499.63705730868969
+0.0925836833269997 -109672.91588703570596
+0.0926837747702989 -109846.29800855534268
+0.092783866213598 -110019.78220351420168
+0.0928839576568971 -110193.36747170031595
+0.0929840491001963 -110367.0529549697676
+0.0930841405434954 -110540.83789499009436
+0.0931842319867946 -110714.72160749688919
+0.0932843234300937 -110888.70346547097142
+0.0933844148733929 -111062.78288758259441
+0.093484506316692 -111236.95932987892593
+0.0935845977599912 -111411.23227960275835
+0.0936846892032903 -111585.60125053474621
+0.0937847806465896 -111760.0657792755519
+0.0938848720898886 -111934.62542238028254
+0.0939849635331879 -112109.2797539105959
+0.0940850549764869 -112284.02836355716863
+0.094185146419786 -112458.8708549720177
+0.0942852378630853 -112633.80684441361518
+0.0943853293063843 -112808.83595957848593
+0.0944854207496836 -112983.95783860828669
+0.0945855121929827 -113159.17212920561724
+0.0946856036362819 -113334.4784878903447
+0.094785695079581 -113509.87657933753508
+0.0948857865228802 -113685.36607577399991
+0.0949858779661793 -113860.9466564716131
+0.0950859694094784 -114036.61800728138769
+0.0951860608527776 -114212.3798202189646
+0.0952861522960768 -114388.23179304527002
+0.0953862437393759 -114564.17362900073931
+0.095486335182675 -114740.2050364343886
+0.0955864266259742 -114916.35909589532821
+0.0956865180692733 -115092.63337547032279
+0.0957866095125725 -115269.01597852054692
+0.0958867009558716 -115445.50279301595583
+0.0959867923991709 -115622.09135301092465
+0.0960868838424699 -115798.77991722409206
+0.0961869752857692 -115975.56714271263627
+0.0962870667290682 -116152.45193436996487
+0.0963871581723673 -116329.43336425746384
+0.0964872496156666 -116506.52542920869018
+0.0965873410589656 -116683.72516251051275
+0.0966874325022649 -116861.0274580520927
+0.0967875239455639 -117038.43015455194109
+0.0968876153888632 -117215.93179615025292
+0.0969877068321623 -117393.53125727751467
+0.0970877982754615 -117571.22760483970342
+0.0971878897187606 -117749.0200324129255
+0.0972879811620598 -117926.90782363443577
+0.0973880726053589 -118104.89032972652058
+0.0974881640486581 -118282.96695468880353
+0.0975882554919572 -118461.13714499252092
+0.0976883469352563 -118639.40038206694589
+0.0977884383785555 -118817.75617672469525
+0.0978885298218546 -118996.20406483445549
+0.0979886212651538 -119174.74360388692003
+0.0980887127084529 -119353.37437030671572
+0.0981888041517521 -119532.09595719128265
+0.0982888955950512 -119710.90797249661409
+0.0983889870383505 -119889.81003747267823
+0.0984890784816495 -120068.80178539174085
+0.0985891699249488 -120247.88286038741353
+0.0986892613682478 -120427.05291654939356
+0.0987893528115471 -120606.31161704672559
+0.0988894442548462 -120785.66025292631821
+0.0989895356981453 -120965.11011472779501
+0.0990896271414445 -121144.65567997907056
+0.0991897185847436 -121324.29441562030115
+0.0992898100280428 -121504.02502139989519
+0.0993899014713419 -121683.84659278771142
+0.0994899929146411 -121863.75841766799567
+0.0995900843579402 -122043.75989618312451
+0.0996901758012394 -122223.85050156341458
+0.0997902672445385 -122404.02975828116178
+0.0998903586878376 -122584.29722875071457
+0.0999904501311368 -122764.65250462135009
diff --git a/DATASET/P=20000Pa/box_confined.data b/DATASET/P=20000Pa/box_confined.data
new file mode 100644
index 0000000..b3552c5
--- /dev/null
+++ b/DATASET/P=20000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2457485
+
+240 atoms
+6 atom types
+
+0.027456882139830992 0.07254311786016901 xlo xhi
+0.027456882139830992 0.07254311786016901 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+13 1 0.0035 1071.4285714285713 0.027957914896344586 0.028514768302431444 0 1 0 0
+4 1 0.0025 1500.0000000000005 0.03075578563898682 0.029504112238236575 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.033426872169915696 0.028114336101932782 0 0 1 0
+9 1 0.0025 1500.0000000000005 0.039817952841953844 0.027919006639315066 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.04223456256023298 0.028647444500280367 0 0 0 0
+10 1 0.0035 1071.4285714285713 0.045106988026454416 0.02783721523052647 0 0 0 0
+1 1 0.0035 1071.4285714285713 0.05006138671170058 0.028672160024265356 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.05511553384123744 0.02954792007016183 0 0 0 0
+238 1 0.0025 1500.0000000000005 0.06029238118026127 0.028078762091403565 0 0 1 0
+15 1 0.0025 1500.0000000000005 0.06262290372006563 0.029070803965541254 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.06514102621136993 0.028229431221785166 0 0 1 0
+14 1 0.0025 1500.0000000000005 0.06761444108349121 0.02833284944759643 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.02807372032991592 0.03149620194516982 0 1 0 0
+20 1 0.0025 1500.0000000000005 0.032878890581262664 0.03119557574067762 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.035302766485199 0.030483519727982158 0 0 0 0
+5 1 0.0025 1500.0000000000005 0.03815253881495246 0.029866256312624354 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.04070545445767952 0.03058220159447131 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.04362610307158907 0.0312942031442983 0 0 0 0
+3 1 0.0035 1071.4285714285713 0.04714226467738873 0.03063011416391371 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.052619269535762896 0.03020819402263428 0 0 0 0
+16 1 0.0025 1500.0000000000005 0.05730974489214893 0.030765312970701075 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.060255488850828834 0.031049817959793842 0 0 0 0
+22 1 0.0025 1500.0000000000005 0.0644929179621558 0.03065830949511704 0 0 0 0
+23 1 0.0025 1500.0000000000005 0.06705178646223771 0.030746957688959135 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.06999779786859356 0.03015737023693086 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.030546264760978815 0.03199853641371905 0 0 0 0
+36 1 0.0025 1500.0000000000005 0.031849690707907975 0.0341183947591979 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.03451904581855158 0.0332155959870901 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.03747424020615682 0.03281275282193622 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.040989407555549265 0.03358630060739554 0 0 0 0
+30 1 0.0025 1500.0000000000005 0.04726990433506251 0.033656176028743864 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.05029875226323251 0.032264218009215945 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.05482728829491927 0.03250459272376717 0 0 0 0
+35 1 0.0025 1500.0000000000005 0.05773561149988717 0.03330843366535513 0 0 0 0
+42 1 0.0025 1500.0000000000005 0.06294230026776994 0.03269122294173529 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.06570265584811902 0.03282622895598317 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.0685036506315077 0.03282363051023271 0 0 0 0
+41 1 0.0025 1500.0000000000005 0.0710802557814679 0.03297116360298834 0 0 0 0
+43 1 0.0035 1071.4285714285713 0.02892357452081193 0.03452110075067549 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.033852988026824724 0.035677209600721724 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.036308868506004906 0.03598764078104011 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.038731271022523384 0.03556556068211315 0 0 0 0
+53 1 0.0035 1071.4285714285713 0.044451605075557565 0.03473246193077182 0 0 0 0
+29 1 0.0025 1500.0000000000005 0.04931844344428933 0.03508586678767038 0 0 0 0
+26 1 0.0035 1071.4285714285713 0.052388100843021965 0.03502450559921445 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.055389922825151254 0.035693721549011445 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.057850928640973874 0.036309577473425794 0 0 0 0
+48 1 0.0035 1071.4285714285713 0.060444478604976516 0.03450135666357011 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.06419822002791795 0.034919543487720354 0 0 0 0
+71 1 0.0035 1071.4285714285713 0.0671372332017 0.03546592621619777 0 0 0 0
+54 1 0.0035 1071.4285714285713 0.07081704625211878 0.036026169137749454 0 -1 0 0
+72 1 0.0025 1500.0000000000005 0.02834939989743654 0.03749865705851149 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.03128299203610959 0.037133949796587684 0 0 0 0
+60 1 0.0035 1071.4285714285713 0.03450333414210411 0.03864254672445274 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.03797842236658269 0.038441467717116484 0 0 0 0
+44 1 0.0035 1071.4285714285713 0.04144242427133653 0.03708565473902808 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.044780533518296785 0.03818690157355822 0 0 0 0
+49 1 0.0025 1500.0000000000005 0.0474618663797985 0.03674144231475496 0 0 0 0
+37 1 0.0035 1071.4285714285713 0.05032223306157137 0.03797048898293206 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.05378617718451394 0.03825411533814816 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.05998545567565532 0.03772307362539435 0 0 0 0
+67 1 0.0025 1500.0000000000005 0.06243467447785846 0.03666199988281986 0 0 0 0
+56 1 0.0035 1071.4285714285713 0.06494601381778806 0.03829567772853796 0 0 0 0
+73 1 0.0035 1071.4285714285713 0.06852933244613027 0.038683335838254736 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.02945486628010403 0.0397267801456858 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.03190544398449894 0.04012398397431195 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.04083485269381315 0.04051690495186895 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.04755692053848807 0.039218923117019994 0 0 0 0
+57 1 0.0025 1500.0000000000005 0.051868968739468245 0.040557995246195924 0 0 0 0
+59 1 0.0035 1071.4285714285713 0.057243268808362766 0.0394374568232133 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.06209341264582834 0.03919759512943239 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.06648666635966292 0.040890318844459934 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.07163697952532443 0.04020490925781492 0 -1 0 0
+85 1 0.0035 1071.4285714285713 0.02993308796099599 0.04267700559817358 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.03416146555715954 0.042248143503565726 0 0 0 0
+76 1 0.0035 1071.4285714285713 0.03767818408170012 0.04205031364419156 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.0438083885179724 0.04107384795337993 0 0 0 0
+96 1 0.0035 1071.4285714285713 0.04666240190363979 0.04216927328358134 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.04943131603294268 0.04092322019509922 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.05091379148356106 0.04286109573556935 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.05470699268143117 0.041118208756865796 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.056794724814370715 0.04246824907682668 0 0 0 0
+75 1 0.0035 1071.4285714285713 0.060091148581173225 0.04148447926071168 0 0 0 0
+77 1 0.0035 1071.4285714285713 0.06365115671496675 0.04185115996009794 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.06901590090468696 0.04166349667591606 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.03224530560210044 0.04528669835995925 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.0357761586319772 0.04538545398491271 0 0 0 0
+87 1 0.0035 1071.4285714285713 0.03937443094986907 0.04553661301621006 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.04237250218151224 0.04367760971133614 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.048820058520474545 0.045020556309115375 0 0 0 0
+92 1 0.0025 1500.0000000000005 0.051852076474389934 0.04529331034614198 0 0 0 0
+86 1 0.0025 1500.0000000000005 0.053643626690668585 0.043379220892093624 0 0 0 0
+82 1 0.0025 1500.0000000000005 0.05565128725569299 0.0449096077284347 0 0 0 0
+95 1 0.0035 1071.4285714285713 0.05876881420994063 0.04471789186085935 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.0616674354411108 0.044110939988879105 0 0 0 0
+90 1 0.0025 1500.0000000000005 0.0641288674483193 0.04481963609423382 0 0 0 0
+80 1 0.0035 1071.4285714285713 0.06699961311680959 0.0439029733137842 0 0 0 0
+97 1 0.0035 1071.4285714285713 0.0710896508040455 0.04375991021209202 0 0 0 0
+99 1 0.0035 1071.4285714285713 0.028839030941944076 0.04602255006544575 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.042217430922289946 0.0466348332865002 0 0 0 0
+100 1 0.0035 1071.4285714285713 0.04536210489417118 0.045459217243685235 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.053894285707558706 0.04671190911962228 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.05998318377749504 0.04765560021067579 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.06229559885179396 0.04657087171654667 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.06538262931742965 0.04759848989808515 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.06909759634737093 0.04612471288297003 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.07123674742056696 0.04744378440174636 0 0 0 0
+117 1 0.0035 1071.4285714285713 0.028325935024516243 0.04951074823599566 0 1 0 0
+112 1 0.0025 1500.0000000000005 0.031021172457933444 0.04802568413614185 0 0 0 0
+119 1 0.0035 1071.4285714285713 0.0339648164854284 0.04839878807902466 0 0 0 0
+109 1 0.0035 1071.4285714285713 0.03746839756132012 0.04855683435783747 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.040864637844911664 0.049303405929881604 0 0 0 0
+103 1 0.0035 1071.4285714285713 0.04434634150362586 0.048867511372677946 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.047796087392299756 0.048332817048951295 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.051292382078720694 0.04836124860152861 0 0 0 0
+120 1 0.0025 1500.0000000000005 0.054148493496811737 0.0491963241839639 0 0 0 0
+105 1 0.0035 1071.4285714285713 0.05686866511986116 0.04768778207096128 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.05891135677768895 0.049899847079205396 0 0 0 0
+110 1 0.0035 1071.4285714285713 0.0623785654570827 0.04959093091348013 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.06866249581952269 0.04917990487198878 0 0 0 0
+130 1 0.0035 1071.4285714285713 0.03147307187492106 0.05097915266348222 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.03540273393841145 0.05165869704591889 0 0 0 0
+118 1 0.0035 1071.4285714285713 0.04297122755338016 0.05209331337136431 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.0464908179795319 0.05159604749042434 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.049563596742670975 0.05087447908286848 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.052537444130878054 0.051854382692592765 0 0 0 0
+129 1 0.0025 1500.0000000000005 0.05612668943373254 0.05096133282784956 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.06063968863650571 0.05203625741292606 0 0 0 0
+125 1 0.0035 1071.4285714285713 0.06569665196179865 0.051075511095889696 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.0709311058643623 0.05122977661465716 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.029066022972955956 0.052728067540096624 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.03301249003105449 0.054196703949440074 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.03905493987551139 0.05248414188485698 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.04764493647138582 0.05432542045314244 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.049929897802323236 0.05339459035705079 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.055304770554761504 0.053924671739804794 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.05819635139840456 0.05242488310089692 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.06307897567397253 0.05250965215582705 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.0657824811335018 0.05430788383014316 0 0 0 0
+138 1 0.0025 1500.0000000000005 0.06830784270388501 0.052529185153837296 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.07158157755937423 0.054150641778738205 0 0 0 0
+145 1 0.0035 1071.4285714285713 0.029749259017275143 0.05564365895912247 0 0 0 0
+134 1 0.0025 1500.0000000000005 0.03604056132522652 0.05460712987352412 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.0384757627289525 0.0557231001184347 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.0414764457856071 0.05524333742283011 0 0 0 0
+122 1 0.0025 1500.0000000000005 0.0449143520665751 0.05436632129287428 0 0 0 0
+153 1 0.0025 1500.0000000000005 0.04634500351128954 0.05642747404364454 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.049584502525356296 0.055904412513982246 0 0 0 0
+146 1 0.0025 1500.0000000000005 0.052061288691954394 0.054797768978504004 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.05382012949409159 0.056577274905904036 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.058148216246629435 0.054896604899878486 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.060706171887805145 0.054505346900154523 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.06326891814395892 0.0549779155904581 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.06843854028207307 0.0557049938330586 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.032568852633193035 0.057711330543389575 0 0 0 0
+167 1 0.0035 1071.4285714285713 0.036227502845463555 0.05771036342783405 0 0 0 0
+161 1 0.0035 1071.4285714285713 0.040141811109270766 0.05844927428819604 0 0 0 0
+159 1 0.0035 1071.4285714285713 0.043750163529854134 0.057887991010911764 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.04819697316761819 0.0580515708078735 0 0 0 0
+166 1 0.0035 1071.4285714285713 0.05133173542501071 0.05831148999485602 0 0 0 0
+155 1 0.0025 1500.0000000000005 0.056368230262067436 0.05705118955801908 0 0 0 0
+157 1 0.0025 1500.0000000000005 0.0591488662790011 0.057198515510963346 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.06172346862222887 0.05698894879852444 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.06529270793332496 0.057342949987196856 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.07149471386661363 0.05765772550271259 0 0 0 0
+164 1 0.0035 1071.4285714285713 0.029509951733247046 0.059370031323708154 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.03433813849196151 0.060734121144385686 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.03780915583231812 0.06105768519976099 0 0 0 0
+183 1 0.0025 1500.0000000000005 0.04401435729562378 0.06091355582350993 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.04620356353775825 0.059697943298088564 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.04902363869893994 0.0609176589016452 0 0 0 0
+158 1 0.0025 1500.0000000000005 0.054242822122747975 0.05902456921426347 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.05728143413207526 0.05991180708585454 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.06023751935789989 0.05946208938009345 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.06269897383904283 0.05927620624239657 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.06526531694560635 0.06084439100442188 0 0 0 0
+160 1 0.0035 1071.4285714285713 0.06843060231658007 0.05937853223714535 0 0 0 0
+171 1 0.0025 1500.0000000000005 0.029048363278714368 0.062338094463918865 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.0315250847288002 0.06171542333202087 0 0 0 0
+205 1 0.0025 1500.0000000000005 0.035886928445742594 0.06339428700677834 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.041192053198595015 0.06184131629883925 0 0 0 0
+190 1 0.0025 1500.0000000000005 0.04620526731299506 0.062223482179381194 0 0 0 0
+184 1 0.0025 1500.0000000000005 0.052111759884350344 0.06119261695887205 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.050764536592766106 0.0633770104581784 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.05458254963354727 0.06148798161691067 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.05641204276769129 0.06319317004329747 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.05888834928541026 0.06239925037303338 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.0618915856679377 0.06215017528444583 0 0 0 0
+188 1 0.0035 1071.4285714285713 0.06809555467791605 0.06284156478646845 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.0713097620647902 0.0613424604643102 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.03080216622345061 0.06409737659484012 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.03325496015755787 0.06366251964169353 0 0 0 0
+193 1 0.0035 1071.4285714285713 0.0386108255079233 0.06456960719482628 0 0 0 0
+197 1 0.0025 1500.0000000000005 0.04156974571681161 0.0649446779962124 0 0 0 0
+194 1 0.0025 1500.0000000000005 0.04369814247333933 0.06347207264166517 0 0 0 0
+214 1 0.0025 1500.0000000000005 0.045913022326735616 0.0647451274841881 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.04820132677521531 0.06377902159593891 0 0 0 0
+192 1 0.0035 1071.4285714285713 0.05356585486833079 0.06431770424885884 0 0 0 0
+198 1 0.0025 1500.0000000000005 0.058413339123188815 0.06496244829597965 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.06142239996017413 0.06560410749836193 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.06460867196522169 0.06433095343105373 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.07022049088273252 0.06533246625398902 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.07239831902794097 0.06413128644590536 0 -1 0 0
+196 1 0.0035 1071.4285714285713 0.02913377646326942 0.06659802192054114 0 0 0 0
+207 1 0.0025 1500.0000000000005 0.032216952069281365 0.06630232456512632 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.03412203155639897 0.067896537609225 0 0 0 0
+206 1 0.0025 1500.0000000000005 0.03567321372794042 0.06586726443044406 0 0 0 0
+217 1 0.0035 1071.4285714285713 0.040428240783719586 0.06768558389003938 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.043924865776459494 0.06709823728609537 0 0 0 0
+224 1 0.0025 1500.0000000000005 0.046752670478495253 0.0680864586467516 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.04850613824907156 0.06620345289964966 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.05098195010711266 0.0660402714885146 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.05597772332578418 0.06681078163614179 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.05907912906655641 0.06739524648657262 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.06426559119521293 0.06780977396755757 0 0 0 0
+215 1 0.0035 1071.4285714285713 0.06744029739253846 0.06633455538627384 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.07133358555356552 0.06762102211549267 0 0 0 0
+220 1 0.0035 1071.4285714285713 0.028048140079795416 0.07001017836818384 0 0 0 0
+204 1 0.0035 1071.4285714285713 0.0314512444497325 0.06922785853436933 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.03447116326286396 0.07037154881831961 0 0 0 0
+225 1 0.0035 1071.4285714285713 0.03701935553055518 0.06853654770262205 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.04505421396838547 0.06986088578478887 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.04984069921064541 0.06832729638827847 0 0 0 0
+210 1 0.0035 1071.4285714285713 0.05282955437466043 0.0683386937473842 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.05525779320340482 0.07002867194589077 0 0 0 0
+222 1 0.0025 1500.0000000000005 0.05766716010834382 0.06948330742884243 0 0 0 0
+218 1 0.0025 1500.0000000000005 0.06135600433538812 0.06863355081095636 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.06916761223296969 0.06881691316744187 0 0 0 0
+233 1 0.0025 1500.0000000000005 0.03054060167153933 0.07208716427553181 0 0 0 0
+240 1 0.0035 1071.4285714285713 0.03679931356584445 0.07222791735441968 0 0 0 0
+239 1 0.0025 1500.0000000000005 0.03923524551658094 0.07052346798272699 0 0 0 0
+237 1 0.0035 1071.4285714285713 0.04220385847399889 0.07070539717772821 0 0 0 0
+229 1 0.0035 1071.4285714285713 0.04791274745101288 0.0708363074973979 0 0 0 0
+232 1 0.0025 1500.0000000000005 0.05086067758100498 0.07066719221006974 0 0 0 0
+6 1 0.0035 1071.4285714285713 0.05331032124353475 0.072325304183831 0 0 -1 0
+216 1 0.0035 1071.4285714285713 0.057390505992445044 0.027520581666499982 0 0 1 0
+234 1 0.0025 1500.0000000000005 0.05992210275768939 0.07066240543010004 0 0 0 0
+236 1 0.0035 1071.4285714285713 0.0630451326431492 0.07108575466507785 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.06657814087090809 0.07060647443606119 0 0 0 0
+12 1 0.0035 1071.4285714285713 0.07003677735537864 0.07166400159207445 0 0 -1 0
+
+Velocities
+
+13 -11.048593460465035 -4.361622826204044 0 0 0 0
+4 -1.22116247313681 24.361562540473113 0 0 0 0
+230 0.6328547403372324 16.96823017103076 0 0 0 0
+9 42.76610307781444 -6.737665382020376 0 0 0 0
+18 8.865051190878837 -13.77144506640056 0 0 0 0
+10 -1.3361204789501924 -2.239075533548443 0 0 0 0
+1 0.7949988601588446 -1.6717701096536812 0 0 0 0
+2 -37.68103981452817 -4.449500709590005 0 0 0 0
+238 0.9057968244996716 -9.45257331636857 0 0 0 0
+15 -20.22229978792194 1.1260078708409453 0 0 0 0
+231 33.88341664974666 2.2535774233934256 0 0 0 0
+14 -4.5298095673879875 -8.271964667772297 0 0 0 0
+34 -20.941887097146026 8.96247218348032 0 0 0 0
+20 8.440407284511018 22.751049265445467 0 0 0 0
+7 9.71650289907602 -25.819110232949797 0 0 0 0
+5 35.13738690927312 8.786439208338528 0 0 0 0
+32 18.96841137914856 13.514124737303833 0 0 0 0
+27 -13.112929169909195 -0.9279790945561295 0 0 0 0
+3 -1.137786004096149 14.483993680371986 0 0 0 0
+8 -27.705262610756733 -2.353500940661687 0 0 0 0
+16 -10.588484382345191 -17.350839110746282 0 0 0 0
+25 18.13828320462137 -27.850402984675107 0 0 0 0
+22 -19.8714373999338 -5.137482703352619 0 0 0 0
+23 27.916608216916643 -6.170434930869499 0 0 0 0
+19 -2.943872490088326 1.6030486999668796 0 0 0 0
+17 7.730607227940877 -6.857698755436795 0 0 0 0
+36 -4.304431598327919 4.996501554406592 0 0 0 0
+24 5.3395860644564515 -7.685158985035881 0 0 0 0
+31 21.458605274909498 -5.200102755224014 0 0 0 0
+33 2.1955178243967355 1.120341943991156 0 0 0 0
+30 -11.604147547794055 8.443309354909188 0 0 0 0
+11 17.954646144850123 11.44583761585824 0 0 0 0
+21 -3.837370777150077 -16.807097343090387 0 0 0 0
+35 11.215915882551009 11.791003164709087 0 0 0 0
+42 -8.05443105411407 -4.764973413946368 0 0 0 0
+39 -14.013739535407959 -7.739583899915834 0 0 0 0
+28 -23.64710559227301 16.869055992854722 0 0 0 0
+41 20.42228039426446 9.915327449189645 0 0 0 0
+43 -18.11148355756389 8.654169575790725 0 0 0 0
+45 -19.620422120875823 10.877768938014084 0 0 0 0
+47 -25.106020605836196 4.058239973875465 0 0 0 0
+38 26.998760769413355 -18.533431386223064 0 0 0 0
+53 5.103808471643263 -23.31518258971948 0 0 0 0
+29 22.20348113424541 6.161283071043955 0 0 0 0
+26 15.351551015112939 12.504858199259738 0 0 0 0
+50 3.355791945292993 -12.436649171694178 0 0 0 0
+51 9.396655489378672 -13.898138329328296 0 0 0 0
+48 -9.504063686485173 0.3526523685459699 0 0 0 0
+46 29.73599325341177 -5.644674303310833 0 0 0 0
+71 -8.189472037045094 10.482571781607579 0 0 0 0
+54 -5.716318657467989 14.728391428316895 0 0 0 0
+72 14.476382450270213 -19.09438382335021 0 0 0 0
+40 4.612393159326799 -14.185689799051621 0 0 0 0
+60 -6.591778848569698 -5.059982838064252 0 0 0 0
+52 -2.989963024805549 10.672853185710485 0 0 0 0
+44 10.051892206779383 -4.756094967332007 0 0 0 0
+65 -10.603230941427896 -4.732767979124956 0 0 0 0
+49 -25.924666553200158 -18.709970614267416 0 0 0 0
+37 7.354395411717714 21.999913019583413 0 0 0 0
+58 -10.93277947323273 6.473831706849267 0 0 0 0
+63 17.17299744210297 -7.768642771549805 0 0 0 0
+67 6.113788619572539 5.814618744850985 0 0 0 0
+56 1.3068620381029326 11.527750657529133 0 0 0 0
+73 19.626339531751018 18.196770360434822 0 0 0 0
+69 -43.22921142848689 9.182763310282455 0 0 0 0
+89 -2.2968790335194056 31.98643605477182 0 0 0 0
+55 13.44187119753203 -19.44016659838396 0 0 0 0
+78 8.305574958264916 7.004337239213579 0 0 0 0
+57 -0.2507975281427187 -0.18083335846763382 0 0 0 0
+59 -1.0960357766872748 -12.534582976607835 0 0 0 0
+79 -30.63639635823917 7.737459501630991 0 0 0 0
+68 16.36368732008734 -8.903052331996895 0 0 0 0
+66 0.6357818576487636 -17.846983914812892 0 0 0 0
+85 -9.933805533461268 6.29103402424931 0 0 0 0
+64 -8.887775852474924 -16.82897532354366 0 0 0 0
+76 -13.79293555733604 -8.492364632253786 0 0 0 0
+61 8.562938194530938 5.3569983444282325 0 0 0 0
+96 12.283873266738993 -20.85875667746947 0 0 0 0
+70 -2.16273512406572 -17.88865937182347 0 0 0 0
+88 24.910457617761587 8.921544085067923 0 0 0 0
+62 -7.635143407512355 -0.6377001320229417 0 0 0 0
+74 -6.397261890329422 3.1663211193985044 0 0 0 0
+75 7.2905352064937 -11.50068367037532 0 0 0 0
+77 6.609222233602051 6.019651930959918 0 0 0 0
+84 0.04191491040883384 20.857930322681437 0 0 0 0
+104 38.70708777980036 -25.39046910028324 0 0 0 0
+107 -8.583926603484986 2.9449205299721597 0 0 0 0
+87 7.244151905240965 4.987069113884433 0 0 0 0
+83 0.4632754911424505 -3.71186830549811 0 0 0 0
+98 3.8523418542122254 -13.676634390359535 0 0 0 0
+92 -13.585556780649627 -14.441350766760197 0 0 0 0
+86 -4.383542748679855 16.47006693617303 0 0 0 0
+82 -50.65565242416051 -8.090487984410514 0 0 0 0
+95 16.901985336224143 15.332413070480337 0 0 0 0
+81 -20.27379943497702 -3.074901409570773 0 0 0 0
+90 -30.829490322432612 9.547209059641446 0 0 0 0
+80 14.092708885760947 -11.942948778888796 0 0 0 0
+97 -8.155788586323206 -0.05271579938469437 0 0 0 0
+99 0.2467277009333256 8.323387885699328 0 0 0 0
+91 -14.083357277351482 -7.404793630942103 0 0 0 0
+100 -2.702929508030577 6.972954129115628 0 0 0 0
+102 -2.372325074103472 -23.698441040431984 0 0 0 0
+121 -2.8786977548408346 -4.44905628844566 0 0 0 0
+93 -14.399598397775847 -4.7748525772453085 0 0 0 0
+106 -3.761918389406025 6.17072085599398 0 0 0 0
+94 -38.54744069717459 8.788952122957692 0 0 0 0
+114 1.3158116672040105 17.222858184220016 0 0 0 0
+117 5.784182815256308 20.228650719444826 0 0 0 0
+112 14.028723790957544 -1.8461527164503684 0 0 0 0
+119 9.623819504890148 11.923719437997256 0 0 0 0
+109 -10.308959600769475 2.9670666774657297 0 0 0 0
+113 3.9164301566390276 5.276927164954582 0 0 0 0
+103 4.071535594100108 -9.295457479967384 0 0 0 0
+101 -8.585573870231036 -8.66114152835991 0 0 0 0
+111 5.8884409296276115 -1.9431757787435124 0 0 0 0
+120 -9.600489543407663 15.633972462479585 0 0 0 0
+105 13.91875383551847 -11.381586214105567 0 0 0 0
+116 -21.556302714236388 26.779450006845977 0 0 0 0
+110 10.186356818737112 -23.460452525613178 0 0 0 0
+108 -2.2242201683715663 -8.897584924190461 0 0 0 0
+130 17.651583901640407 2.6666077960780155 0 0 0 0
+131 -8.780534325211509 -3.8805053194876424 0 0 0 0
+118 10.240651781333373 7.51145441720176 0 0 0 0
+124 8.54265456647057 32.374852107722866 0 0 0 0
+127 14.513955315082882 -6.016324331711253 0 0 0 0
+123 -10.789105378600192 -18.844250368050133 0 0 0 0
+129 -11.703301493560335 -34.69251262576968 0 0 0 0
+135 -25.562549714979845 -20.495023979790442 0 0 0 0
+125 -10.889911886550724 11.460815433552627 0 0 0 0
+115 -28.979685944072738 20.579758028604342 0 0 0 0
+136 -11.777166472375521 -11.57688597580042 0 0 0 0
+144 1.7021227472725502 9.569236515313017 0 0 0 0
+126 -2.5190039261590753 -15.188025234317532 0 0 0 0
+147 22.286872380104118 -18.928791593253962 0 0 0 0
+149 42.36590025578657 13.977215795039372 0 0 0 0
+132 -13.845770046627043 -4.4576978646128484 0 0 0 0
+133 2.2340343223867793 -14.550144862696008 0 0 0 0
+128 -5.399166567737335 0.44225909275447484 0 0 0 0
+139 11.416207328278162 -13.449500099783945 0 0 0 0
+138 11.386885780069338 33.31404305921449 0 0 0 0
+137 -3.1104378842018656 0.9221344566778422 0 0 0 0
+145 -4.48573246749435 -5.2244384844755345 0 0 0 0
+134 6.189023429872324 -8.22256947548075 0 0 0 0
+154 2.361857234735302 -5.065548249320556 0 0 0 0
+140 -23.03787018673725 -7.409869246279858 0 0 0 0
+122 43.966738848891524 -3.0083305669527447 0 0 0 0
+153 4.121351765188358 10.1774016106775 0 0 0 0
+152 -22.524321816440228 -23.293875006277382 0 0 0 0
+146 -14.207751651637906 11.697219084274524 0 0 0 0
+150 34.96711101038929 -3.730927916078666 0 0 0 0
+141 -15.12307732944975 15.39635026426424 0 0 0 0
+148 7.544272266554686 19.23311163161114 0 0 0 0
+142 -2.455672234226474 -11.261916946222964 0 0 0 0
+143 0.921436114891542 6.78712865921075 0 0 0 0
+174 -2.538511177795127 -9.448235578128724 0 0 0 0
+167 -5.440124998037886 -9.854663898510724 0 0 0 0
+161 9.308194197439796 -16.32092888217344 0 0 0 0
+159 -21.68882671568691 4.163205906979449 0 0 0 0
+162 -21.98624860796256 -17.20886439058714 0 0 0 0
+166 -10.713930226788577 -13.515411905228635 0 0 0 0
+155 5.651683140027672 18.5083770554857 0 0 0 0
+157 27.526483805831653 -18.841816279507896 0 0 0 0
+156 11.732990068897475 6.321069109397769 0 0 0 0
+151 -13.010354670914392 -13.488691703644012 0 0 0 0
+163 -3.713953926197494 3.45991607368253 0 0 0 0
+164 4.9946235499876686 13.54975524817598 0 0 0 0
+178 2.243270856789914 1.868769789526129 0 0 0 0
+186 4.891750399520211 7.201398739952856 0 0 0 0
+183 17.71258242697099 0.5819116757304631 0 0 0 0
+165 -5.302566185741455 12.369978909470781 0 0 0 0
+170 2.209762909093686 0.6711939633000158 0 0 0 0
+158 3.841031234537709 -6.765217235955825 0 0 0 0
+168 9.731310361878085 -5.65199268270318 0 0 0 0
+172 1.7009758361938736 -0.915814815678385 0 0 0 0
+173 -7.513495912802639 2.4770336286227703 0 0 0 0
+177 6.765820078293763 -31.282537559627364 0 0 0 0
+160 5.075071216219269 3.0457904166385785 0 0 0 0
+171 -25.74329150221357 18.46066050590059 0 0 0 0
+176 17.21742497301837 13.170549517512999 0 0 0 0
+205 14.652547951945747 -14.482485571489963 0 0 0 0
+169 -19.17813634755442 12.86231428594607 0 0 0 0
+190 16.70810246640422 -12.11655165645002 0 0 0 0
+184 -16.01765157595677 1.616650594317425 0 0 0 0
+175 0.4791446525792552 -11.665603508316163 0 0 0 0
+180 -6.736434405274579 -15.561710873292494 0 0 0 0
+195 -2.9582387261662477 -12.72908579888643 0 0 0 0
+189 -12.008828549924464 -5.476086951692575 0 0 0 0
+182 -5.9692923507534195 19.657456032188623 0 0 0 0
+188 10.079538230280452 23.103993990936434 0 0 0 0
+179 1.777676332230326 -14.4901779259224 0 0 0 0
+191 21.02438598797576 15.644530374146607 0 0 0 0
+200 -8.083142304444994 11.934685387741649 0 0 0 0
+193 0.5483784278576292 11.214167084543135 0 0 0 0
+197 -5.22054833242827 1.0441478950167367 0 0 0 0
+194 13.725584416540167 -40.48873164050963 0 0 0 0
+214 -12.296129553622448 -0.5511181877295065 0 0 0 0
+202 13.119527218369441 28.6170429554572 0 0 0 0
+192 16.078780135719672 2.2585529089971192 0 0 0 0
+198 -21.259394999643096 4.142644075202908 0 0 0 0
+208 -25.739617116311692 -2.188520376384918 0 0 0 0
+187 -13.370297135547657 9.030744385834641 0 0 0 0
+181 8.587340472734644 -10.534092430951695 0 0 0 0
+185 4.006597689497217 -59.214049198160446 0 0 0 0
+196 -19.46725272093273 -1.7769779834424195 0 0 0 0
+207 3.1807170497911965 -16.646563652676285 0 0 0 0
+211 9.439216949463518 -8.023226160353975 0 0 0 0
+206 8.500768693744776 -5.384969302373772 0 0 0 0
+217 -0.8283269969298731 -0.33752023659780384 0 0 0 0
+223 2.4593988319511126 -4.968338372271843 0 0 0 0
+224 -19.095158219756822 53.58689197851865 0 0 0 0
+213 -7.208295773511357 -6.989319770917532 0 0 0 0
+203 -22.756613467293977 -22.728853230679963 0 0 0 0
+209 0.31560889488160365 11.071525527990467 0 0 0 0
+199 5.920158238956775 -2.753434912786042 0 0 0 0
+226 6.844259916567958 11.597095627143492 0 0 0 0
+215 21.89405198928255 -2.573634613350049 0 0 0 0
+201 0.15947340415498412 3.974948085443094 0 0 0 0
+220 -13.258579782887672 -8.450755319505939 0 0 0 0
+204 -1.5871897553712195 11.104505543186397 0 0 0 0
+227 5.283642002922892 3.905293855159732 0 0 0 0
+225 -9.031764280107415 -0.019063267346833113 0 0 0 0
+235 7.717983387060742 14.200409005321372 0 0 0 0
+219 -30.535226562232936 24.888051299779224 0 0 0 0
+210 -1.5973612403764428 6.1798554373928845 0 0 0 0
+212 11.957324317312652 -11.49626730698685 0 0 0 0
+222 -3.580698475611617 7.218529772148603 0 0 0 0
+218 2.479084373847359 4.8309397926455615 0 0 0 0
+221 -9.843423471581634 6.076155259445277 0 0 0 0
+233 3.827664697976801 16.374446216209055 0 0 0 0
+240 5.103389396574093 -0.31609505905802077 0 0 0 0
+239 7.2868114335623275 -10.607998764059436 0 0 0 0
+237 -27.438929927899636 17.679943806742877 0 0 0 0
+229 18.914916834163023 -0.938154191116634 0 0 0 0
+232 18.665872826506575 7.2247602356535685 0 0 0 0
+6 -11.374192917951198 19.492979109287777 0 0 0 0
+216 17.938548213165706 5.466829807436779 0 0 0 0
+234 10.022424028949002 -17.25720626274176 0 0 0 0
+236 21.68277103415311 23.616730275939883 0 0 0 0
+228 -4.1392980086813305 14.64479568195994 0 0 0 0
+12 -6.983924819011417 0.19384377194573194 0 0 0 0
diff --git a/DATASET/P=20000Pa/box_sheared.data b/DATASET/P=20000Pa/box_sheared.data
new file mode 100644
index 0000000..5aaf96a
--- /dev/null
+++ b/DATASET/P=20000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2221797
+
+240 atoms
+6 atom types
+
+0.027456882139830992 0.07254311786016901 xlo xhi
+0.027456882139830992 0.07254311786016901 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.004508619885811936 0 0 xy xz yz
+
+Atoms # sphere
+
+240 1 0.0035 1071.4285714285713 0.03684925345833655 0.028080778194024526 0 0 1 0
+9 1 0.0025 1500.0000000000005 0.03987227150233803 0.028355926342097014 0 0 0 0
+10 1 0.0035 1071.4285714285713 0.04422837921486501 0.0281651757587291 0 0 0 0
+1 1 0.0035 1071.4285714285713 0.05034162979373623 0.02837194989251339 0 0 0 0
+238 1 0.0025 1500.0000000000005 0.05980353754266632 0.028234547170892254 0 0 1 0
+15 1 0.0025 1500.0000000000005 0.062495161791544684 0.02875483973223612 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.0650006289321582 0.02836021080155913 0 0 1 0
+14 1 0.0025 1500.0000000000005 0.06755750518814171 0.02823724838355085 0 0 0 0
+13 1 0.0035 1071.4285714285713 0.02805485279309931 0.028812346908492766 0 1 0 0
+4 1 0.0025 1500.0000000000005 0.031236616598378456 0.029245061002594212 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.05513441425122487 0.02928528239433427 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.034449096558014126 0.02973378250821069 0 0 0 0
+3 1 0.0035 1071.4285714285713 0.04740613227951396 0.03000887846173668 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.05286414669893039 0.030241774652264693 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.04156849661588054 0.030335153765060238 0 0 0 0
+16 1 0.0025 1500.0000000000005 0.05768361652539558 0.03032283654526226 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.0700059154346485 0.03032321156700267 0 0 0 0
+23 1 0.0025 1500.0000000000005 0.06660919808928288 0.030566122271906176 0 0 0 0
+43 1 0.0035 1071.4285714285713 0.029446416756388955 0.034490911247065915 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.029561054519268923 0.03760356281135367 0 0 0 0
+117 1 0.0035 1071.4285714285713 0.03085973947911102 0.04954331663341284 0 1 0 0
+220 1 0.0035 1071.4285714285713 0.03211034279627936 0.06970996750923189 0 0 0 0
+99 1 0.0035 1071.4285714285713 0.030777495925257123 0.045896562353919534 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.03291175894127851 0.06622164081097251 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.03170637463914304 0.05256574105709656 0 0 0 0
+171 1 0.0025 1500.0000000000005 0.03260845943453785 0.06200171127222108 0 0 0 0
+85 1 0.0035 1071.4285714285713 0.030830695583053628 0.04243053643598115 0 0 0 0
+164 1 0.0035 1071.4285714285713 0.03268946930064944 0.058993595396944085 0 0 0 0
+145 1 0.0035 1071.4285714285713 0.03239426404795542 0.0555305760614634 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.030216253034945767 0.03170554598635664 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.031334116909909074 0.03953028119568615 0 0 0 0
+233 1 0.0025 1500.0000000000005 0.03467969574490559 0.07179327725268284 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.03274254904130946 0.031356321866328106 0 0 0 0
+5 1 0.0025 1500.0000000000005 0.036681161739045204 0.03111080697288154 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.03911791131893609 0.03065205643967 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.04442667640581471 0.03163231771745418 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.05061387468079952 0.03191095549041739 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.06068476894101826 0.031163276716448304 0 0 0 0
+22 1 0.0025 1500.0000000000005 0.06412595562881551 0.030735363291186306 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.07277203991817562 0.03170905212966049 0 0 0 0
+36 1 0.0025 1500.0000000000005 0.03271885422816466 0.03382766129144332 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.034912542486480194 0.03280458597131793 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.03784376226544798 0.03396381739249632 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.041462903230535086 0.03334985046671906 0 0 0 0
+30 1 0.0025 1500.0000000000005 0.04771207902299771 0.03302309339418543 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.055239405775165354 0.032286321175496444 0 0 0 0
+35 1 0.0025 1500.0000000000005 0.05826747591581373 0.033029417754934266 0 0 0 0
+42 1 0.0025 1500.0000000000005 0.06323998035996639 0.03298521608277712 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.06570607163141501 0.032822028449989375 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.06826348738390453 0.032640922520556406 0 0 0 0
+41 1 0.0025 1500.0000000000005 0.07086170453615202 0.03330400402447398 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.03506659935474095 0.035287452131356346 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.03977541377261937 0.036408862169479715 0 0 0 0
+53 1 0.0035 1071.4285714285713 0.04555043437883907 0.03502985839177575 0 0 0 0
+29 1 0.0025 1500.0000000000005 0.05002559131078409 0.03499402964077348 0 0 0 0
+26 1 0.0035 1071.4285714285713 0.05307449936145173 0.034901377346838465 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.05630089468268011 0.03527866289754144 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.058629476473210956 0.0363678993010589 0 0 0 0
+48 1 0.0035 1071.4285714285713 0.06093914922061307 0.034681984284230756 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.06495939902413925 0.03522580229227181 0 0 0 0
+71 1 0.0035 1071.4285714285713 0.06797540426531287 0.035611735686508356 0 0 0 0
+54 1 0.0035 1071.4285714285713 0.0717663434111142 0.03631257453060195 0 -1 0 0
+40 1 0.0035 1071.4285714285713 0.032338701365920486 0.03675243567422802 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.03719288027837561 0.036774353673057494 0 0 0 0
+44 1 0.0035 1071.4285714285713 0.04280851652250198 0.036922144681728664 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.0460450567262575 0.038523363789113606 0 0 0 0
+49 1 0.0025 1500.0000000000005 0.04831808613477441 0.03664934817637835 0 0 0 0
+37 1 0.0035 1071.4285714285713 0.051404989175713255 0.037833365556224484 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.055232198531023166 0.037972350961643773 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.06090255877610751 0.03776053648249764 0 0 0 0
+67 1 0.0025 1500.0000000000005 0.06320275547864096 0.0368292488330989 0 0 0 0
+56 1 0.0035 1071.4285714285713 0.06608072957938377 0.03834349075315002 0 0 0 0
+60 1 0.0035 1071.4285714285713 0.03530524853126114 0.03890562257987006 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.038772055379301756 0.039546525731476205 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.04225128700632967 0.04033590024734442 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.0490085771421717 0.03934758628221782 0 0 0 0
+57 1 0.0025 1500.0000000000005 0.053646073791050186 0.0403897534359048 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.056099365496609516 0.0409747611049675 0 0 0 0
+59 1 0.0035 1071.4285714285713 0.05865761476567033 0.03953127605171617 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.06322742193197484 0.03931968716321253 0 0 0 0
+73 1 0.0035 1071.4285714285713 0.06961538058765156 0.03883372379591381 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.07304730879837362 0.03999539797957651 0 -1 0 0
+89 1 0.0025 1500.0000000000005 0.033427055253213794 0.04101939347358517 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.03631069404617408 0.042276087777000156 0 0 0 0
+76 1 0.0035 1071.4285714285713 0.040120377906149904 0.04286232549533775 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.04534882401199022 0.04133258793700687 0 0 0 0
+96 1 0.0035 1071.4285714285713 0.04830684035432213 0.04225248655108037 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.05099926663550379 0.04103404844221773 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.05292895845810973 0.04287287724843314 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.05866995957192379 0.042573973055881294 0 0 0 0
+75 1 0.0035 1071.4285714285713 0.061533128020815564 0.041787790053129485 0 0 0 0
+77 1 0.0035 1071.4285714285713 0.06499836924984652 0.04188498617966359 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.06781851211599609 0.04107223982578202 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.07042725506266802 0.04179061979985195 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.034128063942099086 0.045089508213181195 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.043672696012703446 0.043688662361165864 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.050837984526710525 0.04491622876145441 0 0 0 0
+92 1 0.0025 1500.0000000000005 0.05399646072414402 0.045299157965089216 0 0 0 0
+86 1 0.0025 1500.0000000000005 0.05547292940498704 0.043411141779821506 0 0 0 0
+82 1 0.0025 1500.0000000000005 0.05754646021768495 0.04494367009250176 0 0 0 0
+95 1 0.0035 1071.4285714285713 0.06051955444933613 0.04508906393107309 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.06340835199780162 0.04436260207979073 0 0 0 0
+90 1 0.0025 1500.0000000000005 0.06586738581348178 0.044905625234538685 0 0 0 0
+80 1 0.0035 1071.4285714285713 0.06867072740761708 0.04398493248424545 0 0 0 0
+97 1 0.0035 1071.4285714285713 0.07287038565985281 0.04383865314520138 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.03804419014486633 0.0455578381345699 0 0 0 0
+87 1 0.0035 1071.4285714285713 0.041525783450874945 0.04620587266379385 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.04468259304491794 0.046584303212750734 0 0 0 0
+100 1 0.0035 1071.4285714285713 0.04743227463113589 0.045649394756731784 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.05608511569461044 0.04686536767489556 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.0644238140691574 0.046797187445029184 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.06744015973982362 0.04763428539589634 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.07107838602842735 0.04605805981476865 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.07339644915052027 0.04739979142185616 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.03321460692141247 0.04792986831645077 0 0 0 0
+119 1 0.0035 1071.4285714285713 0.03621715447833196 0.048316178508863356 0 0 0 0
+109 1 0.0035 1071.4285714285713 0.0397582949041161 0.0490579719881824 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.04332251929950531 0.04936056547278893 0 0 0 0
+103 1 0.0035 1071.4285714285713 0.04680211863737678 0.04897112493357817 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.05013974785407018 0.04823462301026055 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.053612147291719314 0.04834633286000037 0 0 0 0
+120 1 0.0025 1500.0000000000005 0.05655212110777812 0.04931536184179918 0 0 0 0
+105 1 0.0035 1071.4285714285713 0.059281588589418316 0.04821868934103906 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.06228260349761379 0.04798117334075482 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.07076959359648761 0.04901800901677843 0 0 0 0
+130 1 0.0035 1071.4285714285713 0.03417206183340381 0.05092657429711144 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.03773617199666154 0.051685369792820686 0 0 0 0
+118 1 0.0035 1071.4285714285713 0.045687846893834066 0.05215277399733533 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.04925912780290716 0.05183063292466294 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.05192974248723917 0.05076018180887763 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.05484348627858819 0.051708977041965976 0 0 0 0
+129 1 0.0025 1500.0000000000005 0.05855663454592128 0.05102513584786665 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.06158856536430837 0.05053039102472652 0 0 0 0
+110 1 0.0035 1071.4285714285713 0.0647359266096546 0.05003953594566572 0 0 0 0
+125 1 0.0035 1071.4285714285713 0.06825045413141254 0.051144706014321986 0 0 0 0
+138 1 0.0025 1500.0000000000005 0.07127204760156827 0.05215733209139457 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.0733348029394527 0.05076098202056095 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.035548015550795176 0.05426582720580783 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.04117994489324847 0.052344787881021385 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.05228348830283583 0.053318599366732986 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.05790833344066528 0.05387465426020911 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.0606121982517574 0.0528013889022791 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.06325455638966282 0.05246760060940187 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.06577644850266273 0.05299447164983122 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.06815798867670697 0.05408843521923394 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.07417365973233299 0.0538231312992777 0 0 0 0
+134 1 0.0025 1500.0000000000005 0.03854750100065029 0.054673046919661995 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.04102585730420742 0.05532621666251722 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.04394512362312304 0.054955250734140385 0 0 0 0
+122 1 0.0025 1500.0000000000005 0.04703331932515399 0.054978743244267346 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.050308046788432786 0.05476700327339967 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.05264456568420705 0.05581270511956103 0 0 0 0
+146 1 0.0025 1500.0000000000005 0.05478382656797093 0.05475647141878526 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.05674583437517346 0.05650356615026415 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.060781961199822515 0.055278324483910374 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.06321085637225676 0.05495664352763461 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.06571327084927853 0.05542428219769893 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.0710482624315849 0.055183517612719904 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.03582486446451795 0.057717606258722035 0 0 0 0
+167 1 0.0035 1071.4285714285713 0.039316954623347014 0.057731746846574644 0 0 0 0
+161 1 0.0035 1071.4285714285713 0.04290368810000418 0.05822957747516587 0 0 0 0
+159 1 0.0035 1071.4285714285713 0.046320962386858025 0.05777030599079698 0 0 0 0
+153 1 0.0025 1500.0000000000005 0.049055889773267976 0.05679266418573131 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.051433686833829914 0.05787468129518907 0 0 0 0
+166 1 0.0035 1071.4285714285713 0.05448613061299337 0.05832550119063211 0 0 0 0
+158 1 0.0025 1500.0000000000005 0.057452872247067216 0.05894813661320558 0 0 0 0
+155 1 0.0025 1500.0000000000005 0.05923713455181211 0.057123467604814716 0 0 0 0
+157 1 0.0025 1500.0000000000005 0.06181684774897171 0.057635313288421364 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.06425723052985996 0.05727943451159626 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.06617598342352381 0.05901621501386076 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.06830249428401862 0.05713744550806322 0 0 0 0
+160 1 0.0035 1071.4285714285713 0.07156832112046929 0.058855161118954114 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.07454505412309381 0.057329825476257 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.03781941658390957 0.06075529206850752 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.04129196491584054 0.061152351895123594 0 0 0 0
+183 1 0.0025 1500.0000000000005 0.04757931614466786 0.060638527014401034 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.04958739429610752 0.05938645136436836 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.05234353049913017 0.06088932758023441 0 0 0 0
+184 1 0.0025 1500.0000000000005 0.05541897590052669 0.06121200280587068 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.060310949746466724 0.0600920047466653 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.06335261188740678 0.05973280220288307 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.06878902918723509 0.06069953102147038 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.07466317280048959 0.06090731511269934 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.03501999844038684 0.06148636693431275 0 0 0 0
+205 1 0.0025 1500.0000000000005 0.039537045382906616 0.06337882198132133 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.044790184867950944 0.06149780605622944 0 0 0 0
+194 1 0.0025 1500.0000000000005 0.04744973385157439 0.063138115801661 0 0 0 0
+190 1 0.0025 1500.0000000000005 0.04973939023288698 0.062136988870398396 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.05427722587743486 0.0634319197916341 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.05792108134586514 0.061694504653671 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.060013025961339464 0.06327893772296703 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.06268269795319638 0.06227501067849618 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.06562209445850559 0.06185481565678089 0 0 0 0
+188 1 0.0035 1071.4285714285713 0.07174470703627744 0.0628957811443773 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.03455007957492398 0.06387098093043855 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.03712007282346107 0.06365500346110382 0 0 0 0
+206 1 0.0025 1500.0000000000005 0.038750357854456165 0.06566595547999723 0 0 0 0
+193 1 0.0035 1071.4285714285713 0.04254072146698683 0.064567101196212 0 0 0 0
+197 1 0.0025 1500.0000000000005 0.045541438162226416 0.064492998652261 0 0 0 0
+214 1 0.0025 1500.0000000000005 0.04958410310383181 0.0646146927521822 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.0517970168416796 0.0637523652167859 0 0 0 0
+192 1 0.0035 1071.4285714285713 0.05721009024276831 0.06450645406568503 0 0 0 0
+198 1 0.0025 1500.0000000000005 0.06223566989507734 0.06465480107726577 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.06543402186945074 0.06528377808464855 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.06860153742400402 0.0641575016319898 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.07407348402630383 0.06496174892092482 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.07607805340554846 0.06370709228704488 0 -1 0 0
+207 1 0.0025 1500.0000000000005 0.03610943073129671 0.06608917537609281 0 0 0 0
+225 1 0.0035 1071.4285714285713 0.04119808464102055 0.06770128278715229 0 0 0 0
+217 1 0.0035 1071.4285714285713 0.04467768605562207 0.06760075773314833 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.04803468570701723 0.06703213925753841 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.05177158160268262 0.0662543203468888 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.054660475387441926 0.06589725375972601 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.0601101135040461 0.06673503367070625 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.06313353387875037 0.06713392302126585 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.0682934118649909 0.06754811687548484 0 0 0 0
+215 1 0.0035 1071.4285714285713 0.07154509811522804 0.06646724269179823 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.07522183458703825 0.06728846359393217 0 0 0 0
+204 1 0.0035 1071.4285714285713 0.03544995802708136 0.06898383861117484 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.038239806290221466 0.06804421586819599 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.039919764604970584 0.07024502383210844 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.048830938963940626 0.07018030826616735 0 0 0 0
+224 1 0.0025 1500.0000000000005 0.050889920179919404 0.06851375755404042 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.0536635037223365 0.06815830422895888 0 0 0 0
+210 1 0.0035 1071.4285714285713 0.056786615233943 0.06829586181567485 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.059574234854369384 0.06962297220567332 0 0 0 0
+222 1 0.0025 1500.0000000000005 0.06215563320073028 0.06929756064910476 0 0 0 0
+218 1 0.0025 1500.0000000000005 0.06548511938558751 0.06843004241716169 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.071061691970864 0.07028560898694486 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.0735490054678183 0.06892186470060067 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.03771169387089882 0.07203129686686693 0 0 0 0
+239 1 0.0025 1500.0000000000005 0.04287067057854792 0.07050208558298651 0 0 0 0
+237 1 0.0035 1071.4285714285713 0.04587619262109602 0.07096406585297509 0 0 0 0
+229 1 0.0035 1071.4285714285713 0.05181086841454555 0.07144596845336071 0 0 0 0
+232 1 0.0025 1500.0000000000005 0.05496862674995341 0.07047160638139834 0 0 0 0
+6 1 0.0035 1071.4285714285713 0.05780272869742667 0.07186751564598155 0 0 -1 0
+216 1 0.0035 1071.4285714285713 0.06144680450153811 0.07213004659148824 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.06447520730402836 0.07075552931778592 0 0 0 0
+236 1 0.0035 1071.4285714285713 0.06748790192789592 0.07085880555318903 0 0 0 0
+12 1 0.0035 1071.4285714285713 0.07452808352464554 0.07189389112798879 0 0 -1 0
+
+Velocities
+
+240 -20.542085712917476 6.68611237288127 0 0 0 0
+9 -17.652920357830233 10.31095803174698 0 0 0 0
+10 -25.390156618461678 12.559147894848968 0 0 0 0
+1 11.052174977878574 -10.723606111471822 0 0 0 0
+238 5.798298714261725 20.175489482024386 0 0 0 0
+15 -23.443437956160746 -19.913366108014277 0 0 0 0
+231 -3.4762778421950875 -4.907392192527579 0 0 0 0
+14 6.158970851456543 30.238811015714106 0 0 0 0
+13 14.400681106146342 -6.930129565727702 0 0 0 0
+4 6.940565517207667 -3.588162217694567 0 0 0 0
+2 -55.8872443759772 13.985771936402168 0 0 0 0
+7 4.534924587801904 6.213484699552426 0 0 0 0
+3 9.412206728996507 1.4923541562573832 0 0 0 0
+8 3.506531811054761 11.189097484838445 0 0 0 0
+18 26.71213049315185 9.351893170773648 0 0 0 0
+16 -19.133076873055714 -17.34064469451545 0 0 0 0
+19 -5.580882232158587 16.0687215147947 0 0 0 0
+23 -4.435142177156438 -20.282991985757107 0 0 0 0
+43 -4.786747191829893 0.9432843482044103 0 0 0 0
+72 -0.01952463763151841 -2.1298316651882443 0 0 0 0
+117 -5.066281934685189 22.40787110540091 0 0 0 0
+220 -12.19217128193356 -15.215637401941889 0 0 0 0
+99 6.1565029996902005 -10.509278262390737 0 0 0 0
+196 22.312695586386717 3.028762509828255 0 0 0 0
+136 -15.817823593414664 0.38777757691538917 0 0 0 0
+171 -10.075025345665415 11.645439975270254 0 0 0 0
+85 11.275251560071863 24.942756756983428 0 0 0 0
+164 0.024208445571431612 -13.82718106825319 0 0 0 0
+145 15.22803614549946 -25.959236079247585 0 0 0 0
+17 -5.636650212281846 8.641715578865137 0 0 0 0
+69 14.911303177919986 1.1537950418697254 0 0 0 0
+233 -12.508965282039108 -9.591711637438044 0 0 0 0
+20 -3.694579703211173 13.346698658566318 0 0 0 0
+5 -14.925192320010813 -12.750332614647307 0 0 0 0
+32 18.124726351044888 -7.199319699265732 0 0 0 0
+27 26.645277201598677 3.839671111599771 0 0 0 0
+11 -4.805815499361204 13.821526084553712 0 0 0 0
+25 -4.500434546762509 -3.323059010085393 0 0 0 0
+22 -2.9590534214907116 40.08211334636472 0 0 0 0
+34 0.9983918466562888 -14.026572901323355 0 0 0 0
+36 -13.73299457814299 5.155240884832544 0 0 0 0
+24 30.548975589164026 1.130949283084808 0 0 0 0
+31 19.771938611513598 -18.22572111721437 0 0 0 0
+33 17.288030573581647 -6.377437880312755 0 0 0 0
+30 8.566793063629813 13.122664013985265 0 0 0 0
+21 5.463647444343462 1.7729198206636563 0 0 0 0
+35 32.69856068398241 44.79030847411094 0 0 0 0
+42 -6.848558688365422 -0.4007943499764789 0 0 0 0
+39 -24.891894297622226 3.095843733848201 0 0 0 0
+28 -24.02228629322955 -7.329326019870157 0 0 0 0
+41 -6.812281257339405 -33.620876080508964 0 0 0 0
+45 -10.967707820532167 -8.424352219403653 0 0 0 0
+38 -7.738185933204737 7.880495676759544 0 0 0 0
+53 -6.534900389490873 -11.561903356218039 0 0 0 0
+29 26.319887445996052 -6.795207554591664 0 0 0 0
+26 2.253761571951265 -9.299637560192282 0 0 0 0
+50 3.7295965799492032 12.36093053715879 0 0 0 0
+51 13.690779388283056 6.14077377093387 0 0 0 0
+48 -16.669041940010686 2.150172352177355 0 0 0 0
+46 25.89535384081282 6.63908984578596 0 0 0 0
+71 7.124590441165296 -14.602844314029573 0 0 0 0
+54 -10.998407027924987 1.7508669798224656 0 0 0 0
+40 11.408719266444729 8.30462983758986 0 0 0 0
+47 -33.989368486788706 -17.790802361653462 0 0 0 0
+44 -15.5835130645109 -16.71127726576068 0 0 0 0
+65 -10.379591923449942 -6.066065302220676 0 0 0 0
+49 -11.434528064716117 -32.65323777363922 0 0 0 0
+37 0.5882750986160725 -1.8217457941241693 0 0 0 0
+58 -0.8557427489337677 -18.079829967303112 0 0 0 0
+63 -12.771287647830155 -11.157655791639183 0 0 0 0
+67 14.898848360959743 -3.3540528178049205 0 0 0 0
+56 30.715198710656928 -6.447180817870431 0 0 0 0
+60 -19.321176957875288 14.314475644591653 0 0 0 0
+52 -6.679185030843137 -17.905299734787132 0 0 0 0
+55 -9.328876725787856 5.252515375522744 0 0 0 0
+78 -12.176591017811125 -2.4878555639460376 0 0 0 0
+57 -1.8751551251066845 9.490032984318313 0 0 0 0
+62 23.60059639971363 -13.153148264213286 0 0 0 0
+59 -2.6074399080873287 -8.857598227254426 0 0 0 0
+79 -5.516391588225264 -10.979428098889445 0 0 0 0
+73 25.171765022653176 -3.580701381336378 0 0 0 0
+66 -16.276407580611075 -20.83225197192398 0 0 0 0
+89 23.791589674283077 -14.626273110328098 0 0 0 0
+64 -7.590946081589053 -11.478954100647883 0 0 0 0
+76 9.12416008127066 -6.714123182580877 0 0 0 0
+61 18.509513608337333 24.99257227932163 0 0 0 0
+96 -0.40062831424733397 6.020014701038736 0 0 0 0
+70 -1.4461114007586418 4.182582613949605 0 0 0 0
+88 8.978070567216152 8.018589585807709 0 0 0 0
+74 -7.47980637557064 -27.61479974455678 0 0 0 0
+75 0.7300799287558581 -9.838119853758617 0 0 0 0
+77 1.9069454072516692 -21.149851516446333 0 0 0 0
+68 4.440279960877923 -7.640041244030382 0 0 0 0
+84 -2.0550396366223787 8.210065431037023 0 0 0 0
+104 -4.189599943900939 1.0869886227374987 0 0 0 0
+83 4.054374832112063 -1.6763545474625206 0 0 0 0
+98 3.4143968814452363 -5.192401494209036 0 0 0 0
+92 34.84308948004434 -12.62112372553714 0 0 0 0
+86 8.518284358037743 -10.196790440409458 0 0 0 0
+82 10.92666635341774 14.67509573053274 0 0 0 0
+95 0.611589200340243 -10.401653259312601 0 0 0 0
+81 17.229505305442064 4.464337241607368 0 0 0 0
+90 -1.3497252426804764 0.23206142266870208 0 0 0 0
+80 -25.438895228537508 -0.0923869766901041 0 0 0 0
+97 2.7664137724591464 -21.506699046971132 0 0 0 0
+107 -2.5574938551628152 27.223029820529902 0 0 0 0
+87 -0.5062810476547208 4.328658002867247 0 0 0 0
+91 -11.703073622140401 13.48056783203344 0 0 0 0
+100 3.0991534178146076 1.807869863158547 0 0 0 0
+102 -18.83038842587625 12.450512492729981 0 0 0 0
+93 19.794987234739665 -1.6353708089956838 0 0 0 0
+106 8.306177626743281 -2.9514907835135245 0 0 0 0
+94 -31.68836196025197 7.577096212364092 0 0 0 0
+114 -10.834194564656476 2.8617446299288245 0 0 0 0
+112 -0.598211592062677 33.08207351539556 0 0 0 0
+119 7.630234853122368 14.879144976012181 0 0 0 0
+109 -15.755338282362038 13.198456460872592 0 0 0 0
+113 8.712025815851428 -23.473733858906936 0 0 0 0
+103 23.487393264066682 5.683577785811609 0 0 0 0
+101 -9.19427418174024 2.6382026153484874 0 0 0 0
+111 5.141503925101588 -8.640501609136077 0 0 0 0
+120 -1.3279913972942328 11.49666870213253 0 0 0 0
+105 -1.8634622260720357 4.741418701366207 0 0 0 0
+121 -5.659793687141359 -18.415895151825186 0 0 0 0
+108 -18.89192950292166 10.998700802291106 0 0 0 0
+130 5.569463194029864 9.817275818117754 0 0 0 0
+131 -10.839482397441143 11.036576403182263 0 0 0 0
+118 8.10888632742725 -6.763156872083245 0 0 0 0
+124 6.448264938084113 24.874752294190625 0 0 0 0
+127 42.64829937378453 -11.605569097533756 0 0 0 0
+123 20.837964009741874 10.275560274606216 0 0 0 0
+129 1.3136983176948562 1.2516562536916023 0 0 0 0
+116 11.484785831161428 10.008409551991877 0 0 0 0
+110 -24.160468428680236 -6.25129815907 0 0 0 0
+125 -0.0671093994602286 -4.825753228879589 0 0 0 0
+138 -4.348598805506993 -10.294591365512524 0 0 0 0
+115 -8.783978625073532 7.646163227931372 0 0 0 0
+144 -0.00526260514984948 -15.050896291033533 0 0 0 0
+126 -7.593013275883406 -0.6416118863891732 0 0 0 0
+149 -3.307028873172582 -4.156326543943827 0 0 0 0
+132 -15.343453620740897 12.811681813952028 0 0 0 0
+133 -11.15066199269477 -5.0082760026269355 0 0 0 0
+135 -11.399301199044904 -39.428162029336306 0 0 0 0
+128 -14.062691317558269 11.739309090403724 0 0 0 0
+139 -27.44059320499608 -7.211399475489042 0 0 0 0
+137 2.701861210911127 -17.13805882519304 0 0 0 0
+134 18.54609730096584 -18.131876483562504 0 0 0 0
+154 26.386790631902123 -44.008103234438 0 0 0 0
+140 -0.43548740412156256 11.918582511149312 0 0 0 0
+122 21.719272964634747 8.619093362954121 0 0 0 0
+147 10.946557939385425 11.7861538321958 0 0 0 0
+152 19.43589388744502 32.32593461104353 0 0 0 0
+146 11.785082021232231 12.042474329353773 0 0 0 0
+150 1.1827444878400326 8.645276393788201 0 0 0 0
+141 14.728829844027127 -16.21982178455497 0 0 0 0
+148 27.443627941692032 16.500824163679994 0 0 0 0
+142 -10.154964030271286 -4.9142698037790975 0 0 0 0
+143 -3.2476506542436545 22.12590461582603 0 0 0 0
+174 -10.155229199216127 18.426945153766965 0 0 0 0
+167 -27.275675081448874 -9.65236676254061 0 0 0 0
+161 2.6842915370998552 14.248358659036919 0 0 0 0
+159 -11.24510183876229 -19.544226094008984 0 0 0 0
+153 -15.307364015415478 -6.558056836201731 0 0 0 0
+162 1.9666344225175714 -8.857504293848685 0 0 0 0
+166 -1.9633144559357367 -20.68542921871928 0 0 0 0
+158 -23.604334261811633 19.724577728788873 0 0 0 0
+155 -14.601707544753543 -15.171465607667205 0 0 0 0
+157 -17.22604665703246 -14.656115734093063 0 0 0 0
+156 20.880870930480842 12.430811077503487 0 0 0 0
+173 21.918575999717394 11.586488799067304 0 0 0 0
+151 5.007431426102417 23.021164811043267 0 0 0 0
+160 14.722461750245273 0.9357687910274503 0 0 0 0
+163 7.113301177141209 1.367254397029876 0 0 0 0
+178 -7.381458432555682 10.006190253573989 0 0 0 0
+186 -2.7838425476934336 -2.522200616786243 0 0 0 0
+183 -2.4038392843093424 9.682500044899953 0 0 0 0
+165 30.71533967353419 19.840815602405364 0 0 0 0
+170 -12.826599639400444 -10.427511622495265 0 0 0 0
+184 23.50554367946975 -12.11589751584579 0 0 0 0
+168 6.7230185029279985 -7.255306366151996 0 0 0 0
+172 -1.220451627364759 -2.538021563622482 0 0 0 0
+177 2.319020980265038 3.385300123274472 0 0 0 0
+179 14.086331503210857 -5.183886362207977 0 0 0 0
+176 15.516908558245067 2.777086637697761 0 0 0 0
+205 -5.343114979163018 -2.899933409203933 0 0 0 0
+169 9.67249813843922 -4.326131344979259 0 0 0 0
+194 16.869401936944605 13.128177063371375 0 0 0 0
+190 -37.25109791204928 15.983376762177773 0 0 0 0
+175 -30.986283619302704 3.5021354085818994 0 0 0 0
+180 -1.9766917438857816 3.0101848820349426 0 0 0 0
+195 10.07272418076743 -0.9016208737626138 0 0 0 0
+189 -15.096919626172337 9.229568808101966 0 0 0 0
+182 -26.804025346006156 0.5832011626931328 0 0 0 0
+188 2.5053854398744746 -0.42624715302343685 0 0 0 0
+191 6.166601984009973 30.83709535768119 0 0 0 0
+200 -14.701069918008875 1.2534087333635815 0 0 0 0
+206 -14.147045845914892 12.283343544535843 0 0 0 0
+193 -2.069546794099842 13.64180739560529 0 0 0 0
+197 1.9153091811896843 -12.216402913830095 0 0 0 0
+214 -19.769859834397188 -2.8973431497652364 0 0 0 0
+202 -15.163367200761252 -21.543091525503876 0 0 0 0
+192 12.281619933377304 21.427814197083197 0 0 0 0
+198 11.1805250476644 8.92746494382464 0 0 0 0
+208 -13.994277857246544 -4.309723793378056 0 0 0 0
+187 -4.56086676970503 9.008801421274763 0 0 0 0
+181 -8.356380116355357 -23.3073838147482 0 0 0 0
+185 7.6934941760033535 -5.891123825972665 0 0 0 0
+207 -3.8123548783916537 -18.252078075017963 0 0 0 0
+225 -9.135341519763468 9.863984649385577 0 0 0 0
+217 11.306667059059079 -12.16715672305257 0 0 0 0
+223 13.414670763253602 -6.285064503855931 0 0 0 0
+213 6.674455359942742 -33.664021675701335 0 0 0 0
+203 -1.2776484329509492 19.41919108723033 0 0 0 0
+209 -5.306595747503376 -11.812354516080386 0 0 0 0
+199 -0.3854914320589856 3.3022902667137357 0 0 0 0
+226 0.7441802675652921 28.872716409116443 0 0 0 0
+215 21.96607824035866 -4.1698775360098 0 0 0 0
+201 0.003942995113167307 8.085718783025394 0 0 0 0
+204 15.648501370294333 1.720140963675864 0 0 0 0
+211 13.673396546899685 27.547020322725544 0 0 0 0
+227 -37.84550429311177 7.322389255857692 0 0 0 0
+235 -2.148423724129593 -34.13898176376845 0 0 0 0
+224 -2.6888916907606433 9.826309109591781 0 0 0 0
+219 5.060373429310568 -4.199783389601089 0 0 0 0
+210 -4.602469324163734 7.555167056219169 0 0 0 0
+212 6.9977363196335665 -1.2884401871988391 0 0 0 0
+222 7.359887343595002 0.028634294389206172 0 0 0 0
+218 -1.9250543764987083 -15.481131570975926 0 0 0 0
+228 13.486344831482722 -2.731681237886949 0 0 0 0
+221 -12.15350777019197 7.424040965580188 0 0 0 0
+230 -6.546145253208904 3.402038299792916 0 0 0 0
+239 -11.627493066898358 4.703323855769374 0 0 0 0
+237 -0.08166380854965187 15.544885245378744 0 0 0 0
+229 -8.413574830266132 8.178811979815874 0 0 0 0
+232 19.312740618638855 -22.440659328183344 0 0 0 0
+6 19.486594172647706 9.780937242740665 0 0 0 0
+216 -0.26725358967707435 -14.907331322126387 0 0 0 0
+234 -5.780318496737376 -3.039149790769508 0 0 0 0
+236 -18.347419884370108 -3.7512466256305457 0 0 0 0
+12 -5.4938641446755945 5.125553881288926 0 0 0 0
diff --git a/DATASET/P=20000Pa/confined.restart b/DATASET/P=20000Pa/confined.restart
new file mode 100644
index 0000000..7003215
Binary files /dev/null and b/DATASET/P=20000Pa/confined.restart differ
diff --git a/DATASET/P=20000Pa/log.lammps b/DATASET/P=20000Pa/log.lammps
new file mode 100644
index 0000000..065ed78
--- /dev/null
+++ b/DATASET/P=20000Pa/log.lammps
@@ -0,0 +1,148 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.027456882 0.027456882 -0.00050000000) to (0.072543118 0.072543118 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.004 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 221797
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 222
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.027456882 0.027456882 -0.00050000000) to (0.072543118 0.072543118 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.5086235720338e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 222 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 221797
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 21 21 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.045086236 0 1055.4357 0 221797
+ 2005000 240 0.045086236 0.00010163843 -773.47124 0.0022543118 221797
+ 2010000 240 0.045086236 0.00020327687 -2603.4085 0.0045086236 221797
+ 2015000 240 0.045086236 0.0003049153 -4445.2175 0.0067629354 221797
+ 2020000 240 0.045086236 0.00040655373 -6291.0899 0.0090172471 221797
+ 2025000 240 0.045086236 0.00050819216 -8141.2937 0.011271559 221797
+ 2030000 240 0.045086236 0.0006098306 -10005.06 0.013525871 221797
+ 2035000 240 0.045086236 0.00071146903 -11894.899 0.015780183 221797
+ 2040000 240 0.045086236 0.00081310746 -13807.52 0.018034494 221797
+ 2045000 240 0.045086236 0.00091474589 -15761.982 0.020288806 221797
+ 2050000 240 0.045086236 0.0010163843 -17743.412 0.022543118 221797
+ 2055000 240 0.045086236 0.0011180228 -19768.229 0.02479743 221797
+ 2060000 240 0.045086236 0.0012196612 -21838.385 0.027051741 221797
+ 2065000 240 0.045086236 0.0013212996 -23956.595 0.029306053 221797
+ 2070000 240 0.045086236 0.0014229381 -26123.665 0.031560365 221797
+ 2075000 240 0.045086236 0.0015245765 -28360.05 0.033814677 221797
+ 2080000 240 0.045086236 0.0016262149 -30666.528 0.036068989 221797
+ 2085000 240 0.045086236 0.0017278534 -33036.591 0.0383233 221797
+ 2090000 240 0.045086236 0.0018294918 -35479.493 0.040577612 221797
+ 2095000 240 0.045086236 0.0019311302 -37990.586 0.042831924 221797
+ 2100000 240 0.045086236 0.0020327687 -40569.786 0.045086236 221797
+ 2105000 240 0.045086236 0.0021344071 -43209.587 0.047340548 221797
+ 2110000 240 0.045086236 0.0022360455 -45905.594 0.049594859 221797
+ 2115000 240 0.045086236 0.0023376839 -48665.914 0.051849171 221797
+ 2120000 240 0.045086236 0.0024393224 -51488.458 0.054103483 221797
+ 2125000 240 0.045086236 0.0025409608 -54368.361 0.056357795 221797
+ 2130000 240 0.045086236 0.0026425992 -57309.356 0.058612106 221797
+ 2135000 240 0.045086236 0.0027442377 -60321.833 0.060866418 221797
+ 2140000 240 0.045086236 0.0028458761 -63403.328 0.06312073 221797
+ 2145000 240 0.045086236 0.0029475145 -66556.471 0.065375042 221797
+ 2150000 240 0.045086236 0.003049153 -69782.354 0.067629354 221797
+ 2155000 240 0.045086236 0.0031507914 -73079.28 0.069883665 221797
+ 2160000 240 0.045086236 0.0032524298 -76449.382 0.072137977 221797
+ 2165000 240 0.045086236 0.0033540683 -79887.188 0.074392289 221797
+ 2170000 240 0.045086236 0.0034557067 -83386.662 0.076646601 221797
+ 2175000 240 0.045086236 0.0035573451 -86943.547 0.078900913 221797
+ 2180000 240 0.045086236 0.0036589836 -90554.687 0.081155224 221797
+ 2185000 240 0.045086236 0.003760622 -94217.26 0.083409536 221797
+ 2190000 240 0.045086236 0.0038622604 -97935.055 0.085663848 221797
+ 2195000 240 0.045086236 0.0039638989 -101706.93 0.08791816 221797
+ 2200000 240 0.045086236 0.0040655373 -105528.1 0.090172471 221797
+ 2205000 240 0.045086236 0.0041671757 -109401.34 0.092426783 221797
+ 2210000 240 0.045086236 0.0042688142 -113326.58 0.094681095 221797
+ 2215000 240 0.045086236 0.0043704526 -117300.72 0.096935407 221797
+ 2220000 240 0.045086236 0.004472091 -121324.29 0.099189719 221797
+ 2221797 240 0.045086236 0.0045086199 -122781.72 0.099999918 221797
+Loop time of 3.69583 on 1 procs for 221797 steps with 240 atoms
+
+100.2% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 2.4074 | 2.4074 | 2.4074 | 0.0 | 65.14
+Neigh | 0.00076079 | 0.00076079 | 0.00076079 | 0.0 | 0.02
+Comm | 0.4953 | 0.4953 | 0.4953 | 0.0 | 13.40
+Output | 0.0072515 | 0.0072515 | 0.0072515 | 0.0 | 0.20
+Modify | 0.57608 | 0.57608 | 0.57608 | 0.0 | 15.59
+Other | | 0.2091 | | | 5.66
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 107.000 ave 107 max 107 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 695.000 ave 695 max 695 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 695
+Ave neighs/atom = 2.8958333
+Neighbor list builds = 17
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:03
diff --git a/DATASET/P=30000Pa/1_generate_conf_30000Pa.in b/DATASET/P=30000Pa/1_generate_conf_30000Pa.in
new file mode 100644
index 0000000..77e4eb6
--- /dev/null
+++ b/DATASET/P=30000Pa/1_generate_conf_30000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 30000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 509 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 776 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 943 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 35 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 206 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 81 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 932 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 562 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 872 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 388 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 2 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 390 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 566 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 106 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 772 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 822 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 477 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 703 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 402 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 730 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 556 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 162 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 202 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 958 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 996 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 270 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 863 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 816 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 271 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 456 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 462 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 727 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 252 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 702 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 296 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 725 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 720 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 749 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 338 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 879 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=30000Pa/2_shear.in b/DATASET/P=30000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=30000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=30000Pa/StrainStress.txt b/DATASET/P=30000Pa/StrainStress.txt
new file mode 100644
index 0000000..788e084
--- /dev/null
+++ b/DATASET/P=30000Pa/StrainStress.txt
@@ -0,0 +1,1003 @@
+# Fix print output for fix output_file
+2.25899629323428e-05 1824.393925822409301
+0.000122437599092985 1736.3273717238228073
+0.000222285235253627 1648.3160336429173185
+0.000322132871414269 1560.3736243838795872
+0.000421980507574911 1472.4662382266160421
+0.000521828143735553 1384.5999360410451118
+0.000621675779896348 1296.7858283841603679
+0.00072152341605699 1209.0187487052878623
+0.000821371052217632 1121.3000620497871296
+0.000921218688378274 1033.634887885597891
+0.00102106632453892 946.00515522710827554
+0.00112091396069956 858.41206411141070021
+0.00122076159686035 770.84440977379938431
+0.001320609233021 683.29584810791368454
+0.00142045686918164 595.76402686762151006
+0.00152030450534228 508.26237359088179346
+0.00162015214150292 420.79901183582285285
+0.00171999977766372 333.3829433429309006
+0.00181984741382436 246.03303460245663814
+0.001919695049985 158.73392281330916376
+0.00201954268614564 71.476451821463385272
+0.00211939032230629 -15.735173411108965169
+0.00221923795846693 -102.89655162299824553
+0.00231908559462772 -190.00289265870520694
+0.00241893323078836 -277.04863460296809308
+0.00251878086694901 -364.02683886159064741
+0.00261862850310965 -450.92647207975733181
+0.00271847613927029 -537.72971000715187984
+0.00281832377543093 -624.45011507093749969
+0.00291817141159173 -711.10924582346126499
+0.00301801904775237 -797.71188764905446078
+0.00311786668391301 -884.25218583443870557
+0.00321771432007365 -970.71444048461592047
+0.0033175619562343 -1057.1189800775630374
+0.00341740959239509 -1143.4586206820358711
+0.00351725722855573 -1229.7238267590907981
+0.00361710486471638 -1315.9225174875052744
+0.00371695250087702 -1402.0713907331539758
+0.00381680013703766 -1488.1727078238966442
+0.0039166477731983 -1574.2144652672861866
+0.0040164954093591 -1660.1834180400821879
+0.00411634304551974 -1746.0641279477474654
+0.00421619068168038 -1831.8250837549849166
+0.00431603831784102 -1917.4857657127984112
+0.00441588595400167 -2003.0454270185150563
+0.00451573359016231 -2088.4597849599499568
+0.0046155812263231 -2173.7363551777302746
+0.00471542886248374 -2258.9079990679806542
+0.00481527649864439 -2344.0429836380999404
+0.00491512413480503 -2429.1372804983666356
+0.00501497177096567 -2514.1863510659472922
+0.00511481940712631 -2599.1849871733684267
+0.00521466704328711 -2684.1601976665128859
+0.00531451467944775 -2769.1391975917895252
+0.00541436231560839 -2854.0796076648880444
+0.00551420995176903 -2938.9497962968143838
+0.00561405758792968 -3023.7065454679332106
+0.00571390522409047 -3108.4398012303449832
+0.00581375286025111 -3193.1742856150499392
+0.00591360049641176 -3277.9123404572892468
+0.0060134481325724 -3362.6468196444002388
+0.00611329576873304 -3447.3693861064157318
+0.00621314340489368 -3532.0693630500313702
+0.00631299104105448 -3616.7220635629610115
+0.00641283867721512 -3701.3562128564340128
+0.00651268631337576 -3785.9829996556518381
+0.0066125339495364 -3870.5987022713425176
+0.00671238158569705 -3955.1993023347995404
+0.00681222922185769 -4039.780253657904268
+0.00691207685801848 -4124.3548744129775514
+0.00701192449417912 -4208.9386848154772451
+0.00711177213033977 -4293.4912762707845104
+0.00721161976650041 -4378.0478812705041491
+0.00731146740266105 -4462.6072053074422001
+0.00741131503882169 -4547.1647199544167961
+0.00751116267498249 -4631.7162281761984559
+0.00761101031114313 -4716.2573585467025623
+0.00771085794730377 -4800.782953845816337
+0.00781070558346441 -4885.2844928053718832
+0.00791055321962506 -4969.7696466028737632
+0.00801040085578585 -5054.2756631285010371
+0.00811024849194649 -5138.8127881746813728
+0.00821009612810714 -5223.3557565812325265
+0.00830994376426778 -5307.9502527042477595
+0.00840979140042842 -5392.5813118274136286
+0.00850963903658906 -5477.2352382396602479
+0.00860948667274986 -5561.9066243469733308
+0.0087093343089105 -5646.587004479877578
+0.00880918194507114 -5731.2691077922063414
+0.00890902958123178 -5815.9460119321120146
+0.00900887721739243 -5900.6104858565295217
+0.00910872485355307 -5985.2540417731461275
+0.00920857248971386 -6069.8642251998162465
+0.0093084201258745 -6154.4510599386876493
+0.00940826776203515 -6239.0429154503844984
+0.00950811539819579 -6323.6412998242030881
+0.00960796303435643 -6408.2530877167755534
+0.00970781067051707 -6492.9046551122100936
+0.00980765830667787 -6577.5934768959759822
+0.00990750594283851 -6662.3036183324775266
+0.0100073535789992 -6747.0253683490964249
+0.0101072012151598 -6831.7486551747952035
+0.0102070488513204 -6916.4551955335646198
+0.0103068964874812 -7001.1343658364912699
+0.0104067441236419 -7085.8282623735331072
+0.0105065917598025 -7170.5334961530579676
+0.0106064393959632 -7255.2681842471820346
+0.0107062870321238 -7340.0246339653958785
+0.0108061346682844 -7424.7937616931931188
+0.0109059823044452 -7509.570112904423695
+0.0110058299406059 -7594.3490052572597051
+0.0111056775767665 -7679.1259271708368033
+0.0112055252129272 -7763.8961692886341552
+0.0113053728490878 -7848.65431265648931
+0.0114052204852484 -7933.3926282637394252
+0.0115050681214092 -8018.0965613378057242
+0.0116049157575699 -8102.7828285769655849
+0.0117047633937305 -8187.4471973310273825
+0.0118046110298912 -8272.0826192383374291
+0.0119044586660518 -8356.7058947794066626
+0.0120043063022125 -8441.3137113495522499
+0.0121041539383732 -8525.9229040891186742
+0.0122040015745339 -8610.5301303507494595
+0.0123038492106945 -8695.1248228328477126
+0.0124036968468552 -8779.7062232058142399
+0.0125035444830158 -8864.2687602026817331
+0.0126033921191766 -8948.8067266504131112
+0.0127032397553373 -9033.3133790802148724
+0.0128030873914979 -9117.7825268179021805
+0.0129029350276585 -9202.2157821697364852
+0.0130027826638192 -9286.6331538169306441
+0.0131026302999798 -9371.0299384365953301
+0.0132024779361406 -9455.3981230225163017
+0.0133023255723013 -9539.7265481390932109
+0.0134021732084619 -9623.9945588539103483
+0.0135020208446225 -9708.2268769295678794
+0.0136018684807832 -9792.4364992447717668
+0.0137017161169438 -9876.6501815721130697
+0.0138015637531046 -9960.8501377648353809
+0.0139014113892653 -10045.028521519850983
+0.0140012590254259 -10129.199614131706767
+0.0141011066615865 -10213.339913492554842
+0.0142009542977472 -10297.42270110505342
+0.0143008019339078 -10381.420717582685029
+0.0144006495700686 -10465.382216827681987
+0.0145004972062293 -10549.326915121702768
+0.0146003448423899 -10633.248583587712346
+0.0147001924785506 -10717.139713059297719
+0.0148000401147112 -10800.989543544477783
+0.014899887750872 -10884.769904918735847
+0.0149997353870326 -10968.501414966744051
+0.0150995830231933 -11052.208420276743709
+0.0151994306593539 -11135.884705203725389
+0.0152992782955146 -11219.521946326920443
+0.0153991259316752 -11303.114312788306052
+0.015498973567836 -11386.636398158327211
+0.0155988212039966 -11470.134734297129398
+0.0156986688401573 -11553.61698863179663
+0.0157985164763179 -11637.074589379993995
+0.0158983641124786 -11720.487314522728411
+0.0159982117486392 -11803.931233641511426
+0.0160980593848 -11887.418652687290887
+0.0161979070209606 -11970.924633977627309
+0.0162977546571213 -12054.438071855409362
+0.0163976022932819 -12137.950426377181429
+0.0164974499294426 -12221.490814586139095
+0.0165972975656032 -12305.049788706513937
+0.016697145201764 -12388.602897252892944
+0.0167969928379246 -12472.121742618764983
+0.0168968404740853 -12555.613816408162165
+0.0169966881102459 -12639.132709590470768
+0.0170965357464066 -12722.663488855734613
+0.0171963833825674 -12806.208856141500291
+0.017296231018728 -12889.748275508327424
+0.0173960786548887 -12973.271893203593208
+0.0174959262910493 -13056.798923643762464
+0.0175957739272099 -13140.331311986634319
+0.0176956215633706 -13223.906097123097425
+0.0177954691995314 -13307.529055984838124
+0.017895316835692 -13391.188201481458236
+0.0179951644718527 -13474.872215742663684
+0.0180950121080133 -13558.57086932036691
+0.0181948597441739 -13642.272805857237472
+0.0182947073803346 -13725.96162220815313
+0.0183945550164954 -13809.634763464677235
+0.018494402652656 -13893.262423805976141
+0.0185942502888167 -13976.845780083420323
+0.0186940979249773 -14060.479078577884138
+0.018793945561138 -14144.215244124043238
+0.0188937931972987 -14228.029425964194161
+0.0189936408334594 -14311.902044626747738
+0.01909348846962 -14395.821644071174887
+0.0191933361057807 -14479.779049314427539
+0.0192931837419413 -14563.76500821949594
+0.019393031378102 -14647.768678486381759
+0.0194928790142628 -14731.793071351539766
+0.0195927266504234 -14815.831895096265725
+0.019692574286584 -14899.88378284526334
+0.0197924219227447 -14983.9626822782011
+0.0198922695589053 -15068.060980643607763
+0.019992117195066 -15152.156628990789613
+0.0200919648312268 -15236.192340078236157
+0.0201918124673874 -15320.180187491583638
+0.020291660103548 -15404.189868334253333
+0.0203915077397087 -15488.213981032220545
+0.0204913553758693 -15572.265718661856226
+0.02059120301203 -15656.334498929354595
+0.0206910506481908 -15740.404907455967987
+0.0207908982843514 -15824.511344499414918
+0.020890745920512 -15908.659628111025086
+0.0209905935566727 -15992.859771468243707
+0.0210904411928333 -16077.167153385791607
+0.0211902888289941 -16161.579572113945687
+0.0212901364651548 -16246.056957944938404
+0.0213899841013154 -16330.589025941531872
+0.0214898317374761 -16415.16135457591372
+0.0215896793736367 -16499.743265460143448
+0.0216895270097973 -16584.361530145622964
+0.0217893746459581 -16669.015662179652281
+0.0218892222821188 -16753.691969959920243
+0.0219890699182794 -16838.381838886576588
+0.0220889175544401 -16923.081801806190924
+0.0221887651906007 -17007.801525460130506
+0.0222886128267613 -17092.523224404132634
+0.0223884604629221 -17177.215525468458509
+0.0224883080990828 -17261.852247684200847
+0.0225881557352434 -17346.530675281857839
+0.0226880033714041 -17431.251342765164736
+0.0227878510075647 -17516.003506806082441
+0.0228876986437253 -17600.766759024030762
+0.0229875462798861 -17685.51524548019006
+0.0230873939160468 -17770.335311730726971
+0.0231872415522074 -17855.19849431858529
+0.0232870891883681 -17940.129951520517352
+0.0233869368245287 -18025.167839511526836
+0.0234867844606895 -18110.305735851627105
+0.0235866320968501 -18195.539082717645215
+0.0236864797330108 -18280.864002118483768
+0.0237863273691714 -18366.276935795111058
+0.0238861750053321 -18451.774473525332724
+0.0239860226414927 -18537.353240910793829
+0.0240858702776535 -18623.009807853013626
+0.0241857179138142 -18708.740597474738024
+0.0242855655499748 -18794.541778154467465
+0.0243854131861354 -18880.410341503549716
+0.0244852608222961 -18966.357923105824739
+0.0245851084584567 -19052.372306322224176
+0.0246849560946175 -19138.442117458427674
+0.0247848037307782 -19224.552563228633517
+0.0248846513669388 -19310.667928903061693
+0.0249844990030994 -19396.832922483452421
+0.0250843466392601 -19483.056801763206749
+0.0251841942754207 -19569.332279160735197
+0.0252840419115815 -19655.652701306767995
+0.0253838895477422 -19742.030397780985368
+0.0254837371839028 -19828.487593042500521
+0.0255835848200635 -19915.053429365554621
+0.0256834324562241 -20001.728356441621145
+0.0257832800923849 -20088.507042216915579
+0.0258831277285455 -20175.429234963310591
+0.0259829753647062 -20262.482080460027646
+0.0260828230008668 -20349.649126286778483
+0.0261826706370275 -20436.91806931924657
+0.0262825182731881 -20524.278442886534322
+0.0263823659093489 -20611.725311304322531
+0.0264822135455095 -20699.275766682552785
+0.0265820611816702 -20786.923131381074199
+0.0266819088178308 -20874.685483122793812
+0.0267817564539915 -20962.560927845181141
+0.0268816040901521 -21050.547560017472279
+0.0269814517263129 -21138.643487445202481
+0.0270812993624735 -21226.850738864697632
+0.0271811469986342 -21315.167843090381211
+0.0272809946347948 -21403.592489942268003
+0.0273808422709555 -21492.122359873475943
+0.0274806899071161 -21580.755077693993371
+0.0275805375432769 -21669.487321225678897
+0.0276803851794375 -21758.339541153040045
+0.0277802328155982 -21847.329044772417546
+0.0278800804517588 -21936.439911607863905
+0.0279799280879195 -22025.665499068873032
+0.0280797757240803 -22115.002666318199772
+0.0281796233602409 -22204.451336749636539
+0.0282794709964016 -22294.009269968883018
+0.0283793186325622 -22383.674496004477987
+0.0284791662687228 -22473.445224043498456
+0.0285790139048835 -22563.319787772245036
+0.0286788615410443 -22653.296609711629571
+0.0287787091772049 -22743.374176131193963
+0.0288785568133656 -22833.551018219099205
+0.0289784044495262 -22923.825697057847719
+0.0290782520856868 -23014.196790684611187
+0.0291780997218475 -23104.662882288575929
+0.0292779473580083 -23195.22254847349177
+0.0293777949941689 -23285.874346864620748
+0.0294776426303296 -23376.616801941207086
+0.0295774902664902 -23467.448387785931118
+0.0296773379026508 -23558.367505686732329
+0.0297771855388116 -23649.372453171770758
+0.0298770331749723 -23740.461378133575636
+0.0299768808111329 -23831.632205690639239
+0.0300767284472936 -23922.88250950708607
+0.0301765760834542 -24014.209253359327704
+0.0302764237196149 -24105.620540580792294
+0.0303762713557756 -24197.164181608066428
+0.0304761189919363 -24288.793653895998432
+0.0305759666280969 -24380.535979844473331
+0.0306758142642576 -24472.393054079759168
+0.0307756619004182 -24564.35970877602449
+0.0308755095365789 -24656.432210127477447
+0.0309753571727397 -24748.607468782010983
+0.0310752048089003 -24840.882748783438728
+0.0311750524450609 -24933.255509875336429
+0.0312749000812216 -25025.723301879017527
+0.0313747477173822 -25118.323139596428518
+0.0314745953535429 -25211.103618455865217
+0.0315744429897037 -25304.053523331491306
+0.0316742906258643 -25397.144193092470232
+0.0317741382620249 -25490.363791303472681
+0.0318739858981856 -25583.698883569417376
+0.0319738335343462 -25677.130819750826049
+0.0320736811705069 -25770.670668237940845
+0.0321735288066677 -25864.326291689911159
+0.0322733764428283 -25958.089853573466826
+0.0323732240789889 -26051.945794835744891
+0.0324730717151496 -26145.913766060257331
+0.0325729193513102 -26239.997256659360573
+0.032672766987471 -26334.193455431406619
+0.0327726146236317 -26428.499432127915497
+0.0328724622597923 -26522.911933572282578
+0.032972309895953 -26617.426952125839307
+0.0330721575321136 -26712.038359772115655
+0.0331720051682742 -26806.741292678474565
+0.033271852804435 -26901.589889410290198
+0.0333717004405957 -26996.584147629950166
+0.0334715480767563 -27091.712470626487629
+0.033571395712917 -27186.969398517849186
+0.0336712433490776 -27282.351092709886871
+0.0337710909852382 -27377.85446406543997
+0.033870938621399 -27473.476828489056061
+0.0339707862575597 -27569.21572244109484
+0.0340706338937203 -27665.068770064728596
+0.034170481529881 -27761.03353854566376
+0.0342703291660416 -27857.107264755308279
+0.0343701768022024 -27953.285672270692885
+0.034470024438363 -28049.563585964464437
+0.0345698720745237 -28145.951147023304657
+0.0346697197106843 -28242.447215894590045
+0.034769567346845 -28339.058031749333168
+0.0348694149830056 -28435.790264049937832
+0.0349692626191664 -28532.635375250436482
+0.0350691102553271 -28629.589819017153786
+0.0351689578914877 -28726.650939766954252
+0.0352688055276483 -28823.816375836642692
+0.035368653163809 -28921.110200729603093
+0.0354685007999696 -29018.539923970711243
+0.0355683484361304 -29116.087916801927349
+0.0356681960722911 -29213.747098487656331
+0.0357680437084517 -29311.511925018203328
+0.0358678913446123 -29409.37693403909725
+0.035967738980773 -29507.335714854598336
+0.0360675866169336 -29605.378945384120016
+0.0361674342530944 -29703.483072051876661
+0.0362672818892551 -29801.637451892871468
+0.0363671295254157 -29899.910701010230696
+0.0364669771615763 -29998.302373856560735
+0.036566824797737 -30096.811352271110081
+0.0366666724338976 -30195.43657659694145
+0.0367665200700584 -30294.178138230934564
+0.0368663677062191 -30393.066724735224852
+0.0369662153423797 -30492.091382710957987
+0.0370660629785403 -30591.246395673933876
+0.037165910614701 -30690.557844086084515
+0.0372657582508618 -30790.0437242897533
+0.0373656058870224 -30889.684484879086085
+0.0374654535231831 -30989.483981182285788
+0.0375653011593437 -31089.439945036348945
+0.0376651487955044 -31189.541186365997419
+0.037764996431665 -31289.782485451563844
+0.0378648440678258 -31390.160099748223729
+0.0379646917039864 -31490.671042507721722
+0.0380645393401471 -31591.312795674421068
+0.0381643869763077 -31692.08316192044731
+0.0382642346124684 -31792.980177143002948
+0.038364082248629 -31894.002054029217106
+0.0384639298847898 -31995.150531009850965
+0.0385637775209504 -32096.495494488932309
+0.0386636251571111 -32198.023998776472581
+0.0387634727932717 -32299.731662231140945
+0.0388633204294324 -32401.599690257622569
+0.0389631680655932 -32503.619886131091334
+0.0390630157017538 -32605.81344207899383
+0.0391628633379144 -32708.224759319327859
+0.0392627109740751 -32810.821388944983482
+0.0393625586102357 -32913.620667403622065
+0.0394624062463964 -33016.658272354390647
+0.0395622538825572 -33119.913247537617281
+0.0396621015187178 -33223.361583993515524
+0.0397619491548784 -33326.992182360576408
+0.0398617967910391 -33430.797321124045993
+0.0399616444271997 -33534.774728448341193
+0.0400614920633604 -33638.962887214169314
+0.0401613396995212 -33743.340259130382037
+0.0402611873356818 -33847.894201785245968
+0.0403610349718425 -33952.61739119127742
+0.0404608826080031 -34057.504233932369971
+0.0405607302441637 -34162.549992384068901
+0.0406605778803244 -34267.750403363257647
+0.0407604255164852 -34373.102141865681915
+0.0408602731526458 -34478.608944469866401
+0.0409601207888065 -34584.263573726959294
+0.0410599684249671 -34690.059678007084585
+0.0411598160611277 -34795.989450606903119
+0.0412596636972885 -34902.040576334882644
+0.0413595113334492 -35008.229467100289185
+0.0414593589696098 -35114.552534358765115
+0.0415592066057705 -35220.994903260463616
+0.0416590542419311 -35327.571062384682591
+0.0417589018780918 -35434.292048495393828
+0.0418587495142525 -35541.156125929010159
+0.0419585971504132 -35648.161597226157028
+0.0420584447865738 -35755.306786434135574
+0.0421582924227345 -35862.590019578914507
+0.0422581400588951 -35970.009598363598343
+0.0423579876950558 -36077.563758482945559
+0.0424578353312166 -36185.250587996379181
+0.0425576829673772 -36293.067805183440214
+0.0426575306035378 -36401.011147665682074
+0.0427573782396985 -36509.080534118853393
+0.0428572258758591 -36617.279478965669114
+0.0429570735120198 -36725.606123373981973
+0.0430569211481806 -36834.0581814860343
+0.0431567687843412 -36942.631782426098653
+0.0432566164205018 -37051.326708090840839
+0.0433564640566625 -37160.13889262451994
+0.0434563116928231 -37269.062222960674262
+0.0435561593289839 -37378.114592203266511
+0.0436560069651446 -37487.295361367243459
+0.0437558546013052 -37596.603570397448493
+0.0438557022374658 -37706.038260131193965
+0.0439555498736265 -37815.598468608004623
+0.0440553975097871 -37925.283226639156055
+0.0441552451459479 -38035.091552177698759
+0.0442550927821086 -38145.022443015419412
+0.0443549404182692 -38255.074866835544526
+0.0444547880544299 -38365.24774699522095
+0.0445546356905905 -38475.539941094932146
+0.0446544833267511 -38585.95020644395845
+0.0447543309629119 -38696.477139092370635
+0.0448541785990726 -38807.128772861586185
+0.0449540262352332 -38917.941292978408455
+0.0450538738713939 -39028.941302955179708
+0.0451537215075545 -39140.163272002850135
+0.0452535691437153 -39251.579361012132722
+0.0453534167798759 -39363.176881747443986
+0.0454532644160366 -39474.954574773262721
+0.0455531120521972 -39586.925125569548982
+0.0456529596883579 -39699.071572296234081
+0.0457528073245185 -39811.38625141706143
+0.0458526549606793 -39923.864025301554648
+0.0459525025968399 -40036.500895224329724
+0.0460523502330006 -40149.293541633720452
+0.0461521978691612 -40262.239102459156129
+0.0462520455053219 -40375.335045682324562
+0.0463518931414825 -40488.579088010752457
+0.0464517407776433 -40601.969139138614992
+0.0465515884138039 -40715.503261401332566
+0.0466514360499646 -40829.179639137990307
+0.0467512836861252 -40942.996554373545223
+0.0468511313222859 -41056.952366354991682
+0.0469509789584465 -41171.045493096280552
+0.0470508265946073 -41285.274392786821409
+0.047150674230768 -41399.637541791496915
+0.0472505218669286 -41514.133401893617702
+0.0473503695030892 -41628.760353002653574
+0.0474502171392499 -41743.516457491292385
+0.0475500647754105 -41858.3995989576797
+0.0476499124115713 -41973.472063152548799
+0.047749760047732 -42088.717373313687858
+0.0478496076838926 -42204.11959349969402
+0.0479494553200532 -42319.671783495658019
+0.0480493029562139 -42435.369326886560884
+0.0481491505923747 -42551.208637104013178
+0.0482489982285353 -42667.186668366084632
+0.048348845864696 -42783.300670121861913
+0.0484486935008566 -42899.54803225852811
+0.0485485411370173 -43015.929207449960813
+0.0486483887731779 -43132.464409428226645
+0.0487482364093387 -43249.140565082983812
+0.0488480840454993 -43365.95013291608484
+0.04894793168166 -43482.886582921659283
+0.0490477793178206 -43599.941044935243553
+0.0491476269539813 -43717.089277678365761
+0.0492474745901419 -43834.3602964005986
+0.0493473222263027 -43951.772273940128798
+0.0494471698624633 -44069.323852302251908
+0.049547017498624 -44187.013771621590422
+0.0496468651347846 -44304.840849897940643
+0.0497467127709453 -44422.803968635518686
+0.0498465604071061 -44540.902062205197581
+0.0499464080432667 -44659.134109729995544
+0.0500462556794273 -44777.499128665818716
+0.050146103315588 -44895.99616968601913
+0.0502459509517486 -45014.624312433501473
+0.0503457985879093 -45133.382661972173082
+0.0504456462240701 -45252.270345723372884
+0.0505454938602307 -45371.296064669615589
+0.0506453414963913 -45490.502850588098227
+0.050745189132552 -45609.867584086699935
+0.0508450367687126 -45729.381244879645237
+0.0509448844048733 -45849.039194546137878
+0.0510447320410341 -45968.838338837682386
+0.0511445796771947 -46088.778488860603829
+0.0512444273133554 -46208.856942194732255
+0.051344274949516 -46329.071439419749368
+0.0514441225856766 -46449.420214681995276
+0.0515439702218373 -46569.901717798755271
+0.0516438178579981 -46690.514532676599629
+0.0517436654941587 -46811.257333644214668
+0.0518435131303194 -46932.128855382958136
+0.05194336076648 -47053.127867091810913
+0.0520432084026406 -47174.253143393609207
+0.0521430560388013 -47295.503417577478103
+0.0522429036749621 -47416.881025944720022
+0.0523427513111227 -47538.387763101745804
+0.0524425989472834 -47660.020035819026816
+0.052542446583444 -47781.778505547939858
+0.0526422942196046 -47903.661707272462081
+0.0527421418557654 -48025.66836814529961
+0.0528419894919261 -48147.797311325681221
+0.0529418371280867 -48270.047409352089744
+0.0530416847642474 -48392.417552217470075
+0.053141532400408 -48514.906611413927749
+0.0532413800365686 -48637.513350816887396
+0.0533412276727294 -48760.236106015130645
+0.0534410753088901 -48883.075081124625285
+0.0535409229450507 -49006.029578464578663
+0.0536407705812114 -49129.098549141126568
+0.053740618217372 -49252.280910941364709
+0.0538404658535327 -49375.575535631149251
+0.0539403134896935 -49498.98123260360444
+0.0540401611258541 -49622.496726562581898
+0.0541400087620147 -49746.120625616924372
+0.0542398563981754 -49869.8610968101857
+0.054339704034336 -49993.722088075963256
+0.0544395516704968 -50117.694735174241941
+0.0545393993066575 -50241.774257837663754
+0.0546392469428181 -50365.958142222851166
+0.0547390945789787 -50490.25519318410079
+0.0548389422151394 -50614.65809438542783
+0.0549387898513 -50739.180642660561716
+0.0550386374874608 -50863.810563785802515
+0.0551384851236215 -50988.557089537418506
+0.0552383327597821 -51113.428444621378731
+0.0553381803959427 -51238.423160851300054
+0.0554380280321034 -51363.539899043411424
+0.055537875668264 -51488.777393696778745
+0.0556377233044248 -51614.134411245540832
+0.0557375709405855 -51739.609710634671501
+0.0558374185767461 -51865.201995220566459
+0.0559372662129068 -51990.909835483980714
+0.0560371138490674 -52116.731498665249092
+0.056136961485228 -52242.664311455038842
+0.0562368091213888 -52368.703108855115715
+0.0563366567575495 -52494.855484129206161
+0.0564365043937101 -52621.121455918240827
+0.0565363520298708 -52747.499194147821981
+0.0566361996660314 -52873.985605236593983
+0.056736047302192 -53000.572177135269158
+0.0568358949383528 -53127.271469419778441
+0.0569357425745135 -53254.088014318120258
+0.0570355902106741 -53381.021284204762196
+0.0571354378468348 -53508.070760302398412
+0.0572352854829954 -53635.235931854731461
+0.0573351331191562 -53762.516295408473525
+0.0574349807553168 -53889.911354140014737
+0.0575348283914775 -54017.420617252399097
+0.0576346760276381 -54145.046873770996172
+0.0577345236637988 -54272.827403081777447
+0.0578343712999594 -54400.746797430365405
+0.0579342189361202 -54528.796984914006316
+0.0580340665722808 -54656.97422367301624
+0.0581339142084415 -54785.276076621470565
+0.0582337618446021 -54913.7007226210917
+0.0583336094807628 -55042.246792448466294
+0.0584334571169234 -55170.929652169630572
+0.0585333047530842 -55299.744408878686954
+0.0586331523892449 -55428.685722708461981
+0.0587330000254055 -55557.751055415552401
+0.0588328476615661 -55686.938609483331675
+0.0589326952977268 -55816.27617736881075
+0.0590325429338876 -55945.76753687053133
+0.0591323905700482 -56075.397746399241441
+0.0592322382062089 -56205.161648736160714
+0.0593320858423695 -56335.055981926350796
+0.0594319334785301 -56465.088319747257628
+0.0595317811146908 -56595.278556164797919
+0.0596316287508516 -56725.610919637554616
+0.0597314763870122 -56856.079576646086934
+0.0598313240231729 -56986.680977239404456
+0.0599311716593335 -57117.412436996237375
+0.0600310192954941 -57248.271692921254726
+0.0601308669316548 -57379.256649590824964
+0.0602307145678156 -57510.364945586843533
+0.0603305622039762 -57641.593882134213345
+0.0604304098401369 -57772.945893268712098
+0.0605302574762975 -57904.419950225645152
+0.0606301051124582 -58036.01490073021705
+0.0607299527486189 -58167.729642016442085
+0.0608298003847796 -58299.563108543414273
+0.0609296480209402 -58431.514261312360759
+0.0610294956571009 -58563.582078171995818
+0.0611293432932615 -58695.765544314344879
+0.0612291909294222 -58828.063642391796748
+0.061329038565583 -58960.475341452816792
+0.0614288862017436 -59092.999583680350042
+0.0615287338379042 -59225.635267319223203
+0.0616285814740649 -59358.381222981734027
+0.0617284291102255 -59491.236177712220524
+0.0618282767463862 -59624.198692977741302
+0.061928124382547 -59757.267022001891746
+0.0620279720187076 -59890.438653034238087
+0.0621278196548682 -60023.712339032070304
+0.0622276672910289 -60157.084770044217294
+0.0623275149271895 -60290.547666605263657
+0.0624273625633502 -60424.089414087124169
+0.062527210199511 -60557.744062879515695
+0.0626270578356716 -60691.512359984357317
+0.0627269054718323 -60825.428495380547247
+0.0628267531079929 -60959.493768932130479
+0.0629266007441535 -61093.693430680439633
+0.0630264483803142 -61228.037215091186226
+0.063126296016475 -61362.59461843338795
+0.0632261436526356 -61497.365742938207404
+0.0633259912887963 -61632.317175500611484
+0.0634258389249569 -61767.43571952250204
+0.0635256865611175 -61902.713607420111657
+0.0636255341972783 -62038.145337208909041
+0.063725381833439 -62173.743081091372005
+0.0638252294695996 -62309.506378240548656
+0.0639250771057603 -62445.424203744296392
+0.0640249247419209 -62581.491323986876523
+0.0641247723780815 -62717.703524890785047
+0.0642246200142423 -62854.056357738023507
+0.064324467650403 -62990.542340697349573
+0.0644243152865636 -63127.16875818301196
+0.0645241629227243 -63263.936638126484468
+0.0646240105588849 -63400.844385261734715
+0.0647238581950456 -63537.906149384652963
+0.0648237058312063 -63675.118070813121449
+0.064923553467367 -63812.474282119204872
+0.0650234011035276 -63949.971978325600503
+0.0651232487396883 -64087.609112808786449
+0.0652230963758489 -64225.384005352767417
+0.0653229440120097 -64363.297382037613716
+0.0654227916481704 -64501.365126452583354
+0.065522639284331 -64639.578502123578801
+0.0656224869204916 -64777.933063316311745
+0.0657223345566523 -64916.426279329512909
+0.0658221821928129 -65055.056256161064084
+0.0659220298289737 -65193.821423314075219
+0.0660218774651344 -65332.720406816006289
+0.066121725101295 -65471.757984966207005
+0.0662215727374556 -65610.971637900540372
+0.0663214203736163 -65750.342397027707193
+0.0664212680097769 -65889.861860690652975
+0.0665211156459377 -66029.525651753254351
+0.0666209632820984 -66169.330643405308365
+0.066720810918259 -66309.274119079054799
+0.0668206585544197 -66449.352749813901028
+0.0669205061905803 -66589.567550068662968
+0.0670203538267411 -66729.917986782005755
+0.0671202014629017 -66870.4028044976003
+0.0672200490990624 -67011.020853859154158
+0.067319896735223 -67151.771070297763799
+0.0674197443713836 -67292.652458652548376
+0.0675195920075443 -67433.66408164940367
+0.0676194396437049 -67574.805051016082871
+0.0677192872798657 -67716.074520454218145
+0.0678191349160264 -67857.471679957103333
+0.067918982552187 -67998.995751053531421
+0.0680188301883477 -68140.64598277946061
+0.0681186778245083 -68282.421648097515572
+0.0682185254606691 -68424.322040661179926
+0.0683183730968297 -68566.346471626020502
+0.0684182207329904 -68708.494266410605633
+0.068518068369151 -68850.764760991543881
+0.0686179160053117 -68993.15729722676042
+0.0687177636414723 -69135.671216092581744
+0.0688176112776331 -69278.305846183226095
+0.0689174589137937 -69421.060480063373689
+0.0690173065499544 -69563.934308081967174
+0.069117154186115 -69706.925945948052686
+0.0692170018222757 -69850.037000041804276
+0.0693168494584363 -69993.281183133294689
+0.0694166970945971 -70136.652278083929559
+0.0695165447307577 -70280.147486143949209
+0.0696163923669184 -70423.765272292002919
+0.069716240003079 -70567.504516872591921
+0.0698160876392397 -70711.36430460504198
+0.0699159352754005 -70855.343840751753305
+0.0700157829115611 -70999.442409930677968
+0.0701156305477218 -71143.659353035807726
+0.0702154781838824 -71287.994053121685283
+0.070315325820043 -71432.445926179294474
+0.0704151734562037 -71577.014414743927773
+0.0705150210923645 -71721.699211619707057
+0.0706148687285251 -71866.501115723644034
+0.0707147163646858 -72011.418994967199978
+0.0708145640008464 -72156.45211142822518
+0.070914411637007 -72301.599874860607088
+0.0710142592731677 -72446.861750247961027
+0.0711141069093285 -72592.237233894367819
+0.0712139545454891 -72737.725843368272763
+0.0713138021816498 -72883.32711225435196
+0.0714136498178104 -73029.040586926144897
+0.0715134974539711 -73174.866463273006957
+0.0716133450901318 -73320.818850092924549
+0.0717131927262925 -73466.892452001018682
+0.0718130403624531 -73613.085403235279955
+0.0719128879986138 -73759.431578853967949
+0.0720127356347744 -73905.917583313377691
+0.0721125832709351 -74052.53478998139326
+0.0722124309070959 -74199.279231184977107
+0.0723122785432565 -74346.148311277196626
+0.0724121261794171 -74493.140089822511072
+0.0725119738155778 -74640.253003889753018
+0.0726118214517384 -74787.485731797889457
+0.0727116690878991 -74934.83711586832942
+0.0728115167240599 -75082.306113186539733
+0.0729113643602205 -75229.891760067199357
+0.0730112119963811 -75377.593140988217783
+0.0731110596325418 -75525.409350412985077
+0.0732109072687024 -75673.339411828084849
+0.0733107549048631 -75821.381730096312822
+0.0734106025410239 -75969.536249221288017
+0.0735104501771845 -76117.80400663628825
+0.0736102978133451 -76266.184429358821944
+0.0737101454495058 -76414.676967410108773
+0.0738099930856664 -76563.281091147102416
+0.0739098407218271 -76711.99628903332632
+0.0740096883579879 -76860.82206579441845
+0.0741095359941485 -77009.757940823910758
+0.0742093836303092 -77158.803446820849786
+0.0743092312664698 -77307.962649455323117
+0.0744090789026304 -77457.241566442957264
+0.0745089265387912 -77606.634895341645461
+0.0746087741749519 -77756.140801594403456
+0.0747086218111125 -77905.758141991231241
+0.0748084694472732 -78055.486042457123403
+0.0749083170834338 -78205.323770629707724
+0.0750081647195944 -78355.270681171343313
+0.0751080123557552 -78505.326187650673091
+0.0752078599919159 -78655.489746292747441
+0.0753077076280765 -78805.760845763215912
+0.0754075552642372 -78956.139000393159222
+0.0755074029003978 -79106.623745424338267
+0.0756072505365585 -79257.214633551935549
+0.0757070981727192 -79407.911232327591279
+0.0758069458088799 -79558.72425784371444
+0.0759067934450405 -79709.67622771661263
+0.0760066410812012 -79860.752458445000229
+0.0761064887173618 -80011.947629967777175
+0.0762063363535226 -80163.258943463588366
+0.0763061839896833 -80314.684509093189263
+0.0764060316258439 -80466.222889690921875
+0.0765058792620045 -80617.872915673375246
+0.0766057268981652 -80769.633592348531238
+0.0767055745343258 -80921.504047383190482
+0.0768054221704866 -81073.483498448113096
+0.0769052698066472 -81225.571231936381082
+0.0770051174428079 -81377.772868998639751
+0.0771049650789685 -81530.092349228609237
+0.0772048127151292 -81682.52438124724722
+0.0773046603512898 -81835.067085865986883
+0.0774045079874506 -81987.719225192427984
+0.0775043556236113 -82140.479831538992585
+0.0776042032597719 -82293.348086829151725
+0.0777040508959325 -82446.323268592488603
+0.0778038985320932 -82599.404721164275543
+0.077903746168254 -82752.591838528882363
+0.0780035938044146 -82905.884053222689545
+0.0781034414405753 -83059.28082874622487
+0.0782032890767359 -83212.781654115475249
+0.0783031367128965 -83366.386039783101296
+0.0784029843490572 -83520.09351455423166
+0.078502831985218 -83673.903623119011172
+0.0786026796213786 -83827.815924069785979
+0.0787025272575393 -83981.829988316661911
+0.0788023748936999 -84135.945397722331109
+0.0789022225298606 -84290.162211058996036
+0.0790020701660212 -84444.480752138755633
+0.079101917802182 -84598.900101818406256
+0.0792017654383426 -84753.419721902420861
+0.0793016130745033 -84908.03915587112715
+0.0794014607106639 -85062.757981785049196
+0.0795013083468246 -85217.575797844488989
+0.0796011559829852 -85372.492272815274191
+0.079701003619146 -85527.527317788175424
+0.0798008512553066 -85682.676349832603591
+0.0799006988914673 -85837.947021224492346
+0.0800005465276279 -85993.342266637700959
+0.0801003941637886 -86148.85262083489215
+0.0802002417999492 -86304.474655290032388
+0.08030008943611 -86460.20618355734041
+0.0803999370722706 -86616.045581225815113
+0.0804997847084313 -86771.991543095806264
+0.0805996323445919 -86928.042968145382474
+0.0806994799807526 -87084.198895993147744
+0.0807993276169134 -87240.458468211436411
+0.080899175253074 -87396.820903007755987
+0.0809990228892346 -87553.285477717858157
+0.0810988705253953 -87709.851516112365061
+0.0811987181615559 -87866.518378804816166
+0.0812985657977166 -88023.285455636912957
+0.0813984134338772 -88180.152159378238139
+0.081498261070038 -88337.117920112825232
+0.0815981087061987 -88494.182179768380593
+0.0816979563423593 -88651.354376421048073
+0.0817978039785199 -88808.651794218370924
+0.0818976516146806 -88966.06664316606475
+0.0819974992508414 -89123.592076828164863
+0.082097346887002 -89281.224897904088721
+0.0821971945231627 -89438.964139414441888
+0.0822970421593233 -89596.807194183318643
+0.0823968897954839 -89754.754921896514134
+0.0824967374316447 -89912.806173278193455
+0.0825965850678054 -90070.959903038106859
+0.082696432703966 -90229.215169534436427
+0.0827962803401267 -90387.57109581642726
+0.0828961279762873 -90546.026841954051633
+0.082995975612448 -90704.58158005833684
+0.0830958232486086 -90863.234465334360721
+0.0831956708847694 -91021.984592098437133
+0.08329551852093 -91180.830905329756206
+0.0833953661570907 -91339.771943403902696
+0.0834952137932513 -91498.803889073664322
+0.083595061429412 -91657.928864490997512
+0.0836949090655728 -91817.151586617852445
+0.0837947567017334 -91976.47160336948582
+0.083894604337894 -92135.888473571525537
+0.0839944519740547 -92295.401765299771796
+0.0840942996102153 -92455.01105431104952
+0.084194147246376 -92614.715922490708181
+0.0842939948825368 -92774.515956193921738
+0.0843938425186974 -92934.420900902507128
+0.084493690154858 -93094.434917478341958
+0.0845935377910187 -93254.55132789403433
+0.0846933854271793 -93414.767917687320733
+0.08479323306334 -93575.083270303817699
+0.0848930806995008 -93735.496280546212802
+0.0849929283356614 -93896.005974168772809
+0.085092775971822 -94056.611375229127589
+0.0851926236079827 -94217.311140770718339
+0.0852924712441433 -94378.103960336447926
+0.0853923188803041 -94538.992167802731274
+0.0854921665164648 -94699.975294700823724
+0.0855920141526254 -94861.052858821320115
+0.0856918617887861 -95022.224393926764606
+0.0857917094249467 -95183.489444578561233
+0.0858915570611073 -95344.847560991969658
+0.0859914046972681 -95506.298293031650246
+0.0860912523334288 -95667.841181857904303
+0.0861910999695894 -95829.475746188312769
+0.0862909476057501 -95991.202511595955002
+0.0863907952419107 -96153.025719632743858
+0.0864906428780713 -96314.941570429829881
+0.0865904905142321 -96476.963300804403843
+0.0866903381503928 -96639.091585873829899
+0.0867901857865534 -96801.320935703333816
+0.0868900334227141 -96963.649214281220338
+0.0869898810588747 -97126.075036979207653
+0.0870897286950355 -97288.597361338834162
+0.0871895763311961 -97451.215338166555739
+0.0872894239673568 -97613.928241275323671
+0.0873892716035174 -97776.73542904680653
+0.0874891192396781 -97939.636321297919494
+0.0875889668758387 -98102.630384285366745
+0.0876888145119993 -98265.717120502857142
+0.0877886621481602 -98428.896061400926556
+0.0878885097843208 -98592.166762021879549
+0.0879883574204814 -98755.52879690444388
+0.0880882050566421 -98918.981756938403123
+0.0881880526928027 -99082.525246763645555
+0.0882879003289635 -99246.158882678573718
+0.0883877479651241 -99409.882290860739886
+0.0884875956012848 -99573.69510584854288
+0.0885874432374454 -99737.596969132922823
+0.0886872908736061 -99901.58752787602134
+0.0887871385097667 -100065.66643367757206
+0.0888869861459275 -100229.83334129559807
+0.0889868337820882 -100394.08790727927408
+0.0890866814182488 -100558.42978841156582
+0.0891865290544094 -100722.85863977516419
+0.0892863766905701 -100887.37411230285943
+0.0893862243267307 -101051.97584927965363
+0.0894860719628915 -101216.66348113531421
+0.0895859195990522 -101381.43661682447419
+0.0896857672352128 -101546.29482797099627
+0.0897856148713734 -101711.23761447127617
+0.0898854625075341 -101876.2793547482288
+0.0899853101436949 -102041.41931170265889
+0.0900851577798555 -102206.65126916790905
+0.0901850054160162 -102371.97604429360945
+0.0902848530521768 -102537.39228236193594
+0.0903847006883375 -102702.89899160835193
+0.0904845483244982 -102868.4953773173911
+0.0905843959606589 -103034.1807657298632
+0.0906842435968195 -103199.95456306889537
+0.0907840912329802 -103365.81623088716879
+0.0908839388691408 -103531.76526976836612
+0.0909837865053015 -103697.80120740320126
+0.0910836341414621 -103863.9235888299736
+0.0911834817776229 -104030.13196677352244
+0.0912833294137835 -104196.42588993370009
+0.0913831770499442 -104362.80488424538635
+0.0914830246861048 -104529.26841222181974
+0.0915828723222655 -104695.81573280166776
+0.0916827199584263 -104862.44523275154643
+0.0917825675945869 -105029.15881067662849
+0.0918824152307475 -105195.97209577422473
+0.0919822628669082 -105362.89528535492718
+0.0920821105030688 -105529.91696562847937
+0.0921819581392295 -105697.04434919553751
+0.0922818057753901 -105864.28481352886593
+0.0923816534115509 -106031.6282320979808
+0.0924815010477116 -106199.07107621761679
+0.0925813486838722 -106366.61116651800694
+0.0926811963200328 -106534.24691194444313
+0.0927810439561935 -106701.97705266617413
+0.0928808915923543 -106869.8005409000325
+0.0929807392285149 -107037.71647584183665
+0.0930805868646756 -107205.72406420957122
+0.0931804345008362 -107373.8225946166931
+0.0932802821369968 -107542.01142000472464
+0.0933801297731576 -107710.2899450998957
+0.0934799774093183 -107878.65761714860855
+0.0935798250454789 -108047.11391889270453
+0.0936796726816396 -108215.65836316853529
+0.0937795203178002 -108384.29236517065146
+0.0938793679539608 -108553.04142705295817
+0.0939792155901215 -108721.89531879956485
+0.0940790632262823 -108890.84829164463736
+0.0941789108624429 -109059.89768643805292
+0.0942787584986036 -109229.04176522055059
+0.0943786061347642 -109398.28630153601989
+0.0944784537709249 -109567.66187506201095
+0.0945783014070856 -109737.15212842702749
+0.0946781490432463 -109906.74999834349728
+0.0947779966794069 -110076.45191615947988
+0.0948778443155676 -110246.25548349911696
+0.0949776919517282 -110416.15888820835971
+0.0950775395878889 -110586.16066793946084
+0.0951773872240497 -110756.25959175141179
+0.0952772348602103 -110926.45459267013939
+0.0953770824963709 -111096.74472575355321
+0.0954769301325316 -111267.12914033098787
+0.0955767777686922 -111437.60706067564024
+0.0956766254048529 -111608.17777204886079
+0.0957764730410137 -111778.84061026619747
+0.0958763206771743 -111949.59495374785911
+0.0959761683133349 -112120.49641452064679
+0.0960760159494956 -112291.54927639767993
+0.0961758635856562 -112462.72894863286638
+0.096275711221817 -112634.02752187541046
+0.0963755588579777 -112805.44033886624675
+0.0964754064941383 -112976.96415258428897
+0.096575254130299 -113148.59648766466125
+0.0966751017664596 -113320.33534862640954
+0.0967749494026202 -113492.17906416601909
+0.096874797038781 -113664.12619521337911
+0.0969746446749417 -113836.17547643983562
+0.0970744923111023 -114008.34024731321551
+0.0971743399472629 -114180.62153058403055
+0.0972741875834236 -114353.01592949818587
+0.0973740352195842 -114525.5210535605147
+0.097473882855745 -114698.13312592977309
+0.0975737304919057 -114870.85008144231688
+0.0976735781280663 -115043.6703490246
+0.097773425764227 -115216.59262692292396
+0.0978732734003876 -115389.61578789434861
+0.0979731210365484 -115562.73882882752514
+0.098072968672709 -115735.96084030110796
+0.0981728163088697 -115909.28098665147263
+0.0982726639450303 -116082.69849207483639
+0.098372511581191 -116256.21263050522248
+0.0984723592173516 -116429.82271800386661
+0.0985722068535122 -116603.52810682366544
+0.098672054489673 -116777.32818071618385
+0.0987719021258337 -116951.22235115470539
+0.0988717497619943 -117125.21005417879496
+0.098971597398155 -117299.29074777914502
+0.0990714450343156 -117473.4639097044419
+0.0991712926704764 -117647.72903556629899
+0.099271140306637 -117822.08563718888036
+0.0993709879427977 -117996.53324123502534
+0.0994708355789583 -118171.07138790833415
+0.099570683215119 -118345.69962985919847
+0.0996705308512796 -118520.41753120753856
+0.0997703784874404 -118695.22466663067462
+0.0998702261236011 -118870.1206205686176
+0.0999700737597617 -119045.10498648697103
diff --git a/DATASET/P=30000Pa/box_confined.data b/DATASET/P=30000Pa/box_confined.data
new file mode 100644
index 0000000..7bc41c0
--- /dev/null
+++ b/DATASET/P=30000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2270145
+
+240 atoms
+6 atom types
+
+0.02741003706772203 0.07258996293227798 xlo xhi
+0.02741003706772203 0.07258996293227798 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+2 1 0.0025 1500.0000000000005 0.031260338378191393 0.02760039305238011 0 0 0 0
+237 1 0.0035 1071.4285714285713 0.036448443370112014 0.02863877388986237 0 0 1 0
+9 1 0.0025 1500.0000000000005 0.044131279346114674 0.02917129441956419 0 0 0 0
+240 1 0.0025 1500.0000000000005 0.046551139135673186 0.028541328873232057 0 0 1 0
+1 1 0.0035 1071.4285714285713 0.052348037228362426 0.028303107750293224 0 0 0 0
+239 1 0.0035 1071.4285714285713 0.05577734275483096 0.02771456489578411 0 0 1 0
+235 1 0.0035 1071.4285714285713 0.059241180473842824 0.027419562323389716 0 0 1 0
+6 1 0.0035 1071.4285714285713 0.0627880179890291 0.02792107902302716 0 0 0 0
+18 1 0.0035 1071.4285714285713 0.06624787921131209 0.0725827224270876 0 0 -1 0
+5 1 0.0025 1500.0000000000005 0.06897685369132153 0.028728671958022808 0 0 0 0
+23 1 0.0035 1071.4285714285713 0.02960489604434849 0.030053449553663212 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.03313168517182062 0.029952655434245887 0 0 0 0
+16 1 0.0035 1071.4285714285713 0.039680921625642095 0.030056560529426905 0 0 0 0
+14 1 0.0035 1071.4285714285713 0.04268205571745318 0.031811951622587466 0 0 0 0
+17 1 0.0035 1071.4285714285713 0.04617695847295983 0.031487562042813895 0 0 0 0
+13 1 0.0035 1071.4285714285713 0.04924844091407155 0.02986140056483586 0 0 0 0
+11 1 0.0025 1500.0000000000005 0.051916450299357916 0.03126926132779652 0 0 0 0
+15 1 0.0035 1071.4285714285713 0.054899961198440525 0.031198708604085624 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.05768289464025385 0.029988940825927915 0 0 0 0
+10 1 0.0035 1071.4285714285713 0.060593111902281456 0.0307528711348 0 0 0 0
+21 1 0.0025 1500.0000000000005 0.06360942831756802 0.030781204434017037 0 0 0 0
+26 1 0.0025 1500.0000000000005 0.06609097407438012 0.030409541934674635 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.06843850325595344 0.031184447157600388 0 0 0 0
+8 1 0.0035 1071.4285714285713 0.07133926630291153 0.030486189384119816 0 0 0 0
+29 1 0.0025 1500.0000000000005 0.028107239583135286 0.03270094891479558 0 1 0 0
+38 1 0.0035 1071.4285714285713 0.03104013492204356 0.033257051915034905 0 1 0 0
+25 1 0.0025 1500.0000000000005 0.03398120180398041 0.03282317054769632 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.036880095128724595 0.032091898811066756 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.03977186300673513 0.03300768454007532 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.04993047661201822 0.0328307060032559 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.0530227971590792 0.0335622849068937 0 0 0 0
+24 1 0.0035 1071.4285714285713 0.05789674365161101 0.03297412779092381 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.062292808486989704 0.033832137958314426 0 0 0 0
+33 1 0.0025 1500.0000000000005 0.06513166202880397 0.03290777418417563 0 0 0 0
+30 1 0.0025 1500.0000000000005 0.07078882310016157 0.03336881051996351 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.027559544456307677 0.03522059586937165 0 1 0 0
+35 1 0.0025 1500.0000000000005 0.033244104909579096 0.03560642894004153 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.03555638325850576 0.03473973015597354 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.038319770157771056 0.03572759354018551 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.041796349352792146 0.03518906053651258 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.044608577870500904 0.03405706179256075 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.047498874153451325 0.03485047756709894 0 0 0 0
+39 1 0.0035 1071.4285714285713 0.05085638162516653 0.035664854961532134 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.05532310285386008 0.03446289503496805 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.057226289095110405 0.03603112871694427 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.059768429394727506 0.03539644187840898 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.06491104718468133 0.03610728135046801 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.06787215627606674 0.03414891387943718 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.07036685255812597 0.03599768230798281 0 0 0 0
+48 1 0.0035 1071.4285714285713 0.03039336506321572 0.03668108105573069 0 0 0 0
+54 1 0.0035 1071.4285714285713 0.03524066641598485 0.037791938699513514 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.040407992968844175 0.03781932145416544 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.04458831572224142 0.03657488385286774 0 0 0 0
+57 1 0.0025 1500.0000000000005 0.04616983441125621 0.03863123014897665 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.04855918055706471 0.03761974012339844 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.05404115377094208 0.037141349097397344 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.05665550632671285 0.0385113037901425 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.05904510187787396 0.03776011905225441 0 0 0 0
+52 1 0.0025 1500.0000000000005 0.061869531376165555 0.03693442898039283 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.06795165391612831 0.03773861650115513 0 0 0 0
+51 1 0.0035 1071.4285714285713 0.07240213401939521 0.03821215803256646 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.029381775902158014 0.04018966226446234 0 1 0 0
+66 1 0.0035 1071.4285714285713 0.032299002714528444 0.039625880962454105 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.0350501624453486 0.04073478841152203 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.03801780248371072 0.03887286837471184 0 0 0 0
+78 1 0.0035 1071.4285714285713 0.04047100788163825 0.040804437968695546 0 0 0 0
+67 1 0.0025 1500.0000000000005 0.043547862159060154 0.03886543681790892 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.04826946942897996 0.040086029210172465 0 0 0 0
+61 1 0.0035 1071.4285714285713 0.051212508218790954 0.03915497120983613 0 0 0 0
+76 1 0.0035 1071.4285714285713 0.054335705072179136 0.040661371135034825 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.057876747715423914 0.040750113679211206 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.060987212574325135 0.040026477194961656 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.06449557447252605 0.039612588010594973 0 0 0 0
+88 1 0.0035 1071.4285714285713 0.06985116158389379 0.040647237620689385 0 0 0 0
+68 1 0.0035 1071.4285714285713 0.027782121372746528 0.04277643742470283 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.030753461287961564 0.04240524650980963 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.03321290065203716 0.04244674262469121 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.03580230555946194 0.04322085857002669 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.03746981541496343 0.04129270498963951 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.04346173368867603 0.04141981050195894 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.04598076562309811 0.04124343390275046 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.048801326887587614 0.043007623545123934 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.05188473468217436 0.04232551963891881 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.056492310644075935 0.04280875172140976 0 0 0 0
+91 1 0.0035 1071.4285714285713 0.05951539136042544 0.043258040912931874 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.06301900377880953 0.042882220468468055 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.06698281069390695 0.04134168886204393 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.030261513395091075 0.045382693952366784 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.033760658060001704 0.045405021304908866 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.038882004366409643 0.04336373577729733 0 0 0 0
+99 1 0.0035 1071.4285714285713 0.04188095145107332 0.04398415780675998 0 0 0 0
+95 1 0.0035 1071.4285714285713 0.045388531432486695 0.04417073054023817 0 0 0 0
+103 1 0.0035 1071.4285714285713 0.05140678517743782 0.045326256183574026 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.054093951429640665 0.04395517922761815 0 0 0 0
+79 1 0.0035 1071.4285714285713 0.06618545495895002 0.04428239032170401 0 0 0 0
+87 1 0.0035 1071.4285714285713 0.06972370427914729 0.04409437510221477 0 0 0 0
+97 1 0.0035 1071.4285714285713 0.03741028344471415 0.046051405325453716 0 0 0 0
+138 1 0.0025 1500.0000000000005 0.040337147350618587 0.04657633385864625 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.04356608897467173 0.04653776376943414 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.04807283318848999 0.04646053637620111 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.05412519679618016 0.04679768655472344 0 0 0 0
+112 1 0.0035 1071.4285714285713 0.0569494404706969 0.045807524779621224 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.06017026416533103 0.046150062962258036 0 0 0 0
+92 1 0.0025 1500.0000000000005 0.06283276377127833 0.04594785770051787 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.06524489530662306 0.047660916997378996 0 0 0 0
+96 1 0.0035 1071.4285714285713 0.06879759174947819 0.04745735101442718 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.07221604386966635 0.046682119491684375 0 -1 0 0
+100 1 0.0025 1500.0000000000005 0.02953314322996528 0.04830289806884081 0 0 0 0
+101 1 0.0025 1500.0000000000005 0.03200846146434901 0.04781543906469119 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.03494946253125912 0.04869102387113984 0 0 0 0
+116 1 0.0035 1071.4285714285713 0.038536177962405785 0.04945217261184315 0 0 0 0
+114 1 0.0035 1071.4285714285713 0.042038694059307664 0.04907193613440745 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.0455220958056286 0.04898490044258705 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.048466544016908406 0.049492957589329686 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.050590462260772275 0.04819749951878807 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.0530208618838699 0.04907624113166444 0 0 0 0
+119 1 0.0035 1071.4285714285713 0.05600248096573515 0.04930116819317644 0 0 0 0
+120 1 0.0025 1500.0000000000005 0.05878810781219542 0.04822026617925017 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.06176485866022049 0.048767809526259365 0 0 0 0
+106 1 0.0025 1500.0000000000005 0.07101193381726759 0.04943697073586948 0 0 0 0
+105 1 0.0035 1071.4285714285713 0.02831924091052194 0.051031860159031425 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.031153479105596064 0.05017230449749835 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.0334105798085344 0.05124613587395595 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.035856137397691765 0.051534346253426636 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.0406209681951505 0.051676662819450256 0 0 0 0
+145 1 0.0025 1500.0000000000005 0.04307872390489962 0.051929883867842926 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.04559254063525448 0.05198006263075579 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.04809300994184205 0.05197821860808382 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.05100202617841012 0.051227391185588306 0 0 0 0
+124 1 0.0025 1500.0000000000005 0.053911568050276165 0.05186405121474395 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.05921192013958875 0.051156361856660136 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.0621676749056165 0.05179922908283654 0 0 0 0
+123 1 0.0025 1500.0000000000005 0.06422946290636364 0.050477454773312114 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.06721197634025036 0.05062237390857157 0 0 0 0
+129 1 0.0025 1500.0000000000005 0.03048899654788496 0.053139672744113485 0 0 0 0
+146 1 0.0025 1500.0000000000005 0.03286489286618025 0.05375317766388983 0 0 0 0
+153 1 0.0025 1500.0000000000005 0.03530117799663101 0.05415565460689697 0 0 0 0
+152 1 0.0035 1071.4285714285713 0.038231955101282765 0.05344415806685769 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.04448485299997579 0.054259025619540074 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.047041851601709615 0.054534741664417054 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.04949986499514936 0.05410103293091483 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.052449245468821466 0.05444066295210105 0 0 0 0
+137 1 0.0025 1500.0000000000005 0.056388220909210196 0.05234436130910988 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.06443133824495766 0.05297161336940018 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.06721047116126787 0.05413201213407545 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.07025973073363996 0.05236519741132679 0 0 0 0
+150 1 0.0035 1071.4285714285713 0.02780505660956195 0.05450230054302212 0 0 0 0
+167 1 0.0035 1071.4285714285713 0.030919727785160216 0.0562341852862961 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.03423898682468638 0.05667364989114583 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.04149515089537411 0.05458253634318912 0 0 0 0
+140 1 0.0025 1500.0000000000005 0.055473834842953575 0.054586547629672535 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.05849075448689371 0.054586588942315425 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.062041432582569674 0.05480126088059412 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.06495047365883395 0.05674276962632281 0 0 0 0
+144 1 0.0025 1500.0000000000005 0.07001296530395659 0.05541499359048897 0 0 0 0
+170 1 0.0025 1500.0000000000005 0.029541726438823166 0.05897615477830649 0 1 0 0
+163 1 0.0035 1071.4285714285713 0.03722402240385913 0.05683869248019358 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.040564302355298905 0.05791916462198936 0 0 0 0
+155 1 0.0025 1500.0000000000005 0.043775839298857665 0.056676475634683234 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.04662719987499282 0.0575270267613786 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.050115037409347855 0.05716043870301993 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.05341614763082842 0.05729572635647211 0 0 0 0
+165 1 0.0035 1071.4285714285713 0.056448620819710235 0.05741658708647612 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.060017644776854916 0.05772553848831769 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.06283516543446686 0.058869745556080544 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.06830995242916044 0.05780251284585808 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.0718183748604012 0.05779192476365888 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.032705322263637954 0.05919901824707477 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.035684968057711174 0.059470134769021424 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.038127958870531706 0.05969464600826636 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.04358629152222008 0.05974542783887494 0 0 0 0
+178 1 0.0025 1500.0000000000005 0.046331143251692845 0.06097366432143694 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.04857348175176066 0.05979872277240355 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.05118505023962117 0.05993394581916063 0 0 0 0
+159 1 0.0035 1071.4285714285713 0.054276784282867516 0.06013868638422337 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.05787013429563489 0.06068748956934208 0 0 0 0
+187 1 0.0025 1500.0000000000005 0.06093600932508322 0.06058832791535599 0 0 0 0
+171 1 0.0025 1500.0000000000005 0.06594367174817697 0.05963112581415905 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.06920973918565937 0.060686917625737004 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.030466826867709705 0.061888506814767444 0 0 0 0
+190 1 0.0025 1500.0000000000005 0.03363771136310049 0.062141216483035014 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.036740351459096085 0.06236133291118959 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.040531537840463566 0.061423536901867457 0 0 0 0
+212 1 0.0035 1071.4285714285713 0.04447985475612642 0.06329009362820874 0 0 0 0
+182 1 0.0025 1500.0000000000005 0.04753077220471874 0.06323045077373146 0 0 0 0
+177 1 0.0025 1500.0000000000005 0.049721060346723356 0.06200526729279579 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.05225543325460429 0.06230451582937655 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.06001005346652725 0.06339750745916203 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.0637209941752273 0.06173339889604669 0 0 0 0
+166 1 0.0025 1500.0000000000005 0.06690398629878305 0.06189915143790324 0 0 0 0
+185 1 0.0035 1071.4285714285713 0.07207689216202609 0.06164218416654339 0 -1 0 0
+191 1 0.0025 1500.0000000000005 0.029572255653740574 0.06474304242008214 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.031992136260391386 0.0644690137202001 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.034454990279449614 0.06458460461665348 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.039185631609362885 0.06411755809696376 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.041640196806052514 0.0642546829322885 0 0 0 0
+204 1 0.0035 1071.4285714285713 0.04995778595798668 0.06508712267199615 0 0 0 0
+194 1 0.0025 1500.0000000000005 0.052935465009489466 0.06476352959981299 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.0557795699410502 0.06352002233855267 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.06276932143967232 0.06453394143451273 0 0 0 0
+195 1 0.0035 1071.4285714285713 0.06600779328420181 0.0647371284427023 0 0 0 0
+188 1 0.0035 1071.4285714285713 0.06937149974408961 0.06379936686013142 0 0 0 0
+198 1 0.0025 1500.0000000000005 0.07226887285389995 0.06462750518617334 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.028368675065729734 0.06697852770496528 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.030937841441511977 0.06682443034024245 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.03380549419981812 0.0678005953202406 0 0 0 0
+211 1 0.0035 1071.4285714285713 0.036970067865643275 0.06612214524554236 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.04035344176868021 0.06701002086184066 0 0 0 0
+209 1 0.0025 1500.0000000000005 0.04344812823791789 0.06613466135157393 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.046621839863150126 0.06616728262088997 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.05234255559934973 0.06768645597333213 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.0550349402704635 0.06642568760248582 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.057981488004869734 0.0662902489265358 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.06094477982203351 0.06634338871078757 0 0 0 0
+216 1 0.0035 1071.4285714285713 0.06373226606373297 0.06736456877485601 0 0 0 0
+206 1 0.0025 1500.0000000000005 0.06836077744962862 0.06665819625776134 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.07083814843102106 0.06663349433410057 0 0 0 0
+224 1 0.0035 1071.4285714285713 0.030840049276928065 0.06981582782050431 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.037144116446140726 0.06962884628515106 0 0 0 0
+215 1 0.0025 1500.0000000000005 0.040184195412417995 0.06998169072254135 0 0 0 0
+220 1 0.0035 1071.4285714285713 0.043161758809895666 0.06915600279332593 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.04613434757519931 0.0691420540200532 0 0 0 0
+225 1 0.0035 1071.4285714285713 0.04908993368974515 0.06898306017665866 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.057286575642032336 0.06969138496240578 0 0 0 0
+229 1 0.0035 1071.4285714285713 0.06110426757193955 0.06965115413097848 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.06668708568517706 0.06913072313410898 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.06963743843841949 0.06889518669118452 0 0 0 0
+217 1 0.0035 1071.4285714285713 0.07247241223040275 0.06973722272654852 0 0 0 0
+232 1 0.0025 1500.0000000000005 0.028832735481993332 0.07233979329078613 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.034069461069634335 0.07129646244969243 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.0388807387626319 0.07209307915932389 0 0 0 0
+4 1 0.0035 1071.4285714285713 0.04184178581091196 0.07247422179158947 0 0 -1 0
+233 1 0.0025 1500.0000000000005 0.04475245445207464 0.07168305069712434 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.047262323779319146 0.07136257141332886 0 0 0 0
+12 1 0.0025 1500.0000000000005 0.049628985512120936 0.07204904748618317 0 0 -1 0
+238 1 0.0025 1500.0000000000005 0.05177128582575788 0.07060206086008922 0 0 0 0
+218 1 0.0025 1500.0000000000005 0.05415515428872493 0.07002807409807275 0 0 0 0
+3 1 0.0025 1500.0000000000005 0.06402006013832888 0.07040739463662227 0 0 -1 0
+228 1 0.0025 1500.0000000000005 0.06907753386572758 0.07142548358543153 0 0 0 0
+236 1 0.0025 1500.0000000000005 0.07143656274329627 0.027504644766223857 0 0 1 0
+
+Velocities
+
+2 -0.9847660359903675 12.754950515642719 0 0 0 0
+237 2.7737286346758414 13.610981635544194 0 0 0 0
+9 30.33557719635398 -17.072645447271245 0 0 0 0
+240 10.487781270849 2.4933471647758165 0 0 0 0
+1 4.435720449652387 -8.46450741602283 0 0 0 0
+239 14.11478691405607 -27.447142685229945 0 0 0 0
+235 8.280692372225474 1.037680490067063 0 0 0 0
+6 5.981600602879252 -5.372474225663671 0 0 0 0
+18 7.4608936882782615 4.907119971986757 0 0 0 0
+5 3.5522362517746062 16.087597274223814 0 0 0 0
+23 -8.067724028462731 -6.315937836348356 0 0 0 0
+19 23.154525183983193 -9.51981082638349 0 0 0 0
+16 -9.812318386267618 4.492919902138172 0 0 0 0
+14 -19.07443855381596 -23.696877478634498 0 0 0 0
+17 -2.2254529526820273 -10.002701237574577 0 0 0 0
+13 -38.56544947597625 8.768195187927128 0 0 0 0
+11 31.19851109199727 -17.221241609782847 0 0 0 0
+15 -0.5669449257708423 12.532563940509633 0 0 0 0
+7 -5.204694164702121 -18.82065329499767 0 0 0 0
+10 9.541336670855351 -0.6482542869140034 0 0 0 0
+21 -22.623096312920538 3.355270858251495 0 0 0 0
+26 -21.677317826907533 -4.93425246407334 0 0 0 0
+27 18.879703476660158 -19.71095110264771 0 0 0 0
+8 -2.109970073826372 12.632974765221647 0 0 0 0
+29 -10.615265448589135 39.49464777238449 0 0 0 0
+38 4.470790522960198 -2.7181635898484973 0 0 0 0
+25 -4.443018400509398 2.2319702399353134 0 0 0 0
+40 -5.505477944248387 2.034284421656438 0 0 0 0
+28 -21.548126993856137 0.2532964230484525 0 0 0 0
+20 -13.583595505387517 -1.8479149197330476 0 0 0 0
+32 -16.271602745702204 2.163933158549852 0 0 0 0
+24 8.12619415771129 7.6641032282300685 0 0 0 0
+22 -1.7828580259514635 2.6452605432496865 0 0 0 0
+33 19.258388204932395 5.564496821195325 0 0 0 0
+30 -1.9336608584114903 2.5899445458928674 0 0 0 0
+44 -9.927055522573296 -15.5427688418108 0 0 0 0
+35 -4.137232139053735 55.29281639662216 0 0 0 0
+45 -6.6091006056829285 17.24569055647418 0 0 0 0
+41 -11.501498618336827 -17.397859914036875 0 0 0 0
+31 2.322746488351703 25.02381972649678 0 0 0 0
+34 -5.360659237400219 -5.165107009588281 0 0 0 0
+42 11.507451834124545 -4.369876223616338 0 0 0 0
+39 -11.063989665130178 14.518206753493764 0 0 0 0
+37 2.462744525769369 -1.3402138954060947 0 0 0 0
+43 26.153328822716492 22.939391065212874 0 0 0 0
+53 0.06384047167326021 13.054708511210634 0 0 0 0
+49 5.64505103996653 4.891516823262446 0 0 0 0
+36 31.121876023610632 -18.189796685228913 0 0 0 0
+47 2.4644607563667478 -7.090196305114247 0 0 0 0
+48 0.004048394045697684 5.479094907516269 0 0 0 0
+54 -1.1322936041402054 -32.18568419688484 0 0 0 0
+58 -6.690394397622683 -8.584108301475922 0 0 0 0
+63 5.6850950436416365 -7.2343948616163125 0 0 0 0
+57 53.047522354377165 15.52940895797941 0 0 0 0
+56 8.40607017317576 20.19677235443784 0 0 0 0
+50 16.22140517938537 -12.7358758710632 0 0 0 0
+59 -43.72017281115253 1.219659490137981 0 0 0 0
+60 -10.114253598756823 10.247402698928587 0 0 0 0
+52 -13.183037845736468 -7.151193344527917 0 0 0 0
+64 -5.481128823890386 7.523196304189064 0 0 0 0
+51 3.9751077715876897 0.8473829645127088 0 0 0 0
+62 8.177160269212711 -13.991168136764536 0 0 0 0
+66 -5.818021158114087 12.483959895203155 0 0 0 0
+74 25.059034331441755 -18.010755640734097 0 0 0 0
+46 0.003050723453883783 34.32144745450136 0 0 0 0
+78 5.9540450805290295 19.386036030385124 0 0 0 0
+67 -13.044767054676234 -27.475504728067698 0 0 0 0
+75 -10.775325961646772 -5.370614874261567 0 0 0 0
+61 19.15308580503333 31.217863390184167 0 0 0 0
+76 -14.5210374194703 5.356783273778436 0 0 0 0
+72 -18.437455521050367 21.314844358281807 0 0 0 0
+65 -6.191620658136427 -9.534749867984356 0 0 0 0
+55 17.851066524351168 -1.629196055825009 0 0 0 0
+88 -21.43967910940824 -5.664095698518112 0 0 0 0
+68 25.524723856643277 -17.195384425617284 0 0 0 0
+70 -28.808831909526525 -10.894202510663392 0 0 0 0
+77 -4.616997512939722 26.669630901824554 0 0 0 0
+80 -4.510514188385618 27.42978564049596 0 0 0 0
+71 -4.644085326077338 0.5539941868869063 0 0 0 0
+89 4.817638356398213 -9.363082633131272 0 0 0 0
+84 -4.188386116857257 -30.23233131348853 0 0 0 0
+90 0.24464015776228346 5.253683589159695 0 0 0 0
+73 41.67538669278501 -21.770976027758653 0 0 0 0
+85 11.861471675257649 16.500374632148652 0 0 0 0
+91 -0.2747133862162324 -13.846448117321705 0 0 0 0
+82 1.0513390989876277 13.321489111905121 0 0 0 0
+69 1.1594259436977525 -1.0818881284602264 0 0 0 0
+86 -21.300948256843895 -5.136537248323596 0 0 0 0
+83 -15.996262130854562 -24.127379523306047 0 0 0 0
+94 3.843339973457213 -27.937348540738384 0 0 0 0
+99 16.131290911071233 0.26559919617798083 0 0 0 0
+95 -22.62289633874943 -8.725476935109583 0 0 0 0
+103 4.810164910473709 -22.92083710728024 0 0 0 0
+81 11.374638959016107 11.39755175041502 0 0 0 0
+79 -29.820687755046013 -6.565649197219781 0 0 0 0
+87 4.279992653854606 -20.377431489418452 0 0 0 0
+97 -10.921926960327815 -10.18593407690391 0 0 0 0
+138 -12.537710081382832 -5.924510132630084 0 0 0 0
+110 -21.536508337947414 12.165074162789839 0 0 0 0
+113 3.3952737756251086 4.479600402600538 0 0 0 0
+108 -1.729446258630028 15.972828577880376 0 0 0 0
+112 -23.526713517791066 4.562894794936031 0 0 0 0
+102 -3.156430229628583 50.35701687685144 0 0 0 0
+92 -7.2940524359263135 40.13679514070968 0 0 0 0
+98 -0.9946537666391284 -3.7417725913459234 0 0 0 0
+96 -14.36860151342425 1.427466547785143 0 0 0 0
+93 2.7409537530701633 14.241199044127812 0 0 0 0
+100 30.02199109827956 21.392286865199555 0 0 0 0
+101 -15.231086813869007 17.83208236435237 0 0 0 0
+107 12.974033600016787 15.044077754004524 0 0 0 0
+116 9.606368865554305 -17.979384276668288 0 0 0 0
+114 26.895665230388857 -18.00160588522512 0 0 0 0
+131 11.238891294056797 4.586101806011987 0 0 0 0
+127 6.9056653425145145 2.4937985919862915 0 0 0 0
+117 -15.448617790162956 6.631662475082643 0 0 0 0
+115 -31.610457303077734 7.124278470952508 0 0 0 0
+119 10.143940887571256 -24.867678552867986 0 0 0 0
+120 -20.282466303729557 -6.3743486824583915 0 0 0 0
+104 0.9636190784529298 8.873840917849495 0 0 0 0
+106 8.005810052004636 -28.347042761685852 0 0 0 0
+105 -10.078478952017765 -8.127647353367909 0 0 0 0
+109 -21.437719997784413 -5.058309648320953 0 0 0 0
+135 -22.43825100267652 -4.1500342101741765 0 0 0 0
+130 -24.41732491473638 4.020025999500199 0 0 0 0
+141 -3.639816087284688 -3.986370651942943 0 0 0 0
+145 -3.515690243510967 -21.1557605843468 0 0 0 0
+139 -36.72495363928435 17.578729960466685 0 0 0 0
+128 -22.96507927205895 -0.8394154216526886 0 0 0 0
+122 -7.301914873480726 -1.8285682065667896 0 0 0 0
+124 47.3389626117853 3.0755365852715073 0 0 0 0
+132 15.564118157657115 24.87419363661676 0 0 0 0
+125 39.30943021490494 -16.748559232263982 0 0 0 0
+123 19.45540509139937 -0.9469021224727479 0 0 0 0
+111 5.657946085339207 -4.313285920590481 0 0 0 0
+129 28.70096763779797 -23.57121795864462 0 0 0 0
+146 11.987705398936516 27.174508306721926 0 0 0 0
+153 -9.130336706415966 -14.505071170911819 0 0 0 0
+152 33.38916003505453 7.394587091617377 0 0 0 0
+156 8.362366208821546 -4.8786935505894045 0 0 0 0
+136 15.671061291284792 17.60909551661015 0 0 0 0
+142 -18.362776709658384 -1.4921607129061503 0 0 0 0
+133 -8.009940561271186 -12.091401577589217 0 0 0 0
+137 10.187432328701043 2.7505704404613436 0 0 0 0
+118 10.992472893110389 -36.31566552475111 0 0 0 0
+121 -5.820624709847247 27.18474356010793 0 0 0 0
+126 18.418615068418898 -8.778502864521743 0 0 0 0
+150 -1.6418097871310564 14.551420254373765 0 0 0 0
+167 15.777794459101555 1.7163043835173108 0 0 0 0
+161 -4.106694649036382 -16.61026726144819 0 0 0 0
+147 -0.6418615325175948 -0.7023380069020557 0 0 0 0
+140 -19.07122917120892 -1.6309139008667626 0 0 0 0
+143 -39.100045722794576 1.9231109384005107 0 0 0 0
+134 -12.959808443735236 16.863517404407915 0 0 0 0
+149 17.559329620311484 -10.933778041207958 0 0 0 0
+144 -3.125570753467594 2.649618413067916 0 0 0 0
+170 -6.582690933037004 -5.31343707176862 0 0 0 0
+163 -6.06242492703731 0.645307853470168 0 0 0 0
+162 -13.484535646296676 -9.21813217365582 0 0 0 0
+155 -18.1569736052449 -26.170659144351067 0 0 0 0
+168 14.846213532522066 -0.8613696083197625 0 0 0 0
+157 -4.866892311629399 -7.702167273796748 0 0 0 0
+148 -36.09966733309171 19.706594235575842 0 0 0 0
+165 -18.45358133451748 -5.927351532545388 0 0 0 0
+158 17.096292042166667 13.493545777281179 0 0 0 0
+172 -33.34932083381555 14.428096761807543 0 0 0 0
+151 16.59366119403786 -36.47802529070524 0 0 0 0
+154 25.293552826003307 -29.982409310477664 0 0 0 0
+169 -12.859435240690127 3.674717766559345 0 0 0 0
+181 -14.29455036119899 -25.32773322923471 0 0 0 0
+164 40.93589211089447 1.517158976476644 0 0 0 0
+179 -8.609382996652418 2.4449948705774003 0 0 0 0
+178 37.243510083532165 -50.002408547345155 0 0 0 0
+173 5.163929584438152 16.607900520146366 0 0 0 0
+160 -8.341259117849747 7.8448358474987545 0 0 0 0
+159 9.065764211282405 -22.25645522855668 0 0 0 0
+184 2.560185779582658 -12.63270937471825 0 0 0 0
+187 -10.412152397297735 31.935441660208145 0 0 0 0
+171 -24.5047486794023 -12.591478293475701 0 0 0 0
+176 2.118437290749254 37.099841814591564 0 0 0 0
+186 -7.787538580884902 1.2737297094073559 0 0 0 0
+190 38.630389956579656 4.775670296150381 0 0 0 0
+197 -8.961855310757125 8.002798673666458 0 0 0 0
+174 0.15642422094526875 -0.9726143083326062 0 0 0 0
+212 0.816031686563308 -5.02266731247656 0 0 0 0
+182 3.3296237787526395 11.554199692310247 0 0 0 0
+177 -43.288985324256224 12.662449081913309 0 0 0 0
+180 3.668328265236751 -0.7366829596361979 0 0 0 0
+196 -15.17787705989382 -44.217386812508636 0 0 0 0
+183 13.200703130299614 10.866581906575842 0 0 0 0
+166 -22.4679976473163 -2.3412003608122824 0 0 0 0
+185 2.225855236042784 27.105328331642095 0 0 0 0
+191 15.410644403069165 -0.304362402609686 0 0 0 0
+193 -43.17252586493923 -8.299794111813188 0 0 0 0
+199 12.987075708298335 12.146837370955222 0 0 0 0
+192 -0.15428998184371845 -2.1305167496763073 0 0 0 0
+189 -23.192786533751104 34.61833875232763 0 0 0 0
+204 -31.71713972108366 8.716302144706553 0 0 0 0
+194 17.649637822511643 11.188559822228203 0 0 0 0
+175 5.847162467544965 -18.757229864301475 0 0 0 0
+210 -20.755184740850954 8.142880926299206 0 0 0 0
+195 -6.861260645929028 6.7664365063376355 0 0 0 0
+188 20.377628161368357 -16.106123429909374 0 0 0 0
+198 27.07452895282894 7.872312365519898 0 0 0 0
+200 -17.96379163256616 1.5504431670351155 0 0 0 0
+202 17.694699219585473 18.867471851093015 0 0 0 0
+208 -9.405719808570378 -16.36439573548163 0 0 0 0
+211 7.904060932192914 2.052384553694333 0 0 0 0
+201 -6.519222645394376 6.465978187205899 0 0 0 0
+209 -9.545338480499074 -0.47062584384418094 0 0 0 0
+214 -4.275227846612051 -9.8037923989631 0 0 0 0
+223 -0.4396937171337394 7.467271721759404 0 0 0 0
+221 -26.794448148726808 0.7362358762628144 0 0 0 0
+205 -17.03447445618227 2.567188022689021 0 0 0 0
+227 16.337354835277306 -10.043219220605904 0 0 0 0
+216 1.9864978973462817 19.163614264561833 0 0 0 0
+206 -1.1851186265023008 -13.605223258600173 0 0 0 0
+203 -1.2164203073492335 -7.195954214621928 0 0 0 0
+224 19.167917864307224 -6.896294489701323 0 0 0 0
+222 3.858884369386385 -3.8525063137009976 0 0 0 0
+215 -10.041577316427182 12.869888074899057 0 0 0 0
+220 8.137988064659307 12.56048135395722 0 0 0 0
+219 2.245425929267633 -6.544854001950668 0 0 0 0
+225 7.317814696275213 -0.9113491450413569 0 0 0 0
+230 29.33809707282645 5.954614727506094 0 0 0 0
+229 -29.622590212163455 2.0819131953867887 0 0 0 0
+207 8.334212214516999 2.686796728867483 0 0 0 0
+213 8.671006364817682 -23.403062306890206 0 0 0 0
+217 7.250685943578892 36.09108729268149 0 0 0 0
+232 28.49937689389786 23.911236269492747 0 0 0 0
+226 2.898231708402737 7.958378927962983 0 0 0 0
+231 -5.106769816019961 -2.7091738920972044 0 0 0 0
+4 -3.1147204970640314 -12.526915135905162 0 0 0 0
+233 -12.110427278063298 31.419116548463826 0 0 0 0
+234 9.33017603437342 8.029819660227695 0 0 0 0
+12 9.944326705642014 13.516699067015633 0 0 0 0
+238 5.120801810162346 -1.7551484130546164 0 0 0 0
+218 -6.506172988090603 -21.909234544381317 0 0 0 0
+3 13.24472631808901 37.8785857040538 0 0 0 0
+228 10.365942323966719 -7.897589170492058 0 0 0 0
+236 6.291989187660907 -7.077823894329284 0 0 0 0
diff --git a/DATASET/P=30000Pa/box_sheared.data b/DATASET/P=30000Pa/box_sheared.data
new file mode 100644
index 0000000..4a0c8a9
--- /dev/null
+++ b/DATASET/P=30000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2221337
+
+240 atoms
+6 atom types
+
+0.02741003706772203 0.07258996293227798 xlo xhi
+0.02741003706772203 0.07258996293227798 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.004517987730102965 0 0 xy xz yz
+
+Atoms # sphere
+
+232 1 0.0025 1500.0000000000005 0.028332811212992626 0.027421899048282752 0 0 1 0
+2 1 0.0025 1500.0000000000005 0.031474616339769265 0.027893696094279455 0 0 0 0
+4 1 0.0035 1071.4285714285713 0.041577561897435875 0.027620348084010257 0 0 0 0
+240 1 0.0025 1500.0000000000005 0.04647870218961429 0.028622711701089952 0 0 1 0
+1 1 0.0035 1071.4285714285713 0.052249373277257344 0.028350410102576985 0 0 0 0
+239 1 0.0035 1071.4285714285713 0.055541641102147876 0.027526266616836884 0 0 1 0
+6 1 0.0035 1071.4285714285713 0.06264453215913306 0.027717474396048124 0 0 0 0
+5 1 0.0025 1500.0000000000005 0.06871678114507454 0.028657196371644884 0 0 0 0
+237 1 0.0035 1071.4285714285713 0.03621636224747379 0.028903032987075167 0 0 1 0
+9 1 0.0025 1500.0000000000005 0.04416376446870146 0.029438180108583793 0 0 0 0
+13 1 0.0035 1071.4285714285713 0.04930615427343035 0.02987093620296527 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.05767347770125165 0.02981332036090185 0 0 0 0
+23 1 0.0035 1071.4285714285713 0.029779393471401207 0.030169709374691357 0 0 0 0
+16 1 0.0035 1071.4285714285713 0.03953962554724277 0.03024668488578929 0 0 0 0
+26 1 0.0025 1500.0000000000005 0.0661909129053759 0.03024511980513693 0 0 0 0
+10 1 0.0035 1071.4285714285713 0.06069479712786152 0.030378579406289123 0 0 0 0
+8 1 0.0035 1071.4285714285713 0.07145921916464207 0.03035117796164514 0 0 0 0
+29 1 0.0025 1500.0000000000005 0.028440914136625448 0.03266936938602516 0 1 0 0
+44 1 0.0025 1500.0000000000005 0.028425611837781892 0.035275227976548085 0 1 0 0
+68 1 0.0035 1071.4285714285713 0.029043297356099694 0.04270951580155536 0 0 0 0
+150 1 0.0035 1071.4285714285713 0.030835148706412487 0.054275376921966725 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.031981994766147444 0.06706514557664357 0 0 0 0
+105 1 0.0035 1071.4285714285713 0.031146438956630627 0.05089875322980196 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.030630796286022194 0.039747943606741276 0 1 0 0
+100 1 0.0025 1500.0000000000005 0.03152884991583226 0.04801574208400991 0 0 0 0
+170 1 0.0025 1500.0000000000005 0.03266828621404744 0.059400400154052804 0 1 0 0
+191 1 0.0025 1500.0000000000005 0.03331774210988064 0.06500124962936117 0 0 0 0
+48 1 0.0035 1071.4285714285713 0.03108140542641248 0.03691384984433907 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.031887505412981805 0.04213296653771922 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.032262840149683926 0.04520425934232289 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.033944481327924 0.062207596478740676 0 0 0 0
+224 1 0.0035 1071.4285714285713 0.03479053275744631 0.07023474503000095 0 0 0 0
+167 1 0.0035 1071.4285714285713 0.03367791233196533 0.056591529224520196 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.034750269844439054 0.0672070614905845 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.03325143879542158 0.030604720571177493 0 0 0 0
+14 1 0.0035 1071.4285714285713 0.04277182159514824 0.03192499451716236 0 0 0 0
+17 1 0.0035 1071.4285714285713 0.046448252703630385 0.031572048549295226 0 0 0 0
+11 1 0.0025 1500.0000000000005 0.051986704070849724 0.03142780047219895 0 0 0 0
+15 1 0.0035 1071.4285714285713 0.054934227545793114 0.030868862199956597 0 0 0 0
+21 1 0.0025 1500.0000000000005 0.0637722749219771 0.030733244850175784 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.06856186704032943 0.031077984908234418 0 0 0 0
+38 1 0.0035 1071.4285714285713 0.03141650544825281 0.03348662497390227 0 1 0 0
+25 1 0.0025 1500.0000000000005 0.03439551576979628 0.03348205746880497 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.0371616169624462 0.03265129768776322 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.0401339145591292 0.03322287477203854 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.04503684943532643 0.034068676960135554 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.05009178895742804 0.032842064538008045 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.05346114058795742 0.03355343750878021 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.05591396768181252 0.03414349301772691 0 0 0 0
+24 1 0.0035 1071.4285714285713 0.05841545411975368 0.03275780414079449 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.06261394455850602 0.03347650655073892 0 0 0 0
+33 1 0.0025 1500.0000000000005 0.06542941788750015 0.032835678934379095 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.06830267815671041 0.034020836956314734 0 0 0 0
+30 1 0.0025 1500.0000000000005 0.07121910576003018 0.03335666682288956 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.03617922798307055 0.035438837482212264 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.039153603241613336 0.03601524216333207 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.04254176308677835 0.035582206293889584 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.04799911592718373 0.03476633921288362 0 0 0 0
+39 1 0.0035 1071.4285714285713 0.05147475944437725 0.035615989661682695 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.057880141406656066 0.03585826215375021 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.06035846375475028 0.03519485810155552 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.06544641325034274 0.03583080708050962 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.07089751949522269 0.03582535222496147 0 0 0 0
+35 1 0.0025 1500.0000000000005 0.034053737198166636 0.03656545992839811 0 0 0 0
+54 1 0.0035 1071.4285714285713 0.036733662762680516 0.03839505293349195 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.04565387723096792 0.03649740755579683 0 0 0 0
+57 1 0.0025 1500.0000000000005 0.047243744235723695 0.038576931070069154 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.049405724145565724 0.0375391398605776 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.05483645152688337 0.03684818452852968 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.05752783692316871 0.03829931599171392 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.059873047272812105 0.03760800712055414 0 0 0 0
+52 1 0.0025 1500.0000000000005 0.06251531664514148 0.03669069245688371 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.06864309653059934 0.037563330143223425 0 0 0 0
+51 1 0.0035 1071.4285714285713 0.07305891584926659 0.03814112341582155 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.033577986882746734 0.03961614779931901 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.03978243622869392 0.03899825410469815 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.04233374821295882 0.03875120035108203 0 0 0 0
+67 1 0.0025 1500.0000000000005 0.04489008229529891 0.039022513150113576 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.04949109570207641 0.04003914458792021 0 0 0 0
+61 1 0.0035 1071.4285714285713 0.05222475937880456 0.039167482197169964 0 0 0 0
+76 1 0.0035 1071.4285714285713 0.05562748669337811 0.04038693810253033 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.05928184605460819 0.04027349204590921 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.06224894464182018 0.039628760071532126 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.0656837843259433 0.0392894724730796 0 0 0 0
+88 1 0.0035 1071.4285714285713 0.0707504678507693 0.04053151939860782 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.03440852255110419 0.04291971179771993 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.036175644037437615 0.041344265985049755 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.038675560927352616 0.041199699052399584 0 0 0 0
+78 1 0.0035 1071.4285714285713 0.04174985912083655 0.041621611411488846 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.04480084563660068 0.04166720521971134 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.04724929914688488 0.041078262128689445 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.0504943664007476 0.042933373826302315 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.053335462915070346 0.04203348836138469 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.05801731889580269 0.04242628660680641 0 0 0 0
+91 1 0.0035 1071.4285714285713 0.06104760534730147 0.04286506401848082 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.06449699100109536 0.04269910316002656 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.06798912563911855 0.04145181868247965 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.03828821052224285 0.0436130184731469 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.04075391613513519 0.04433865420898424 0 0 0 0
+99 1 0.0035 1071.4285714285713 0.043937285899677256 0.04459906484188848 0 0 0 0
+95 1 0.0035 1071.4285714285713 0.04733682702388148 0.04404681632870395 0 0 0 0
+103 1 0.0035 1071.4285714285713 0.05333697504255726 0.04520715634277004 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.05566173150895869 0.04345882207527248 0 0 0 0
+112 1 0.0035 1071.4285714285713 0.058879043886231386 0.045438699112428926 0 0 0 0
+79 1 0.0035 1071.4285714285713 0.0677078251769299 0.0443714615408988 0 0 0 0
+87 1 0.0035 1071.4285714285713 0.071140910779857 0.04402953278671464 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.03574051527075929 0.04566556084760362 0 0 0 0
+97 1 0.0035 1071.4285714285713 0.03911812601807683 0.04678501512035389 0 0 0 0
+138 1 0.0025 1500.0000000000005 0.04217588012468386 0.04687727847798869 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.046346744073012786 0.0467676156268641 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.05016357098972793 0.0464197348264893 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.05616358901824698 0.0465224160095867 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.06235274389854016 0.04570973137924838 0 0 0 0
+92 1 0.0025 1500.0000000000005 0.06507816100171265 0.045835495196522 0 0 0 0
+96 1 0.0035 1071.4285714285713 0.07100652994715871 0.047571397844703184 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.0740556294262359 0.046220449206898134 0 -1 0 0
+101 1 0.0025 1500.0000000000005 0.03403349198428052 0.0480367714304155 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.03698242989513388 0.0492813107077361 0 0 0 0
+114 1 0.0035 1071.4285714285713 0.044512746092364004 0.049003720050718895 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.047992477978378564 0.0495125090748596 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.05100032628150916 0.04937468197161503 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.05304017392894152 0.048113994237034094 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.05545234226317643 0.04896551022046456 0 0 0 0
+119 1 0.0035 1071.4285714285713 0.05851815003220638 0.04888469000774254 0 0 0 0
+120 1 0.0025 1500.0000000000005 0.06117491651491834 0.04776284745016518 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.06418977952391507 0.04860151190861363 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.06755276078853067 0.04781609209674706 0 0 0 0
+106 1 0.0025 1500.0000000000005 0.07373471515225764 0.04914328812773319 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.034129010047217065 0.05053019318359668 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.036117171654722904 0.05219452411292472 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.038599066002415194 0.05204707951876715 0 0 0 0
+116 1 0.0035 1071.4285714285713 0.040599984401803964 0.05005001638890735 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.04339581679452219 0.05167046747782126 0 0 0 0
+145 1 0.0025 1500.0000000000005 0.04611393714818848 0.0517376242073153 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.05064198782951401 0.05178679706826715 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.053547125905558976 0.05121210860813595 0 0 0 0
+124 1 0.0025 1500.0000000000005 0.05656483265420019 0.05171619452789246 0 0 0 0
+137 1 0.0025 1500.0000000000005 0.059075303999023235 0.05197570314461546 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.061666429982636384 0.0507674102626873 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.06460942622711681 0.0516296256295732 0 0 0 0
+123 1 0.0025 1500.0000000000005 0.06682584659347873 0.05067227639062359 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.06977906455533243 0.05070315168993944 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.07310482427872506 0.052002798776821325 0 0 0 0
+129 1 0.0025 1500.0000000000005 0.03356470141993659 0.05308466428472483 0 0 0 0
+153 1 0.0025 1500.0000000000005 0.03814277652504293 0.05451658868303513 0 0 0 0
+152 1 0.0035 1071.4285714285713 0.041306216653687125 0.05369640692456605 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.044773185388925774 0.05441294661491681 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.04847666089202314 0.05272176393324492 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.052328587187078085 0.053776008146574475 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.05538090376835832 0.05437095266095192 0 0 0 0
+140 1 0.0025 1500.0000000000005 0.058313369261840775 0.054288243420612455 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.06128267769857343 0.054177167846016144 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.06738105540826218 0.05312384004845933 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.07045718902123362 0.054194576854557405 0 0 0 0
+146 1 0.0025 1500.0000000000005 0.03568082016139677 0.054583382964819654 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.03708298585403248 0.056730513489360555 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.04777166713780731 0.055084163563366456 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.05022013924493475 0.054779978178804895 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.05295708530384319 0.0567481827240815 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.06478515986797737 0.054684757143612685 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.06800664726327121 0.0564925009355282 0 0 0 0
+144 1 0.0025 1500.0000000000005 0.07333547308363887 0.055260858606623095 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.040171037577678204 0.056985874716993734 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.043732487338657054 0.058078500823384414 0 0 0 0
+155 1 0.0025 1500.0000000000005 0.046443952448509296 0.05705928798108269 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.049441587677238844 0.05770175710413995 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.05613685711712994 0.05732132292055188 0 0 0 0
+165 1 0.0035 1071.4285714285713 0.059316607878748345 0.057196830103641114 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.06291387363799089 0.057419917450352465 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.06595724119296982 0.05849765386682072 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.07164138625649118 0.05761800683605048 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.07520880639555164 0.05779104331977106 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.03587880799695309 0.05947986487790349 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.03887285232559823 0.05957134696163051 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.04145273534400808 0.05985189757249697 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.04700779911394194 0.060013184794884836 0 0 0 0
+178 1 0.0025 1500.0000000000005 0.049992182530837245 0.060695065898465975 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.052183918993910165 0.05952178854093933 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.054708598898028746 0.059525588572143615 0 0 0 0
+159 1 0.0035 1071.4285714285713 0.05770624221248964 0.06012097649121535 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.061210704037916785 0.06033296281939607 0 0 0 0
+187 1 0.0025 1500.0000000000005 0.06441897147133219 0.06030167601513285 0 0 0 0
+171 1 0.0025 1500.0000000000005 0.06929332075422952 0.05931892444294293 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.07260372778400427 0.0604991562488951 0 0 0 0
+190 1 0.0025 1500.0000000000005 0.036935719568386316 0.062370378781315225 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.0402544611867329 0.06253365390996828 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.04405400359574427 0.061656235285904804 0 0 0 0
+212 1 0.0035 1071.4285714285713 0.04853348543206351 0.06328067762859595 0 0 0 0
+182 1 0.0025 1500.0000000000005 0.051583550698416414 0.06288141351334686 0 0 0 0
+177 1 0.0025 1500.0000000000005 0.053668784574309 0.061705256847756296 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.05614398414059933 0.06263743734090153 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.059696030359563154 0.0632598815604909 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.06343066633600129 0.06321565339147132 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.06734865877384807 0.061392362278531204 0 0 0 0
+166 1 0.0025 1500.0000000000005 0.07045831074521111 0.061667953384888466 0 0 0 0
+188 1 0.0035 1071.4285714285713 0.07307738310066074 0.06350089398742921 0 0 0 0
+185 1 0.0035 1071.4285714285713 0.07560729323392008 0.06131171297369062 0 -1 0 0
+193 1 0.0025 1500.0000000000005 0.035755142486352705 0.06474480490922971 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.03821008120343634 0.06461662622852175 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.04299379050897004 0.06432433593788892 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.04577053554463614 0.06442156938216678 0 0 0 0
+204 1 0.0035 1071.4285714285713 0.05416348219012504 0.06468089652848122 0 0 0 0
+194 1 0.0025 1500.0000000000005 0.05718812082147713 0.06494507290909714 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.0664528237352195 0.06425035945744723 0 0 0 0
+195 1 0.0035 1071.4285714285713 0.0694891491230322 0.0643587622684182 0 0 0 0
+198 1 0.0025 1500.0000000000005 0.07608280730601652 0.06436559925748467 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.03779044047080228 0.06759388078929436 0 0 0 0
+211 1 0.0035 1071.4285714285713 0.040884397693453076 0.06630066632487211 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.04433661082899111 0.06718759105119045 0 0 0 0
+209 1 0.0025 1500.0000000000005 0.047456298017505325 0.0664761134623309 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.050673012593942454 0.06621125128393483 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.0561628914872305 0.06772744535948633 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.05900695380933152 0.06706784011857152 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.06185141632896271 0.0661851135904528 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.06481315348688059 0.06599562121832048 0 0 0 0
+216 1 0.0035 1071.4285714285713 0.06764815718712933 0.06720319174600582 0 0 0 0
+206 1 0.0025 1500.0000000000005 0.0721398068578656 0.06632289165698481 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.07462629001326251 0.06621055080775033 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.041276496131999116 0.06975414900573926 0 0 0 0
+215 1 0.0025 1500.0000000000005 0.0442523499180609 0.07023662481252087 0 0 0 0
+220 1 0.0035 1071.4285714285713 0.0470791567774233 0.06953902818579492 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.0500212746490593 0.06907960890126218 0 0 0 0
+225 1 0.0035 1071.4285714285713 0.05298655146933909 0.06900881283262934 0 0 0 0
+218 1 0.0025 1500.0000000000005 0.05819328570210994 0.0701404723299355 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.061173931539117696 0.06951204039220292 0 0 0 0
+229 1 0.0035 1071.4285714285713 0.06458006351343876 0.06898006481440049 0 0 0 0
+3 1 0.0025 1500.0000000000005 0.06817318096966642 0.0701611881616595 0 0 -1 0
+207 1 0.0035 1071.4285714285713 0.07078929395219022 0.0689126577294392 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.07370143993437528 0.06843592545676606 0 0 0 0
+217 1 0.0035 1071.4285714285713 0.07647256237835325 0.06986850448020801 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.038181215956353966 0.07126074883125948 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.043082731649767766 0.07237008120045792 0 0 0 0
+233 1 0.0025 1500.0000000000005 0.048950855643430935 0.0721046648855172 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.05123565896626191 0.07138489290130152 0 0 0 0
+12 1 0.0025 1500.0000000000005 0.05370896625133069 0.07209894275756186 0 0 -1 0
+238 1 0.0025 1500.0000000000005 0.05562020605470362 0.07065042597617763 0 0 0 0
+235 1 0.0035 1071.4285714285713 0.06353135899411748 0.07232013205248787 0 0 0 0
+18 1 0.0035 1071.4285714285713 0.07052095214122228 0.0723381564419946 0 0 -1 0
+228 1 0.0025 1500.0000000000005 0.07320797075624741 0.07101911937955196 0 0 0 0
+236 1 0.0025 1500.0000000000005 0.07534485856938715 0.07251298381413326 0 0 0 0
+
+Velocities
+
+232 -5.122999934728969 16.020213426450095 0 0 0 0
+2 33.05754028103854 -2.207112305290304 0 0 0 0
+4 -29.944716764673853 2.9366651510726496 0 0 0 0
+240 -23.25006534801265 -7.059462015161718 0 0 0 0
+1 -3.1588818137262815 -7.750523027625077 0 0 0 0
+239 -11.095070860556751 2.4428273350215917 0 0 0 0
+6 -17.75949968931307 -2.5770457911608737 0 0 0 0
+5 -9.51837014755924 0.20758114421347457 0 0 0 0
+237 -7.3556958420903795 29.896154345659056 0 0 0 0
+9 31.716090330245986 -2.9805936946606937 0 0 0 0
+13 4.383612416367372 7.686733170796404 0 0 0 0
+7 1.7422797442614042 -33.14603038710819 0 0 0 0
+23 -18.11743211649464 0.1104247533417623 0 0 0 0
+16 3.123312896952858 9.039352694039207 0 0 0 0
+26 31.80997771519905 14.698096982854908 0 0 0 0
+10 -3.164457206102444 7.7044125779825245 0 0 0 0
+8 20.00032730217657 -0.3535962163889816 0 0 0 0
+29 -3.4357841925066004 -1.3651036218969408 0 0 0 0
+44 8.762197491389662 -17.608260798815742 0 0 0 0
+68 -12.225470381297006 3.866883158546921 0 0 0 0
+150 14.950830826380567 9.10452342822095 0 0 0 0
+200 11.208199373430887 16.31923012426388 0 0 0 0
+105 -4.868169718203411 3.777030762382132 0 0 0 0
+62 -7.299233820392086 -26.51690452464718 0 0 0 0
+100 -10.786261973992207 20.057169427257154 0 0 0 0
+170 -23.742128084027623 3.438269111359856 0 0 0 0
+191 19.146726000054713 25.653233482850858 0 0 0 0
+48 18.365491388461713 12.05933262234466 0 0 0 0
+70 -15.403452705554903 7.699267681449496 0 0 0 0
+86 -13.801620804827246 8.640352128209127 0 0 0 0
+186 5.8151982191569225 33.75844528747949 0 0 0 0
+224 7.292872607120754 12.794976735831481 0 0 0 0
+167 -7.42493801766931 -8.020854881046924 0 0 0 0
+202 -29.07176407901305 17.607086602941756 0 0 0 0
+19 11.699621658500888 9.603862885803101 0 0 0 0
+14 12.800030028839057 19.93533966007046 0 0 0 0
+17 -15.6057477387977 -40.14186873588949 0 0 0 0
+11 27.693506093187054 -15.406099066380254 0 0 0 0
+15 -10.148988909431663 -18.036720901353522 0 0 0 0
+21 4.458160818982391 3.249155846762865 0 0 0 0
+27 3.8172147213636967 22.384489427441995 0 0 0 0
+38 2.5549057599343934 10.207334386321387 0 0 0 0
+25 -13.539919227138446 -39.65903440244805 0 0 0 0
+40 -6.251364985840172 3.20885273876596 0 0 0 0
+28 46.488167961125896 9.600143997711161 0 0 0 0
+34 5.7457838210664605 31.63748166883581 0 0 0 0
+20 -9.551032652575833 -0.6890758581075941 0 0 0 0
+32 -8.506219580869923 8.182171074302975 0 0 0 0
+37 -1.0054611512093934 24.32300336590887 0 0 0 0
+24 2.468274619072212 7.936974559326377 0 0 0 0
+22 13.245450557520375 5.531489045847108 0 0 0 0
+33 -33.4956198938827 -18.36256908735609 0 0 0 0
+36 12.789226127866172 -34.80241859151461 0 0 0 0
+30 -12.632834552421446 -4.514061506261589 0 0 0 0
+45 -18.269132512771993 -6.72580650909364 0 0 0 0
+41 23.62780155953239 -13.420263118965325 0 0 0 0
+31 5.762292290276803 -6.68607201816431 0 0 0 0
+42 0.6549680091599126 15.199458940047291 0 0 0 0
+39 -2.971704448310159 4.881067046597398 0 0 0 0
+43 -0.7982516808592967 0.3014414767999468 0 0 0 0
+53 -1.4446302559707125 8.574495515699734 0 0 0 0
+49 3.0089734433799444 13.476493152336568 0 0 0 0
+47 -4.442231068167681 28.47426055918405 0 0 0 0
+35 24.94777354335697 -9.723480020857913 0 0 0 0
+54 -11.392339949970276 -4.289206853034321 0 0 0 0
+63 -22.849187788315096 15.495386421565298 0 0 0 0
+57 18.27822805972499 -34.54401813022323 0 0 0 0
+56 2.458175299704123 16.719820588668217 0 0 0 0
+50 -2.218821123885199 -13.835133591054717 0 0 0 0
+59 26.230673176329915 -13.18024127222848 0 0 0 0
+60 -35.683447556621616 -14.338024982071245 0 0 0 0
+52 -10.712552930604106 11.427807591646657 0 0 0 0
+64 30.144750186004085 13.113941592254521 0 0 0 0
+51 3.8254884990948694 21.715353167283585 0 0 0 0
+66 9.765196444289225 4.044101118552869 0 0 0 0
+46 -4.175023952388189 -54.20277890618478 0 0 0 0
+58 4.001593673625923 -30.910657467938538 0 0 0 0
+67 -8.075709931716359 -18.17301434320573 0 0 0 0
+75 -9.238476726501663 -2.996147712912833 0 0 0 0
+61 7.87452884109239 -12.913062602428322 0 0 0 0
+76 -12.588557693815147 9.63895471292108 0 0 0 0
+72 -0.42085657422833217 3.057684951353781 0 0 0 0
+65 6.16676458421436 6.6436382820860915 0 0 0 0
+55 -8.16189881005311 -12.100173156930333 0 0 0 0
+88 9.876572665862634 -8.178780385618444 0 0 0 0
+77 28.023491219012634 -22.761192110637428 0 0 0 0
+74 -7.758080164961434 22.106516773721978 0 0 0 0
+71 -21.78137430968011 -13.219766953582134 0 0 0 0
+78 -16.067504379300296 -13.977787168941159 0 0 0 0
+89 2.84543470368647 43.59533254656108 0 0 0 0
+84 11.90717021232748 20.583419434847364 0 0 0 0
+90 22.747002080708814 -13.12252666990516 0 0 0 0
+73 43.30055644365387 -3.1978929247700862 0 0 0 0
+85 -4.109925588714198 1.0177662553879416 0 0 0 0
+91 -1.5293016568802456 -17.785782205892378 0 0 0 0
+82 15.116077345477393 0.6208098029835125 0 0 0 0
+69 -1.9174879632327964 13.934548901592912 0 0 0 0
+80 -7.081294802917173 -5.125865734170077 0 0 0 0
+94 9.218658857043705 1.0638228081113235 0 0 0 0
+99 18.19075934059571 -21.09428996757883 0 0 0 0
+95 -0.06598506671446969 -10.687727101639066 0 0 0 0
+103 -0.6319273309738173 -10.26321617354191 0 0 0 0
+81 15.906564929767285 7.390674535960253 0 0 0 0
+112 -3.0344472922242627 -1.3086472485669756 0 0 0 0
+79 1.9511299285597377 9.029450050060351 0 0 0 0
+87 1.6004044198889213 -1.422078629687167 0 0 0 0
+83 -6.7208292013378825 7.505172505057966 0 0 0 0
+97 -31.444485131351524 18.33517338697614 0 0 0 0
+138 -14.00744246202711 22.14210995887588 0 0 0 0
+110 19.379176341635404 -21.768777415190257 0 0 0 0
+113 5.8749288547214595 -34.59417592381163 0 0 0 0
+108 29.621035394533376 3.823605946198114 0 0 0 0
+102 -30.846191634137753 39.744198841253315 0 0 0 0
+92 9.972953646978674 -7.914271288619026 0 0 0 0
+96 -7.664535126799802 13.837313327068935 0 0 0 0
+93 -22.86039258917359 -11.004485701489678 0 0 0 0
+101 -73.77467767461211 -9.145083631370737 0 0 0 0
+107 24.903010299610322 7.137340595879966 0 0 0 0
+114 -8.682164249895276 -10.706736043072322 0 0 0 0
+131 -21.971940479490584 -10.015934049859684 0 0 0 0
+127 12.53676801101856 -0.22073994651021753 0 0 0 0
+117 -14.387207052200417 1.573301480516991 0 0 0 0
+115 4.220983557977948 -9.866441596832281 0 0 0 0
+119 5.1311008575104715 5.1947434986421825 0 0 0 0
+120 15.15260623946566 -9.026175523442127 0 0 0 0
+104 -7.71644479439523 0.20546635645865294 0 0 0 0
+98 7.071461834998924 9.86107024143009 0 0 0 0
+106 -3.666540928021128 -30.58570006101997 0 0 0 0
+109 -13.19285133527072 11.395598313361322 0 0 0 0
+135 9.777815556792916 21.39813837331217 0 0 0 0
+130 -5.763228826184819 -10.233798774582073 0 0 0 0
+116 -1.7771900334243294 -0.40984789840270297 0 0 0 0
+141 5.180078714497262 14.111841480627673 0 0 0 0
+145 19.529884902086827 0.22929700675415418 0 0 0 0
+128 -41.60921854410213 9.64971558387104 0 0 0 0
+122 -10.147869370858258 -8.758606603319326 0 0 0 0
+124 -5.3755479264674895 -8.0432868912041 0 0 0 0
+137 -3.4427457570867706 11.792407379162206 0 0 0 0
+132 2.459570739513157 -8.304118671535308 0 0 0 0
+125 -15.760870498292242 -12.724786107378096 0 0 0 0
+123 -36.65006121477713 -6.976634979930362 0 0 0 0
+111 4.600189914238353 -10.163758478572099 0 0 0 0
+126 17.005981263003765 19.873052358227937 0 0 0 0
+129 24.47560941550004 13.56182381872875 0 0 0 0
+153 19.317268179673867 -0.3359669258191585 0 0 0 0
+152 -20.62738891732612 -23.152932147777268 0 0 0 0
+147 13.434748902607973 10.891845840757197 0 0 0 0
+139 26.057610307809913 -8.58743543916058 0 0 0 0
+142 -19.544888426184023 21.367084520967126 0 0 0 0
+133 -15.8298672121409 1.8885286446800382 0 0 0 0
+140 -15.446885617237022 -2.818783565295743 0 0 0 0
+143 -30.858430464170546 3.404526740658096 0 0 0 0
+118 40.27624455984774 14.735929006188831 0 0 0 0
+121 -3.6187483513151895 -14.20103084674301 0 0 0 0
+146 17.306375635566 -2.188143035208772 0 0 0 0
+161 -17.954719867656927 -18.067593766451274 0 0 0 0
+156 5.066113651967124 -13.270775751690083 0 0 0 0
+136 3.8730993631567348 -10.268727848345309 0 0 0 0
+157 -6.665077973887184 1.357512396389998 0 0 0 0
+134 -15.451994455455324 -5.670741564251956 0 0 0 0
+149 -12.379726889943969 -12.563763618652775 0 0 0 0
+144 -31.537998434706285 14.8105246369644 0 0 0 0
+163 -28.755400461503434 -6.115245675583122 0 0 0 0
+162 23.227192103183885 -1.149256603294897 0 0 0 0
+155 5.648132408208608 -20.806259680740542 0 0 0 0
+168 12.081896529649397 -0.177271095757319 0 0 0 0
+148 1.8392848464128129 9.525343265123821 0 0 0 0
+165 -11.429752031780145 7.99223731491362 0 0 0 0
+158 -6.0222865862962545 1.3184373284388207 0 0 0 0
+172 10.596016315624146 2.9008374821469625 0 0 0 0
+151 -22.043543896571915 -14.355462942423978 0 0 0 0
+154 -25.726043572102572 9.239108689508987 0 0 0 0
+169 -19.57774900530364 -11.675095884640875 0 0 0 0
+181 10.764475651057769 49.31696933594839 0 0 0 0
+164 -10.540969246254289 16.880567685850117 0 0 0 0
+179 19.961967427822422 -1.528186591898372 0 0 0 0
+178 30.34715107299623 2.539817147184374 0 0 0 0
+173 -3.4629250570079684 7.83370467942843 0 0 0 0
+160 19.021256834231682 -3.3606943790756363 0 0 0 0
+159 -22.21913121326751 -14.429763804175911 0 0 0 0
+184 20.492953193827397 8.566749140710675 0 0 0 0
+187 -17.373842651134662 -18.22775079147515 0 0 0 0
+171 4.541036764088177 3.658976393319535 0 0 0 0
+176 12.175376845793165 11.186385623573326 0 0 0 0
+190 -9.483362998314986 9.214933201702179 0 0 0 0
+197 10.953420840338609 -1.283794377287247 0 0 0 0
+174 -4.701160202304786 32.398835705668084 0 0 0 0
+212 -8.215855646187242 -11.584637666706566 0 0 0 0
+182 13.640970770354604 17.27881155469159 0 0 0 0
+177 -27.980123607671292 2.9150530172473506 0 0 0 0
+180 29.15842840145909 3.7931689175782717 0 0 0 0
+175 3.315752420813425 -0.7217278886035541 0 0 0 0
+196 4.7017193846730025 26.041276698024376 0 0 0 0
+183 -0.6458009113397672 32.03410971466261 0 0 0 0
+166 -0.13967804349913582 15.130665154084392 0 0 0 0
+188 8.322514048141672 19.446503743190203 0 0 0 0
+185 -19.231215592128553 4.637487395200916 0 0 0 0
+193 -4.9762470902737 22.566600858234185 0 0 0 0
+199 -18.586676533657847 -6.206695208302057 0 0 0 0
+192 -7.304375739057586 11.489725094599981 0 0 0 0
+189 26.035709555657185 -35.81126609358541 0 0 0 0
+204 5.484412109751869 -3.9411330633002475 0 0 0 0
+194 -5.813566059877925 -7.006634383538417 0 0 0 0
+210 5.0734457612165915 16.887330400085645 0 0 0 0
+195 2.314863396712408 1.7077325729854596 0 0 0 0
+198 8.803890382137357 -6.457116396231064 0 0 0 0
+208 -1.8125399282535557 -21.14985183069892 0 0 0 0
+211 -1.1335697220746703 11.241681632056657 0 0 0 0
+201 -23.655341283507298 -16.109490186298288 0 0 0 0
+209 -20.37303129213492 -3.6066668519202256 0 0 0 0
+214 10.782123734038844 -12.309648818504044 0 0 0 0
+223 -6.013153914441722 5.245198440410457 0 0 0 0
+221 -9.5031865450458 -15.983871625402315 0 0 0 0
+205 -16.04553568024096 0.3376317663598469 0 0 0 0
+227 5.508116865951311 17.725875159568055 0 0 0 0
+216 -0.7167285372732513 -2.334769064118673 0 0 0 0
+206 23.968274212274377 -7.9931976039705885 0 0 0 0
+203 0.1330153968701952 -3.498635674982672 0 0 0 0
+222 36.46255813251903 2.5186919062369735 0 0 0 0
+215 30.576523117629613 -18.31214200248434 0 0 0 0
+220 20.74147140847692 -5.972405488257407 0 0 0 0
+219 -21.93881424894091 5.844836891454743 0 0 0 0
+225 15.962948822638753 14.197238659903856 0 0 0 0
+218 13.145435528529479 5.892364666505107 0 0 0 0
+230 24.8429333118284 22.910730527369317 0 0 0 0
+229 16.864608059422075 -0.08625687019062349 0 0 0 0
+3 13.99189234913493 -9.162640790460083 0 0 0 0
+207 14.918298638703288 -20.188238634559596 0 0 0 0
+213 7.87592784647174 -22.9221716918696 0 0 0 0
+217 -3.211987554071074 -0.995689643656812 0 0 0 0
+226 -9.186514136653159 -9.863665413653349 0 0 0 0
+231 -14.875629222528762 -24.368470789086714 0 0 0 0
+233 -25.24030019167499 -0.8490785598656588 0 0 0 0
+234 -1.4935026876801432 12.24794100492093 0 0 0 0
+12 6.684697244650243 -13.894699691071464 0 0 0 0
+238 -2.1681227465107087 -26.79804948652567 0 0 0 0
+235 23.428653653090407 -4.443781137243565 0 0 0 0
+18 -1.6180868015712864 -16.91034928189295 0 0 0 0
+228 5.254173398279487 -36.50429694881139 0 0 0 0
+236 10.450187752290388 5.791232336888989 0 0 0 0
diff --git a/DATASET/P=30000Pa/confined.restart b/DATASET/P=30000Pa/confined.restart
new file mode 100644
index 0000000..58a1b51
Binary files /dev/null and b/DATASET/P=30000Pa/confined.restart differ
diff --git a/DATASET/P=30000Pa/log.lammps b/DATASET/P=30000Pa/log.lammps
new file mode 100644
index 0000000..ea98e47
--- /dev/null
+++ b/DATASET/P=30000Pa/log.lammps
@@ -0,0 +1,148 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.027410037 0.027410037 -0.00050000000) to (0.072589963 0.072589963 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.004 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 221337
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 221
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.027410037 0.027410037 -0.00050000000) to (0.072589963 0.072589963 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.5179925864556e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 221 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 221337
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 21 21 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.045179926 0 1843.9256 0 221337
+ 2005000 240 0.045179926 0.00010206129 -137.58832 0.0022589963 221337
+ 2010000 240 0.045179926 0.00020412257 -2090.3906 0.0045179926 221337
+ 2015000 240 0.045179926 0.00030618386 -4009.9307 0.0067769889 221337
+ 2020000 240 0.045179926 0.00040824514 -5923.5931 0.0090359852 221337
+ 2025000 240 0.045179926 0.00051030643 -7839.8341 0.011294981 221337
+ 2030000 240 0.045179926 0.00061236771 -9752.0483 0.013553978 221337
+ 2035000 240 0.045179926 0.000714429 -11649.156 0.015812974 221337
+ 2040000 240 0.045179926 0.00081649028 -13539.255 0.01807197 221337
+ 2045000 240 0.045179926 0.00091855157 -15437.265 0.020330967 221337
+ 2050000 240 0.045179926 0.0010206129 -17348.064 0.022589963 221337
+ 2055000 240 0.045179926 0.0011226741 -19279.883 0.024848959 221337
+ 2060000 240 0.045179926 0.0012247354 -21250.418 0.027107956 221337
+ 2065000 240 0.045179926 0.0013267967 -23276.025 0.029366952 221337
+ 2070000 240 0.045179926 0.001428858 -25352.056 0.031625948 221337
+ 2075000 240 0.045179926 0.0015309193 -27486.899 0.033884944 221337
+ 2080000 240 0.045179926 0.0016329806 -29680.398 0.036143941 221337
+ 2085000 240 0.045179926 0.0017350418 -31933.347 0.038402937 221337
+ 2090000 240 0.045179926 0.0018371031 -34269.18 0.040661933 221337
+ 2095000 240 0.045179926 0.0019391644 -36686.378 0.04292093 221337
+ 2100000 240 0.045179926 0.0020412257 -39169.385 0.045179926 221337
+ 2105000 240 0.045179926 0.002143287 -41730.529 0.047438922 221337
+ 2110000 240 0.045179926 0.0022453483 -44365.14 0.049697918 221337
+ 2115000 240 0.045179926 0.0023474096 -47069.563 0.051956915 221337
+ 2120000 240 0.045179926 0.0024494708 -49840.174 0.054215911 221337
+ 2125000 240 0.045179926 0.0025515321 -52669.715 0.056474907 221337
+ 2130000 240 0.045179926 0.0026535934 -55558.92 0.058733904 221337
+ 2135000 240 0.045179926 0.0027556547 -58515.164 0.0609929 221337
+ 2140000 240 0.045179926 0.002857716 -61532.156 0.063251896 221337
+ 2145000 240 0.045179926 0.0029597773 -64623.311 0.065510893 221337
+ 2150000 240 0.045179926 0.0030618386 -67787.717 0.067769889 221337
+ 2155000 240 0.045179926 0.0031638998 -71018.36 0.070028885 221337
+ 2160000 240 0.045179926 0.0032659611 -74310.25 0.072287881 221337
+ 2165000 240 0.045179926 0.0033680224 -77663.447 0.074546878 221337
+ 2170000 240 0.045179926 0.0034700837 -81074.171 0.076805874 221337
+ 2175000 240 0.045179926 0.003572145 -84541.593 0.07906487 221337
+ 2180000 240 0.045179926 0.0036742063 -88063.025 0.081323867 221337
+ 2185000 240 0.045179926 0.0037762675 -91638.483 0.083582863 221337
+ 2190000 240 0.045179926 0.0038783288 -95264.522 0.085841859 221337
+ 2195000 240 0.045179926 0.0039803901 -98939.697 0.088100855 221337
+ 2200000 240 0.045179926 0.0040824514 -102661.7 0.090359852 221337
+ 2205000 240 0.045179926 0.0041845127 -106429.56 0.092618848 221337
+ 2210000 240 0.045179926 0.004286574 -110246.26 0.094877844 221337
+ 2215000 240 0.045179926 0.0043886353 -114115.91 0.097136841 221337
+ 2220000 240 0.045179926 0.0044906965 -118039.96 0.099395837 221337
+ 2221337 240 0.045179926 0.0045179877 -119097.38 0.099999893 221337
+Loop time of 4.01508 on 1 procs for 221337 steps with 240 atoms
+
+98.8% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 2.6733 | 2.6733 | 2.6733 | 0.0 | 66.58
+Neigh | 0.00079823 | 0.00079823 | 0.00079823 | 0.0 | 0.02
+Comm | 0.50541 | 0.50541 | 0.50541 | 0.0 | 12.59
+Output | 0.0079048 | 0.0079048 | 0.0079048 | 0.0 | 0.20
+Modify | 0.60775 | 0.60775 | 0.60775 | 0.0 | 15.14
+Other | | 0.22 | | | 5.48
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 105.000 ave 105 max 105 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 694.000 ave 694 max 694 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 694
+Ave neighs/atom = 2.8916667
+Neighbor list builds = 18
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:04
diff --git a/DATASET/P=40000Pa/1_generate_conf_40000Pa.in b/DATASET/P=40000Pa/1_generate_conf_40000Pa.in
new file mode 100644
index 0000000..7b552ab
--- /dev/null
+++ b/DATASET/P=40000Pa/1_generate_conf_40000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 40000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 53 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 792 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 922 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 217 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 764 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 188 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 380 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 493 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 41 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 157 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 15 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 813 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 65 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 857 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 839 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 521 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 344 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 129 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 648 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 472 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 63 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 139 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 499 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 593 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 392 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 675 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 419 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 289 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 379 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 773 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 490 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 231 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 41 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 28 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 135 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 201 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 840 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 780 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 930 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 33 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=40000Pa/2_shear.in b/DATASET/P=40000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=40000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=40000Pa/StrainStress.txt b/DATASET/P=40000Pa/StrainStress.txt
new file mode 100644
index 0000000..4cce3e1
--- /dev/null
+++ b/DATASET/P=40000Pa/StrainStress.txt
@@ -0,0 +1,1001 @@
+# Fix print output for fix output_file
+2.26264785132631e-05 -2484.2789628295440707
+0.000122635513541825 -2593.8128640803356575
+0.000222644548570539 -2703.3466979506115422
+0.000322653583599101 -2812.8795454999726644
+0.000422662618627816 -2922.4023082179141966
+0.000522671653656377 -3031.920764703255827
+0.000622680688685092 -3141.4373706807250528
+0.000722689723713654 -3250.9490737503938362
+0.000822698758742215 -3360.4595591383349529
+0.00092270779377093 -3470.0358913245968324
+0.00102271682879949 -3579.6457001535536619
+0.00112272586382821 -3689.2709576738534452
+0.00122273489885677 -3798.9008625253331957
+0.00132274393388548 -3908.5254795959394869
+0.00142275296891404 -4018.1298616322796988
+0.00152276200394261 -4127.7196796590378653
+0.00162277103897132 -4237.2934788325110276
+0.00172278007399988 -4346.841551312948468
+0.0018227891090286 -4456.346340863144178
+0.00192279814405716 -4565.7776658278689865
+0.00202280717908587 -4675.2005521942683117
+0.00212281621411443 -4784.6215117482061032
+0.002222825249143 -4894.0552796161455262
+0.00232283428417171 -5003.4882211217045551
+0.00242284331920027 -5112.9128022509903531
+0.00252285235422899 -5222.3230001322472162
+0.00262286138925755 -5331.7129677781767896
+0.00272287042428626 -5441.0764787357256864
+0.00282287945931482 -5550.4062976782870464
+0.00292288849434339 -5659.6926283061602589
+0.0030228975293721 -5768.9138591081145933
+0.00312290656440066 -5878.0804316103713063
+0.00322291559942938 -5987.2056986571769812
+0.00332292463445794 -6096.278293285289692
+0.00342293366948665 -6205.2715335637867611
+0.00352294270451522 -6314.2097673350281184
+0.00362295173954378 -6423.0967116182528116
+0.00372296077457249 -6531.9303113831356313
+0.00382296980960105 -6640.7079386812611119
+0.00392297884462977 -6749.4149235560644229
+0.00402298787965833 -6858.0203973770130688
+0.00412299691468704 -6966.5463646207863349
+0.00422300594971561 -7075.0865291446034462
+0.00432301498474417 -7183.5608155920799618
+0.00442302401977288 -7292.0906616596475942
+0.00452303305480144 -7400.6820554422292844
+0.00462304208983016 -7509.3257311378938539
+0.00472305112485872 -7618.0142089061300794
+0.00482306015988743 -7726.7411361857766678
+0.004923069194916 -7835.5413466614500066
+0.00502307822994456 -7944.4325163860976318
+0.00512308726497327 -8053.3814767628946356
+0.00522309630000183 -8162.3742079624380494
+0.00532310533503055 -8271.3989147197062266
+0.00542311437005911 -8380.4413056337507442
+0.00552312340508783 -8489.4807486438276101
+0.00562313244011639 -8598.5473829508482595
+0.00572314147514495 -8707.6356683901649376
+0.00582315051017366 -8816.7460743268529768
+0.00592315954520222 -8925.9142070314665034
+0.00602316858023094 -9035.1552230340785172
+0.0061231776152595 -9144.4505094066644233
+0.00622318665028822 -9253.8022540165275132
+0.00632319568531678 -9363.2094725388105871
+0.00642320472034534 -9472.6653723443378112
+0.00652321375537405 -9582.1604321169797913
+0.00662322279040262 -9691.6838329471283942
+0.00672323182543133 -9801.2425644910726987
+0.00682324086045989 -9910.830800478654055
+0.00692324989548861 -10020.439871026133915
+0.00702325893051717 -10130.051593145542938
+0.00712326796554573 -10239.659513297767262
+0.00722327700057444 -10349.288585286372836
+0.00732328603560301 -10458.946634568359514
+0.00742329507063172 -10568.632289092003703
+0.00752330410566028 -10678.338045180282279
+0.007623313140689 -10788.048881462245845
+0.00772332217571756 -10897.782583724454526
+0.00782333121074612 -11007.538894278737644
+0.00792334024577484 -11117.309930530278507
+0.0080233492808034 -11227.078712444817938
+0.00812335831583211 -11336.85902145667751
+0.00822336735086067 -11446.641533181165869
+0.00832337638588939 -11556.446211795248018
+0.00842338542091795 -11666.26982170251722
+0.00852339445594651 -11776.130048974662714
+0.00862340349097523 -11886.025451560171859
+0.00872341252600379 -11995.954166115008775
+0.0088234215610325 -12105.939952884882587
+0.00892343059606106 -12215.997085463654003
+0.00902343963108978 -12326.105270924223078
+0.00912344866611834 -12436.256889594944369
+0.0092234577011469 -12546.445518779668419
+0.00932346673617562 -12656.664833683395045
+0.00942347577120418 -12766.924288090218397
+0.00952348480623289 -12877.226030428719241
+0.00962349384126145 -12987.563536722342178
+0.00972350287629017 -13097.933098539535422
+0.00982351191131873 -13208.331550255234106
+0.00992352094634729 -13318.75589745049183
+0.010023529981376 -13429.203158910266211
+0.0101235390164046 -13539.670239380009662
+0.0102235480514333 -13650.165151389897801
+0.0103235570864618 -13760.69893968345059
+0.0104235661214906 -13871.254069853303008
+0.0105235751565191 -13981.817193667711763
+0.0106235841915477 -14092.436246542929439
+0.0107235932265764 -14203.100894739931391
+0.010823602261605 -14313.801109146388626
+0.0109236112966337 -14424.530607124797825
+0.0110236203316622 -14535.284105424458176
+0.0111236293666909 -14646.056489381195206
+0.0112236384017195 -14756.842075537357232
+0.0113236474367481 -14867.633701015485713
+0.0114236564717768 -14978.450834366507479
+0.0115236655068053 -15089.301832278735674
+0.0116236745418341 -15200.175173015366454
+0.0117236835768626 -15311.06594232948737
+0.0118236926118912 -15421.973777302884628
+0.0119237016469199 -15532.893251125997267
+0.0120237106819485 -15643.816237859897228
+0.0121237197169772 -15754.74185293485607
+0.0122237287520057 -15865.671212617666242
+0.0123237377870345 -15976.599353287921986
+0.012423746822063 -16087.520588603982105
+0.0125237558570916 -16198.427953977439756
+0.0126237648921203 -16309.324568114770955
+0.0127237739271489 -16420.223529357226653
+0.0128237829621776 -16531.107194450516545
+0.0129237919972061 -16641.971334568159364
+0.0130238010322348 -16752.76565568800288
+0.0131238100672634 -16863.569502232789091
+0.013223819102292 -16974.404240831911011
+0.0133238281373207 -17085.265298769845685
+0.0134238371723492 -17196.148180528114608
+0.013523846207378 -17307.050470585581934
+0.0136238552424065 -17417.986867076102499
+0.0137238642774352 -17528.954771303117013
+0.0138238733124638 -17639.94799634609808
+0.0139238823474924 -17750.958972349526448
+0.0140238913825211 -17862.009922151759383
+0.0141239004175496 -17973.132016804658633
+0.0142239094525783 -18084.299159200025315
+0.0143239184876069 -18195.501390060449921
+0.0144239275226356 -18306.73170261155974
+0.0145239365576642 -18417.984182236185006
+0.0146239455926927 -18529.253366859535163
+0.0147239546277215 -18640.533916453558049
+0.01482396366275 -18751.820377039704908
+0.0149239726977787 -18863.106950316607254
+0.0150239817328073 -18974.404371466960583
+0.015123990767836 -19085.726398357848666
+0.0152239998028646 -19197.046233282177127
+0.0153240088378931 -19308.343969000110519
+0.0154240178729219 -19419.577153282254585
+0.0155240269079504 -19530.764114910532953
+0.0156240359429791 -19641.96130085184268
+0.0157240449780077 -19753.162102214493643
+0.0158240540130364 -19864.357914862121106
+0.015924063048065 -19975.535105991544697
+0.0160240720830935 -20086.669332138433674
+0.0161240811181222 -20197.791046734400879
+0.0162240901531508 -20308.905862872437865
+0.0163240991881795 -20420.008877316595317
+0.0164241082232081 -20531.083952504453919
+0.0165241172582368 -20642.151155051920796
+0.0166241262932654 -20753.22549603423613
+0.0167241353282939 -20864.298062584373838
+0.0168241443633226 -20975.323516989137715
+0.0169241533983512 -21086.299633607792202
+0.0170241624333799 -21197.226148142868624
+0.0171241714684085 -21308.137854184336902
+0.0172241805034372 -21419.052738094360393
+0.0173241895384657 -21529.940493859994604
+0.0174241985734943 -21640.803487348348426
+0.017524207608523 -21751.709426758636255
+0.0176242166435516 -21862.655543669148756
+0.0177242256785803 -21973.577776909383829
+0.0178242347136089 -22084.535718858529435
+0.0179242437486376 -22195.568640068438981
+0.0180242527836661 -22306.673590254864394
+0.0181242618186947 -22417.847218397862889
+0.0182242708537234 -22529.086400108968519
+0.018324279888752 -22640.388079045609629
+0.0184242889237807 -22751.749101484663697
+0.0185242979588093 -22863.165830359725078
+0.018624306993838 -22974.633776109367318
+0.0187243160288665 -23086.15271988976383
+0.0188243250638951 -23197.717941877381236
+0.0189243340989238 -23309.317605515203468
+0.0190243431339524 -23420.985220189992106
+0.0191243521689811 -23532.723709240035532
+0.0192243612040096 -23644.524643254993862
+0.0193243702390384 -23756.410316446726938
+0.0194243792740669 -23868.412853177866054
+0.0195243883090955 -23980.547755703453731
+0.0196243973441242 -24092.778687788213574
+0.0197244063791528 -24205.090943700059142
+0.0198244154141815 -24317.47388365059669
+0.01992442444921 -24429.915893628767662
+0.0200244334842387 -24542.393641023474629
+0.0201244425192673 -24654.936045977945469
+0.0202244515542959 -24767.548974277389789
+0.0203244605893246 -24880.227521132164838
+0.0204244696243531 -24992.96638813035679
+0.0205244786593819 -25105.758803736436676
+0.0206244876944104 -25218.593845710216556
+0.0207244967294391 -25331.480063248309307
+0.0208245057644677 -25444.413678345259541
+0.0209245147994963 -25557.385619723350828
+0.021024523834525 -25670.374132163149625
+0.0211245328695535 -25783.403333948448562
+0.0212245419045823 -25896.480802575075359
+0.0213245509396108 -26009.60048673163692
+0.0214245599746395 -26122.754010470383946
+0.0215245690096681 -26235.980989715080796
+0.0216245780446967 -26349.263486135860148
+0.0217245870797254 -26462.623323941970739
+0.0218245961147539 -26576.077918843900989
+0.0219246051497826 -26689.619013446706958
+0.0220246141848112 -26803.245997477584751
+0.0221246232198399 -26917.020764706969203
+0.0222246322548685 -27030.908071913079766
+0.022324641289897 -27144.877956604697829
+0.0224246503249258 -27258.9144809724894
+0.0225246593599543 -27373.032325370488252
+0.022624668394983 -27487.210673880643299
+0.0227246774300116 -27601.491754019240034
+0.0228246864650403 -27715.891529638629436
+0.0229246955000689 -27830.397289679181995
+0.0230247045350974 -27945.000010152511095
+0.0231247135701261 -28059.692144760061637
+0.0232247226051547 -28174.463905244341731
+0.0233247316401834 -28289.289145484137407
+0.023424740675212 -28404.1949758835799
+0.0235247497102407 -28519.187229588540504
+0.0236247587452693 -28634.255586538856733
+0.0237247677802978 -28749.427123652614682
+0.0238247768153265 -28864.700039707462565
+0.0239247858503551 -28980.072049863556458
+0.0240247948853838 -29095.540823147748597
+0.0241248039204124 -29211.110325259163801
+0.0242248129554411 -29326.786854065456282
+0.0243248219904697 -29442.561046321123285
+0.0244248310254982 -29558.427924253541278
+0.0245248400605269 -29674.38147906690574
+0.0246248490955555 -29790.412539496697718
+0.0247248581305842 -29906.510190877044806
+0.0248248671656128 -30022.680658656932792
+0.0249248762006415 -30138.929543262736843
+0.02502488523567 -30255.279305171527085
+0.0251248942706986 -30371.728537908395083
+0.0252249033057273 -30488.275867677934002
+0.0253249123407559 -30604.92479351305883
+0.0254249213757846 -30721.675359331089567
+0.0255249304108132 -30838.523624539302546
+0.0256249394458419 -30955.467446081125672
+0.0257249484808704 -31072.504949350546667
+0.025824957515899 -31189.634255932181986
+0.0259249665509277 -31306.853192058220884
+0.0260249755859563 -31424.157538332870899
+0.026124984620985 -31541.54803575457845
+0.0262249936560135 -31659.042313326401199
+0.0263250026910423 -31776.647821780803497
+0.0264250117260708 -31894.353650359804305
+0.0265250207610994 -32012.166489576957247
+0.0266250297961281 -32130.098412893486966
+0.0267250388311567 -32248.136010531721695
+0.0268250478661854 -32366.274133897237334
+0.0269250569012139 -32484.509354942831123
+0.0270250659362427 -32602.839256597097119
+0.0271250749712712 -32721.269650200167234
+0.0272250840062998 -32839.795717187495029
+0.0273250930413285 -32958.413602387889114
+0.0274251020763571 -33077.120596168351767
+0.0275251111113858 -33195.914311828564678
+0.0276251201464143 -33314.79248346969689
+0.027725129181443 -33433.752860316788428
+0.0278251382164716 -33552.798070280456159
+0.0279251472515002 -33671.942335021041799
+0.0280251562865289 -33791.173397254446172
+0.0281251653215574 -33910.484005010745022
+0.0282251743565862 -34029.865540942992084
+0.0283251833916147 -34149.331149183679372
+0.0284251924266434 -34268.886781119283114
+0.028525201461672 -34388.530792894547631
+0.0286252104967006 -34508.269931544207793
+0.0287252195317293 -34628.107756021890964
+0.0288252285667578 -34748.035162393578503
+0.0289252376017866 -34868.047211703255016
+0.0290252466368151 -34988.139525002246955
+0.0291252556718437 -35108.30696008985251
+0.0292252647068724 -35228.547289906164224
+0.0293252737419009 -35348.85644457978924
+0.0294252827769297 -35469.227808420844667
+0.0295252918119582 -35589.649077522451989
+0.0296253008469869 -35710.101022919225215
+0.0297253098820155 -35830.620669019226625
+0.0298253189170442 -35951.196914040752745
+0.0299253279520728 -36071.82535285288759
+0.0300253369871013 -36192.538091438058473
+0.0301253460221301 -36313.338132615725044
+0.0302253550571586 -36434.22394708689535
+0.0303253640921873 -36555.193884082385921
+0.0304253731272159 -36676.248536810977384
+0.0305253821622445 -36797.386707059107721
+0.0306253911972732 -36918.603675340556947
+0.0307254002323017 -37039.890776735956024
+0.0308254092673304 -37161.248655044088082
+0.030925418302359 -37282.692360327069764
+0.0310254273373877 -37404.220748671672482
+0.0311254363724163 -37525.832692828080326
+0.031225445407445 -37647.527069366165961
+0.0313254544424736 -37769.304267416111543
+0.0314254634775021 -37891.166630632636952
+0.0315254725125308 -38013.110787373036146
+0.0316254815475594 -38135.14205727702938
+0.0317254905825881 -38257.286949838955479
+0.0318254996176167 -38379.528921585821081
+0.0319255086526454 -38501.861102821581881
+0.0320255176876739 -38624.279221644625068
+0.0321255267227025 -38746.779570125007012
+0.0322255357577312 -38869.357655602500017
+0.0323255447927598 -38992.006915614525496
+0.0324255538277885 -39114.736187625967432
+0.0325255628628171 -39237.546693752541614
+0.0326255718978458 -39360.453237983405415
+0.0327255809328743 -39483.447920121958305
+0.0328255899679029 -39606.527398849342717
+0.0329255990029316 -39729.688473938716925
+0.0330256080379602 -39852.970307962823426
+0.0331256170729889 -39976.363088843267178
+0.0332256261080175 -40099.853039659974456
+0.033325635143046 -40223.432608834737039
+0.0334256441780747 -40347.095756023067224
+0.0335256532131033 -40470.833838344464311
+0.033625662248132 -40594.646814130319399
+0.0337256712831606 -40718.538190381761524
+0.0338256803181893 -40842.503416612438741
+0.0339256893532178 -40966.533365351635439
+0.0340256983882464 -41090.629784842385561
+0.0341257074232751 -41214.800030485705065
+0.0342257164583037 -41339.040503975993488
+0.0343257254933324 -41463.34662502464198
+0.034425734528361 -41587.730232037618407
+0.0345257435633897 -41712.217880378695554
+0.0346257525984182 -41836.79775411853916
+0.0347257616334468 -41961.47944558619929
+0.0348257706684755 -42086.25696757275
+0.0349257797035041 -42211.125494617401273
+0.0350257887385328 -42336.078555829699326
+0.0351257977735613 -42461.106621201681264
+0.0352258068085901 -42586.186508590166341
+0.0353258158436186 -42711.352518421263085
+0.0354258248786472 -42836.614426842315879
+0.0355258339136759 -42961.970356715813978
+0.0356258429487045 -43087.418498390317836
+0.0357258519837332 -43212.957084049274272
+0.0358258610187617 -43338.584366051647521
+0.0359258700537905 -43464.298597319131659
+0.036025879088819 -43590.098012028684025
+0.0361258881238476 -43715.980805168168445
+0.0362258971588763 -43841.945109136220708
+0.0363259061939049 -43967.988964858239342
+0.0364259152289336 -44094.110283284462639
+0.0365259242639621 -44220.306789662681695
+0.0366259332989908 -44346.57593437316973
+0.0367259423340194 -44472.91472896905907
+0.036825951369048 -44599.31937002070481
+0.0369259604040767 -44725.783851756888907
+0.0370259694391052 -44852.296118481426674
+0.037125978474134 -44978.903920643162564
+0.0372259875091625 -45105.615033191017574
+0.0373259965441912 -45232.408342403585266
+0.0374260055792198 -45359.27188058901811
+0.0375260146142484 -45486.188405918088392
+0.0376260236492771 -45613.136874651754624
+0.0377260326843056 -45740.144298438630358
+0.0378260417193343 -45867.19188882043818
+0.0379260507543629 -45994.341337040634244
+0.0380260597893916 -46121.592594744019152
+0.0381260688244202 -46248.944327994904597
+0.0382260778594487 -46376.395271220877476
+0.0383260868944775 -46503.944207992586598
+0.038426095929506 -46631.589956120667921
+0.0385261049645347 -46759.331884630933928
+0.0386261139995633 -46887.169131156486401
+0.038726123034592 -47015.100199008054915
+0.0388261320696206 -47143.12383323838003
+0.0389261411046491 -47271.238805234941537
+0.0390261501396779 -47399.443874090386089
+0.0391261591747064 -47527.73776359041949
+0.0392261682097351 -47656.119261191677651
+0.0393261772447637 -47784.58787830145593
+0.0394261862797924 -47913.141669359451043
+0.039526195314821 -48041.778746757670888
+0.0396262043498495 -48170.497065582349023
+0.0397262133848782 -48299.294204729500052
+0.0398262224199068 -48428.167034152378619
+0.0399262314549355 -48557.1107709963253
+0.0400262404899641 -48686.11644375781907
+0.0401262495249928 -48815.200017378338089
+0.0402262585600214 -48944.362231335682736
+0.0403262675950499 -49073.629740058277093
+0.0404262766300786 -49202.999251601875585
+0.0405262856651072 -49332.468567401381733
+0.0406262947001359 -49462.035965780625702
+0.0407263037351645 -49591.699978559539886
+0.0408263127701932 -49721.459283918404253
+0.0409263218052218 -49851.312643916367961
+0.0410263308402503 -49981.258860284477123
+0.041126339875279 -50111.296734545947402
+0.0412263489103076 -50241.425019657857774
+0.0413263579453363 -50371.642339402598736
+0.0414263669803649 -50501.946998296225502
+0.0415263760153936 -50632.336178092155023
+0.0416263850504221 -50762.805072597540857
+0.0417263940854507 -50893.362955838885682
+0.0418264031204794 -51024.009967751320801
+0.041926412155508 -51154.745346278206853
+0.0420264211905367 -51285.568333146620716
+0.0421264302255653 -51416.47817170273629
+0.042226439260594 -51547.474104845648981
+0.0423264482956225 -51678.555373122704623
+0.0424264573306511 -51809.721212785312673
+0.0425264663656798 -51940.978155823388079
+0.0426264754007084 -52072.340589407118387
+0.0427264844357371 -52203.797808633185923
+0.0428264934707656 -52335.345997415694001
+0.0429265025057944 -52467.002898505234043
+0.0430265115408229 -52598.791258167104388
+0.0431265205758515 -52730.689788528608915
+0.0432265296108802 -52862.691443758179958
+0.0433265386459088 -52994.791962564100686
+0.0434265476809375 -53126.988174982572673
+0.043526556715966 -53259.277724884152121
+0.0436265657509948 -53391.674782027861511
+0.0437265747860233 -53524.172861793544143
+0.0438265838210519 -53656.765952915782691
+0.0439265928560806 -53789.450567028237856
+0.0440266018911092 -53922.223865648491483
+0.0441266109261379 -54055.083264500382938
+0.0442266199611664 -54188.026254646116286
+0.0443266289961951 -54321.050276840149309
+0.0444266380312237 -54454.152585258707404
+0.0445266470662523 -54587.329977742730989
+0.044626656101281 -54720.578809844279021
+0.0447266651363095 -54853.892178768197482
+0.0448266741713383 -54987.267855801823316
+0.0449266832063668 -55120.709829143073875
+0.0450266922413955 -55254.208685361860262
+0.0451267012764241 -55387.767154678200313
+0.0452267103114527 -55521.469123800823581
+0.0453267193464814 -55655.2906032388928
+0.0454267283815099 -55789.216986292281945
+0.0455267374165386 -55923.237562631045876
+0.0456267464515672 -56057.337124941193906
+0.0457267554865959 -56191.49931087114237
+0.0458267645216245 -56325.760707312125305
+0.045926773556653 -56460.117569274254492
+0.0460267825916818 -56594.578598300213343
+0.0461267916267103 -56729.142348598667013
+0.046226800661739 -56863.806658400819288
+0.0463268096967676 -56998.56930840559653
+0.0464268187317962 -57133.427930152123736
+0.0465268277668249 -57268.379875273312791
+0.0466268368018534 -57403.421996044409752
+0.0467268458368821 -57538.550206609019369
+0.0468268548719107 -57673.758361170352146
+0.0469268639069394 -57809.03334654027276
+0.047026872941968 -57944.350308927656442
+0.0471268819769967 -58079.769536587620678
+0.0472268910120253 -58215.295548416499514
+0.0473269000470538 -58350.927647623881057
+0.0474269090820825 -58486.673775610062876
+0.0475269181171111 -58622.553053303025081
+0.0476269271521398 -58758.552329220496176
+0.0477269361871684 -58894.667100447739358
+0.0478269452221971 -59030.894822441790893
+0.0479269542572257 -59167.233671507667168
+0.0480269632922542 -59303.682191804473405
+0.0481269723272829 -59440.239147487664013
+0.0482269813623115 -59576.903447658340156
+0.0483269903973402 -59713.674103331955848
+0.0484269994323688 -59850.550200623729324
+0.0485270084673975 -59987.530882840459526
+0.048627017502426 -60124.61533790059184
+0.0487270265374546 -60261.802789096465858
+0.0488270355724833 -60399.092488048554515
+0.0489270446075119 -60536.483709049593017
+0.0490270536425406 -60673.975744462346483
+0.0491270626775692 -60811.567933646809252
+0.0492270717125977 -60949.327236894489033
+0.0493270807476264 -61087.240546870583785
+0.049427089782655 -61225.288048452232033
+0.0495270988176837 -61363.462165474702488
+0.0496271078527123 -61501.758225145895267
+0.049727116887741 -61640.172844651620835
+0.0498271259227695 -61778.70334502755577
+0.0499271349577983 -61917.34747410856653
+0.0500271439928268 -62056.103252025852271
+0.0501271530278554 -62194.96887218469783
+0.0502271620628841 -62333.94262721996347
+0.0503271710979127 -62473.02284078609955
+0.0504271801329414 -62612.207784841164539
+0.0505271891679699 -62751.495540148447617
+0.0506271982029985 -62890.883651083757286
+0.0507272072380272 -63030.367241963358538
+0.0508272162730558 -63169.942529784340877
+0.0509272253080845 -63309.622777870034042
+0.0510272343431131 -63449.407120749536261
+0.0511272433781418 -63589.294680082814011
+0.0512272524131703 -63729.284585123583383
+0.051327261448199 -63869.375964350590948
+0.0514272704832276 -64009.567935420804133
+0.0515272795182562 -64149.860222712079121
+0.0516272885532849 -64290.274908380481065
+0.0517272975883134 -64430.807020158135856
+0.0518273066233422 -64571.448448214723612
+0.0519273156583707 -64712.195300671854056
+0.0520273246933993 -64853.043926638129051
+0.052127333728428 -64993.987951667782909
+0.0522273427634566 -65135.033882717216329
+0.0523273517984853 -65276.183160635686363
+0.0524273608335138 -65417.43447333748918
+0.0525273698685425 -65558.786471514977165
+0.0526273789035711 -65700.237655931603513
+0.0527273879385998 -65841.78612069952942
+0.0528273969736284 -65983.448105754971039
+0.0529274060086569 -66125.217057739835582
+0.0530274150436857 -66267.098278872144874
+0.0531274240787142 -66409.089638305886183
+0.0532274331137429 -66551.189195698476397
+0.0533274421487715 -66693.395450473806704
+0.0534274511838001 -66835.707145867112558
+0.0535274602188288 -66978.123177278524963
+0.0536274692538573 -67120.642542049885378
+0.0537274782888861 -67263.264308743717265
+0.0538274873239146 -67405.987596490769647
+0.0539274963589433 -67548.81156005806406
+0.0540275053939719 -67691.735377983510261
+0.0541275144290006 -67834.758242357973359
+0.0542275234640292 -67977.879349129754701
+0.0543275324990577 -68121.097887803945923
+0.0544275415340864 -68264.413029401650419
+0.054527550569115 -68407.824314948404208
+0.0546275596041437 -68551.346801903724554
+0.0547275686391723 -68694.9747793021088
+0.0548275776742008 -68838.703360036699451
+0.0549275867092296 -68982.529608652374009
+0.0550275957442581 -69126.4504316625098
+0.0551276047792868 -69270.461489273744519
+0.0552276138143154 -69414.560471572636743
+0.0553276228493441 -69558.748512883816147
+0.0554276318843727 -69703.05325762485154
+0.0555276409194012 -69847.487304754846264
+0.0556276499544299 -69992.095551982463803
+0.0557276589894585 -70136.851506463353871
+0.0558276680244872 -70281.742022707738215
+0.0559276770595158 -70426.760708230562159
+0.0560276860945445 -70571.903374680114212
+0.0561276951295731 -70717.166923626849893
+0.0562277041646016 -70862.548898113076575
+0.0563277131996303 -71008.047259120750823
+0.0564277222346589 -71153.660259056123323
+0.0565277312696876 -71299.386363620025804
+0.0566277403047162 -71445.224200440512504
+0.0567277493397449 -71591.172523564542644
+0.0568277583747735 -71737.230187942433986
+0.0569277674098022 -71883.396130501831067
+0.0570277764448307 -72029.669355617676047
+0.0571277854798593 -72176.048923710666713
+0.057227794514888 -72322.533941886533285
+0.0573278035499166 -72469.123555541445967
+0.0574278125849453 -72615.816935793016455
+0.0575278216199738 -72762.613289256405551
+0.0576278306550024 -72909.511896563184564
+0.0577278396900311 -73056.512015855652862
+0.0578278487250597 -73203.612922218584572
+0.0579278577600884 -73350.813904319758876
+0.058027866795117 -73498.114261110982625
+0.0581278758301457 -73645.51329854154028
+0.0582278848651742 -73793.010326115647331
+0.058327893900203 -73940.604653067755862
+0.0584279029352315 -74088.295584044783027
+0.0585279119702601 -74236.08241382498818
+0.0586279210052888 -74383.964420606251224
+0.0587279300403174 -74531.940857126071933
+0.0588279390753461 -74680.01093800336821
+0.0589279481103746 -74828.173820648880792
+0.0590279571454032 -74976.428574286444928
+0.0591279661804319 -75124.774124141433276
+0.0592279752154605 -75273.209135907425662
+0.0593279842504892 -75421.731713036177098
+0.0594279932855177 -75570.338002719858196
+0.0595280023205465 -75719.021853422367712
+0.059628011355575 -75867.79861328440893
+0.0597280203906036 -76016.668695030894014
+0.0598280294256323 -76165.63159531148267
+0.0599280384606609 -76314.686801787844161
+0.0600280474956896 -76463.833789484968293
+0.0601280565307181 -76613.072015883997665
+0.0602280655657468 -76762.400914118130459
+0.0603280746007754 -76911.819883182164631
+0.060428083635804 -77061.328858951645088
+0.0605280926708327 -77210.935664373959298
+0.0606281017058612 -77360.636259733160841
+0.06072811074089 -77510.427821568213403
+0.0608281197759185 -77660.308130841731327
+0.0609281288109472 -77810.273975753778359
+0.0610281378459758 -77960.319125898909988
+0.0611281468810044 -78110.452842729617259
+0.0612281559160331 -78260.679544663260458
+0.0613281649510616 -78410.99875306271133
+0.0614281739860904 -78561.410016829395317
+0.0615281830211189 -78711.912906021621893
+0.0616281920561476 -78862.507007546373643
+0.0617282010911762 -79013.199290008633398
+0.0618282101262047 -79163.999079994959175
+0.0619282191612335 -79314.898430943270796
+0.062028228196262 -79465.894796040403889
+0.0621282372312907 -79616.986683306036866
+0.0622282462663193 -79768.173010769009124
+0.062328255301348 -79919.452910264866659
+0.0624282643363766 -80070.844771943433443
+0.0625282733714051 -80222.351457815952017
+0.0626282824064339 -80373.963210540372529
+0.0627282914414624 -80525.676745967924944
+0.0628283004764911 -80677.490022578509524
+0.0629283095115197 -80829.401540551087237
+0.0630283185465484 -80981.410099840082694
+0.063128327581577 -81133.514689101517433
+0.0632283366166055 -81285.714425994941848
+0.0633283456516342 -81438.008521638097591
+0.0634283546866628 -81590.396257708067424
+0.0635283637216915 -81742.876971017118194
+0.0636283727567201 -81895.450042538359412
+0.0637283817917488 -82048.114889361590031
+0.0638283908267774 -82200.8814030324138
+0.0639283998618059 -82353.764708905902808
+0.0640284088968346 -82506.752721302444115
+0.0641284179318632 -82659.841581219356158
+0.0642284269668919 -82813.029082794586429
+0.0643284360019205 -82966.313657737933681
+0.0644284450369492 -83119.694070153462235
+0.0645284540719777 -83273.169285769647104
+0.0646284631070063 -83426.738404775591334
+0.064728472142035 -83580.400622992223362
+0.0648284811770636 -83734.155207605654141
+0.0649284902120923 -83888.001480972015997
+0.0650284992471209 -84041.93880938658549
+0.0651285082821494 -84195.966594858589815
+0.0652285173171781 -84350.084269034006866
+0.0653285263522067 -84504.291288489825092
+0.0654285353872354 -84658.587131070744363
+0.065528544422264 -84812.971292939677369
+0.0656285534572927 -84967.443286202877061
+0.0657285624923213 -85122.002636904260726
+0.06582857152735 -85276.648883406684035
+0.0659285805623785 -85431.38157497010252
+0.0660285895974071 -85586.200270549903507
+0.0661285986324358 -85741.104537768929731
+0.0662286076674644 -85896.094059642156935
+0.0663286167024931 -86051.223642792610917
+0.0664286257375216 -86206.481835292433971
+0.0665286347725504 -86361.853069045871962
+0.0666286438075789 -86517.331401998497313
+0.0667286528426075 -86672.932621975924121
+0.0668286618776362 -86828.721327683480922
+0.0669286709126648 -86984.662415446684463
+0.0670286799476935 -87140.739625737638562
+0.067128688982722 -87296.946391635065083
+0.0672286980177507 -87453.283578262999072
+0.0673287070527793 -87609.744120388364536
+0.0674287160878079 -87766.323771247713012
+0.0675287251228366 -87923.019423073565122
+0.0676287341578651 -88079.828546876917244
+0.0677287431928939 -88236.748989658110077
+0.0678287522279224 -88393.77886718789523
+0.0679287612629511 -88550.916497983955196
+0.0680287702979797 -88708.160358893568628
+0.0681287793330083 -88865.509053636953468
+0.068228788368037 -89022.961289466373273
+0.0683287974030655 -89180.515859401493799
+0.0684288064380943 -89338.171628275726107
+0.0685288154731228 -89495.927521515171975
+0.0686288245081515 -89653.782516058330657
+0.0687288335431801 -89811.735632648065803
+0.0688288425782086 -89969.785990134914755
+0.0689288516132374 -90127.93452860013349
+0.0690288606482659 -90286.179780329184723
+0.0691288696832946 -90444.520460687403101
+0.0692288787183232 -90602.955554831933114
+0.0693288877533518 -90761.484130916316644
+0.0694288967883805 -90920.105298580587259
+0.069528905823409 -91078.81819059450936
+0.0696289148584378 -91237.621951444423757
+0.0697289238934663 -91396.515728106125607
+0.069828932928495 -91555.498661011035438
+0.0699289419635236 -91714.584430325950962
+0.0700289509985523 -91873.803077615535585
+0.0701289600335809 -92033.133559256413719
+0.0702289690686094 -92192.568698263276019
+0.0703289781036382 -92352.104230347598786
+0.0704289871386667 -92511.73669741374033
+0.0705289961736954 -92671.462009648705134
+0.070629005208724 -92831.278833960357588
+0.0707290142437527 -92991.182011807788513
+0.0708290232787813 -93151.174541887972737
+0.0709290323138098 -93311.262414140510373
+0.0710290413488385 -93471.444517085445113
+0.0711290503838671 -93631.719796454781317
+0.0712290594188958 -93792.087239553104155
+0.0713290684539244 -93952.54586265188118
+0.0714290774889531 -94113.094700282177655
+0.0715290865239817 -94273.732795390416868
+0.0716290955590102 -94434.459189606423024
+0.0717291045940389 -94595.283418564475141
+0.0718291136290675 -94756.225999574817251
+0.0719291226640962 -94917.28581693849992
+0.0720291316991248 -95078.4505154430517
+0.0721291407341533 -95239.714927587483544
+0.072229149769182 -95401.075444223053637
+0.0723291588042106 -95562.528884360246593
+0.0724291678392393 -95724.071587977712625
+0.0725291768742679 -95885.69833278110309
+0.0726291859092966 -96047.415775421643048
+0.0727291949443252 -96209.224232369699166
+0.0728292039793539 -96371.118720596394269
+0.0729292130143824 -96533.095421781283221
+0.073029222049411 -96695.158143170570838
+0.0731292310844397 -96857.303725126796053
+0.0732292401194683 -97019.527081951469881
+0.073329249154497 -97181.828088213063893
+0.0734292581895255 -97344.241427061191644
+0.0735292672245541 -97506.768364312854828
+0.0736292762595828 -97669.40312789681775
+0.0737292852946114 -97832.136701926297974
+0.0738292943296401 -97994.972534468935919
+0.0739293033646687 -98157.915159020165447
+0.0740293123996974 -98320.963030905491905
+0.0741293214347259 -98484.114827647135826
+0.0742293304697546 -98647.369382632212364
+0.0743293395047832 -98810.725643921847222
+0.0744293485398118 -98974.182647076857393
+0.0745293575748405 -99137.739496140158735
+0.074629366609869 -99301.395349856262328
+0.0747293756448978 -99465.149411339341896
+0.0748293846799263 -99629.000919898258871
+0.0749293937149549 -99792.949144600919681
+0.0750294027499836 -99956.993378840183141
+0.0751294117850122 -100121.13293570285896
+0.0752294208200409 -100285.36714382904756
+0.0753294298550694 -100449.69534356617078
+0.0754294388900982 -100614.11688318249071
+0.0755294479251267 -100778.63111498931539
+0.0756294569601554 -100943.24751338743954
+0.075729465995184 -101107.99764280326781
+0.0758294750302126 -101272.86253901856253
+0.0759294840652413 -101437.83542954587028
+0.0760294931002698 -101602.91264851471351
+0.0761295021352986 -101768.09157763057738
+0.0762295111703271 -101933.3700514176162
+0.0763295202053557 -102098.74603894918982
+0.0764295292403844 -102264.26122354282415
+0.076529538275413 -102429.93597953247081
+0.0766295473104417 -102595.74422484969546
+0.0767295563454702 -102761.67924499827495
+0.0768295653804989 -102927.73538000533881
+0.0769295744155275 -103093.90846802099259
+0.0770295834505561 -103260.19494323592517
+0.0771295924855848 -103426.59037386042473
+0.0772296015206133 -103593.09322471541236
+0.0773296105556421 -103759.70611833019939
+0.0774296195906706 -103926.42737754544942
+0.0775296286256993 -104093.25544347170216
+0.0776296376607279 -104260.18883555928187
+0.0777296466957565 -104427.22611629911989
+0.0778296557307852 -104594.365855517608
+0.0779296647658137 -104761.60658809542656
+0.0780296738008424 -104928.94675497042772
+0.078129682835871 -105096.3846061462682
+0.0782296918708997 -105263.91829801964923
+0.0783297009059283 -105431.54533773634466
+0.078429709940957 -105599.25927037419751
+0.0785297189759856 -105767.04970665203291
+0.0786297280110141 -105934.94195868271345
+0.0787297370460428 -106102.93711434739816
+0.0788297460810714 -106271.03456006113265
+0.0789297551161001 -106439.23370867186168
+0.0790297641511287 -106607.53399567882298
+0.0791297731861572 -106775.9348764999304
+0.0792297822211859 -106944.435824446482
+0.0793297912562145 -107113.03632901760284
+0.0794298002912432 -107281.73589453159366
+0.0795298093262718 -107450.53403896289819
+0.0796298183613005 -107619.43029287118407
+0.0797298273963291 -107788.42419853461615
+0.0798298364313576 -107957.51530917148921
+0.0799298454663863 -108126.70318819602835
+0.0800298545014149 -108295.98740860067483
+0.0801298635364436 -108465.36755239465856
+0.0802298725714722 -108634.84321007149993
+0.0803298816065009 -108804.41398013179423
+0.0804298906415295 -108974.07946865553095
+0.080529899676558 -109143.83928891032701
+0.0806299087115867 -109313.69306098822562
+0.0807299177466153 -109483.64041145665396
+0.080829926781644 -109653.68097305957053
+0.0809299358166726 -109823.81438440538477
+0.0810299448517013 -109994.04028971883235
+0.0811299538867298 -110164.35833862151776
+0.0812299629217584 -110334.76818583520071
+0.0813299719567871 -110505.26949100552883
+0.0814299809918157 -110675.86191849815077
+0.0815299900268444 -110846.54513717738155
+0.081629999061873 -111017.31882026615494
+0.0817300080969017 -111188.18264514724433
+0.0818300171319302 -111359.13629322945781
+0.0819300261669588 -111530.1794497587689
+0.0820300352019875 -111701.34575705313182
+0.0821300442370161 -111872.63527417286241
+0.0822300532720448 -112044.03452157393622
+0.0823300623070733 -112215.53901789816155
+0.0824300713421021 -112387.14609268362983
+0.0825300803771306 -112558.85386423488671
+0.0826300894121592 -112730.66088189768197
+0.0827300984471879 -112902.56596208353585
+0.0828301074822165 -113074.56810073032102
+0.0829301165172452 -113246.66642169114493
+0.0830301255522737 -113418.86014398685074
+0.0831301345873025 -113591.14855985634495
+0.083230143622331 -113763.53101947771211
+0.0833301526573596 -113936.00691986142192
+0.0834301616923883 -114108.57569663292088
+0.0835301707274168 -114281.2368177439057
+0.0836301797624456 -114453.98977857911086
+0.0837301887974741 -114626.83409808886063
+0.0838301978325028 -114799.77116982363805
+0.0839302068675314 -114972.81818949863373
+0.08403021590256 -115145.96737698605284
+0.0841302249375887 -115319.22003549462534
+0.0842302339726172 -115492.57672807811468
+0.084330243007646 -115666.03302240296034
+0.0844302520426745 -115839.5872093958169
+0.0845302610777032 -116013.23775068447867
+0.0846302701127318 -116186.98352208940196
+0.0847302791477604 -116360.82379389864218
+0.0848302881827891 -116534.77152583311545
+0.0849302972178176 -116708.82239555867272
+0.0850303062528464 -116882.97236942006566
+0.0851303152878749 -117057.21954447572352
+0.0852303243229036 -117231.56259705965931
+0.0853303333579322 -117406.00048077310203
+0.0854303423929608 -117580.5323125430441
+0.0855303514279895 -117755.15731742128264
+0.085630360463018 -117929.874797627097
+0.0857303694980467 -118104.68411339743761
+0.0858303785330753 -118279.5846702609706
+0.085930387568104 -118454.57591014962236
+0.0860303966031326 -118629.65730488259578
+0.0861304056381611 -118804.82835122798861
+0.0862304146731899 -118980.08856707715313
+0.0863304237082184 -119155.43748834462895
+0.0864304327432471 -119330.87466642091749
+0.0865304417782757 -119506.39966606501548
+0.0866304508133043 -119682.01206351626024
+0.086730459848333 -119857.7114448549255
+0.0868304688833615 -120033.49740445186035
+0.0869304779183902 -120209.36954351764871
+0.0870304869534188 -120385.32746860537736
+0.0871304959884475 -120561.37079000019003
+0.0872305050234761 -120737.49911996423907
+0.0873305140585048 -120913.71207048992801
+0.0874305230935334 -121090.00925046368502
+0.0875305321285619 -121266.39026164382813
+0.0876305411635906 -121442.85469243772968
+0.0877305501986192 -121619.40210737779853
+0.0878305592336479 -121796.03202680627874
+0.0879305682686765 -121972.75615587216453
+0.088030577303705 -122149.63682256374159
+0.0881305863387337 -122326.64089677311131
+0.0882305953737623 -122503.75876881061413
+0.088330604408791 -122680.98604765589698
+0.0884306134438196 -122858.319062378534
+0.0885306224788483 -123035.75517032916832
+0.0886306315138769 -123213.29232374715502
+0.0887306405489056 -123390.9288566322648
+0.0888306495839341 -123568.66336561672506
+0.0889306586189627 -123746.49463740980718
+0.0890306676539914 -123924.42160164457164
+0.08913067668902 -124102.44329924933845
+0.0892306857240487 -124280.59169113739335
+0.0893306947590772 -124458.89260645855393
+0.0894307037941058 -124637.31929731887067
+0.0895307128291345 -124815.86371996905655
+0.0896307218641631 -124994.52129511175735
+0.0897307308991918 -125173.28884814023331
+0.0898307399342204 -125352.16395204329456
+0.0899307489692491 -125531.14463788714784
+0.0900307580042777 -125710.22924320270249
+0.0901307670393064 -125889.41645759515814
+0.0902307760743349 -126068.70629388232192
+0.0903307851093635 -126248.09704661963042
+0.0904307941443922 -126427.58738763986912
+0.0905308031794208 -126607.17620456041186
+0.0906308122144495 -126786.86248050384165
+0.090730821249478 -126966.64524928723404
+0.0908308302845066 -127146.52355628888472
+0.0909308393195353 -127326.49639261416451
+0.0910308483545639 -127506.56246421026299
+0.0911308573895926 -127686.72337135025009
+0.0912308664246212 -127866.99832654758939
+0.0913308754596499 -128047.37866655187099
+0.0914308844946784 -128227.86069225125539
+0.0915308935297071 -128408.44239062890119
+0.0916309025647357 -128589.12232846469851
+0.0917309115997643 -128769.89936451362155
+0.091830920634793 -128950.77253283094615
+0.0919309296698215 -129131.74098463849805
+0.0920309387048503 -129312.80395528502413
+0.0921309477398788 -129493.96074378919729
+0.0922309567749074 -129675.21069926938799
+0.0923309658099361 -129856.55321153314435
+0.0924309748449647 -130037.9877041810978
+0.0925309838799934 -130219.51362947914458
+0.0926309929150219 -130401.13046437928278
+0.0927310019500506 -130582.83770740455657
+0.0928310109850792 -130764.63487609993899
+0.0929310200201079 -130946.52150499745039
+0.0930310290551365 -131128.49714387921267
+0.093131038090165 -131310.56135633058148
+0.0932310471251938 -131492.7137185256579
+0.0933310561602223 -131674.95381814285065
+0.093431065195251 -131857.28125348646427
+0.0935310742302796 -132039.69563263721648
+0.0936310832653082 -132222.19657278250088
+0.0937310923003369 -132404.78369955800008
+0.0938311013353654 -132587.45664650644176
+0.0939311103703941 -132770.21505455908482
+0.0940311194054227 -132953.05857160434243
+0.0941311284404514 -133135.98685205707443
+0.09423113747548 -133318.99955648873583
+0.0943311465105087 -133502.0963512811868
+0.0944311555455373 -133685.27690833731322
+0.0945311645805658 -133868.54090476382407
+0.0946311736155945 -134051.88802263032994
+0.0947311826506231 -134235.31794868502766
+0.0948311916856518 -134418.83037416209118
+0.0949312007206804 -134602.42499455745565
+0.0950312097557089 -134786.10150942200562
+0.0951312187907377 -134969.85962216876214
+0.0952312278257662 -135153.69903992346372
+0.0953312368607949 -135337.61947332226555
+0.0954312458958235 -135521.6206363675301
+0.0955312549308522 -135705.70224629328004
+0.0956312639658808 -135889.86402339703636
+0.0957312730009095 -136074.10569091848447
+0.095831282035938 -136258.42697489494458
+0.0959312910709666 -136442.82760403683642
+0.0960313001059953 -136627.30730961353402
+0.0961313091410239 -136811.8658253121539
+0.0962313181760526 -136996.50288713388727
+0.0963313272110812 -137181.21823328032042
+0.0964313362461097 -137366.01160399688524
+0.0965313452811384 -137550.88274150723009
+0.096631354316167 -137735.83138985108235
+0.0967313633511957 -137920.85729480307782
+0.0968313723862243 -138105.96020369519829
+0.096931381421253 -138291.13986530757393
+0.0970313904562815 -138476.39602973670117
+0.0971313994913103 -138661.74816247096169
+0.0972314085263388 -138847.20763361244462
+0.0973314175613674 -139032.76069190457929
+0.0974314265963961 -139218.40326229386847
+0.0975314356314247 -139404.133022467111
+0.0976314446664534 -139589.94836552502238
+0.0977314537014819 -139775.84806268205284
+0.0978314627365105 -139961.8311137832352
+0.0979314717715392 -140147.89979147177655
+0.0980314808065678 -140334.05910924129421
+0.0981314898415965 -140520.30446588658378
+0.0982314988766251 -140706.63407271367032
+0.0983315079116538 -140893.04676011123229
+0.0984315169466823 -141079.54160163505003
+0.098531525981711 -141266.11779518960975
+0.0986315350167396 -141452.77460177874309
+0.0987315440517682 -141639.51129278368899
+0.0988315530867969 -141826.32704831825686
+0.0989315621218254 -142013.22037764402921
+0.0990315711568542 -142200.19210545992246
+0.0991315801918827 -142387.24273445672588
+0.0992315892269113 -142574.37184302465175
+0.09933159826194 -142761.57902541579097
+0.0994316072969686 -142948.86388884304324
+0.0995316163319973 -143136.22605088632554
+0.0996316253670258 -143323.66513703082455
+0.0997316344020545 -143511.18077817826997
+0.0998316434370831 -143698.77260788515559
+0.0999316524721118 -143886.44025894542574
diff --git a/DATASET/P=40000Pa/box_confined.data b/DATASET/P=40000Pa/box_confined.data
new file mode 100644
index 0000000..13fa36e
--- /dev/null
+++ b/DATASET/P=40000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2366866
+
+240 atoms
+6 atom types
+
+0.02737352148673595 0.07262647851326405 xlo xhi
+0.02737352148673595 0.07262647851326405 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+2 1 0.0035 1071.4285714285713 0.0330843637549193 0.027902133776150244 0 0 0 0
+6 1 0.0035 1071.4285714285713 0.036458502255678975 0.028659314429729108 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.03951524184527425 0.029101132432749567 0 0 0 0
+16 1 0.0025 1500.0000000000005 0.04506825985417966 0.029021520408251983 0 0 0 0
+233 1 0.0035 1071.4285714285713 0.04762248417442645 0.027409950315343972 0 0 1 0
+23 1 0.0035 1071.4285714285713 0.053223554982621185 0.028328270734562767 0 0 0 0
+10 1 0.0035 1071.4285714285713 0.056639870633467225 0.02891064645097988 0 0 0 0
+237 1 0.0025 1500.0000000000005 0.06172848021339717 0.028935832245152004 0 0 1 0
+7 1 0.0035 1071.4285714285713 0.06467916799486591 0.029340185735189404 0 0 0 0
+12 1 0.0025 1500.0000000000005 0.07003106667506724 0.029369987677029124 0 0 0 0
+4 1 0.0025 1500.0000000000005 0.06855503852090909 0.027389859537297376 0 0 0 0
+9 1 0.0035 1071.4285714285713 0.027775940088624107 0.029934620231480125 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.030796247842472618 0.029770570417168653 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.033007081201265866 0.030950988116481164 0 0 0 0
+24 1 0.0035 1071.4285714285713 0.04232691658866757 0.030179578852720525 0 0 0 0
+25 1 0.0025 1500.0000000000005 0.047133627279458974 0.03041230580628667 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.05007288449134184 0.029857875993972705 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.05421602732993656 0.031643039821951824 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.05944322295187869 0.02990275612166915 0 0 1 0
+1 1 0.0025 1500.0000000000005 0.067638651272307 0.029965281507998785 0 0 0 0
+19 1 0.0025 1500.0000000000005 0.06927566760207664 0.031836346212537316 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.030126785247021066 0.03291195058291135 0 0 0 0
+40 1 0.0025 1500.0000000000005 0.03307966611270529 0.03341515116542723 0 0 0 0
+32 1 0.0035 1071.4285714285713 0.03582141328506403 0.032222258929917036 0 0 0 0
+34 1 0.0035 1071.4285714285713 0.03941588225702947 0.03206721477748623 0 0 0 0
+31 1 0.0025 1500.0000000000005 0.042025088015279786 0.03347560720195086 0 0 0 0
+28 1 0.0035 1071.4285714285713 0.04496624456372844 0.03246273673000768 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.048425621121152215 0.03303365442461889 0 0 0 0
+42 1 0.0025 1500.0000000000005 0.05134249868920748 0.03254125613199535 0 0 0 0
+15 1 0.0035 1071.4285714285713 0.05766588999490906 0.032281727224349 0 0 0 0
+13 1 0.0035 1071.4285714285713 0.06118942195401726 0.03231102787755531 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.06414982204140016 0.03230638831486191 0 0 0 0
+26 1 0.0025 1500.0000000000005 0.06671825056739442 0.0322495061800111 0 0 0 0
+22 1 0.0025 1500.0000000000005 0.06835712566531092 0.03414280858687692 0 0 0 0
+29 1 0.0035 1071.4285714285713 0.07192762896765152 0.03322767491607132 0 -1 0 0
+60 1 0.0035 1071.4285714285713 0.02865585063387252 0.03614476601512388 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.03160429262613171 0.03552607048099349 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.034539069226063854 0.0359965437579385 0 0 0 0
+47 1 0.0035 1071.4285714285713 0.037957730002145355 0.03521652836154128 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.0409554279506889 0.03578480280990789 0 0 0 0
+43 1 0.0035 1071.4285714285713 0.043939711369255015 0.0357539965581434 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.04688840250798172 0.03554738706311567 0 0 0 0
+48 1 0.0035 1071.4285714285713 0.05050747073648208 0.03582962571351241 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.053120104718598175 0.03441289812216658 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.0559166088601847 0.03542060987921565 0 0 0 0
+37 1 0.0035 1071.4285714285713 0.059505907682904306 0.03541200791847802 0 0 0 0
+21 1 0.0025 1500.0000000000005 0.06250292945323202 0.03519753329228239 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.06548560066708473 0.03493742622046357 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.0703439580933086 0.0364491167423908 0 -1 0 0
+54 1 0.0025 1500.0000000000005 0.03241769495248377 0.038042271452110914 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.036723068436934916 0.038036543375380955 0 0 0 0
+57 1 0.0025 1500.0000000000005 0.03936865913472105 0.03783893330363271 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.04222463634727249 0.03814852345834555 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.0451441860314604 0.03850539467027123 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.04811374317912474 0.03838119485400609 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.05327933874898367 0.03689888097506283 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.05524221138061755 0.03836358179974902 0 0 0 0
+49 1 0.0025 1500.0000000000005 0.05765254678511623 0.03782969884732514 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.06364090026840948 0.03790925870746761 0 0 0 0
+44 1 0.0035 1071.4285714285713 0.06717315143933301 0.037952235090967255 0 0 0 0
+73 1 0.0035 1071.4285714285713 0.029814857564269076 0.03949858625061067 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.03253513997637882 0.0407326600931334 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.03460679033093148 0.039310157253136566 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.03784479553447342 0.04030473975809167 0 0 0 0
+64 1 0.0025 1500.0000000000005 0.04056050906443631 0.03999999243351951 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.04339605269768823 0.04094330537762173 0 0 0 0
+66 1 0.0025 1500.0000000000005 0.04637997716095701 0.04075442076151269 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.05146858797605079 0.03928959629655082 0 0 0 0
+65 1 0.0025 1500.0000000000005 0.05415507025406638 0.0405913188323921 0 0 0 0
+69 1 0.0035 1071.4285714285713 0.05711644210885994 0.04075017657758964 0 0 0 0
+53 1 0.0035 1071.4285714285713 0.060351497086070814 0.039221030936386146 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.06986191324056275 0.03948337250493196 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.0722257329636395 0.03873726806767466 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.030250091398501763 0.04302314256198381 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.03334107211828213 0.04306808540551444 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.03541494508295886 0.04172722570444978 0 0 0 0
+82 1 0.0025 1500.0000000000005 0.03768208782128493 0.042811126279823634 0 0 0 0
+84 1 0.0035 1071.4285714285713 0.04063075212006861 0.04299514518234696 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.046020974085643956 0.043235720621706566 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.049141121884647046 0.0419785896050287 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.05211719480059272 0.04220137014097487 0 0 0 0
+70 1 0.0035 1071.4285714285713 0.05994477845727991 0.04291630939403563 0 0 0 0
+83 1 0.0025 1500.0000000000005 0.06245513998433964 0.04134571314879532 0 0 0 0
+63 1 0.0035 1071.4285714285713 0.06539970238239685 0.04096519381624467 0 0 0 0
+78 1 0.0035 1071.4285714285713 0.06865277476113527 0.042234024737782636 0 0 0 0
+75 1 0.0035 1071.4285714285713 0.07222879937259608 0.041769964173630006 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.027903135491473784 0.044797506050031494 0 1 0 0
+105 1 0.0035 1071.4285714285713 0.03561546784224911 0.04497636621611645 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.043577485542224625 0.043875847899388316 0 0 0 0
+89 1 0.0035 1071.4285714285713 0.048065330064441684 0.04540553881197321 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.051658732122456 0.04514247007708533 0 0 0 0
+99 1 0.0035 1071.4285714285713 0.05478577948153291 0.043504205290845546 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.057544561530143035 0.0447801406218481 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.06286843063762218 0.04417486048449584 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.06548985623429295 0.043974606161464584 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.07071900389758526 0.04437056308715265 0 0 0 0
+109 1 0.0035 1071.4285714285713 0.029179606480428937 0.04767700676422654 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.03225028126701613 0.04583834869574413 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.038890618853860345 0.046007810965073115 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.04188602864196042 0.04587556462163122 0 0 0 0
+115 1 0.0035 1071.4285714285713 0.04476000361726267 0.04664375512629613 0 0 0 0
+124 1 0.0025 1500.0000000000005 0.050167756480695935 0.04772076113115811 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.05545092679277495 0.047000067231149766 0 0 0 0
+106 1 0.0025 1500.0000000000005 0.05855245064771019 0.047436609489537825 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.060476656812216534 0.045817879702214126 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.06268774108868018 0.04708483321923128 0 0 0 0
+101 1 0.0025 1500.0000000000005 0.0650660451992988 0.046460031769272374 0 0 0 0
+95 1 0.0035 1071.4285714285713 0.06800893393271763 0.04575845283531076 0 0 0 0
+113 1 0.0025 1500.0000000000005 0.07153701909131079 0.046695411675270096 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.032409309504194274 0.04930303628087617 0 0 0 0
+110 1 0.0035 1071.4285714285713 0.03580349002227537 0.048428784392675644 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.03882971115039107 0.04899358083103576 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.0412085080623916 0.04825066292773955 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.04742963785133647 0.04891230959228056 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.052657737278000105 0.04793339560308088 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.060765945977585695 0.04949754213632348 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.06373141277245885 0.049429829340002764 0 0 0 0
+107 1 0.0025 1500.0000000000005 0.06627658015297094 0.048620198371105414 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.06878781007531143 0.0486270700433631 0 0 0 0
+118 1 0.0035 1071.4285714285713 0.07158004990384349 0.04982836977802311 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.02948850047769045 0.05117505443042517 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.03457327445352661 0.05212786435500189 0 0 0 0
+131 1 0.0025 1500.0000000000005 0.03755897752913129 0.05112494251563982 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.040779216187173416 0.05121686889724502 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.044083793347018514 0.0500620673903742 0 0 0 0
+127 1 0.0035 1071.4285714285713 0.0511254972079863 0.05050489531102632 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.05413520470638559 0.05007127834041571 0 0 0 0
+119 1 0.0035 1071.4285714285713 0.05714208530624346 0.05011807681354552 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.06564377531678481 0.05100715648731507 0 0 0 0
+130 1 0.0035 1071.4285714285713 0.06859182832956456 0.051569410294360477 0 0 0 0
+143 1 0.0025 1500.0000000000005 0.029412547720551414 0.05423312791692436 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.03174711778644657 0.05310837516812306 0 0 0 0
+151 1 0.0025 1500.0000000000005 0.03737428243664947 0.053674380728589495 0 0 0 0
+141 1 0.0035 1071.4285714285713 0.04359503052561855 0.05348900002990794 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.04756931921943867 0.052382309679585376 0 0 0 0
+139 1 0.0035 1071.4285714285713 0.05067625604387267 0.05396005311403844 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.053404743110391034 0.052441171653174086 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.05609283933033535 0.05373331033210054 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.059474124308097426 0.05274561141281792 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.06291929212698348 0.05227639729933999 0 0 0 0
+142 1 0.0035 1071.4285714285713 0.06606755972127017 0.05397794282350911 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.07232476114881177 0.05312103802554238 0 0 0 0
+144 1 0.0025 1500.0000000000005 0.07261915096760668 0.05585999188698836 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.02976423791054649 0.05665826963553639 0 0 0 0
+148 1 0.0035 1071.4285714285713 0.03285606743742844 0.05587935893996815 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.03625343354209841 0.05639578274496571 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.040204059005319016 0.054638240545016994 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.046163853835687205 0.05497402721238836 0 0 0 0
+155 1 0.0025 1500.0000000000005 0.04840610964422466 0.05592093603388393 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.051648685004498936 0.05680515316722584 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.05343571725591344 0.0550627806866918 0 0 0 0
+160 1 0.0035 1071.4285714285713 0.05866310968300386 0.056092288739665354 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.06159511334997294 0.05495766971211886 0 0 0 0
+153 1 0.0025 1500.0000000000005 0.06395973561620705 0.0560421782182318 0 0 0 0
+145 1 0.0035 1071.4285714285713 0.06981293494530695 0.05477173414918226 0 0 0 0
+157 1 0.0025 1500.0000000000005 0.02821113020539736 0.058652955305493346 0 1 0 0
+173 1 0.0025 1500.0000000000005 0.034076753762082614 0.058577012746152755 0 0 0 0
+146 1 0.0035 1071.4285714285713 0.03929043156628504 0.058046419509694205 0 0 0 0
+165 1 0.0035 1071.4285714285713 0.0426724678750648 0.05702081311501519 0 0 0 0
+164 1 0.0035 1071.4285714285713 0.04601420282457927 0.057937023216147555 0 0 0 0
+166 1 0.0035 1071.4285714285713 0.04939754086676336 0.05874167048821298 0 0 0 0
+156 1 0.0035 1071.4285714285713 0.055362931259352995 0.057308981351301934 0 0 0 0
+159 1 0.0035 1071.4285714285713 0.06162957711857741 0.05788731833458261 0 0 0 0
+163 1 0.0025 1500.0000000000005 0.06463526158219629 0.05841057161393071 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.06737926974474408 0.05721683247467928 0 0 0 0
+158 1 0.0025 1500.0000000000005 0.07109350623544244 0.05783406216951042 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.028739115397009636 0.06108721326401564 0 0 0 0
+185 1 0.0035 1071.4285714285713 0.031122749982744908 0.05930665687371641 0 0 0 0
+183 1 0.0025 1500.0000000000005 0.033497322512444694 0.061081189914074595 0 0 0 0
+168 1 0.0025 1500.0000000000005 0.03653666021142491 0.059386984411897305 0 0 0 0
+174 1 0.0025 1500.0000000000005 0.03828147020133056 0.06127621409930177 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.04067367229007177 0.060677765507343016 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.043658348731054605 0.06042068198946134 0 0 0 0
+167 1 0.0035 1071.4285714285713 0.05275692027976304 0.05957188146504912 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.055596845603262404 0.060375075552058406 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.05859905396102119 0.05969434604149021 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.06314368574919406 0.06105079980198128 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.0665929887455205 0.06087685270437251 0 0 0 0
+171 1 0.0025 1500.0000000000005 0.06928959178057638 0.059543000609770094 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.07162431239113859 0.06033964341005566 0 0 0 0
+203 1 0.0035 1071.4285714285713 0.03106487169841233 0.06290438339804366 0 0 0 0
+206 1 0.0025 1500.0000000000005 0.03402078764987637 0.06354251889914532 0 0 0 0
+198 1 0.0025 1500.0000000000005 0.0358720287393887 0.061833246286001245 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.0470360429452739 0.06125416224423324 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.05040302555735863 0.06213979282501662 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.053814358363474625 0.06284379187335618 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.05732693324844589 0.06288867915815244 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.060416577449132425 0.06227171010644039 0 0 0 0
+189 1 0.0035 1071.4285714285713 0.06963381431227261 0.06251934619531398 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.027631502524324954 0.06383240851511547 0 1 0 0
+200 1 0.0035 1071.4285714285713 0.0370614253879918 0.06468603443489718 0 0 0 0
+180 1 0.0035 1071.4285714285713 0.04062702223434781 0.06363472955036219 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.044478306931075615 0.06381788435237522 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.047846794769399605 0.06471045732264959 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.050916159498594085 0.06505666399894654 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.05327370789877692 0.06581223556348635 0 0 0 0
+187 1 0.0025 1500.0000000000005 0.05576226946021377 0.06548877504472247 0 0 0 0
+188 1 0.0025 1500.0000000000005 0.05980525977548371 0.06469659328804649 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.06230153900388077 0.06388304188541258 0 0 0 0
+197 1 0.0025 1500.0000000000005 0.06474336745259891 0.06359852460215847 0 0 0 0
+196 1 0.0025 1500.0000000000005 0.06713903531114032 0.0642214825501399 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.027576114868635038 0.06680033435035994 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.030490669622853288 0.0663797807869866 0 0 0 0
+220 1 0.0035 1071.4285714285713 0.03393906690686623 0.06650008240591439 0 0 0 0
+228 1 0.0025 1500.0000000000005 0.03666100858322406 0.06771046561048773 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.0397293271966324 0.06703574449066853 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.042535908123619307 0.06608287219035647 0 0 0 0
+216 1 0.0035 1071.4285714285713 0.04536194776984073 0.06717806996820745 0 0 0 0
+209 1 0.0025 1500.0000000000005 0.04830254663671603 0.06769639218640446 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.051323356363753646 0.06809430955197454 0 0 0 0
+195 1 0.0035 1071.4285714285713 0.058233273461909645 0.06725271297483262 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.061185360987336755 0.06681609580005929 0 0 0 0
+208 1 0.0025 1500.0000000000005 0.06381836627864514 0.06589200434951865 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.06646072567721242 0.06723309083375947 0 0 0 0
+210 1 0.0035 1071.4285714285713 0.06984676493032589 0.06596874750782876 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.029037115002813335 0.06928273878125228 0 0 0 0
+239 1 0.0035 1071.4285714285713 0.031999446722535956 0.06954200518508227 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.0382606952187332 0.06956984551197595 0 0 0 0
+3 1 0.0025 1500.0000000000005 0.04063868271504879 0.07019838928303017 0 0 -1 0
+218 1 0.0025 1500.0000000000005 0.04265156884506602 0.06852891625837837 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.04659342844839205 0.0699039561042265 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.04905611828665242 0.07005867102629508 0 0 0 0
+202 1 0.0035 1071.4285714285713 0.054860540527020024 0.06833484432310363 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.057320936671070306 0.07004709365694062 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.060389958078550764 0.06927583238973208 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.06334934005539912 0.06887876982748382 0 0 0 0
+236 1 0.0035 1071.4285714285713 0.06889045484579641 0.0696886138906913 0 0 0 0
+224 1 0.0025 1500.0000000000005 0.07181339762643006 0.06906675779332035 0 -1 0 0
+240 1 0.0035 1071.4285714285713 0.02970764020030061 0.07227171254923248 0 0 0 0
+229 1 0.0035 1071.4285714285713 0.03536264573225015 0.07050091139545603 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.03879807626868481 0.07202475751516547 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.04128471242424086 0.07257728493797713 0 0 -1 0
+227 1 0.0035 1071.4285714285713 0.04403931845846348 0.07137043819238541 0 0 0 0
+5 1 0.0025 1500.0000000000005 0.050670351642787034 0.0720123008877674 0 0 -1 0
+230 1 0.0025 1500.0000000000005 0.052872209708068524 0.07063851029807917 0 0 0 0
+225 1 0.0025 1500.0000000000005 0.05525410716701669 0.07141087455653997 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.05958893566653137 0.07214842787899722 0 0 0 0
+215 1 0.0025 1500.0000000000005 0.0625698762453675 0.07181105263806338 0 0 0 0
+232 1 0.0035 1071.4285714285713 0.06583459782563378 0.07129414321583927 0 0 0 0
+238 1 0.0035 1071.4285714285713 0.07149651791762834 0.07204514784981665 0 0 0 0
+
+Velocities
+
+2 1.103512672528316 1.2363887690388626 0 0 0 0
+6 11.614267538360387 -20.654254232184602 0 0 0 0
+17 25.254793255129343 -9.244393649565307 0 0 0 0
+16 -2.127024825236312 25.5917062259391 0 0 0 0
+233 -0.08494158564492033 -18.439572641466402 0 0 0 0
+23 20.708377746773998 -0.8532479391109381 0 0 0 0
+10 -8.713348359645671 -8.84462020463907 0 0 0 0
+237 -54.562154405135715 9.484318806672308 0 0 0 0
+7 -4.21380567249635 -1.6731853967018597 0 0 0 0
+12 2.71806979945914 22.08547714256378 0 0 0 0
+4 27.20586720822907 -9.596120411559209 0 0 0 0
+9 -18.982508835836835 17.350990879373207 0 0 0 0
+18 14.458377763638318 3.765662749730247 0 0 0 0
+20 -5.0127308481543515 37.7253320079524 0 0 0 0
+24 3.513630064075477 5.25968344687603 0 0 0 0
+25 -11.249210176241228 7.362979923049801 0 0 0 0
+11 -2.702061962208802 4.3492872415707176 0 0 0 0
+30 -27.811045282138274 10.165161231288735 0 0 0 0
+235 20.264183104698606 -5.075551632768829 0 0 0 0
+1 -11.2273953347028 -11.064315029100216 0 0 0 0
+19 -0.4793097085567908 -6.44900150573373 0 0 0 0
+27 10.046239767109558 -3.1179826618871926 0 0 0 0
+40 -9.42538513529257 -2.6527125850380533 0 0 0 0
+32 7.4077047240782266 -9.13142141194414 0 0 0 0
+34 24.144197073557283 0.22818237407419312 0 0 0 0
+31 -30.56815553848721 -10.819913541417801 0 0 0 0
+28 13.932754671023195 9.643107929698282 0 0 0 0
+41 6.72725734822421 -23.986923378400043 0 0 0 0
+42 5.079038292958476 -10.427659245626687 0 0 0 0
+15 14.999893370672533 -7.213870825203812 0 0 0 0
+13 6.509926480781421 2.5672717961236935 0 0 0 0
+14 29.29030608300427 -15.516541141457663 0 0 0 0
+26 -15.284361366055437 1.5422235179877775 0 0 0 0
+22 -28.531853298779595 29.869637966661337 0 0 0 0
+29 9.523321760989857 25.307389247288302 0 0 0 0
+60 -4.092723331642468 -3.1584156570820734 0 0 0 0
+46 -0.7856390139621683 -5.6989906670630095 0 0 0 0
+55 8.692454399152707 -13.538708111868287 0 0 0 0
+47 -3.089986973867731 -15.411761037469317 0 0 0 0
+45 -28.76315035446432 -13.383798346292314 0 0 0 0
+43 -4.957870747874419 -4.282502417969369 0 0 0 0
+38 7.936797365689165 -30.3995977562307 0 0 0 0
+48 13.005973171285968 1.1395952031316439 0 0 0 0
+39 -1.046432327725663 -12.65108124757428 0 0 0 0
+35 -10.676326918563754 2.1382913159403856 0 0 0 0
+37 -27.336599491436253 -1.4183124762837007 0 0 0 0
+21 -44.050303904875136 -19.259859265599378 0 0 0 0
+36 16.649241617916704 13.371005504294153 0 0 0 0
+50 -16.60115437640956 14.755193384749942 0 0 0 0
+54 -14.831939815937481 -9.464360549043603 0 0 0 0
+72 -21.690362753430968 -0.22775720868454494 0 0 0 0
+57 11.402920666077682 -49.93277596651109 0 0 0 0
+62 11.501487581425266 -18.19166987568435 0 0 0 0
+59 35.12547576932164 17.415929696092405 0 0 0 0
+52 -4.692853144759487 -4.911359571552084 0 0 0 0
+56 -10.243218109610723 4.3137366737688305 0 0 0 0
+51 -59.01589243473474 3.85667478200017 0 0 0 0
+49 30.990833614464115 -9.753774126260959 0 0 0 0
+33 12.267889363103922 7.073844072426379 0 0 0 0
+44 14.093147956174404 -12.061960160003352 0 0 0 0
+73 -12.07057085551502 -2.7299462686517724 0 0 0 0
+71 -40.34412886327989 -13.961471327141036 0 0 0 0
+74 19.80466105267019 15.123458586511811 0 0 0 0
+80 -18.103032214985216 -33.90927490546166 0 0 0 0
+64 13.769100754119153 -12.085583771328247 0 0 0 0
+67 33.53769850702792 17.91100288239149 0 0 0 0
+66 11.722248827512223 36.13890616849558 0 0 0 0
+58 24.161895772236516 -14.116714046582791 0 0 0 0
+65 -17.37792714831857 23.97090518019948 0 0 0 0
+69 -44.255305433010705 0.9009349687654112 0 0 0 0
+53 -14.286063513693525 14.844220268113675 0 0 0 0
+61 41.87121070400271 -25.13059227528001 0 0 0 0
+68 -33.742977614111844 34.793822753891156 0 0 0 0
+90 10.282087023453085 46.59643728874629 0 0 0 0
+87 -20.18421633402268 -2.1408275528251557 0 0 0 0
+88 10.408809868910415 -35.296048712241365 0 0 0 0
+82 -17.38008133677965 20.200039582458803 0 0 0 0
+84 12.108774874494625 12.984881759705125 0 0 0 0
+77 10.208818557567973 36.394217464366434 0 0 0 0
+86 -20.389981932489384 2.111956602303657 0 0 0 0
+76 4.820546042274761 -18.771292808298885 0 0 0 0
+70 -8.285513748280792 1.9428323697819694 0 0 0 0
+83 -5.735288781589516 -15.662597738437384 0 0 0 0
+63 -30.93242056711313 -26.5800643909812 0 0 0 0
+78 -24.918988834547832 -10.734085124803492 0 0 0 0
+75 -2.6338411945625886 30.979865650206932 0 0 0 0
+94 -4.092468014032977 34.687397362563296 0 0 0 0
+105 -5.935129361547571 -15.72625003543312 0 0 0 0
+81 -11.772354310792204 -28.99801316470595 0 0 0 0
+89 -10.380249922778615 -22.746655534614746 0 0 0 0
+93 3.0030232289247443 13.979511845626844 0 0 0 0
+99 15.108998418487111 14.01244655329728 0 0 0 0
+96 15.339075809978231 -6.799598314566152 0 0 0 0
+91 -13.879841885466973 3.632700812376862 0 0 0 0
+85 -14.724641535937483 -26.065933665602763 0 0 0 0
+79 9.528183108394648 11.304973423412187 0 0 0 0
+109 -4.091781834709999 36.55353935673883 0 0 0 0
+92 -0.5479830070939715 -9.310568437180246 0 0 0 0
+98 -12.215127957512095 -12.07299661327751 0 0 0 0
+100 -39.42948388577093 5.028008964358087 0 0 0 0
+115 -11.704152572161723 8.19229109726069 0 0 0 0
+124 -19.910436924379265 -16.033708186905756 0 0 0 0
+104 -8.121917862494655 24.232551715896744 0 0 0 0
+106 21.01709558728556 25.29882667155162 0 0 0 0
+108 16.39997330936479 -8.019017590794956 0 0 0 0
+102 42.13081967658864 -14.533948756499463 0 0 0 0
+101 -13.825733983320657 3.996808456888952 0 0 0 0
+95 -2.0072647246334663 13.96045156406293 0 0 0 0
+113 12.471091208448048 -19.566753330784795 0 0 0 0
+126 8.30610326684785 25.00551355984735 0 0 0 0
+110 -6.692810980523021 35.354182114608555 0 0 0 0
+114 -15.98036227599284 1.992675931984017 0 0 0 0
+97 2.7402453232106687 13.527652305697247 0 0 0 0
+122 6.901035192386299 -16.84215298514577 0 0 0 0
+125 16.44072852860091 -22.489994194058657 0 0 0 0
+120 -12.936207754619868 32.03272433344989 0 0 0 0
+112 16.222009564153613 -16.21239374763227 0 0 0 0
+107 12.965389382697118 34.63679578047505 0 0 0 0
+103 15.950286503777706 -3.3647499548026847 0 0 0 0
+118 -8.614349382591765 -20.15048791317029 0 0 0 0
+123 -8.293432549880514 -9.483635468371395 0 0 0 0
+128 1.647868988116656 5.59141190255702 0 0 0 0
+131 -2.5880782196843777 -24.648265264151476 0 0 0 0
+111 -1.6129787967056182 -0.2118701879364286 0 0 0 0
+132 22.410162799559853 4.524942321170445 0 0 0 0
+127 23.75657228451961 7.226135156926531 0 0 0 0
+117 6.464535073765146 22.495552176402263 0 0 0 0
+119 7.329705763339493 2.311712975080911 0 0 0 0
+116 -35.64978028165278 3.727949465337444 0 0 0 0
+130 18.559619838461725 0.25471575549178427 0 0 0 0
+143 25.597980911279645 5.905334410385583 0 0 0 0
+136 1.8058539659458734 11.257723589148881 0 0 0 0
+151 5.192898508007037 19.139034241581506 0 0 0 0
+141 3.843278153340088 5.082721031444044 0 0 0 0
+134 5.731548143984799 3.7393413686052153 0 0 0 0
+139 28.177513786641782 7.500214441588352 0 0 0 0
+121 -44.52865318085302 -18.12562321205115 0 0 0 0
+140 12.171495307295679 -6.423600274761154 0 0 0 0
+129 9.173325098533986 -20.977091394275963 0 0 0 0
+138 48.785477606106205 5.322982272288239 0 0 0 0
+142 -23.14082422163689 -0.8933452899377293 0 0 0 0
+133 -5.436846611803379 20.431304173038605 0 0 0 0
+144 -41.905145339088996 32.21038644874956 0 0 0 0
+154 38.66403181216023 11.56311788426223 0 0 0 0
+148 12.123291021077724 16.691482340907335 0 0 0 0
+162 5.532480532199036 12.464345785123367 0 0 0 0
+137 15.656323380196755 0.07144927703248895 0 0 0 0
+147 21.605314872912192 35.88193898298983 0 0 0 0
+155 -1.912671568853828 3.754199964556788 0 0 0 0
+152 35.58070442253188 36.50492918040387 0 0 0 0
+135 -2.7500643310468194 -6.955359245265443 0 0 0 0
+160 12.550666529706266 -1.4192686911067476 0 0 0 0
+150 2.5038676890619938 17.740257150542543 0 0 0 0
+153 -6.535882568166532 1.1821387428160912 0 0 0 0
+145 5.083174581912689 -25.29949948286125 0 0 0 0
+157 2.219550079600458 -5.41945825193967 0 0 0 0
+173 6.238037197732405 21.243748440583527 0 0 0 0
+146 -11.606854465210844 -9.094050808033346 0 0 0 0
+165 36.14141584213279 9.435255051150948 0 0 0 0
+164 12.627684943404615 -41.7536582359647 0 0 0 0
+166 0.6947105476380322 6.852483931582045 0 0 0 0
+156 16.48255954492749 -8.675621348321929 0 0 0 0
+159 -1.4532123533924848 3.774555997868382 0 0 0 0
+163 -41.833873381753776 -5.704153498779784 0 0 0 0
+149 2.54117048417202 -22.701396681976345 0 0 0 0
+158 -29.247064112366004 -17.410683582010584 0 0 0 0
+192 -7.4192851373498625 -5.7023625201867585 0 0 0 0
+185 8.506875520173738 9.509223717517084 0 0 0 0
+183 9.546466450483786 -23.6917714027747 0 0 0 0
+168 -4.8947845434027535 28.283331650575672 0 0 0 0
+174 24.94289283707278 -7.713898006343272 0 0 0 0
+172 -20.02368628177432 7.067104822465298 0 0 0 0
+177 5.381785325565284 0.8501141004343332 0 0 0 0
+167 16.376435036051824 -11.35084524470409 0 0 0 0
+161 8.360918524825227 14.460892165319876 0 0 0 0
+170 15.2425840056223 -7.545116966026192 0 0 0 0
+178 8.963439788551112 37.16003667788012 0 0 0 0
+184 -14.167359213313738 13.985357858733993 0 0 0 0
+171 -9.049719054609266 32.86417836983229 0 0 0 0
+175 18.46007528414041 -12.905248785552894 0 0 0 0
+203 -11.535661099490936 -17.98617951316363 0 0 0 0
+206 2.1548380894521864 -2.7998554887054636 0 0 0 0
+198 44.69865573261381 -26.416167355802774 0 0 0 0
+169 -23.735524281716163 -32.704448518449176 0 0 0 0
+179 -16.906544751750204 -11.54050780898144 0 0 0 0
+182 2.704969678608981 33.57700767674367 0 0 0 0
+186 -28.10588860424004 12.829182789969638 0 0 0 0
+176 -37.51094941542793 -8.842417557676463 0 0 0 0
+189 -5.069674394548051 9.544499127368686 0 0 0 0
+194 -1.8727047938704948 -27.514943890918115 0 0 0 0
+200 24.56273193542369 -16.61837468894826 0 0 0 0
+180 -10.680018807571624 4.8483357088426535 0 0 0 0
+190 -30.962332119362493 -33.00474042937782 0 0 0 0
+205 17.832824920761404 0.06305197012545331 0 0 0 0
+191 11.465449890089646 -10.054115157948411 0 0 0 0
+181 3.6364932045912854 -8.123299362375665 0 0 0 0
+187 -3.226640282990246 -22.56663609972644 0 0 0 0
+188 -7.19781211477568 34.034861664557106 0 0 0 0
+193 -21.695181532960216 -7.384950292444233 0 0 0 0
+197 10.96489835556029 3.4527894008696984 0 0 0 0
+196 24.854056115592066 -6.094889999531617 0 0 0 0
+212 21.037749643641014 -2.9944406761936877 0 0 0 0
+226 -17.059672299468644 2.7892497306279944 0 0 0 0
+220 8.046922152212455 -16.845005082641553 0 0 0 0
+228 27.68294392384567 -30.98801359602805 0 0 0 0
+201 3.2447328562480013 10.683513283968068 0 0 0 0
+199 -26.847727346522447 -14.995528749737224 0 0 0 0
+216 -1.890678975850748 15.137112599662352 0 0 0 0
+209 -41.501674536393544 -9.86633539010756 0 0 0 0
+207 -15.765488900928789 2.7484579532180495 0 0 0 0
+195 9.609155589824853 17.866545738005783 0 0 0 0
+211 43.33299154149269 -15.482545693843367 0 0 0 0
+208 5.10001125940037 -17.666461834902123 0 0 0 0
+222 -26.782446238048983 -1.9068985420543814 0 0 0 0
+210 -18.884961021297915 -11.917145114721412 0 0 0 0
+219 -41.992452361859606 21.401007050972925 0 0 0 0
+239 4.620712483835119 4.533933545580742 0 0 0 0
+213 1.907313749954214 -29.703307433752343 0 0 0 0
+3 -25.121758157678407 25.13927027859066 0 0 0 0
+218 -11.730268407594185 -13.778007552189303 0 0 0 0
+217 13.211331559303161 7.698923681237251 0 0 0 0
+231 6.981032019677307 -23.23034170084832 0 0 0 0
+202 -10.961162249666605 -12.823062362736017 0 0 0 0
+204 -10.127656209416633 13.285593220637526 0 0 0 0
+221 38.98987153449335 24.095869832179776 0 0 0 0
+214 3.3412224313585006 -1.9756955498189488 0 0 0 0
+236 10.534076142696614 3.721818505096178 0 0 0 0
+224 1.549589868572797 51.873136338521654 0 0 0 0
+240 -6.3517627555307845 3.6337355050957174 0 0 0 0
+229 11.379805078618443 -25.71067916729729 0 0 0 0
+234 3.7206944527125527 -35.41176038107087 0 0 0 0
+8 6.268217189855391 24.3858031638527 0 0 0 0
+227 -7.092425216656653 -13.093789802130292 0 0 0 0
+5 18.759165052435563 -29.035864125716888 0 0 0 0
+230 9.800025932215023 11.92981815875777 0 0 0 0
+225 7.860137110682412 -16.00507344805039 0 0 0 0
+223 -55.40968566085651 -17.393065850141205 0 0 0 0
+215 -28.721114756678528 -36.2430144032285 0 0 0 0
+232 18.304884748066474 3.4692765170770214 0 0 0 0
+238 6.8186883319920994 12.219300718901023 0 0 0 0
diff --git a/DATASET/P=40000Pa/box_sheared.data b/DATASET/P=40000Pa/box_sheared.data
new file mode 100644
index 0000000..fa938ed
--- /dev/null
+++ b/DATASET/P=40000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2220980
+
+240 atoms
+6 atom types
+
+0.02737352148673595 0.07262647851326405 xlo xhi
+0.02737352148673595 0.07262647851326405 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.004525294998391077 0 0 xy xz yz
+
+Atoms # sphere
+
+240 1 0.0035 1071.4285714285713 0.029959953150250143 0.02743836825131805 0 0 1 0
+2 1 0.0035 1071.4285714285713 0.03342873938893405 0.02805859370061469 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.04215269528169803 0.02753316560096361 0 0 0 0
+16 1 0.0025 1500.0000000000005 0.044659668016452686 0.028370995266303704 0 0 0 0
+23 1 0.0035 1071.4285714285713 0.053465893880736956 0.02850623648178496 0 0 0 0
+4 1 0.0025 1500.0000000000005 0.06867611688945288 0.027536398042861912 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.04000992360426939 0.028802015622033838 0 0 0 0
+10 1 0.0035 1071.4285714285713 0.05697715471311963 0.028854207116206895 0 0 0 0
+6 1 0.0035 1071.4285714285713 0.037031064250758736 0.02909836278468401 0 0 0 0
+237 1 0.0025 1500.0000000000005 0.062159950374263265 0.029108700821598242 0 0 1 0
+11 1 0.0035 1071.4285714285713 0.050164302834616606 0.029265083248001398 0 0 0 0
+12 1 0.0025 1500.0000000000005 0.07041100074938446 0.02947895352891524 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.05993131385520098 0.02992960695723884 0 0 1 0
+1 1 0.0025 1500.0000000000005 0.06798313890275277 0.029914463977822117 0 0 0 0
+25 1 0.0025 1500.0000000000005 0.04708830429094844 0.030042713061421318 0 0 0 0
+7 1 0.0035 1071.4285714285713 0.06506596686128051 0.03002981760601004 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.031125178069023002 0.030304150578709745 0 0 0 0
+9 1 0.0035 1071.4285714285713 0.028133493961761017 0.030497191781599056 0 0 0 0
+24 1 0.0035 1071.4285714285713 0.0427546637831875 0.030479122982425874 0 0 0 0
+60 1 0.0035 1071.4285714285713 0.029552730208760786 0.0364019426936246 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.02980124316776797 0.045152687178348375 0 1 0 0
+192 1 0.0025 1500.0000000000005 0.03192578344810652 0.06113278630771904 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.03208811577120081 0.057077718975244156 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.03338048869396577 0.06974091319557073 0 0 0 0
+109 1 0.0035 1071.4285714285713 0.03136404954647759 0.04786476273135886 0 0 0 0
+143 1 0.0025 1500.0000000000005 0.031979833813031946 0.054588173817928715 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.0322128365957433 0.05164472358932161 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.03058610320227094 0.033195207078994655 0 0 0 0
+73 1 0.0035 1071.4285714285713 0.031338561969559496 0.03967155267295966 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.03184951493863873 0.04316911546754895 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.03433189058450151 0.06698334443684782 0 0 0 0
+203 1 0.0035 1071.4285714285713 0.03413876153478067 0.06356800910380944 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.03353837453467838 0.031014556823865603 0 0 0 0
+34 1 0.0035 1071.4285714285713 0.0396684406439618 0.031778995544043884 0 0 0 0
+42 1 0.0025 1500.0000000000005 0.05216563188060977 0.031771738210588735 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.05516613967086258 0.0317268210532574 0 0 0 0
+19 1 0.0025 1500.0000000000005 0.0698403669811995 0.031807553779664356 0 0 0 0
+40 1 0.0025 1500.0000000000005 0.03359606529602777 0.033485428552791775 0 0 0 0
+32 1 0.0035 1071.4285714285713 0.03630485618936464 0.03253027265084261 0 0 0 0
+31 1 0.0025 1500.0000000000005 0.04289689241948751 0.03354960156295608 0 0 0 0
+28 1 0.0035 1071.4285714285713 0.04572249707764617 0.03249542456273129 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.04924798133360374 0.03252994130509051 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.05358344433293614 0.03407099199142973 0 0 0 0
+15 1 0.0035 1071.4285714285713 0.058643852622507195 0.032451977867453144 0 0 0 0
+13 1 0.0035 1071.4285714285713 0.06215424353588872 0.03216892634637008 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.06511726472266625 0.0329740507607112 0 0 0 0
+26 1 0.0025 1500.0000000000005 0.06741793272598601 0.03224871237191783 0 0 0 0
+29 1 0.0035 1071.4285714285713 0.07235521378833414 0.03370296283302399 0 -1 0 0
+46 1 0.0025 1500.0000000000005 0.03264539945959505 0.0358992133562324 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.03566215951679287 0.03593576999549485 0 0 0 0
+47 1 0.0035 1071.4285714285713 0.03897433953649816 0.03510985784980716 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.04203487016138008 0.035792207370807155 0 0 0 0
+43 1 0.0035 1071.4285714285713 0.045059818339027904 0.0358159342136043 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.04802033249586227 0.03530697482894436 0 0 0 0
+48 1 0.0035 1071.4285714285713 0.05113460322203797 0.03561798699304042 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.056478952834445845 0.035081997073542405 0 0 0 0
+37 1 0.0035 1071.4285714285713 0.060764507193736605 0.035432189593319965 0 0 0 0
+21 1 0.0025 1500.0000000000005 0.06366650117364264 0.03503765576666182 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.06690197944959665 0.03551994524746322 0 0 0 0
+22 1 0.0025 1500.0000000000005 0.06941767061696195 0.034236479273614756 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.03382101988802324 0.038197970894755164 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.03812722842588254 0.03785768615716231 0 0 0 0
+57 1 0.0025 1500.0000000000005 0.0406667047014305 0.037762656556531854 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.043236121068231284 0.03808165625724969 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.046234246168921286 0.03862219456623895 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.04911461711953459 0.03819695115849032 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.05412505726075779 0.03665360376884178 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.05630071580014089 0.03807352616582209 0 0 0 0
+49 1 0.0025 1500.0000000000005 0.05874732495197983 0.03744238243156735 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.06496615215891831 0.03841478655107715 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.07118981716584849 0.03683928822590528 0 -1 0 0
+71 1 0.0025 1500.0000000000005 0.034333372893558 0.04072948626182153 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.036190767331879314 0.03924033563800974 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.03920817824985293 0.04021139239912577 0 0 0 0
+64 1 0.0025 1500.0000000000005 0.04185448587721122 0.04019033931849354 0 0 0 0
+66 1 0.0025 1500.0000000000005 0.04773912758803571 0.04073310478492276 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.05255707523856713 0.0390139949464442 0 0 0 0
+65 1 0.0025 1500.0000000000005 0.05539168562404996 0.040273140992738696 0 0 0 0
+69 1 0.0035 1071.4285714285713 0.058441744608893946 0.04039296351469546 0 0 0 0
+53 1 0.0035 1071.4285714285713 0.061480652077418554 0.038900468178049125 0 0 0 0
+44 1 0.0035 1071.4285714285713 0.06849279305494038 0.03877272967778543 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.07136259200587548 0.03979826431251314 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.0736037959219079 0.03896598782064738 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.034836917737239445 0.043156475297959886 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.036813211651417335 0.0417174542117517 0 0 0 0
+82 1 0.0025 1500.0000000000005 0.03923526333282335 0.042665835906252496 0 0 0 0
+84 1 0.0035 1071.4285714285713 0.04222195254249827 0.043211927546692994 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.04477671707523312 0.04105912439062113 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.047584198987993154 0.043181595564465096 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.050641345225131765 0.0417534339329479 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.053587019296007635 0.041858308537170666 0 0 0 0
+99 1 0.0035 1071.4285714285713 0.05648704974491253 0.04313448672908137 0 0 0 0
+70 1 0.0035 1071.4285714285713 0.06139807865944409 0.04245520374997521 0 0 0 0
+83 1 0.0025 1500.0000000000005 0.06387262894975088 0.04103934447097573 0 0 0 0
+63 1 0.0035 1071.4285714285713 0.06684061517983318 0.04162900239735673 0 0 0 0
+78 1 0.0035 1071.4285714285713 0.07032636508120772 0.04245507782686286 0 0 0 0
+75 1 0.0035 1071.4285714285713 0.07370692061843143 0.041970057406942436 0 0 0 0
+105 1 0.0035 1071.4285714285713 0.03746645138775318 0.04483312888824187 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.045232481548346914 0.04402480579887094 0 0 0 0
+89 1 0.0035 1071.4285714285713 0.05008312785815845 0.04511824720251639 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.053552040718386484 0.04482000300556148 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.059300390963207536 0.044409608381078124 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.062412443686538435 0.045307148934021074 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.06449471823377251 0.04375393879769327 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.06692157564171992 0.044575494662705946 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.07249270672773032 0.044755610442659376 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.03422042364636041 0.045966975168477926 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.04080903388809973 0.04636565875317078 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.043791899558646014 0.04590545340171063 0 0 0 0
+115 1 0.0035 1071.4285714285713 0.046977084899755675 0.04665011410586572 0 0 0 0
+124 1 0.0025 1500.0000000000005 0.052282213137031824 0.04736627250106902 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.05483667245943313 0.047640260903456653 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.05748550827372681 0.046564738727351826 0 0 0 0
+106 1 0.0025 1500.0000000000005 0.06044507176224041 0.046904668762739896 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.0645882200229399 0.046680163806312756 0 0 0 0
+101 1 0.0025 1500.0000000000005 0.06699885314064771 0.047108581354252936 0 0 0 0
+95 1 0.0035 1071.4285714285713 0.06975178545205715 0.04578222222267035 0 0 0 0
+113 1 0.0025 1500.0000000000005 0.07362595658795539 0.04705538758882173 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.03472759059983369 0.04952521815436031 0 0 0 0
+110 1 0.0035 1071.4285714285713 0.037865269832777895 0.04837498524403 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.040751429596702554 0.04933966201995596 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.04438724554253001 0.04832410039670314 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.049873716020880574 0.04890707835467069 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.05639321409935069 0.049680701719335855 0 0 0 0
+119 1 0.0035 1071.4285714285713 0.059362081666450656 0.049684525981378826 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.06273971459061993 0.04898696026136823 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.06583846261401854 0.04917105947474143 0 0 0 0
+107 1 0.0025 1500.0000000000005 0.0691807823892042 0.04863396616240571 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.07161172794152554 0.04833079871797761 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.037565656934354485 0.05185112255030498 0 0 0 0
+131 1 0.0025 1500.0000000000005 0.04064144637988978 0.0518446737678253 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.043415332299004475 0.05103236941604558 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.0468221832675526 0.050282849395017155 0 0 0 0
+127 1 0.0035 1071.4285714285713 0.05330210696867202 0.050213547714782716 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.065448626375237 0.05206651569770099 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.06800925512633237 0.05072128016515692 0 0 0 0
+130 1 0.0035 1071.4285714285713 0.07095913999208077 0.05126572056154681 0 0 0 0
+118 1 0.0035 1071.4285714285713 0.07417061829100521 0.05017775778923596 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.035022999573982534 0.05309139190726637 0 0 0 0
+151 1 0.0025 1500.0000000000005 0.03956466856413186 0.054322084229194226 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.04255685693573577 0.05430177646320093 0 0 0 0
+141 1 0.0035 1071.4285714285713 0.04596481710622126 0.05370593438212834 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.04989990325374291 0.05237090177983834 0 0 0 0
+139 1 0.0035 1071.4285714285713 0.053226586702562306 0.05371275555153078 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.055696357735406876 0.05229497371543465 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.05865378239588666 0.053265027557253555 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.062036233252726405 0.05228313352537204 0 0 0 0
+142 1 0.0035 1071.4285714285713 0.06872862622641332 0.05384861675157448 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.07490444239303978 0.053236155493046985 0 0 0 0
+148 1 0.0035 1071.4285714285713 0.03484416810262356 0.05601246402100135 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.04879596845327577 0.0549574938226003 0 0 0 0
+155 1 0.0025 1500.0000000000005 0.05118960551596916 0.05573719870253621 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.05425924200824493 0.05662140278344829 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.05618392045741567 0.05480405184518701 0 0 0 0
+160 1 0.0035 1071.4285714285713 0.06138859357423525 0.05577210057810314 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.06414134858619727 0.05465508009225835 0 0 0 0
+153 1 0.0025 1500.0000000000005 0.06660561673651046 0.05566773416673678 0 0 0 0
+145 1 0.0035 1071.4285714285713 0.07219134501804954 0.054604935533684576 0 0 0 0
+144 1 0.0025 1500.0000000000005 0.07507482435856165 0.055769562376552846 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.03833012319174152 0.056872421921606305 0 0 0 0
+146 1 0.0035 1071.4285714285713 0.04177389247369946 0.057598993784665334 0 0 0 0
+165 1 0.0035 1071.4285714285713 0.04513686694093608 0.05703345874615989 0 0 0 0
+164 1 0.0035 1071.4285714285713 0.04859940358407962 0.05791976338845013 0 0 0 0
+166 1 0.0035 1071.4285714285713 0.05222089733897774 0.05864726714525381 0 0 0 0
+156 1 0.0035 1071.4285714285713 0.05838120133450454 0.05709764340634835 0 0 0 0
+159 1 0.0035 1071.4285714285713 0.06447050962897101 0.05770412592150426 0 0 0 0
+163 1 0.0025 1500.0000000000005 0.0674644122799965 0.0581713929712323 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.0701513817252775 0.05722125029941798 0 0 0 0
+157 1 0.0025 1500.0000000000005 0.0757257614714218 0.05880074292967913 0 0 0 0
+158 1 0.0025 1500.0000000000005 0.07336876620574428 0.057414589857913104 0 0 0 0
+185 1 0.0035 1071.4285714285713 0.034184824392807234 0.0593945198995683 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.0371873764627409 0.059490652226305896 0 0 0 0
+168 1 0.0025 1500.0000000000005 0.03998351486985713 0.05978105937935925 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.04334551830972952 0.06031424591797961 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.046361349476338826 0.060386711479958194 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.050134062372374166 0.0612202193317829 0 0 0 0
+167 1 0.0035 1071.4285714285713 0.05573056746937918 0.05935126381402692 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.05864243028926157 0.060194974756114863 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.06136351416906634 0.05926012805337817 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.06612563606312725 0.060905606735218 0 0 0 0
+184 1 0.0035 1071.4285714285713 0.06951933108752331 0.06063612016109249 0 0 0 0
+171 1 0.0025 1500.0000000000005 0.07233309442000177 0.05963778218979156 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.07466656332500271 0.0610028230085328 0 0 0 0
+183 1 0.0025 1500.0000000000005 0.036278338689749 0.06168977211470131 0 0 0 0
+198 1 0.0025 1500.0000000000005 0.03880048027471798 0.06187984946840855 0 0 0 0
+174 1 0.0025 1500.0000000000005 0.041508172226717016 0.061927995981439235 0 0 0 0
+180 1 0.0035 1071.4285714285713 0.04433667938708512 0.0632831929283965 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.053644842296785095 0.0621631104024037 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.057169503378654174 0.06264940914167004 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.06069037917843409 0.06287084645074763 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.06336106974850426 0.061686291626091114 0 0 0 0
+197 1 0.0025 1500.0000000000005 0.06830589260150119 0.06334452471685963 0 0 0 0
+189 1 0.0035 1071.4285714285713 0.07247849075992951 0.06282099891743602 0 0 0 0
+206 1 0.0025 1500.0000000000005 0.03728532823711106 0.06402966915325246 0 0 0 0
+200 1 0.0035 1071.4285714285713 0.04028084627694543 0.06469503951663745 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.04793400360638972 0.0636743805752798 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.05139958568547885 0.06459457541948745 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.05438400595326345 0.06547103770449805 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.05686011239738245 0.06555080241135128 0 0 0 0
+187 1 0.0025 1500.0000000000005 0.059336265416053594 0.06536981768553685 0 0 0 0
+188 1 0.0025 1500.0000000000005 0.06350983413403574 0.06413035170922173 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.0659813675671447 0.06406818092571918 0 0 0 0
+196 1 0.0025 1500.0000000000005 0.07043071542465094 0.06484450867071818 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.07594820330169728 0.06380120875727352 0 0 0 0
+220 1 0.0035 1071.4285714285713 0.03784975651713536 0.06698102725737701 0 0 0 0
+228 1 0.0025 1500.0000000000005 0.04078218087432315 0.06769854794238654 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.04339572099744078 0.06657677808470089 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.046208623833572576 0.06588411055221632 0 0 0 0
+216 1 0.0035 1071.4285714285713 0.0489924626181079 0.06707843407169806 0 0 0 0
+209 1 0.0025 1500.0000000000005 0.05285624128503509 0.06739410648446223 0 0 0 0
+195 1 0.0035 1071.4285714285713 0.06223393088046621 0.06669198865980079 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.06546962968800873 0.06665212963233794 0 0 0 0
+208 1 0.0025 1500.0000000000005 0.06786727009848703 0.06593688964042661 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.07035082498252543 0.06778592178074662 0 0 0 0
+210 1 0.0035 1071.4285714285713 0.07328743109103796 0.06628108193523248 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.07642186418641601 0.0667499998595759 0 -1 0 0
+239 1 0.0035 1071.4285714285713 0.03644437155672733 0.07000394505586778 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.04277052678359801 0.06939991798856518 0 0 0 0
+218 1 0.0025 1500.0000000000005 0.046391781345546806 0.06839175396152858 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.051158717097441284 0.06928898292790339 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.05361807574333627 0.0700199670249482 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.055810591354518296 0.06823200182613527 0 0 0 0
+202 1 0.0035 1071.4285714285713 0.059346994174997225 0.0683229835156231 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.062072152561331626 0.06989767699827638 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.0642892885603975 0.0689883144562335 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.06729356752785767 0.06919958539647143 0 0 0 0
+236 1 0.0035 1071.4285714285713 0.07336414830050102 0.06981128950432214 0 0 0 0
+224 1 0.0025 1500.0000000000005 0.07617450900823805 0.06921156021221177 0 -1 0 0
+229 1 0.0035 1071.4285714285713 0.039999484577432035 0.07066839893455262 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.04301774958563223 0.07195682725298823 0 0 0 0
+3 1 0.0025 1500.0000000000005 0.04508702486140969 0.07068927709262779 0 0 -1 0
+227 1 0.0035 1071.4285714285713 0.04852486955129155 0.07062859539469168 0 0 0 0
+233 1 0.0035 1071.4285714285713 0.05177737329257209 0.07226386268457126 0 0 0 0
+5 1 0.0025 1500.0000000000005 0.055462004712952116 0.07174793984450131 0 0 -1 0
+230 1 0.0025 1500.0000000000005 0.05765187410071081 0.07075642368548067 0 0 0 0
+225 1 0.0025 1500.0000000000005 0.06011809675088947 0.0713198502035146 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.06437040161567369 0.07219652126529597 0 0 0 0
+215 1 0.0025 1500.0000000000005 0.06760427278788676 0.07220859491286442 0 0 0 0
+232 1 0.0035 1071.4285714285713 0.07041630133619564 0.07138007674769747 0 0 0 0
+238 1 0.0035 1071.4285714285713 0.07620142480089567 0.07215428120922965 0 0 0 0
+
+Velocities
+
+240 -7.957473391847101 -9.24847087072217 0 0 0 0
+2 -33.739831515257855 -6.334358830451104 0 0 0 0
+8 44.021477405950435 -39.95069625775902 0 0 0 0
+16 6.408394219820374 5.8207559276236145 0 0 0 0
+23 9.331327737147511 -2.718307685405947 0 0 0 0
+4 -11.766368271366064 -19.235113547120466 0 0 0 0
+17 -31.25781648863559 -11.42305291636649 0 0 0 0
+10 17.82019900732478 -8.45343669506218 0 0 0 0
+6 6.494302990764782 14.889827896485082 0 0 0 0
+237 -5.913047926859012 -1.1631666015835862 0 0 0 0
+11 -16.887511838368887 17.013005803644862 0 0 0 0
+12 46.00682739452569 23.31308516492671 0 0 0 0
+235 19.375428571136876 14.209334412677345 0 0 0 0
+1 14.581954802236627 -13.172089993318501 0 0 0 0
+25 -2.4124069693848336 -30.25961233937624 0 0 0 0
+7 -12.559617796746931 -6.997112926411318 0 0 0 0
+18 30.9727646302773 11.029062833916221 0 0 0 0
+9 1.6791147974422693 -8.49755138517144 0 0 0 0
+24 3.457570803592793 -3.2038350908999877 0 0 0 0
+60 -3.751959580573986 9.075471333501497 0 0 0 0
+94 -4.1999472236510185 7.187973294582077 0 0 0 0
+192 -10.166177741869236 23.5565061688546 0 0 0 0
+154 -0.7442122699767787 21.185921160455994 0 0 0 0
+219 4.629337328481761 23.387197746492056 0 0 0 0
+109 4.651811903599628 23.458589081551757 0 0 0 0
+143 14.171755385692238 -17.85866249441884 0 0 0 0
+123 -0.38502342911029497 -0.7831355476396312 0 0 0 0
+27 -40.3732781539633 -0.030518377836877823 0 0 0 0
+73 -14.370590724534802 1.0226836982123821 0 0 0 0
+90 -23.145037024251316 0.7081760163258133 0 0 0 0
+226 0.9097177173739971 -1.7952081101922686 0 0 0 0
+203 6.39444981135516 -17.69516961858764 0 0 0 0
+20 -16.692151449874242 12.654161781347593 0 0 0 0
+34 3.182667102192176 8.285666575511394 0 0 0 0
+42 13.38621282172925 -8.184449864400161 0 0 0 0
+30 -28.013371617555634 -1.7473951879497762 0 0 0 0
+19 -11.148374070065158 17.374662412557342 0 0 0 0
+40 -2.362528786188802 -24.76377351775345 0 0 0 0
+32 -2.64510783786228 -1.5777303720850413 0 0 0 0
+31 34.89206001199198 -10.092485771026817 0 0 0 0
+28 -3.7567690188344876 0.2194234260028483 0 0 0 0
+41 -13.828931822530866 -10.379147548286142 0 0 0 0
+39 -32.1694570714532 -18.166542855040984 0 0 0 0
+15 -3.544700907029206 4.7587707091754154 0 0 0 0
+13 -10.909719379825262 -17.57903792553966 0 0 0 0
+14 -8.112676712424499 -13.714293088085302 0 0 0 0
+26 2.2492677823997536 -0.1659132544781448 0 0 0 0
+29 25.153796225483163 30.80254316961111 0 0 0 0
+46 48.01204800243467 -16.820809589064194 0 0 0 0
+55 6.429354560654697 -3.867639604858137 0 0 0 0
+47 -11.775476161245138 28.42063143147587 0 0 0 0
+45 -13.377334316334284 15.938680500156666 0 0 0 0
+43 -1.6024362890080475 -1.018600007448626 0 0 0 0
+38 -18.20134241123721 32.9992455485409 0 0 0 0
+48 -3.849505285549763 -11.73985210373912 0 0 0 0
+35 5.66038148484969 -0.8090934865943988 0 0 0 0
+37 3.0827095291478788 4.939969488370599 0 0 0 0
+21 4.751273006339978 -12.698214092447405 0 0 0 0
+36 16.035480958868856 -1.459409329973857 0 0 0 0
+22 27.23257813541281 23.396338394170925 0 0 0 0
+54 15.074977220301525 -32.521463942134304 0 0 0 0
+72 -21.893701311784763 5.798956492107197 0 0 0 0
+57 9.350422505742822 14.20009488321443 0 0 0 0
+62 -14.504476854798677 -23.149330550271603 0 0 0 0
+59 8.988657623327322 9.236345912266692 0 0 0 0
+52 3.2737838298343904 -6.9586206795360495 0 0 0 0
+56 19.082316232697178 60.61938524107616 0 0 0 0
+51 14.116124546095321 -3.7899374243314687 0 0 0 0
+49 7.132515250804304 7.875104985776014 0 0 0 0
+33 -17.046881010676273 -6.223983923125031 0 0 0 0
+50 -13.132283470957134 -8.074406281217955 0 0 0 0
+71 37.70406393196873 12.80994296348198 0 0 0 0
+74 -9.148665823927002 16.58129081604611 0 0 0 0
+80 10.289697842000239 30.819172274323748 0 0 0 0
+64 -23.005731266347276 -12.34384185121754 0 0 0 0
+66 17.688886210045727 -19.43682616218989 0 0 0 0
+58 13.145024732429118 20.216567250840118 0 0 0 0
+65 -25.088068706030217 30.19997552257491 0 0 0 0
+69 -21.345352267512528 21.178363119725734 0 0 0 0
+53 16.378321544147827 -4.314454128595535 0 0 0 0
+44 26.725057934805296 -4.192312630948547 0 0 0 0
+61 2.4432941540223245 -42.71859709497597 0 0 0 0
+68 25.333783694440676 -54.23236516091891 0 0 0 0
+87 -14.384282528310088 -20.75103173150399 0 0 0 0
+88 20.38443743012788 -0.3560820419618558 0 0 0 0
+82 -28.383210147661853 18.53783697138619 0 0 0 0
+84 5.547679159684839 5.84571189454403 0 0 0 0
+67 -2.4801797564955046 8.931186882918631 0 0 0 0
+77 -25.880176774641136 0.20848853392880717 0 0 0 0
+86 -3.7087449500122007 1.5220344834155557 0 0 0 0
+76 29.830960332169116 30.08129608096208 0 0 0 0
+99 -1.566540859613952 1.811030906644775 0 0 0 0
+70 -6.0550113902934655 6.990231593884031 0 0 0 0
+83 16.860467692736883 -12.331421654791182 0 0 0 0
+63 32.86631791703482 -25.98423734360802 0 0 0 0
+78 15.437142232651716 4.325290513686237 0 0 0 0
+75 11.013294764785678 10.89206432003189 0 0 0 0
+105 -0.16641304499712162 -17.57437833239073 0 0 0 0
+81 -16.929543595654167 -37.08167858349633 0 0 0 0
+89 -7.331622252268471 -7.614286850561664 0 0 0 0
+93 -31.82559817267934 -14.934775154499684 0 0 0 0
+96 -31.87501639152504 -46.790241128314264 0 0 0 0
+108 -21.236566349791882 31.48780031041803 0 0 0 0
+91 14.008910079675557 -21.10519030968676 0 0 0 0
+85 -25.215241827654353 -13.94941752079735 0 0 0 0
+79 12.069159678809587 -23.64981841410283 0 0 0 0
+92 4.158514059307707 -6.573676071463178 0 0 0 0
+98 18.47907004465665 5.200500181920408 0 0 0 0
+100 6.395220211302987 4.104558314598316 0 0 0 0
+115 1.5625074755709072 0.8053436777542189 0 0 0 0
+124 17.07585587002406 14.193940503906886 0 0 0 0
+125 35.150298892769506 -42.56723971952643 0 0 0 0
+104 -5.235688425137485 22.823539662744206 0 0 0 0
+106 25.745095063381743 -35.23497984760263 0 0 0 0
+102 18.912879041010456 -6.426394130476214 0 0 0 0
+101 -45.96338385350366 8.501240610052626 0 0 0 0
+95 -19.610087284995906 14.243099039209353 0 0 0 0
+113 5.999101921652765 23.057718616058622 0 0 0 0
+126 7.0571364809970465 2.181894711111255 0 0 0 0
+110 14.66286415060472 -39.573932506381425 0 0 0 0
+114 -19.328776813508142 16.201590171830336 0 0 0 0
+97 31.581672251743047 -13.184796579462095 0 0 0 0
+122 -19.35776064826686 -2.0268647683514978 0 0 0 0
+117 -6.16035043394066 5.359040716170415 0 0 0 0
+119 7.633514185849024 -10.149083739259197 0 0 0 0
+120 10.745986046311893 40.682834850950464 0 0 0 0
+112 22.114585285801283 1.7899581860969884 0 0 0 0
+107 -6.382921526693793 -8.119770039172511 0 0 0 0
+103 -6.739851967859842 7.6614113342410155 0 0 0 0
+128 1.8164754236436285 -6.96594857081622 0 0 0 0
+131 21.990319744707612 7.747962049335375 0 0 0 0
+111 1.358131765553343 18.38825249994772 0 0 0 0
+132 10.328932075126568 4.683336992284697 0 0 0 0
+127 -16.914966451556893 14.690816144062197 0 0 0 0
+138 24.220249867544755 20.061817255439383 0 0 0 0
+116 -18.09678883135988 18.72478658808796 0 0 0 0
+130 5.375819278405223 -4.739159689928825 0 0 0 0
+118 10.50298237343869 -13.60937202819771 0 0 0 0
+136 9.033715317959997 -22.010259564751436 0 0 0 0
+151 -50.95322114955315 3.850920204760474 0 0 0 0
+137 4.966355912338797 -6.46075113839928 0 0 0 0
+141 12.809371026595384 -26.396126521590713 0 0 0 0
+134 -12.231213466150766 11.346001271428781 0 0 0 0
+139 -28.266300768386895 -13.832063510518044 0 0 0 0
+121 -47.97607742465326 -14.211116058469953 0 0 0 0
+140 -4.2698989109046215 -3.480405630929692 0 0 0 0
+129 -12.785144629797584 0.9072367038120108 0 0 0 0
+142 -3.845777777286999 -20.288351695851297 0 0 0 0
+133 -14.007447788007479 -25.01887278428675 0 0 0 0
+148 11.140236981669366 -0.3455319942025732 0 0 0 0
+147 -1.3990075720242747 37.2241034075989 0 0 0 0
+155 6.068667698267703 4.300838653932479 0 0 0 0
+152 2.8062043053038357 33.31263548428612 0 0 0 0
+135 -38.80550758789816 7.593590383646749 0 0 0 0
+160 5.121643309111506 -20.85317887987652 0 0 0 0
+150 -14.82255449784573 11.515470068934224 0 0 0 0
+153 -28.109218006177333 -5.586528871003037 0 0 0 0
+145 -7.958040904152606 2.2277520722293254 0 0 0 0
+144 10.61251224103036 19.709797825649808 0 0 0 0
+162 9.329922453563514 -20.294166187819574 0 0 0 0
+146 -29.58398563791485 -10.703744736247435 0 0 0 0
+165 0.9844514857924702 15.959510588532178 0 0 0 0
+164 14.676339181440667 7.097541781478011 0 0 0 0
+166 -18.579853642202576 -2.3196986411194285 0 0 0 0
+156 12.982703310487695 13.365312386902337 0 0 0 0
+159 -50.005203476889434 -7.710508307057536 0 0 0 0
+163 16.933570346785277 -22.594907333575144 0 0 0 0
+149 -1.9897676520028444 -4.9161398525003 0 0 0 0
+157 -1.0979681622000195 -46.9445582958234 0 0 0 0
+158 -46.408366825787645 -20.980358562477992 0 0 0 0
+185 11.718786041970256 -2.157795063951934 0 0 0 0
+173 35.27514290482311 19.258022222288794 0 0 0 0
+168 44.22162254944304 13.199689220409207 0 0 0 0
+172 -5.94311178787563 8.687263618643403 0 0 0 0
+177 4.813218718793819 18.324757873163055 0 0 0 0
+169 -7.086494234197518 7.8011718904096785 0 0 0 0
+167 -16.365038224421994 -6.7491380354232104 0 0 0 0
+161 1.5641218814208315 42.4424690262043 0 0 0 0
+170 -4.109760096299573 5.662667084736369 0 0 0 0
+178 -7.44699778331481 -10.170018616777345 0 0 0 0
+184 -2.8064300007563108 21.871044149684742 0 0 0 0
+171 -2.7855634573999875 8.729977921336099 0 0 0 0
+175 12.093639719080247 5.461699250943136 0 0 0 0
+183 1.9250293375371816 10.812541037318443 0 0 0 0
+198 3.48060267441339 -26.26710622729398 0 0 0 0
+174 33.799665148831714 44.31797557221397 0 0 0 0
+180 -6.308247777975563 -39.23412976522007 0 0 0 0
+179 18.732838592490086 34.612136184907754 0 0 0 0
+182 26.595778525248093 -5.102206672352591 0 0 0 0
+186 -1.1217519227365402 0.6805385079251038 0 0 0 0
+176 -3.142414948503631 -12.185719337511749 0 0 0 0
+197 29.06703339350704 8.136388259423377 0 0 0 0
+189 9.699947673614263 32.53555254322999 0 0 0 0
+206 4.727179425331183 19.796180187092503 0 0 0 0
+200 4.599147206338338 -9.738371997395976 0 0 0 0
+190 -8.891462520670556 28.602894723781173 0 0 0 0
+205 17.46850911676598 30.671623257760785 0 0 0 0
+191 -30.404702945025782 -24.16680717171125 0 0 0 0
+181 19.478640775699034 -25.212412622690348 0 0 0 0
+187 -7.39355616895609 15.432495434280913 0 0 0 0
+188 -1.3038158744882282 6.811031059040165 0 0 0 0
+193 42.15912702120993 10.686183279702892 0 0 0 0
+196 24.592207472129438 -8.655487253895616 0 0 0 0
+194 -21.251006393860084 -17.18120168732934 0 0 0 0
+220 8.396319165554944 6.433207347550205 0 0 0 0
+228 -24.02278216638581 -19.946656635291408 0 0 0 0
+201 6.3381076907201965 -20.474481305713944 0 0 0 0
+199 -18.054167767099344 -0.8559411260727708 0 0 0 0
+216 -15.091776207641873 -22.81598452477042 0 0 0 0
+209 -29.00250952924892 2.3489424646270427 0 0 0 0
+195 -23.838969222216637 19.943708262496784 0 0 0 0
+211 9.189511122905174 3.720452873098761 0 0 0 0
+208 6.674900629504983 34.333459275167606 0 0 0 0
+222 -3.8704219741808563 14.71079870153123 0 0 0 0
+210 20.327739189745113 -24.437164405013117 0 0 0 0
+212 -18.555483461075166 18.56352370069852 0 0 0 0
+239 19.137379827216495 -2.8767448084511993 0 0 0 0
+213 18.29523026553935 -3.7709491483749336 0 0 0 0
+218 -4.151618743547015 -3.5228714884114125 0 0 0 0
+217 -30.207880160316783 0.986000689774354 0 0 0 0
+231 36.70803873854461 23.063742745471725 0 0 0 0
+207 -1.5838650783028476 -17.815817559134082 0 0 0 0
+202 7.9113767627870955 -10.693647732274874 0 0 0 0
+204 -19.878044499908597 -5.197848625102841 0 0 0 0
+221 11.302577158549683 -8.723997211361842 0 0 0 0
+214 2.9659003451068386 10.81750990335764 0 0 0 0
+236 -4.8020583863463635 -5.960328686074005 0 0 0 0
+224 -4.260986650517089 -7.2108706961838385 0 0 0 0
+229 -2.8748206203205906 2.0596692404355084 0 0 0 0
+234 -4.14418015695816 29.42385057979482 0 0 0 0
+3 -20.760933909224732 29.00803462371797 0 0 0 0
+227 16.691511956887314 -1.592797189003326 0 0 0 0
+233 1.4467582858829102 -8.03438251846198 0 0 0 0
+5 -4.863248995300284 -19.76293824608351 0 0 0 0
+230 33.45595554545499 -11.829412623244625 0 0 0 0
+225 -13.732802868934481 5.462558501292762 0 0 0 0
+223 18.63575525758563 -6.720690411154585 0 0 0 0
+215 15.241039646936308 -25.498242205096773 0 0 0 0
+232 11.190217019554737 -10.985960366452916 0 0 0 0
+238 -22.043453954596554 -8.340572566944283 0 0 0 0
diff --git a/DATASET/P=40000Pa/confined.restart b/DATASET/P=40000Pa/confined.restart
new file mode 100644
index 0000000..f210a7b
Binary files /dev/null and b/DATASET/P=40000Pa/confined.restart differ
diff --git a/DATASET/P=40000Pa/log.lammps b/DATASET/P=40000Pa/log.lammps
new file mode 100644
index 0000000..803681a
--- /dev/null
+++ b/DATASET/P=40000Pa/log.lammps
@@ -0,0 +1,148 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.027373521 0.027373521 -0.00050000000) to (0.072626479 0.072626479 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.001 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 220980
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 221
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.027373521 0.027373521 -0.00050000000) to (0.072626479 0.072626479 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.52529570265281e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 221 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 220980
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 21 21 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.045252957 0 -2459.9874 0 220980
+ 2005000 240 0.045252957 0.00010239151 -4937.631 0.0022626479 220980
+ 2010000 240 0.045252957 0.00020478301 -7403.1395 0.0045252957 220980
+ 2015000 240 0.045252957 0.00030717452 -9872.1497 0.0067879436 220980
+ 2020000 240 0.045252957 0.00040956602 -12356.007 0.0090505914 220980
+ 2025000 240 0.045252957 0.00051195753 -14856.103 0.011313239 220980
+ 2030000 240 0.045252957 0.00061434904 -17364.774 0.013575887 220980
+ 2035000 240 0.045252957 0.00071674054 -19880.458 0.015838535 220980
+ 2040000 240 0.045252957 0.00081913205 -22392.186 0.018101183 220980
+ 2045000 240 0.045252957 0.00092152355 -24924.602 0.020363831 220980
+ 2050000 240 0.045252957 0.0010239151 -27489.278 0.022626479 220980
+ 2055000 240 0.045252957 0.0011263066 -30097.363 0.024889126 220980
+ 2060000 240 0.045252957 0.0012286981 -32752.903 0.027151774 220980
+ 2065000 240 0.045252957 0.0013310896 -35456.153 0.029414422 220980
+ 2070000 240 0.045252957 0.0014334811 -38198.136 0.03167707 220980
+ 2075000 240 0.045252957 0.0015358726 -40983.936 0.033939718 220980
+ 2080000 240 0.045252957 0.0016382641 -43812.299 0.036202366 220980
+ 2085000 240 0.045252957 0.0017406556 -46681.288 0.038465013 220980
+ 2090000 240 0.045252957 0.0018430471 -49593.461 0.040727661 220980
+ 2095000 240 0.045252957 0.0019454386 -52551.072 0.042990309 220980
+ 2100000 240 0.045252957 0.0020478301 -55556.579 0.045252957 220980
+ 2105000 240 0.045252957 0.0021502216 -58607.176 0.047515605 220980
+ 2110000 240 0.045252957 0.0022526131 -61710.991 0.049778253 220980
+ 2115000 240 0.045252957 0.0023550046 -64872.171 0.052040901 220980
+ 2120000 240 0.045252957 0.0024573961 -68086.743 0.054303548 220980
+ 2125000 240 0.045252957 0.0025597876 -71355.465 0.056566196 220980
+ 2130000 240 0.045252957 0.0026621792 -74681.351 0.058828844 220980
+ 2135000 240 0.045252957 0.0027645707 -78055.416 0.061091492 220980
+ 2140000 240 0.045252957 0.0028669622 -81477.303 0.06335414 220980
+ 2145000 240 0.045252957 0.0029693537 -84949.266 0.065616788 220980
+ 2150000 240 0.045252957 0.0030717452 -88473.401 0.067879436 220980
+ 2155000 240 0.045252957 0.0031741367 -92054.049 0.070142083 220980
+ 2160000 240 0.045252957 0.0032765282 -95684.592 0.072404731 220980
+ 2165000 240 0.045252957 0.0033789197 -99363.625 0.074667379 220980
+ 2170000 240 0.045252957 0.0034813112 -103094.66 0.076930027 220980
+ 2175000 240 0.045252957 0.0035837027 -106881.9 0.079192675 220980
+ 2180000 240 0.045252957 0.0036860942 -110719.1 0.081455323 220980
+ 2185000 240 0.045252957 0.0037884857 -114605.71 0.08371797 220980
+ 2190000 240 0.045252957 0.0038908772 -118542.5 0.085980618 220980
+ 2195000 240 0.045252957 0.0039932687 -122526.21 0.088243266 220980
+ 2200000 240 0.045252957 0.0040956602 -126562.47 0.090505914 220980
+ 2205000 240 0.045252957 0.0041980517 -130651.1 0.092768562 220980
+ 2210000 240 0.045252957 0.0043004433 -134786.1 0.09503121 220980
+ 2215000 240 0.045252957 0.0044028348 -138963.06 0.097293858 220980
+ 2220000 240 0.045252957 0.0045052263 -143182.87 0.099556505 220980
+ 2220980 240 0.045252957 0.004525295 -144014.71 0.099999984 220980
+Loop time of 4.0654 on 1 procs for 220980 steps with 240 atoms
+
+99.5% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 2.7721 | 2.7721 | 2.7721 | 0.0 | 68.19
+Neigh | 0.00079274 | 0.00079274 | 0.00079274 | 0.0 | 0.02
+Comm | 0.49426 | 0.49426 | 0.49426 | 0.0 | 12.16
+Output | 0.0064752 | 0.0064752 | 0.0064752 | 0.0 | 0.16
+Modify | 0.58367 | 0.58367 | 0.58367 | 0.0 | 14.36
+Other | | 0.2081 | | | 5.12
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 106.000 ave 106 max 106 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 690.000 ave 690 max 690 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 690
+Ave neighs/atom = 2.8750000
+Neighbor list builds = 18
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:04
diff --git a/DATASET/P=50000Pa/1_generate_conf_50000Pa.in b/DATASET/P=50000Pa/1_generate_conf_50000Pa.in
new file mode 100644
index 0000000..1d61299
--- /dev/null
+++ b/DATASET/P=50000Pa/1_generate_conf_50000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 50000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 48 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 503 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 407 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 574 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 728 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 805 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 99 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 684 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 872 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 726 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 987 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 547 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 961 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 739 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 613 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 943 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 462 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 643 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 769 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 5 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 218 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 503 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 767 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 398 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 871 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 795 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 393 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 207 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 15 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 858 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 554 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 892 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 461 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 691 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 575 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 864 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 743 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 241 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 564 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 96 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=50000Pa/2_shear.in b/DATASET/P=50000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=50000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=50000Pa/StrainStress.txt b/DATASET/P=50000Pa/StrainStress.txt
new file mode 100644
index 0000000..e73fded
--- /dev/null
+++ b/DATASET/P=50000Pa/StrainStress.txt
@@ -0,0 +1,999 @@
+# Fix print output for fix output_file
+9.92100060746232e-05 672.57829929773788535
+0.000199321921295262 534.67541301075789306
+0.000299433836516054 396.77463550086110899
+0.000399545751736693 258.87976996311277844
+0.000499657666957485 120.99451844819655832
+0.000599769582178124 -16.877468946711847053
+0.000699881497398917 -154.73254496098147115
+0.000799993412619555 -292.56700822164305009
+0.000900105327840348 -430.37702565499046159
+0.00100021724306099 -568.15850546302522162
+0.00110032915828178 -705.90683580917504969
+0.00120044107350242 -843.61610507286684424
+0.00130055298872321 -981.2744765316555231
+0.00140066490394385 -1118.8853719262656341
+0.00150077681916464 -1256.4582492042504782
+0.00160088873438528 -1393.9895593957246547
+0.00170100064960607 -1531.4743789012293291
+0.00180111256482671 -1668.9061285275140563
+0.0019012244800475 -1806.2725825123902723
+0.0020013363952683 -1943.5737046247795661
+0.00210144831048893 -2080.8874059701629449
+0.00220156022570973 -2218.1977439936640621
+0.00230167214093037 -2355.4906913886857183
+0.00240178405615116 -2492.7767975711753934
+0.0025018959713718 -2630.0551345462704376
+0.00260200788659259 -2767.3364835862771542
+0.00270211980181323 -2904.6321965668771554
+0.00280223171703402 -3041.9180558469461175
+0.00290234363225466 -3179.1839083831514472
+0.00300245554747545 -3316.4223801273478784
+0.00310256746269609 -3453.6272543975219378
+0.00320267937791688 -3590.792903669748739
+0.00330279129313752 -3727.9140098248258255
+0.00340290320835831 -3864.9853934274933636
+0.00350301512357895 -4002.0018881708001572
+0.00360312703879975 -4138.9582294580577582
+0.00370323895402038 -4275.8649936727470049
+0.00380335086924118 -4412.7465081720629314
+0.00390346278446181 -4549.5773043341532684
+0.00400357469968261 -4686.3423224791158646
+0.00410368661490325 -4823.0289228702158653
+0.00420379853012404 -4959.6325802458741236
+0.00430391044534468 -5096.1398280870707822
+0.00440402236056547 -5232.5611327445785719
+0.00450413427578611 -5368.91604791496502
+0.0046042461910069 -5505.2348034877304599
+0.00470435810622754 -5641.5443396988966924
+0.00480447002144833 -5777.7995911639454789
+0.00490458193666897 -5914.013022205276684
+0.00500469385188976 -6050.2225673045622898
+0.0051048057671104 -6186.4014279434650234
+0.00520491768233119 -6322.5229213220263773
+0.00530502959755183 -6458.5767242879937839
+0.00540514151277263 -6594.5558875237638858
+0.00550525342799342 -6730.4820104971031469
+0.00560536534321406 -6866.3404958308201458
+0.00570547725843485 -7002.1931268936732522
+0.00580558917365549 -7138.0746749057107081
+0.00590570108887628 -7273.9560174466723765
+0.00600581300409692 -7409.8189623081334503
+0.00610592491931771 -7545.645129232420004
+0.00620603683453835 -7681.407279041946822
+0.00630614874975914 -7817.0607783776285942
+0.00640626066497978 -7952.6139559500697942
+0.00650637258020057 -8088.1345588412714278
+0.00660648449542121 -8223.6537756424604595
+0.00670659641064201 -8359.1652176883471839
+0.00680670832586264 -8494.6618888651501038
+0.00690682024108344 -8630.1353339266697731
+0.00700693215630408 -8765.5738370818671683
+0.00710704407152487 -8900.9812368799957767
+0.00720715598674551 -9036.3841428138657648
+0.0073072679019663 -9171.8206960279876512
+0.00740737981718694 -9307.2661726756996359
+0.00750749173240773 -9442.7010863787381822
+0.00760760364762837 -9578.0812177870120649
+0.00770771556284916 -9713.4546846063003613
+0.0078078274780698 -9848.8457184241033247
+0.00790793939329059 -9984.2702977524786547
+0.00800805130851123 -10119.723455673876742
+0.00810816322373202 -10255.200576501807518
+0.00820827513895266 -10390.697273251153092
+0.00830838705417345 -10526.209299101041324
+0.00840849896939409 -10661.732476280620176
+0.00850861088461488 -10797.276263159759765
+0.00860872279983552 -10932.881653496995568
+0.00870883471505632 -11068.526413240011607
+0.00880894663027696 -11204.193660184873806
+0.00890905854549775 -11339.873328399571619
+0.00900917046071839 -11475.556662806842724
+0.00910928237593918 -11611.234516176620673
+0.00920939429115997 -11746.917507861586273
+0.00930950620638061 -11882.601412699936191
+0.0094096181216014 -12018.247900971326089
+0.00950973003682204 -12153.913284905127512
+0.00960984195204283 -12289.612783847360333
+0.00970995386726347 -12425.362215559998731
+0.00981006578248426 -12561.137678272896665
+0.0099101776977049 -12696.928435735480889
+0.0100102896129257 -12832.725995969529322
+0.0101104015281463 -12968.522269730105108
+0.0102105134433671 -13104.308430180222786
+0.0103106253585878 -13240.072335357153861
+0.0104107372738086 -13375.821995429443632
+0.0105108491890292 -13511.62408414363199
+0.01061096110425 -13647.430411349727365
+0.0107110730194706 -13783.237432051008
+0.0108111849346914 -13919.058294779842981
+0.0109112968499121 -14054.891584790600973
+0.0110114087651329 -14190.730346683869357
+0.0111115206803535 -14326.567883433233874
+0.0112116325955743 -14462.397427954791056
+0.0113117445107949 -14598.250624400427114
+0.0114118564260157 -14734.149721473648242
+0.0115119683412364 -14870.052173752555973
+0.0116120802564571 -15005.945734884899139
+0.0117121921716778 -15141.812640926857057
+0.0118123040868986 -15277.630527518691451
+0.0119124160021192 -15413.417132996413784
+0.01201252791734 -15549.185879067155838
+0.0121126398325606 -15684.924307229648548
+0.0122127517477814 -15820.611957634684586
+0.0123128636630021 -15956.218162816960103
+0.0124129755782229 -16091.776185640708718
+0.0125130874934435 -16227.304126978115164
+0.0126131994086643 -16362.798464278192114
+0.0127133113238851 -16498.232372722352011
+0.0128134232391057 -16633.631792384800065
+0.0129135351543265 -16768.981017727855942
+0.0130136470695472 -16904.297066345414351
+0.013113758984768 -17039.586802036545123
+0.0132138708999886 -17174.825107142194611
+0.0133139828152094 -17310.020207221572491
+0.01341409473043 -17445.203675346128875
+0.0135142066456508 -17580.369812357963383
+0.0136143185608715 -17715.511277364541456
+0.0137144304760922 -17850.621650236804271
+0.0138145423913129 -17985.697487374483899
+0.0139146543065337 -18120.756508432983537
+0.0140147662217543 -18255.823212928855355
+0.0141148781369751 -18390.862785109438846
+0.0142149900521957 -18525.899103743820888
+0.0143151019674165 -18660.937787412931357
+0.0144152138826372 -18795.918053399371274
+0.014515325797858 -18930.898016131235636
+0.0146154377130786 -19065.911458317761571
+0.0147155496282994 -19200.949643840023782
+0.01481566154352 -19336.004294743997889
+0.0149157734587408 -19471.068459251448076
+0.0150158853739615 -19606.129201276864478
+0.0151159972891823 -19741.167884870497801
+0.0152161092044029 -19876.154852337102056
+0.0153162211196237 -20011.150205416455719
+0.0154163330348443 -20146.147006200604665
+0.0155164449500651 -20281.106433504937741
+0.0156165568652858 -20416.037051473766041
+0.0157166687805066 -20550.996903636052593
+0.0158167806957272 -20685.979992761229369
+0.015916892610948 -20820.979336811837129
+0.0160170045261686 -20955.984294164220046
+0.0161171164413894 -21090.992873389397573
+0.0162172283566101 -21226.030698301958182
+0.0163173402718309 -21361.083725721960946
+0.0164174521870516 -21496.141480471851537
+0.0165175641022723 -21631.191492814621597
+0.0166176760174931 -21766.21257907711697
+0.0167177879327137 -21901.194421531297849
+0.0168178998479345 -22036.130792869571451
+0.0169180117631551 -22171.059984931431245
+0.0170181236783759 -22306.050156380588305
+0.0171182355935966 -22441.077290901823289
+0.0172183475088174 -22576.123303432301327
+0.017318459424038 -22711.164996031540795
+0.0174185713392588 -22846.229587007786904
+0.0175186832544794 -22981.293799477436551
+0.0176187951697002 -23116.385287275141309
+0.0177189070849209 -23251.512257771304576
+0.0178190190001417 -23386.667342459120846
+0.0179191309153623 -23521.83976044222436
+0.0180192428305831 -23657.000582876415137
+0.0181193547458037 -23792.155862364234054
+0.0182194666610245 -23927.356945964751503
+0.0183195785762452 -24062.600091251562844
+0.018419690491466 -24197.881028575189703
+0.0185198024066866 -24333.199220103095286
+0.0186199143219074 -24468.576388401765143
+0.018720026237128 -24603.987378110265126
+0.0188201381523488 -24739.39153338525648
+0.0189202500675695 -24874.832266639870795
+0.0190203619827903 -25010.406298173136747
+0.0191204738980109 -25146.089006125221204
+0.0192205858132317 -25281.860835809937271
+0.0193206977284523 -25417.71220519507915
+0.0194208096436731 -25553.63602982098746
+0.0195209215588938 -25689.631488233022537
+0.0196210334741145 -25825.69861549723646
+0.0197211453893352 -25961.8396321448854
+0.019821257304556 -26098.064823432112462
+0.0199213692197768 -26234.360410036813846
+0.0200214811349974 -26370.719266317439178
+0.0201215930502182 -26507.135897226995439
+0.0202217049654388 -26643.605343615286984
+0.0203218168806596 -26780.122803560348984
+0.0204219287958803 -26916.683398384604516
+0.0205220407111011 -27053.281944091966579
+0.0206221526263217 -27189.912616904573952
+0.0207222645415425 -27326.568223465903429
+0.0208223764567631 -27463.23652926030627
+0.0209224883719839 -27599.907506429302884
+0.0210226002872046 -27736.59324552536782
+0.0211227122024254 -27873.271836269250343
+0.021222824117646 -28009.956907704858168
+0.0213229360328668 -28146.668651190080709
+0.0214230479480874 -28283.399788733258902
+0.0215231598633082 -28420.139489895460429
+0.0216232717785289 -28556.861376077853492
+0.0217233836937497 -28693.551081661476928
+0.0218234956089703 -28830.282242377932562
+0.0219236075241911 -28967.053567711784126
+0.0220237194394117 -29103.861594754751422
+0.0221238313546325 -29240.702392234055878
+0.0222239432698531 -29377.571121718679933
+0.0223240551850739 -29514.459456559943646
+0.0224241671002946 -29651.367998007448477
+0.0225242790155154 -29788.295335587725276
+0.022624390930736 -29925.233956058826152
+0.0227245028459568 -30062.172293099050876
+0.0228246147611774 -30199.078305819279194
+0.0229247266763982 -30335.966064158434165
+0.0230248385916189 -30472.867655765567179
+0.0231249505068397 -30609.767450994622777
+0.0232250624220603 -30746.70465103855895
+0.0233251743372811 -30883.676799638509692
+0.0234252862525019 -31020.679332653715392
+0.0235253981677225 -31157.710242542656488
+0.0236255100829433 -31294.760197158426308
+0.023725621998164 -31431.835815222755627
+0.0238257339133848 -31568.93047680739619
+0.0239258458286054 -31706.024477542774548
+0.0240259577438262 -31843.170402019262838
+0.0241260696590468 -31980.365617179253604
+0.0242261815742676 -32117.598686590401485
+0.0243262934894883 -32254.859293001449259
+0.024426405404709 -32392.18968843989569
+0.0245265173199297 -32529.581374472229072
+0.0246266292351505 -32667.026424016363308
+0.0247267411503711 -32804.519597204242018
+0.0248268530655919 -32942.056081035909301
+0.0249269649808125 -33079.63083018274483
+0.0250270768960333 -33217.23791208275361
+0.025127188811254 -33354.868666736401792
+0.0252273007264748 -33492.509825847962929
+0.0253274126416954 -33630.170447965159838
+0.0254275245569162 -33767.829639030205726
+0.0255276364721368 -33905.49497006952879
+0.0256277483873576 -34043.214691735258384
+0.0257278603025783 -34181.001309506704274
+0.0258279722177991 -34318.853307293829857
+0.0259280841330197 -34456.768552409594122
+0.0260281960482405 -34594.741252266161609
+0.0261283079634611 -34732.767468733087298
+0.0262284198786819 -34870.843571605269972
+0.0263285317939026 -35008.965933308674721
+0.0264286437091234 -35147.130740486914874
+0.026528755624344 -35285.333797716251865
+0.0266288675395648 -35423.570243554808258
+0.0267289794547854 -35561.834031761543883
+0.0268290913700062 -35700.116724855579378
+0.0269292032852269 -35838.403201051187352
+0.0270293152004476 -35976.654482087935321
+0.0271294271156683 -36114.919825079392467
+0.0272295390308891 -36253.234181765918038
+0.0273296509461099 -36391.599692501455138
+0.0274297628613305 -36530.014239011827158
+0.0275298747765513 -36668.475591328460723
+0.0276299866917719 -36806.981371368849068
+0.0277300986069927 -36945.528997142893786
+0.0278302105222134 -37084.115585831459612
+0.0279303224374342 -37222.737747193015821
+0.0280304343526548 -37361.390915912677883
+0.0281305462678756 -37500.066285424487432
+0.0282306581830962 -37638.770307367252826
+0.028330770098317 -37777.506609055410081
+0.0284308820135377 -37916.27323774391698
+0.0285309939287585 -38055.092906077370571
+0.0286311058439791 -38193.944971171535144
+0.0287312177591999 -38332.842001147924748
+0.0288313296744205 -38471.79876651550876
+0.0289314415896413 -38610.806181182160799
+0.029031553504862 -38749.854177231893118
+0.0291316654200828 -38888.930116383373388
+0.0292317773353034 -39028.004255247964466
+0.0293318892505242 -39167.090623056472396
+0.0294320011657448 -39306.218655143456999
+0.0295321130809656 -39445.40114505054953
+0.0296322249961863 -39584.634358872011944
+0.029732336911407 -39723.914106501288188
+0.0298324488266277 -39863.235263146387297
+0.0299325607418485 -40002.589904812601162
+0.0300326726570691 -40141.965999125539383
+0.0301327845722899 -40281.379471683045267
+0.0302328964875105 -40420.82540054024139
+0.0303330084027313 -40560.298461625701748
+0.030433120317952 -40699.778173402744869
+0.0305332322331728 -40839.249505311687244
+0.0306333441483934 -40978.817685690664803
+0.0307334560636142 -41118.465083622933889
+0.030833567978835 -41258.187137686232745
+0.0309336798940556 -41397.986703072660021
+0.0310337918092764 -41537.855368160489888
+0.0311339037244971 -41677.781219545642671
+0.0312340156397179 -41817.778089286875911
+0.0313341275549385 -41957.844477313636162
+0.0314342394701593 -42097.97623537855543
+0.0315343513853799 -42238.168029797328927
+0.0316344633006007 -42378.445597860627458
+0.0317345752158214 -42518.828469925007084
+0.0318346871310421 -42659.303634430354577
+0.0319347990462628 -42799.874347697965277
+0.0320349109614836 -42940.53450681582035
+0.0321350228767042 -43081.292978198376659
+0.032235134791925 -43222.144891356678272
+0.0323352467071457 -43363.081658287199389
+0.0324353586223664 -43504.098045165366784
+0.0325354705375871 -43645.189461236339412
+0.0326355824528079 -43786.351403247288545
+0.0327356943680285 -43927.579051563152461
+0.0328358062832493 -44068.866585276773549
+0.03293591819847 -44210.213555879308842
+0.0330360301136907 -44351.657289612325258
+0.0331361420289114 -44493.175835016700148
+0.0332362539441322 -44634.74271391997172
+0.0333363658593528 -44776.39018431227305
+0.0334364777745736 -44918.116899278902565
+0.0335365896897942 -45059.917176586895948
+0.033636701605015 -45201.784198462511995
+0.0337368135202357 -45343.705771367363923
+0.0338369254354565 -45485.668809685077576
+0.0339370373506771 -45627.706951582920738
+0.0340371492658979 -45769.817254126464832
+0.0341372611811185 -45911.995705478344462
+0.0342373730963393 -46054.237312968703918
+0.0343374850115601 -46196.534225987626996
+0.0344375969267808 -46338.872138766113494
+0.0345377088420016 -46481.259555267090036
+0.0346378207572222 -46623.715309870705823
+0.034737932672443 -46766.235635889875994
+0.0348380445876636 -46908.853471070709929
+0.0349381565028844 -47051.585193844563037
+0.035038268418105 -47194.417447593667021
+0.0351383803333258 -47337.341530369740212
+0.0352384922485465 -47480.343918610938999
+0.0353386041637673 -47623.409938827091537
+0.0354387160789879 -47766.508266342098068
+0.0355388279942087 -47909.68393114808714
+0.0356389399094293 -48052.946919968235306
+0.0357390518246501 -48196.293522533545911
+0.0358391637398708 -48339.73785780488106
+0.0359392756550916 -48483.295810323972546
+0.0360393875703122 -48626.967984603397781
+0.036139499485533 -48770.731019704340724
+0.0362396114007536 -48914.568375260787434
+0.0363397233159744 -49058.453721645855694
+0.0364398352311951 -49202.412562034849543
+0.0365399471464159 -49346.427515588831739
+0.0366400590616365 -49490.532307072644471
+0.0367401709768573 -49634.730079946450132
+0.0368402828920779 -49779.059097713252413
+0.0369403948072987 -49923.515407046696055
+0.0370405067225194 -50068.100404788419837
+0.0371406186377402 -50212.815175293311768
+0.0372407305529608 -50357.653444689138269
+0.0373408424681816 -50502.610093598988897
+0.0374409543834022 -50647.681835562063497
+0.037541066298623 -50792.861701025249204
+0.0376411782138437 -50938.151233991520712
+0.0377412901290645 -51083.551745967291936
+0.0378414020442852 -51229.060318589872622
+0.0379415139595059 -51374.670532163225289
+0.0380416258747267 -51520.371066433341184
+0.0381417377899473 -51666.164225329441251
+0.0382418497051681 -51812.063195369941241
+0.0383419616203887 -51958.06537352482701
+0.0384420735356095 -52104.167949776405294
+0.0385421854508302 -52250.367680811570608
+0.038642297366051 -52396.660350235259102
+0.0387424092812716 -52543.038549097822397
+0.0388425211964924 -52689.488157222680456
+0.038942633111713 -52836.036444807425141
+0.0390427450269338 -52982.684645504457876
+0.0391428569421545 -53129.430035690005752
+0.0392429688573753 -53276.267522083013318
+0.0393430807725959 -53423.202263483748538
+0.0394431926878167 -53570.234545584891748
+0.0395433046030373 -53717.362817864304816
+0.0396434165182581 -53864.585488677264948
+0.0397435284334788 -54011.900913172830769
+0.0398436403486996 -54159.309099312289618
+0.0399437522639202 -54306.810506874273415
+0.040043864179141 -54454.401461619330803
+0.0401439760943616 -54602.079401184346352
+0.0402440880095824 -54749.8418162979724
+0.0403441999248031 -54897.686032538476866
+0.0404443118400238 -55045.609058284760977
+0.0405444237552445 -55193.607386081086588
+0.0406445356704653 -55341.676647884734848
+0.0407446475856859 -55489.841818933622562
+0.0408447595009067 -55638.117923265373975
+0.0409448714161273 -55786.451161606237292
+0.0410449833313481 -55934.855009533654083
+0.0411450952465688 -56083.346747149320436
+0.0412452071617896 -56231.942940885353892
+0.0413453190770102 -56380.650219536437362
+0.041445430992231 -56529.46604850692529
+0.0415455429074516 -56678.38811041390727
+0.0416456548226724 -56827.414212182375195
+0.0417457667378932 -56976.542217857677315
+0.0418458786531139 -57125.769991667541035
+0.0419459905683347 -57275.095922104497731
+0.0420461024835553 -57424.519819977867883
+0.0421462143987761 -57574.037976024395903
+0.0422463263139967 -57723.647054012391891
+0.0423464382292175 -57873.343214174819877
+0.0424465501444382 -58023.121152136445744
+0.042546662059659 -58172.970397189004871
+0.0426467739748796 -58322.873924970605003
+0.0427468858901004 -58472.866589518183901
+0.042846997805321 -58622.957609738601604
+0.0429471097205418 -58773.14700695227657
+0.0430472216357625 -58923.433510877424851
+0.0431473335509832 -59073.815829347520776
+0.0432474454662039 -59224.292639432940632
+0.0433475573814247 -59374.862577151347068
+0.0434476692966453 -59525.524224878630775
+0.0435477812118661 -59676.276095334455022
+0.0436478931270867 -59827.116610092496558
+0.0437480050423075 -59978.044069215800846
+0.0438481169575282 -60129.056605580000905
+0.043948228872749 -60280.152110386683489
+0.0440483407879696 -60431.32809672858275
+0.0441484527031904 -60582.581398764741607
+0.044248564618411 -60733.907200909066887
+0.0443486765336318 -60885.294086755850003
+0.0444487884488525 -61036.753227255299862
+0.0445489003640733 -61188.286085958330659
+0.0446490122792939 -61339.88015205848933
+0.0447491241945147 -61491.534716333037068
+0.0448492361097353 -61643.277601626818068
+0.0449493480249561 -61795.107520292163827
+0.0450494599401768 -61947.023112573588151
+0.0451495718553976 -62099.022930879487831
+0.0452496837706183 -62251.105418891078443
+0.045349795685839 -62403.268882980220951
+0.0454499076010598 -62555.511451504040451
+0.0455500195162804 -62707.83101426223584
+0.0456501314315012 -62860.225126728808391
+0.0457502433467218 -63012.690846036377479
+0.0458503552619426 -63165.224416310149536
+0.0459504671771633 -63317.820544758746109
+0.0460505790923841 -63470.484033193184587
+0.0461506910076047 -63623.194946050942235
+0.0462508029228255 -63775.971137399268628
+0.0463509148380461 -63928.832358532199578
+0.0464510267532669 -64081.787528036147705
+0.0465511386684876 -64234.834398356353631
+0.0466512505837084 -64387.970860489913321
+0.046751362498929 -64541.194815227427171
+0.0468514744141498 -64694.504076904573594
+0.0469515863293704 -64847.896273599923006
+0.0470516982445912 -65001.368709352471342
+0.0471518101598119 -65154.918122091250552
+0.0472519220750327 -65308.540129626919224
+0.0473520339902533 -65462.227212780977425
+0.0474521459054741 -65615.961484143859707
+0.0475522578206947 -65769.77068237545609
+0.0476523697359155 -65923.659114284921088
+0.0477524816511362 -66077.622918765831855
+0.047852593566357 -66231.656182463702862
+0.0479527054815776 -66385.742762740002945
+0.0480528173967984 -66539.885390356459538
+0.048152929312019 -66694.112024880523677
+0.0482530412272398 -66848.419115923708887
+0.0483531531424605 -67002.801304658962181
+0.0484532650576812 -67157.24734537358745
+0.0485533769729019 -67311.739079906183179
+0.0486534888881227 -67466.311611351557076
+0.0487536008033435 -67620.963781389029464
+0.0488537127185641 -67775.718694470939226
+0.0489538246337849 -67930.575796777644427
+0.0490539365490055 -68085.534526123912656
+0.0491540484642263 -68240.594309476146009
+0.049254160379447 -68395.754559793087537
+0.0493542722946678 -68551.014671917204396
+0.0494543842098884 -68706.374016762856627
+0.0495544961251092 -68861.831932914996287
+0.0496546080403298 -69017.387713553893263
+0.0497547199555506 -69173.040584472342744
+0.0498548318707713 -69328.789662602735916
+0.0499549437859921 -69484.633863766634022
+0.0500550557012127 -69640.571623490322963
+0.0501551676164335 -69796.598758501510019
+0.0502552795316541 -69952.717552414702368
+0.0503553914468749 -70108.933168015399133
+0.0504555033620956 -70265.245045117451809
+0.0505556152773163 -70421.652608549557044
+0.050655727192537 -70578.155265445282566
+0.0507558391077578 -70734.752401893478236
+0.0508559510229784 -70891.443378508542082
+0.0509560629381992 -71048.227524630303378
+0.0510561748534199 -71205.106212609345675
+0.0511562867686406 -71362.098695576423779
+0.0512563986838613 -71519.195842336906935
+0.0513565105990821 -71676.392774275343982
+0.0514566225143027 -71833.686670084483922
+0.0515567344295235 -71991.075073991683894
+0.0516568463447441 -72148.554896437693969
+0.0517569582599649 -72306.121418105554767
+0.0518570701751857 -72463.781518467148999
+0.0519571820904064 -72621.534708030987531
+0.052057294005627 -72779.379583913891111
+0.0521574059208478 -72937.314581628219457
+0.0522575178360686 -73095.337837262864923
+0.0523576297512892 -73253.446881239855429
+0.05245774166651 -73411.637586285040015
+0.0525578535817307 -73569.899380081784329
+0.0526579654969515 -73728.246753744198941
+0.0527580774121721 -73886.682635293327621
+0.0528581893273929 -74045.201865590366651
+0.0529583012426135 -74203.809081150073325
+0.0530584131578343 -74362.532926806161413
+0.053158525073055 -74521.381603655943763
+0.0532586369882757 -74680.336023398049292
+0.0533587489034964 -74839.393309163060621
+0.0534588608187172 -74998.558684985458967
+0.0535589727339378 -75157.830005157840787
+0.0536590846491586 -75317.205457381060114
+0.0537591965643792 -75476.683207450929331
+0.0538593084796 -75636.261490169679746
+0.0539594203948207 -75795.940927298914175
+0.0540595323100415 -75955.720452696070424
+0.0541596442252621 -76115.598995585882221
+0.0542597561404829 -76275.575494353455724
+0.0543598680557035 -76435.648874829668785
+0.0544599799709243 -76595.818026636930881
+0.054560091886145 -76756.081773811281892
+0.0546602038013658 -76916.438833727894234
+0.0547603157165864 -77076.916137090825941
+0.0548604276318072 -77237.532954911832348
+0.0549605395470278 -77398.265499811343034
+0.0550606514622486 -77559.104129573664977
+0.0551607633774693 -77720.035085447365418
+0.0552608752926901 -77881.062208714472945
+0.0553609872079107 -78042.198199099831982
+0.0554610991231315 -78203.439605885956553
+0.0555612110383521 -78364.781406616675667
+0.0556613229535729 -78526.272072381660109
+0.0557614348687937 -78687.902552064449992
+0.0558615467840144 -78849.660294036119012
+0.055961658699235 -79011.539844100640039
+0.0560617706144558 -79173.537433080840856
+0.0561618825296766 -79335.649952379870228
+0.0562619944448972 -79497.87446899760107
+0.056362106360118 -79660.207547412341228
+0.0564622182753386 -79822.646457510709297
+0.0565623301905594 -79985.183673077321146
+0.0566624421057801 -80147.82339023106033
+0.0567625540210009 -80310.573086623800918
+0.0568626659362215 -80473.434026737973909
+0.0569627778514423 -80636.402872630482307
+0.0570628897666629 -80799.474807418999262
+0.0571630016818837 -80962.63878748298157
+0.0572631135971044 -81125.910876218258636
+0.0573632255123252 -81289.296106555964798
+0.0574633374275458 -81452.793646815334796
+0.0575634493427666 -81616.402652497999952
+0.0576635612579872 -81780.125113084781333
+0.057763673173208 -81943.962260772925219
+0.0578637850884287 -82107.912327978716348
+0.0579638970036495 -82271.97487945148896
+0.0580640089188701 -82436.148920185107272
+0.0581641208340909 -82600.433528097171802
+0.0582642327493115 -82764.827599961819942
+0.0583643446645323 -82929.331313584087184
+0.058464456579753 -83093.944268449457013
+0.0585645684949737 -83258.665907117305323
+0.0586646804101944 -83423.495696838566801
+0.0587647923254152 -83588.433125239680521
+0.0588649042406358 -83753.477697110603913
+0.0589650161558566 -83918.628931981234928
+0.0590651280710772 -84083.886362215664121
+0.059165239986298 -84249.249531459325226
+0.0592653519015188 -84414.717993348778691
+0.0593654638167395 -84580.295496710503357
+0.0594655757319603 -84745.990060326323146
+0.0595656876471809 -84911.795680609167903
+0.0596657995624017 -85077.710252372853574
+0.0597659114776223 -85243.732515802810667
+0.059866023392843 -85409.861526342705474
+0.0599661353080638 -85576.096500995612587
+0.0600662472232846 -85742.436753520960337
+0.0601663591385052 -85908.881661354302196
+0.060266471053726 -86075.430646577908192
+0.0603665829689466 -86242.083163932213211
+0.0604666948841674 -86408.838692779478151
+0.0605668067993881 -86575.696731379110133
+0.0606669187146089 -86742.656792565132491
+0.0607670306298295 -86909.718400325640687
+0.0608671425450503 -87076.883112254785374
+0.0609672544602709 -87244.155822539396468
+0.0610673663754917 -87411.532847839291207
+0.0611674782907124 -87579.01270421477966
+0.0612675902059331 -87746.594428512937156
+0.0613677021211538 -87914.2772408828896
+0.0614678140363746 -88082.060447901763837
+0.0615679259515952 -88249.943399683616008
+0.061668037866816 -88417.925464631116483
+0.0617681497820366 -88586.006009893186274
+0.0618682616972574 -88754.189843074986129
+0.0619683736124781 -88922.497995723344502
+0.0620684855276989 -89090.918137647138792
+0.0621685974429195 -89259.445174323293031
+0.0622687093581403 -89428.075464430410648
+0.0623688212733609 -89596.804032881409512
+0.0624689331885817 -89765.636457595523098
+0.0625690451038024 -89934.572994731453946
+0.0626691570190232 -90103.612718238975503
+0.0627692689342438 -90272.754787291341927
+0.0628693808494646 -90441.998417313749087
+0.0629694927646852 -90611.342858900752617
+0.063069604679906 -90780.787380574067356
+0.0631697165951268 -90950.331252321964712
+0.0632698285103475 -91119.9737272070779
+0.0633699404255682 -91289.714017010861426
+0.0634700523407889 -91459.551254413148854
+0.0635701642560097 -91629.484423482732382
+0.0636702761712303 -91799.512202360536321
+0.0637703880864511 -91969.643927728655399
+0.0638705000016718 -92139.893509147354052
+0.0639706119168925 -92310.253975450468715
+0.0640707238321132 -92480.726816468348261
+0.064170835747334 -92651.309512483479921
+0.0642709476625546 -92822.000325192682794
+0.0643710595777754 -92992.797916703435476
+0.064471171492996 -93163.701188007558812
+0.0645712834082168 -93334.70919649132702
+0.0646713953234375 -93505.821108418429503
+0.0647715072386583 -93677.036169084152789
+0.0648716191538789 -93848.353682710920111
+0.0649717310690997 -94019.772997877153102
+0.0650718429843203 -94191.293496187659912
+0.0651719548995411 -94362.914582539437106
+0.0652720668147618 -94534.635675376921427
+0.0653721787299826 -94706.456194946265896
+0.0654722906452032 -94878.37554495788936
+0.065572402560424 -95050.393074065766996
+0.0656725144756446 -95222.507948011683766
+0.0657726263908654 -95394.718462851218646
+0.0658727383060861 -95567.026207649993012
+0.0659728502213069 -95739.431667555341846
+0.0660729621365275 -95911.934449662760017
+0.0661730740517483 -96084.534169340447988
+0.0662731859669691 -96257.230449310707627
+0.0663732978821897 -96430.022918837319594
+0.0664734097974104 -96602.911213077211869
+0.0665735217126311 -96775.89497239854245
+0.0666736336278519 -96948.973841761719086
+0.0667737455430726 -97122.147470202791737
+0.0668738574582932 -97295.415510237842682
+0.066973969373514 -97468.777617407380603
+0.0670740812887348 -97642.233449729683343
+0.0671741932039554 -97815.782667201259756
+0.0672743051191762 -97989.42493131296942
+0.0673744170343969 -98163.159904492247733
+0.0674745289496177 -98336.987249561396311
+0.0675746408648383 -98510.906629160483135
+0.0676747527800591 -98684.917705076557468
+0.0677748646952797 -98859.020137575367698
+0.0678749766105005 -99033.213584561701282
+0.0679750885257212 -99207.501296167451073
+0.068075200440942 -99381.884739001077833
+0.0681753123561626 -99556.361238519937615
+0.0682754242713834 -99730.92977028786845
+0.068375536186604 -99905.589601112762466
+0.0684756481018248 -100080.34010999201564
+0.0685757600170455 -100255.18072713367292
+0.0686758719322662 -100430.11090415265062
+0.0687759838474869 -100605.13009515716112
+0.0688760957627077 -100780.23774125422642
+0.0689762076779283 -100955.4332545343932
+0.0690763195931491 -101130.71599790327309
+0.0691764315083698 -101306.08525529988401
+0.0692765434235905 -101481.540181661112
+0.0693766553388112 -101657.07970544722048
+0.069476767254032 -101832.70229606461362
+0.0695768791692526 -102008.40514130664815
+0.0696769910844734 -102184.17986982330331
+0.069777102999694 -102360.03937357329414
+0.0698772149149148 -102535.98875560240413
+0.0699773268301355 -102712.02776731166523
+0.0700774387453563 -102888.15616299009707
+0.0701775506605771 -103064.37369989385479
+0.0702776625757977 -103240.68013804040675
+0.0703777744910183 -103417.07524000460398
+0.0704778864062391 -103593.55877079405764
+0.0705779983214599 -103770.13049763579329
+0.0706781102366806 -103946.79018991241173
+0.0707782221519014 -104123.53761902320548
+0.070878334067122 -104300.37255824323802
+0.0709784459823428 -104477.29478268817184
+0.0710785578975634 -104654.30406918833614
+0.0711786698127842 -104831.40019619894156
+0.0712787817280049 -105008.58294376869162
+0.0713788936432257 -105185.85209340904839
+0.0714790055584463 -105363.20742809020157
+0.0715791174736671 -105540.64873212172824
+0.0716792293888877 -105718.17579112428939
+0.0717793413041085 -105895.78841385395208
+0.0718794532193291 -106073.48872994074191
+0.0719795651345499 -106251.27595460327575
+0.0720796770497706 -106429.14927942608483
+0.0721797889649914 -106607.10826790372084
+0.072279900880212 -106785.15257880801801
+0.0723800127954328 -106963.28191446747223
+0.0724801247106534 -107141.49600180180278
+0.0725802366258742 -107319.79458339895064
+0.0726803485410949 -107498.1774126602395
+0.0727804604563157 -107676.64425085864787
+0.0728805723715363 -107855.19486527319532
+0.0729806842867571 -108033.8290278675413
+0.0730807962019777 -108212.54651439248119
+0.0731809081171985 -108391.34710366329818
+0.0732810200324192 -108570.23057702832739
+0.07338113194764 -108749.19671792227018
+0.0734812438628606 -108928.24531150468101
+0.0735813557780814 -109107.37614431338443
+0.0736814676933022 -109286.58900398573314
+0.0737815796085228 -109465.88367891265079
+0.0738816915237436 -109645.25995796974166
+0.0739818034389643 -109824.71763022297819
+0.0740819153541851 -110004.25648450500739
+0.0741820272694057 -110183.87630902533419
+0.0742821391846263 -110363.57689081299759
+0.0743822510998471 -110543.35801503692346
+0.0744823630150679 -110723.21946409002703
+0.0745824749302886 -110903.16869972398854
+0.0746825868455093 -111083.20883789201616
+0.07478269876073 -111263.33497438681661
+0.0748828106759508 -111443.54552142252214
+0.0749829225911714 -111623.83946984032809
+0.0750830345063922 -111804.21600959016359
+0.0751831464216128 -111984.67432548446232
+0.0752832583368336 -112165.21302141874912
+0.0753833702520543 -112345.83307760173921
+0.0754834821672751 -112526.53488798454055
+0.0755835940824957 -112707.31812467044801
+0.0756837059977165 -112888.1824816557928
+0.0757838179129371 -113069.12767021005857
+0.0758839298281579 -113250.15598645439604
+0.0759840417433786 -113431.29080890066689
+0.0760841536585994 -113612.52196090252255
+0.07618426557382 -113793.84455467227963
+0.0762843774890408 -113975.25631253983011
+0.0763844894042614 -114156.75576650934818
+0.0764846013194822 -114338.34183550738089
+0.0765847132347029 -114520.01366078818683
+0.0766848251499237 -114701.77052599705348
+0.0767849370651443 -114883.61181281176687
+0.0768850489803651 -115065.53697410359746
+0.0769851608955857 -115247.54551645227184
+0.0770852728108065 -115429.63698828739871
+0.0771853847260272 -115611.81097146531101
+0.077285496641248 -115794.06707508311956
+0.0773856085564686 -115976.40493085478374
+0.0774857204716894 -116158.82418948307168
+0.0775858323869102 -116341.32451791026688
+0.0776859443021308 -116523.90559703735926
+0.0777860562173516 -116706.56711991316115
+0.0778861681325722 -116889.30879026495677
+0.077986280047793 -117072.13032124946767
+0.0780863919630137 -117255.03143439543783
+0.0781865038782345 -117438.01185877015814
+0.0782866157934551 -117621.07133019679168
+0.0783867277086759 -117804.20959060090536
+0.0784868396238965 -117987.42638750364131
+0.0785869515391173 -118170.72147348726867
+0.078687063454338 -118354.09460576446145
+0.0787871753695588 -118537.54554586144513
+0.0788872872847794 -118721.07405921140162
+0.0789873992000002 -118904.67991491261637
+0.0790875111152208 -119088.362885437964
+0.0791876230304416 -119272.12274639192037
+0.0792877349456623 -119455.95927632028179
+0.079387846860883 -119639.87225648004096
+0.0794879587761037 -119823.86147069543949
+0.0795880706913245 -120007.92670517713123
+0.0796881826065451 -120192.06774836636032
+0.0797882945217659 -120376.28439083351986
+0.0798884064369866 -120560.57642510908772
+0.0799885183522073 -120744.94364560215035
+0.080088630267428 -120929.38584846946469
+0.0801887421826488 -121113.90283152526536
+0.0802888540978694 -121298.4943941449601
+0.0803889660130902 -121483.16033717013488
+0.0804890779283109 -121667.90046284490381
+0.0805891898435316 -121852.71457473136252
+0.0806893017587524 -122037.60247760849597
+0.0807894136739731 -122222.56397743835987
+0.0808895255891937 -122407.59888128685998
+0.0809896375044145 -122592.70699724089354
+0.0810897494196353 -122777.88813437108183
+0.0811898613348559 -122963.14210267890303
+0.0812899732500766 -123148.46871298504993
+0.0813900851652974 -123333.86777695573983
+0.0814901970805181 -123519.33910697669489
+0.0815903089957388 -123704.88251612836029
+0.0816904209109596 -123890.49781813945447
+0.0817905328261802 -124076.18482732403209
+0.081890644741401 -124261.94335853635857
+0.0819907566566217 -124447.77322710945737
+0.0820908685718424 -124633.6742487984593
+0.0821909804870631 -124819.64623974943243
+0.0822910924022839 -125005.68901643264689
+0.0823912043175045 -125191.8023955795652
+0.0824913162327253 -125377.98619414586574
+0.082591428147946 -125564.24022924358724
+0.0826915400631667 -125750.56431807292392
+0.0827916519783874 -125936.95827788329916
+0.0828917638936082 -126123.4219258683006
+0.0829918758088288 -126309.95507915708004
+0.0830919877240496 -126496.55755467132258
+0.0831920996392702 -126683.22916911222273
+0.083292211554491 -126869.96973882093152
+0.0833923234697117 -127056.7790797225025
+0.0834924353849325 -127243.65700724924682
+0.0835925473001531 -127430.60333619410812
+0.0836926592153739 -127617.61788059461105
+0.0837927711305945 -127804.70045364534599
+0.0838928830458153 -127991.85086754964141
+0.083992994961036 -128179.06893332842446
+0.0840931068762568 -128366.3544606774667
+0.0841932187914774 -128553.70725777726329
+0.0842933307066982 -128741.12713107396848
+0.0843934426219188 -128928.61388499582245
+0.0844935545371396 -129116.16732170137402
+0.0845936664523604 -129303.78724072985642
+0.084693778367581 -129491.47343861145782
+0.0847938902828017 -129679.22570841162815
+0.0848940021980225 -129867.04383918500389
+0.0849941141132433 -130054.92761525044625
+0.0850942260284639 -130242.87681542601786
+0.0851943379436847 -130430.89121191833692
+0.0852944498589053 -130618.97056881648314
+0.0853945617741261 -130807.11463979390101
+0.0854946736893468 -130995.32316302278196
+0.0855947856045676 -131183.5958406823338
+0.0856948975197882 -131371.93244747890276
+0.085795009435009 -131560.33813290955732
+0.0858951213502296 -131748.82692373430473
+0.0859952332654504 -131937.38980687939329
+0.0860953451806711 -132126.02362220850773
+0.0861954570958919 -132314.72654900074122
+0.0862955690111125 -132503.49717607692583
+0.0863956809263333 -132692.33419202029472
+0.0864957928415539 -132881.23615162301576
+0.0865959047567747 -133070.20104483314208
+0.0866960166719954 -133259.22343100656872
+0.0867961285872162 -133448.30466646802961
+0.0868962405024368 -133637.45502405875595
+0.0869963524176576 -133826.67417937426944
+0.0870964643328782 -134015.96183069556719
+0.087196576248099 -134205.31769473198801
+0.0872966881633197 -134394.74150342485518
+0.0873968000785404 -134584.29358751166728
+0.0874969119937611 -134773.9856736936199
+0.0875970239089819 -134963.78817515756236
+0.0876971358242027 -135153.6920444930729
+0.0877972477394233 -135343.69214813210419
+0.0878973596546439 -135533.78501327428967
+0.0879974715698647 -135723.96806320393807
+0.0880975834850855 -135914.23927174153505
+0.0881976954003062 -136104.5969803830958
+0.0882978073155268 -136295.03979100551805
+0.0883979192307476 -136485.56649809557712
+0.0884980311459684 -136676.17604352071066
+0.088598143061189 -136866.86748499958776
+0.0886982549764097 -137057.63997336153989
+0.0887983668916305 -137248.49273560554138
+0.0888984788068513 -137439.42506210252759
+0.0889985907220719 -137630.43629655026598
+0.0890987026372927 -137821.52582817155053
+0.0891988145525133 -138012.69308527727844
+0.0892989264677341 -138203.93960076855728
+0.0893990383829548 -138395.29719700865098
+0.0894991502981756 -138586.75355928682256
+0.0895992622133962 -138778.30148129051668
+0.089699374128617 -138969.93768904643366
+0.0897994860438376 -139161.6600667705643
+0.0898995979590584 -139353.46704746907926
+0.089999709874279 -139545.35737991146743
+0.0900998217894999 -139737.33001643820899
+0.0901999337047205 -139929.38405096309725
+0.0903000456199413 -140121.51868131471565
+0.0904001575351619 -140313.73318481934257
+0.0905002694503827 -140506.02690153734875
+0.0906003813656033 -140698.39922234782716
+0.0907004932808241 -140890.84958015332813
+0.0908006051960448 -141083.37744316147291
+0.0909007171112656 -141275.98230972196325
+0.0910008290264862 -141468.66370422279579
+0.091100940941707 -141661.42117374428199
+0.0912010528569276 -141854.25428537017433
+0.0913011647721484 -142047.16262393145007
+0.0914012766873691 -142240.14579010981834
+0.0915013886025899 -142433.20339886343572
+0.0916015005178107 -142626.33507799726794
+0.0917016124330313 -142819.54046705993824
+0.0918017243482519 -143012.81921625934774
+0.0919018362634727 -143206.17098556715064
+0.0920019481786935 -143399.59544395140256
+0.0921020600939142 -143593.09226864026277
+0.0922021720091348 -143786.66114450464374
+0.0923022839243556 -143980.30176349758403
+0.0924023958395764 -144174.01382415526314
+0.092502507754797 -144367.79703110468108
+0.0926026196700178 -144561.65109467072762
+0.0927027315852385 -144755.57573049451457
+0.0928028435004592 -144949.57065916305874
+0.0929029554156799 -145143.6356059050886
+0.0930030673309007 -145337.77030026278226
+0.0931031792461213 -145531.97447584927431
+0.0932032911613421 -145726.24787002301309
+0.0933034030765627 -145920.59022369139711
+0.0934035149917835 -146115.00128108580247
+0.0935036269070042 -146309.48078946350142
+0.093603738822225 -146504.02849896182306
+0.0937038507374456 -146698.64416233741213
+0.0938039626526664 -146893.32753476456855
+0.093904074567887 -147088.07837364211446
+0.0940041864831078 -147282.89643836993491
+0.0941042983983285 -147477.78149010744528
+0.0942044103135493 -147672.73329154809471
+0.0943045222287699 -147867.7516066582757
+0.0944046341439907 -148062.83620042979601
+0.0945047460592113 -148257.9868384936708
+0.0946048579744321 -148453.20328677131329
+0.0947049698896528 -148648.4853110066033
+0.0948050818048736 -148843.83267616626108
+0.0949051937200942 -149039.24514563893899
+0.095005305635315 -149234.72248018492246
+0.0951054175505356 -149430.26443632011069
+0.0952055294657564 -149625.87076387036359
+0.0953056413809771 -149821.54120185374632
+0.0954057532961979 -150017.27547074935865
+0.0955058652114186 -150213.07325549802044
+0.0956059771266393 -150408.93579348459025
+0.0957060890418599 -150604.880508495291
+0.0958062009570807 -150800.9001585788501
+0.0959063128723015 -150996.99218878659303
+0.0960064247875221 -151193.1548047651595
+0.0961065367027429 -151389.38684385298984
+0.0962066486179636 -151585.68744194632745
+0.0963067605331844 -151782.0559049831063
+0.096406872448405 -151978.4916468791489
+0.0965069843636258 -152174.99415526649682
+0.0966070962788464 -152371.5629708590568
+0.0967072081940672 -152568.19767404330196
+0.0968073201092879 -152764.89787581862765
+0.0969074320245087 -152961.66321693907958
+0.0970075439397293 -153158.49605592846638
+0.0971076558549501 -153355.39552028826438
+0.0972077677701707 -153552.36055296691484
+0.0973078796853915 -153749.39057789437356
+0.0974079916006122 -153946.4851420862542
+0.097508103515833 -154143.6438513622852
+0.0976082154310536 -154340.86634645765298
+0.0977083273462744 -154538.1522913557128
+0.097808439261495 -154735.50136669838685
+0.0979085511767158 -154932.91326566381031
+0.0980086630919365 -155130.38769111325382
+0.0981087750071572 -155327.92435354884947
+0.0982088869223779 -155525.52296950336313
+0.0983089988375987 -155723.18326030045864
+0.0984091107528193 -155920.90495101941633
+0.0985092226680401 -156118.68776956794318
+0.0986093345832609 -156316.53144583624089
+0.0987094464984815 -156514.43571102671558
+0.0988095584137022 -156712.40029680141015
+0.098909670328923 -156910.42493461619597
+0.0990097822441438 -157108.50935492970166
+0.0991098941593644 -157306.65328635511105
+0.099210006074585 -157504.85645475372439
+0.0993101179898058 -157703.11858211824438
+0.0994102299050266 -157901.43938533312757
+0.0995103418202473 -158099.8185745132505
+0.0996104537354681 -158298.25585093599511
+0.0997105656506887 -158496.75090426817769
+0.0998106775659095 -158695.3034085809777
+0.0999107894811301 -158893.91301641211612
diff --git a/DATASET/P=50000Pa/box_confined.data b/DATASET/P=50000Pa/box_confined.data
new file mode 100644
index 0000000..2332e3a
--- /dev/null
+++ b/DATASET/P=50000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2151830
+
+240 atoms
+6 atom types
+
+0.027452271346685233 0.07254772865331478 xlo xhi
+0.027452271346685233 0.07254772865331478 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+237 1 0.0035 1071.4285714285713 0.0280287873676285 0.028230545280653534 0 1 1 0
+7 1 0.0025 1500.0000000000005 0.030972754821285454 0.027838382906533513 0 0 0 0
+6 1 0.0025 1500.0000000000005 0.03335212937453653 0.028627333254695665 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.035720136192224146 0.027820943257553722 0 0 1 0
+11 1 0.0035 1071.4285714285713 0.038748128649240904 0.027836584262293407 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.04565135012555726 0.028421392267936062 0 0 0 0
+239 1 0.0035 1071.4285714285713 0.049155733862701535 0.02876762770186583 0 0 1 0
+1 1 0.0035 1071.4285714285713 0.052669471122949146 0.02844322313036962 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.05616306011266713 0.029406225209413037 0 0 0 0
+236 1 0.0035 1071.4285714285713 0.05941971549568011 0.02810161163102108 0 0 1 0
+238 1 0.0035 1071.4285714285713 0.06705789431765447 0.02875248522126867 0 0 1 0
+9 1 0.0025 1500.0000000000005 0.07005560559057109 0.028999579147008347 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.0288600904381622 0.031110533560706095 0 0 0 0
+16 1 0.0025 1500.0000000000005 0.03125071626201448 0.030340166884415924 0 0 0 0
+15 1 0.0035 1071.4285714285713 0.03416516743381424 0.031600253349398 0 0 0 0
+10 1 0.0025 1500.0000000000005 0.03677010031159649 0.030089566418681272 0 0 0 0
+12 1 0.0035 1071.4285714285713 0.040958965910634214 0.030468784351633544 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.04423778568244539 0.0316213682849412 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.04719380222313255 0.030987067245248256 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.05372386060152596 0.031867749064738764 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.058639744808026105 0.030978983667216076 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.0619396821218532 0.029712967171875097 0 0 0 0
+13 1 0.0025 1500.0000000000005 0.06437087956172477 0.030142734189018954 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.06641046332126078 0.031626962608151246 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.06885834352701684 0.03113932841498597 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.07149538379494154 0.031319243739836085 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.027833190157708083 0.033332175157434744 0 1 0 0
+25 1 0.0035 1071.4285714285713 0.03096788820887222 0.0333903212410159 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.03824381284132486 0.03267365665137335 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.04153680785727426 0.033863497788930046 0 0 0 0
+26 1 0.0035 1071.4285714285713 0.04729460866869933 0.03399989822840071 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.050263493932496406 0.032129787363434956 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.05707315091641124 0.03351961910913454 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.06115039593959778 0.03258261177362361 0 0 0 0
+23 1 0.0025 1500.0000000000005 0.06415884270867696 0.03266788838483258 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.06997321449786757 0.03388413320483961 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.028980203488672 0.03557911024922987 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.03367977866563576 0.03456032363221068 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.036127098797096184 0.034749094456630665 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.03908541364327645 0.035598553724959674 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.04439611058065883 0.03459109791713678 0 0 0 0
+29 1 0.0025 1500.0000000000005 0.05039304233125979 0.035224879049621745 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.05361252298728552 0.03533223277504321 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.059633306020933294 0.03530810397030208 0 0 0 0
+48 1 0.0035 1071.4285714285713 0.06277008602454337 0.03562611476220636 0 0 0 0
+38 1 0.0035 1071.4285714285713 0.06649149019684109 0.03459312957881068 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.07166817042556617 0.036335298140691946 0 0 0 0
+66 1 0.0025 1500.0000000000005 0.02915361704220929 0.03834025421936324 0 1 0 0
+51 1 0.0035 1071.4285714285713 0.03169846363648027 0.03683758058608967 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.034671842266985844 0.0368414131641069 0 0 0 0
+41 1 0.0025 1500.0000000000005 0.0371214035313023 0.03716448173819534 0 0 0 0
+53 1 0.0035 1071.4285714285713 0.03976826205743815 0.03861586382038876 0 0 0 0
+44 1 0.0035 1071.4285714285713 0.04289210058243759 0.037154335132719894 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.0459301841098934 0.03661477205647887 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.04839644459452333 0.03675560333930987 0 0 0 0
+55 1 0.0025 1500.0000000000005 0.05064402092782965 0.03790821693488608 0 0 0 0
+47 1 0.0035 1071.4285714285713 0.056632839084839307 0.03703589399762547 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.059491836796722625 0.0378492361064087 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.065461733215697 0.03790872988669105 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.06881304784820623 0.037185339464781766 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.031187571600982532 0.03979982298071438 0 0 0 0
+64 1 0.0025 1500.0000000000005 0.03364060229611878 0.039061422017864625 0 0 0 0
+63 1 0.0035 1071.4285714285713 0.03646706255636369 0.04012191876756924 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.042375945713166545 0.040064866234005604 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.04531153909930176 0.03967839668823755 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.04827246970418291 0.03921078272307079 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.05074749571581753 0.040917790495319226 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.053485910045886285 0.03878152285024704 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.0564709302698482 0.04051146097960875 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.05943207751390661 0.0403873858438621 0 0 0 0
+59 1 0.0035 1071.4285714285713 0.06219674928409557 0.039047487952087706 0 0 0 0
+74 1 0.0035 1071.4285714285713 0.0682047116328216 0.04063079268001768 0 0 0 0
+70 1 0.0035 1071.4285714285713 0.07147572641038549 0.03935690805018692 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.02893381458115616 0.040995977349252616 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.031212767584230073 0.04240347735608154 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.033553063951237694 0.04149757761510252 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.035724278345643554 0.04301035434411999 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.0383068100113519 0.04259512223517416 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.040572917238963425 0.04167320994104215 0 0 0 0
+84 1 0.0035 1071.4285714285713 0.04361560635344324 0.04273025062058795 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.047862963304411144 0.04167453974180441 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.053486659120211916 0.04205097638797794 0 0 0 0
+83 1 0.0025 1500.0000000000005 0.05854084734529066 0.04278322868971789 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.06154264403046273 0.0425032912326347 0 0 0 0
+78 1 0.0035 1071.4285714285713 0.06483655540356 0.04131385278969856 0 0 0 0
+80 1 0.0035 1071.4285714285713 0.07163263082311186 0.0428002888755219 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.029419216901286727 0.044749718648468446 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.03325906715772132 0.04398344446023345 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.037361828433463896 0.04487663721480891 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.040666690595339366 0.04463980033736054 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.04662861747693359 0.04442721442932202 0 0 0 0
+89 1 0.0035 1071.4285714285713 0.050192507676646264 0.04441002745319584 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.053071367660703354 0.045272200471660286 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.055765431625448426 0.04393451672645171 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.06396630873100649 0.0442391570729385 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.06640376626769458 0.04394900163680058 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.06885734643453569 0.04383590490092949 0 0 0 0
+113 1 0.0025 1500.0000000000005 0.02894115666908699 0.04773719904502655 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.032245998390544754 0.04677126960120779 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.035062894996916 0.0458484225754078 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.038813477433291305 0.04691410433882529 0 0 0 0
+90 1 0.0025 1500.0000000000005 0.04345076348472391 0.045674338401203954 0 0 0 0
+98 1 0.0025 1500.0000000000005 0.048404222398393267 0.0468447414284211 0 0 0 0
+91 1 0.0035 1071.4285714285713 0.05131359723751143 0.047667474639719425 0 0 0 0
+105 1 0.0035 1071.4285714285713 0.055278823626803024 0.04739808079472498 0 0 0 0
+100 1 0.0035 1071.4285714285713 0.058708330800232 0.045823530724830544 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.06169356691208916 0.04550085182024543 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.0641480332514904 0.04724187970787696 0 0 0 0
+99 1 0.0035 1071.4285714285713 0.06782104074222615 0.0466668929086623 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.07137023448370507 0.04629769944876869 0 -1 0 0
+134 1 0.0025 1500.0000000000005 0.033835789239255634 0.049304122256094894 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.036223554800231025 0.04808419674151838 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.03861907383777742 0.0498921095663949 0 0 0 0
+115 1 0.0035 1071.4285714285713 0.04166303982942219 0.048011926305030206 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.04557193391285621 0.04775450100063761 0 0 0 0
+112 1 0.0035 1071.4285714285713 0.04833186980065009 0.04981531149851966 0 0 0 0
+106 1 0.0025 1500.0000000000005 0.05345105793851226 0.04974220487160135 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.05828509038715899 0.0493167563829354 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.06094739621734657 0.04792311575146157 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.0665243766882894 0.04992980387114971 0 0 0 0
+114 1 0.0035 1071.4285714285713 0.06995563141659329 0.049462725627163064 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.027906067559280417 0.05003583397960764 0 0 0 0
+125 1 0.0035 1071.4285714285713 0.030918453105564705 0.05001384482994272 0 0 0 0
+136 1 0.0035 1071.4285714285713 0.035728438478139043 0.05179751855666196 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.041678824002743246 0.051461976796931916 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.04517319972463431 0.051176186836920975 0 0 0 0
+120 1 0.0025 1500.0000000000005 0.051206724100133924 0.05081298706858795 0 0 0 0
+117 1 0.0035 1071.4285714285713 0.055770156203299705 0.051720297308858694 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.059229979404049345 0.05216243273394567 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.06107170020578014 0.050472254964286534 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.0635287166238061 0.05016150367517192 0 0 0 0
+129 1 0.0025 1500.0000000000005 0.06875302380324301 0.05219036232612224 0 0 0 0
+126 1 0.0025 1500.0000000000005 0.0712077967865646 0.05213957078534796 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.029009147115811974 0.05293815425499886 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.03255070091229554 0.05310129637110984 0 0 0 0
+150 1 0.0035 1071.4285714285713 0.03887845047373186 0.05355469144742101 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.04180626355399675 0.0543404325721399 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.04768583170811366 0.05271996331800112 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.05013943268424653 0.05311737561011849 0 0 0 0
+123 1 0.0025 1500.0000000000005 0.05277476877292696 0.0527037013471244 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.05744632501561776 0.05425470987874392 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.062183442158878374 0.052742961016247175 0 0 0 0
+137 1 0.0025 1500.0000000000005 0.06462942045874438 0.05234502802668451 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.06675328279107808 0.053628243600739284 0 0 0 0
+176 1 0.0035 1071.4285714285713 0.02787771701130927 0.05674180106383091 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.030598102355127676 0.05544563628070047 0 0 0 0
+177 1 0.0025 1500.0000000000005 0.03305367549370951 0.056167674064292884 0 0 0 0
+156 1 0.0035 1071.4285714285713 0.03584228759636485 0.05526984279793348 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.04481219918582461 0.05463458680927135 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.048374013626601535 0.055576224598934 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.05164383396817425 0.05509350649940731 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.05476894361696225 0.054519787215557426 0 0 0 0
+155 1 0.0025 1500.0000000000005 0.05653625679985483 0.05652732547125452 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.06029451087918327 0.05504785656635108 0 0 0 0
+152 1 0.0035 1071.4285714285713 0.06380628396840923 0.05526408798085013 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.06700183144589465 0.05658571684494524 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.07002185013393081 0.05483863453000559 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.03109875106245299 0.0583799406158607 0 0 0 0
+164 1 0.0035 1071.4285714285713 0.03481678641936748 0.058569094566447 0 0 0 0
+146 1 0.0035 1071.4285714285713 0.038969212258531026 0.057148278126955644 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.042439269779279636 0.057229303825967574 0 0 0 0
+145 1 0.0035 1071.4285714285713 0.04585924566663701 0.05793428744063768 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.048717972294863285 0.05900773196990408 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.05062273990428323 0.05745597761652452 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.05363840806180728 0.057278518656509535 0 0 0 0
+158 1 0.0025 1500.0000000000005 0.056133388806171705 0.05894868649366626 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.05901300562529224 0.05828704755460429 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.06191362097786449 0.05758073918223427 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.06430827581043358 0.058498777620370944 0 0 0 0
+165 1 0.0035 1071.4285714285713 0.06997332435323397 0.05843037672290025 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.027569864871470923 0.05977116092993253 0 1 0 0
+182 1 0.0025 1500.0000000000005 0.029854219685296203 0.061049676406780405 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.037788452907872985 0.06049431561488478 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.0406407192009111 0.059628684043231225 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.04347270279034666 0.06055408425895733 0 0 0 0
+166 1 0.0025 1500.0000000000005 0.051750959010793816 0.05961301138378145 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.05413578364193249 0.060471889415331326 0 0 0 0
+169 1 0.0025 1500.0000000000005 0.0588526647589422 0.06126928029166534 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.06168910048470964 0.060536523811665396 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.066891967563725 0.06006219438533495 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.02770373352869101 0.06236523629166335 0 1 0 0
+187 1 0.0035 1071.4285714285713 0.03282383324379237 0.061393652431614744 0 0 0 0
+190 1 0.0025 1500.0000000000005 0.03567334572552261 0.06261970620228782 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.04094702697065849 0.062104892959867694 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.04682951716247326 0.061345880901038 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.04986480890283338 0.061295535265215334 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.052211470477557136 0.06205291136523606 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.05480210866571521 0.06327865537068567 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.056445408958626715 0.061414554847123694 0 0 0 0
+188 1 0.0025 1500.0000000000005 0.06061408249944691 0.06339886436186988 0 0 0 0
+170 1 0.0025 1500.0000000000005 0.06442455044416909 0.06170568109293686 0 0 0 0
+192 1 0.0035 1071.4285714285713 0.06984366821083358 0.06194112867218167 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.030187905748289796 0.06404551104605945 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.033612439738472874 0.06473479382914626 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.03855792863557121 0.06387681477718643 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.04144638143010593 0.06455092396199914 0 0 0 0
+195 1 0.0035 1071.4285714285713 0.04432446921783239 0.06386179486887926 0 0 0 0
+183 1 0.0025 1500.0000000000005 0.04754359337850971 0.06424453761748589 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.05009401272476882 0.06377742906514998 0 0 0 0
+186 1 0.0025 1500.0000000000005 0.05252219422653049 0.06456558062336876 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.05772510501120633 0.06413243257289326 0 0 0 0
+184 1 0.0025 1500.0000000000005 0.06306977735830183 0.06373019065097216 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.06455965650908416 0.06575649931348529 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.06678244422847776 0.0635372833177288 0 0 0 0
+205 1 0.0025 1500.0000000000005 0.06944231832946471 0.06489916630768051 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.07191420283592874 0.06468437298103148 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.02848383643687915 0.06651571319744236 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.03132713225418874 0.06747763460788629 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.03650256855991814 0.06662239725213795 0 0 0 0
+221 1 0.0035 1071.4285714285713 0.039930731493201616 0.06710673781830613 0 0 0 0
+218 1 0.0025 1500.0000000000005 0.04302174834994064 0.06664961469944439 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.046105507054360895 0.06681725676150771 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.04901390899238163 0.0662175555019228 0 0 0 0
+212 1 0.0035 1071.4285714285713 0.051756077781411176 0.06745181540322295 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.05502911165369784 0.06629024254948625 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.05826288797543589 0.06756192307513244 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.06147400743782827 0.06626833634591797 0 0 0 0
+215 1 0.0035 1071.4285714285713 0.06732927450353099 0.06692610288524374 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.07076257058273089 0.06756865530995809 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.028505325328713256 0.06962882270260749 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.03409330564409274 0.06863883111484842 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.036683549362918025 0.07011952331097024 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.03965526436563345 0.07008164263044617 0 0 -1 0
+224 1 0.0025 1500.0000000000005 0.04199609906905559 0.06920175268845591 0 0 0 0
+213 1 0.0035 1071.4285714285713 0.044871369757679726 0.07009743610057066 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.048344911845023604 0.06876264724469845 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.053427522689119225 0.06988001875916777 0 0 0 0
+226 1 0.0025 1500.0000000000005 0.055752735469421284 0.06916868440103231 0 0 0 0
+219 1 0.0035 1071.4285714285713 0.06083117832497006 0.07000658697212982 0 0 0 0
+211 1 0.0035 1071.4285714285713 0.06404357910631295 0.06863584492815715 0 0 0 0
+233 1 0.0025 1500.0000000000005 0.031321666999642325 0.07043875582694993 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.03387063596108638 0.07111060813915418 0 0 0 0
+240 1 0.0035 1071.4285714285713 0.04218544382828329 0.07226772240502771 0 0 0 0
+4 1 0.0025 1500.0000000000005 0.047620747189871776 0.07120464213795205 0 0 -1 0
+225 1 0.0035 1071.4285714285713 0.05057259078120716 0.07068970073050293 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.05528939894145668 0.07158198004557333 0 0 0 0
+3 1 0.0025 1500.0000000000005 0.0577651355083984 0.07056985475069884 0 0 -1 0
+229 1 0.0035 1071.4285714285713 0.06386311853126393 0.07226098305908876 0 0 0 0
+232 1 0.0035 1071.4285714285713 0.06699940485439854 0.07037656860533602 0 0 0 0
+231 1 0.0035 1071.4285714285713 0.0704670178803197 0.07107450905026702 0 0 0 0
+
+Velocities
+
+237 11.515844915600283 18.25922507603828 0 0 0 0
+7 5.388475132149346 -26.64322825996607 0 0 0 0
+6 -7.2570480255177365 47.70476520536367 0 0 0 0
+235 17.64291523153133 18.510313707651754 0 0 0 0
+11 -27.08985664338481 -3.8674120116350075 0 0 0 0
+5 -29.031917527258425 -2.4588912237968747 0 0 0 0
+239 -24.717496954941012 -27.39812583931355 0 0 0 0
+1 7.560437726849699 -2.7333762231210765 0 0 0 0
+19 16.101451595601915 -10.778903997648783 0 0 0 0
+236 -17.686041333656114 27.245937260551624 0 0 0 0
+238 21.309412931963177 -3.522808977350397 0 0 0 0
+9 41.11180479843851 23.383595156682127 0 0 0 0
+18 -12.793331407018806 24.560459332883774 0 0 0 0
+16 -39.94823818890789 -11.485656766909916 0 0 0 0
+15 16.498904000025156 0.16099764537601916 0 0 0 0
+10 -2.361846648325082 10.37694420916846 0 0 0 0
+12 0.8165990868867468 18.407705581580117 0 0 0 0
+21 15.324283409388709 -4.966071058835692 0 0 0 0
+8 -3.3608133027535225 -26.999404058859895 0 0 0 0
+30 -5.956976985040162 -22.890098463286343 0 0 0 0
+28 8.858287654469834 19.885282951953958 0 0 0 0
+17 -24.60903726256319 7.367342016434915 0 0 0 0
+13 -15.813986456594009 9.666076564999162 0 0 0 0
+14 -21.69499388793809 9.026853147460658 0 0 0 0
+24 -26.61062490906279 2.879775321988546 0 0 0 0
+32 1.1411685176735988 -35.49282572731574 0 0 0 0
+37 10.798994162122115 14.696948529107932 0 0 0 0
+25 -9.275909180177228 2.065527770406625 0 0 0 0
+31 -4.702847508193505 -1.9925105750096672 0 0 0 0
+35 1.3100814444140074 1.7921510629446022 0 0 0 0
+26 5.347774805386299 15.97545082606123 0 0 0 0
+22 8.244508246133488 2.78396071391629 0 0 0 0
+36 20.222697884559807 -11.116792708839798 0 0 0 0
+33 10.35088171951845 8.352582414398547 0 0 0 0
+23 14.039503134406372 -30.75782596529669 0 0 0 0
+42 -34.37916447215554 17.32373501594925 0 0 0 0
+61 -6.732802925585629 15.612950268650208 0 0 0 0
+46 1.555463949701061 -22.340683769348896 0 0 0 0
+20 -11.654298391016907 -5.41776858565016 0 0 0 0
+45 15.886646166415954 -23.833640659463114 0 0 0 0
+27 2.580334395787775 -25.28668867041431 0 0 0 0
+29 -40.82721959780158 -23.45145009376848 0 0 0 0
+40 -15.8633187941614 -7.4948500620012855 0 0 0 0
+54 0.3808705360068316 -13.173474450232195 0 0 0 0
+48 -8.265448195192254 -4.502748933232181 0 0 0 0
+38 2.7616202954567783 -2.127860764730397 0 0 0 0
+58 -5.280262372318527 -32.06374499768381 0 0 0 0
+66 23.167728831625475 15.363201088586989 0 0 0 0
+51 9.699128914319612 21.730516395489563 0 0 0 0
+34 -2.9279660777422643 -4.968495917261749 0 0 0 0
+41 0.7727099442139816 3.3866064681057004 0 0 0 0
+53 -10.532018185141764 -7.992722065579779 0 0 0 0
+44 -6.213910945780178 6.265494933317849 0 0 0 0
+43 10.572158098249824 15.773087906225676 0 0 0 0
+39 -49.40933702648815 20.07152424622393 0 0 0 0
+55 -18.350114454939458 -16.173946878316322 0 0 0 0
+47 8.460563029895107 -1.5312101706691335 0 0 0 0
+60 6.066417203156351 21.080676801043936 0 0 0 0
+49 18.269696508857802 -5.0509446748967015 0 0 0 0
+57 8.207518518682084 4.347601082424618 0 0 0 0
+71 12.734244350602799 -5.097656564106194 0 0 0 0
+64 -10.486129097079273 -16.056354397017934 0 0 0 0
+63 -4.482927079940606 -18.508125652912447 0 0 0 0
+76 -15.62923899438846 -5.503442314703637 0 0 0 0
+52 -36.08686459985839 1.5927077867171702 0 0 0 0
+56 -8.054057936252024 14.799662213567029 0 0 0 0
+67 1.5584297195933 -0.24800608460657195 0 0 0 0
+50 -11.654661766449765 2.837888125400684 0 0 0 0
+65 -10.537671963111887 -6.131850977317285 0 0 0 0
+68 -34.32683477166448 -28.963938460133576 0 0 0 0
+59 8.039383464466773 8.926036888435878 0 0 0 0
+74 -1.2465777886943101 -22.972871377600367 0 0 0 0
+70 -6.640748094627584 4.890513748242885 0 0 0 0
+72 14.549362412100542 -42.610494451268366 0 0 0 0
+81 18.585178010163155 -18.45958834284387 0 0 0 0
+88 -26.498156244219953 -17.69975869760905 0 0 0 0
+73 23.84033932215615 -17.530195178966895 0 0 0 0
+77 12.82096896593649 -3.945270929568186 0 0 0 0
+69 -3.5706107158931304 4.383807080322932 0 0 0 0
+84 -11.255456607415047 -13.988196524268556 0 0 0 0
+75 26.86501036856173 0.07609159838393961 0 0 0 0
+62 9.753749913124825 14.683583239991657 0 0 0 0
+83 -11.279716979510228 -22.480022165361028 0 0 0 0
+82 5.591433174215722 9.948573419611614 0 0 0 0
+78 -25.918735274459912 28.626204192858836 0 0 0 0
+80 -21.717320271970777 -12.629355530627647 0 0 0 0
+102 -4.01921704205841 20.29992496777305 0 0 0 0
+96 -3.893442926183775 -3.958854923018272 0 0 0 0
+97 -8.163660267556978 -11.563311845623383 0 0 0 0
+92 23.331839608413567 -13.351417064567887 0 0 0 0
+93 0.1665000944803629 22.409835544755182 0 0 0 0
+89 10.54045355366547 6.010416917118213 0 0 0 0
+94 32.4976549014818 -35.399434385423454 0 0 0 0
+86 16.832637600114833 18.324526373066206 0 0 0 0
+87 16.347160291497772 24.461154785297904 0 0 0 0
+85 -20.024077291797774 -5.193142200648272 0 0 0 0
+79 -5.562594730978349 3.186066725251405 0 0 0 0
+113 -41.42394822372866 -21.13039659470934 0 0 0 0
+124 25.79243482807805 -16.237120597852375 0 0 0 0
+119 9.836653440499052 23.42111669883502 0 0 0 0
+121 24.76771104642614 5.645405571157869 0 0 0 0
+90 21.9695088055386 12.933957666555195 0 0 0 0
+98 -14.966804196914731 -43.73602179258808 0 0 0 0
+91 28.573106505132113 -18.66553495184445 0 0 0 0
+105 -5.041508937557626 8.782617318736822 0 0 0 0
+100 4.659666874434773 -13.565631062554763 0 0 0 0
+95 3.727536391057212 0.42846373300950963 0 0 0 0
+107 1.653849868511052 1.453866856612311 0 0 0 0
+99 -24.28358303251437 20.948994350891795 0 0 0 0
+101 -8.799857907555076 1.3811157580258442 0 0 0 0
+134 25.428676009933962 28.12634676176038 0 0 0 0
+130 -4.332686785180126 -11.294254007417216 0 0 0 0
+131 -34.17022055028814 -9.044128802437713 0 0 0 0
+115 16.412474942894182 -25.222571718193564 0 0 0 0
+108 -6.316439910909393 -15.427643894503541 0 0 0 0
+112 7.162795214589412 -11.489845392994836 0 0 0 0
+106 -14.082329913267897 38.88771004453098 0 0 0 0
+111 12.36816314787951 20.026797500081987 0 0 0 0
+103 -26.82548207649519 -22.9711285854975 0 0 0 0
+122 7.487682851013109 -9.907706576037302 0 0 0 0
+114 9.310118147665177 22.058430390566212 0 0 0 0
+127 14.540999105243685 -68.41071987316504 0 0 0 0
+125 -5.353258599267446 10.722336295963096 0 0 0 0
+136 -5.981316630614169 15.476760151424541 0 0 0 0
+132 11.247512671858345 5.489943906131728 0 0 0 0
+104 11.480059223554528 3.668354950297382 0 0 0 0
+120 -12.883864123627077 -19.954275098856773 0 0 0 0
+117 21.060994994960275 5.042339028403304 0 0 0 0
+110 -7.5911712959995326 -26.222188595881562 0 0 0 0
+116 22.443461284575015 -20.091762756303403 0 0 0 0
+109 -26.54518026905273 5.263228383179648 0 0 0 0
+129 11.81946046683754 -39.00449208470531 0 0 0 0
+126 15.592475441183502 16.15952316019976 0 0 0 0
+140 -20.89222170412183 26.74835124536352 0 0 0 0
+144 -19.354522272079116 3.8394766297197367 0 0 0 0
+150 -16.53950120665005 2.714098296136147 0 0 0 0
+147 -1.1882006130366682 11.01220228257491 0 0 0 0
+118 1.835416175343962 -21.027627868936303 0 0 0 0
+128 -21.684497766282345 13.88925900650534 0 0 0 0
+123 -1.3236180017525812 7.005260647266737 0 0 0 0
+141 1.7838781145284786 32.17782784996025 0 0 0 0
+135 4.104659231323827 10.42942925020591 0 0 0 0
+137 -14.06742387953984 -27.454308068371173 0 0 0 0
+148 -14.805170506564766 37.603560161882776 0 0 0 0
+176 -8.000226652232065 -5.636573482375123 0 0 0 0
+159 -30.23921001558653 -12.405490622187742 0 0 0 0
+177 28.72623144555892 11.644561733353154 0 0 0 0
+156 0.07102359766338587 25.417514431223687 0 0 0 0
+138 17.894532435636144 -29.72759535134243 0 0 0 0
+133 1.463899887311474 5.446467889802439 0 0 0 0
+139 -24.421185234594198 -28.75390709466058 0 0 0 0
+142 -1.95811318592735 -40.19245170975607 0 0 0 0
+155 5.9060079089868065 -3.5418201764412496 0 0 0 0
+149 7.132799617870015 4.493150874433489 0 0 0 0
+152 15.650367881478514 -2.8979981416810623 0 0 0 0
+153 9.461087996911077 -24.57106460343628 0 0 0 0
+143 -7.016684486835781 -13.43117238676483 0 0 0 0
+178 13.40944018673144 -9.99200730721216 0 0 0 0
+164 -11.346152722249967 9.397697937208214 0 0 0 0
+146 6.878357859661477 -13.13050591068356 0 0 0 0
+157 6.17794017800089 14.053302014247654 0 0 0 0
+145 -7.346667515211586 5.38709838905979 0 0 0 0
+162 -26.374028411915745 1.1327017038899243 0 0 0 0
+160 -5.349996993757021 25.571352503129035 0 0 0 0
+168 -5.458736285298038 10.8966506290185 0 0 0 0
+158 -33.77667676476133 -0.315206539582596 0 0 0 0
+151 -0.07930334772606412 -9.64714938333805 0 0 0 0
+154 -1.9330118259589733 -23.335999292277783 0 0 0 0
+167 23.95801115211746 -28.845057423756895 0 0 0 0
+165 -23.833596105499396 -4.912091161547961 0 0 0 0
+180 28.27390004920979 -21.643564529197654 0 0 0 0
+182 10.950929288038884 39.19134952359293 0 0 0 0
+175 9.233837994405048 -11.470644651297746 0 0 0 0
+161 8.34872545163837 -22.632698606263002 0 0 0 0
+179 0.7499495193011791 12.09126100726672 0 0 0 0
+166 16.498418951868913 3.4027278104371343 0 0 0 0
+172 10.283503817801918 28.15761966404958 0 0 0 0
+169 -5.545778721936323 -2.732609101831571 0 0 0 0
+171 14.249835905730432 9.841554184304316 0 0 0 0
+174 -21.991977639942082 -7.635542770776074 0 0 0 0
+193 -16.15472231173428 -41.470782012450485 0 0 0 0
+187 20.842442057713246 8.485338911067949 0 0 0 0
+190 29.219319710485294 35.89867912479424 0 0 0 0
+191 -32.198565967538364 -4.0537473915800275 0 0 0 0
+163 12.940155433647297 19.929303270130994 0 0 0 0
+173 -17.738944900013244 -6.728290243349968 0 0 0 0
+185 23.730522579165257 -7.844213713924638 0 0 0 0
+201 39.14550723862725 9.9427420954928 0 0 0 0
+189 7.023525597986205 -25.816913847728113 0 0 0 0
+188 -10.346570107971045 30.4528689296938 0 0 0 0
+170 33.8626488169795 17.48319076882937 0 0 0 0
+192 -7.112200181310913 -18.328936596113557 0 0 0 0
+198 -7.159263386931673 -11.743277410706073 0 0 0 0
+209 9.31152563091918 -10.268043449721308 0 0 0 0
+196 -15.145317478923896 -3.2557320190658294 0 0 0 0
+204 -11.22259082943939 6.125234543409934 0 0 0 0
+195 26.03143822087394 7.005153299268171 0 0 0 0
+183 8.964617668101841 20.12266142993128 0 0 0 0
+181 -9.23280562786556 35.63110041620808 0 0 0 0
+186 -25.910150997403953 -12.3457396288157 0 0 0 0
+194 14.7846339897761 -11.348058839707324 0 0 0 0
+184 43.171494037012685 11.115909618737676 0 0 0 0
+200 -21.321480987560196 -11.349321235415314 0 0 0 0
+206 -6.993781642210005 -5.194516951016239 0 0 0 0
+205 -22.266235262663024 -1.5631899685689448 0 0 0 0
+203 26.52631137067859 13.544029409122631 0 0 0 0
+217 30.406088575165494 10.47517458585499 0 0 0 0
+214 3.8927415482047425 25.881992252365144 0 0 0 0
+222 -19.933121400355983 -5.575270181256208 0 0 0 0
+221 13.155069708610446 -6.6896051537873396 0 0 0 0
+218 16.052188946245877 4.159156496866285 0 0 0 0
+199 2.3803621575070477 3.945573377680273 0 0 0 0
+202 -12.004781724464129 16.576891678646458 0 0 0 0
+212 -6.22278660543656 -12.200778321854829 0 0 0 0
+207 -0.4778994539877635 -6.795340319312864 0 0 0 0
+208 -11.730326392954085 -5.172294593441425 0 0 0 0
+197 13.586789343069297 -10.270248472599167 0 0 0 0
+215 1.5542449442892636 19.58038556428921 0 0 0 0
+230 31.752719648092352 -14.3357075201101 0 0 0 0
+228 -5.805827921011248 18.047490712456558 0 0 0 0
+227 9.808962862081405 13.779624327894952 0 0 0 0
+223 16.856943996759163 22.5562126228671 0 0 0 0
+2 -34.5502223757798 1.2939248904237906 0 0 0 0
+224 37.923701001782874 34.084571908087746 0 0 0 0
+213 7.944122299836763 -0.22275148204464287 0 0 0 0
+210 -7.968821586072523 -8.530842317734063 0 0 0 0
+216 1.5733641955190392 4.416395098725451 0 0 0 0
+226 -7.55666220434402 -20.343528719501577 0 0 0 0
+219 -0.08038015371069428 -3.3241621568937787 0 0 0 0
+211 -17.891876172932545 7.432532768137522 0 0 0 0
+233 -33.99266435660586 -23.280051468650452 0 0 0 0
+234 -17.939049554986905 7.9072420704752595 0 0 0 0
+240 5.354007405717476 38.69475711495671 0 0 0 0
+4 0.8045795153023005 -29.582280767674664 0 0 0 0
+225 22.91201199536106 7.557933675848977 0 0 0 0
+220 -10.557208460908118 38.94712827398399 0 0 0 0
+3 -5.161576264971675 47.49608059718331 0 0 0 0
+229 -4.383742797860435 -2.5532239659980203 0 0 0 0
+232 11.469440673241538 -8.361620814051815 0 0 0 0
+231 9.806626364268014 -5.40073100594619 0 0 0 0
diff --git a/DATASET/P=50000Pa/box_sheared.data b/DATASET/P=50000Pa/box_sheared.data
new file mode 100644
index 0000000..85daccc
--- /dev/null
+++ b/DATASET/P=50000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2221752
+
+240 atoms
+6 atom types
+
+0.027452271346685233 0.07254772865331478 xlo xhi
+0.027452271346685233 0.07254772865331478 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.004509549270051955 0 0 xy xz yz
+
+Atoms # sphere
+
+237 1 0.0035 1071.4285714285713 0.028045442432708845 0.028309709762473097 0 1 1 0
+7 1 0.0025 1500.0000000000005 0.030959965642583524 0.02780614616933927 0 0 0 0
+6 1 0.0025 1500.0000000000005 0.03354008836112174 0.02859671141488471 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.0357907087981096 0.027811717218436262 0 0 1 0
+11 1 0.0035 1071.4285714285713 0.03876817606176573 0.02796962326206007 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.045713093485622205 0.028438854644976818 0 0 0 0
+1 1 0.0035 1071.4285714285713 0.05302661053452097 0.028327036354709605 0 0 0 0
+236 1 0.0035 1071.4285714285713 0.05977522328124228 0.028011283861177724 0 0 1 0
+238 1 0.0035 1071.4285714285713 0.06710369084661133 0.02886041339626485 0 0 1 0
+239 1 0.0035 1071.4285714285713 0.049694451482157925 0.029071139571175745 0 0 1 0
+9 1 0.0025 1500.0000000000005 0.07034944743093746 0.029159069855879023 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.05664118378067127 0.029206324206205992 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.062142956895139434 0.0300571657527587 0 0 0 0
+10 1 0.0025 1500.0000000000005 0.03701335218455603 0.03018473796493909 0 0 0 0
+13 1 0.0025 1500.0000000000005 0.06460590391472133 0.030203385902316134 0 0 0 0
+16 1 0.0025 1500.0000000000005 0.03147521560135804 0.030276799037667394 0 0 0 0
+12 1 0.0035 1071.4285714285713 0.041396845735977225 0.030496786731046176 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.028348334188038622 0.033333402154267035 0 1 0 0
+127 1 0.0025 1500.0000000000005 0.030387219184352474 0.0498636137197174 0 0 0 0
+176 1 0.0035 1071.4285714285713 0.030893156062723734 0.05683498407067358 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.030820990765697442 0.0597838292250083 0 1 0 0
+193 1 0.0025 1500.0000000000005 0.031067563572617495 0.06239126557329544 0 1 0 0
+217 1 0.0025 1500.0000000000005 0.03228371510762966 0.06658834063302059 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.03277617462599474 0.069858860883596 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.02921375112826496 0.03113222454078149 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.02979441926762992 0.035602232186928824 0 0 0 0
+66 1 0.0025 1500.0000000000005 0.030155583824775158 0.03804781560721983 0 1 0 0
+72 1 0.0025 1500.0000000000005 0.030453129445117272 0.041060890409753824 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.0316425669543277 0.052961330129119674 0 0 0 0
+113 1 0.0025 1500.0000000000005 0.03137452213216972 0.047637927858377616 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.031275565624007864 0.04445149455488459 0 0 0 0
+182 1 0.0025 1500.0000000000005 0.03308396443475753 0.06106154711142475 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.03368085105788033 0.06412357870084165 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.03338717742137101 0.0554963465416641 0 0 0 0
+15 1 0.0035 1071.4285714285713 0.03447101565434796 0.031514844018102325 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.044783824242755815 0.03165610313897502 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.04762622677068942 0.03095534035182286 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.05448842047729807 0.03167730156127681 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.059336896742081896 0.030871045065296924 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.06675916346863209 0.031771432384540166 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.06917382811499745 0.031220317318662042 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.0717480376108269 0.031307168180310846 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.03151625085570764 0.03326006523509691 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.03890809179763173 0.032703545359020085 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.04234680424775185 0.033908810107335166 0 0 0 0
+26 1 0.0035 1071.4285714285713 0.04819556710783651 0.03386364350517056 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.051170401026610635 0.03237988672817601 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.05771230105736805 0.03347816088031213 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.06168978337304737 0.032920099109253295 0 0 0 0
+23 1 0.0025 1500.0000000000005 0.06466517552127232 0.03294249106881663 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.07057373332153584 0.03397446487851017 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.03449392830114581 0.03447618351526306 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.0370241382756057 0.03480214866063562 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.03996640092556347 0.035585183346846766 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.04537963022680131 0.03461508813113131 0 0 0 0
+29 1 0.0025 1500.0000000000005 0.05132815505428262 0.035377704134181134 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.054371129369944496 0.03513800850356142 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.060186757235844546 0.03537284111010172 0 0 0 0
+48 1 0.0035 1071.4285714285713 0.0636360376075818 0.035931315698833 0 0 0 0
+38 1 0.0035 1071.4285714285713 0.06710478617284199 0.034846094477738065 0 0 0 0
+58 1 0.0025 1500.0000000000005 0.07258695389087867 0.036363938314333454 0 0 0 0
+51 1 0.0035 1071.4285714285713 0.03265296362821257 0.03664414456507121 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.03569779410791975 0.036788686155223904 0 0 0 0
+41 1 0.0025 1500.0000000000005 0.038158620379242524 0.037137788904816255 0 0 0 0
+53 1 0.0035 1071.4285714285713 0.04089438309265729 0.03853779663457573 0 0 0 0
+44 1 0.0035 1071.4285714285713 0.04393615059570325 0.037107336274205996 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.046947187659668516 0.036924542307853254 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.04940152647148373 0.036686145723233 0 0 0 0
+55 1 0.0025 1500.0000000000005 0.05162138197191345 0.03801307056530922 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.05461758256168962 0.03864601666785485 0 0 0 0
+47 1 0.0035 1071.4285714285713 0.05767754848632378 0.03698554864406629 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.06059256555442215 0.03789988383704073 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.06658046770683786 0.038256838588356365 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.06979947630823481 0.03726859833789851 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.0322993671821128 0.03954650079055356 0 0 0 0
+64 1 0.0025 1500.0000000000005 0.03469117281475513 0.038949773915361044 0 0 0 0
+63 1 0.0035 1071.4285714285713 0.03760697125054412 0.039992936341469124 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.043698823662275135 0.03996151259069636 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.046661180435703345 0.03984821831979632 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.04954173795335984 0.03927097162573489 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.05218428414236016 0.04095357138658646 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.057746737658755945 0.04050409519524211 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.060721114555029654 0.04051382339399114 0 0 0 0
+59 1 0.0035 1071.4285714285713 0.06338121721183469 0.03934087049672272 0 0 0 0
+74 1 0.0035 1071.4285714285713 0.06947583993458872 0.04068452458534005 0 0 0 0
+70 1 0.0035 1071.4285714285713 0.07274507265182194 0.03941553143418403 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.03281116971027571 0.04206788692506576 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.035135013822646506 0.041411950082917745 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.037128774591339536 0.04307433583900414 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.03954026914882834 0.042414073453040546 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.04175545208316858 0.041487543126726464 0 0 0 0
+84 1 0.0035 1071.4285714285713 0.045006125247993564 0.04272131729158751 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.04920576422602718 0.04177840288632709 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.055115888720914635 0.041709920332701884 0 0 0 0
+83 1 0.0025 1500.0000000000005 0.059968743537035116 0.04280183099697434 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.06289084984605778 0.042764087499785663 0 0 0 0
+78 1 0.0035 1071.4285714285713 0.06623036792109681 0.04164675635580002 0 0 0 0
+80 1 0.0035 1071.4285714285713 0.0731056207588157 0.04286232904533644 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.034779012603503405 0.043840290507937134 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.0391220842823725 0.04486610239127823 0 0 0 0
+92 1 0.0035 1071.4285714285713 0.04216226937213719 0.04459675862823595 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.04823510123203541 0.0444387943528148 0 0 0 0
+89 1 0.0035 1071.4285714285713 0.05170261134736394 0.044321263057694106 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.05465913968927484 0.045150523931712774 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.05727492442921201 0.04399556278938313 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.06550116387981617 0.0444359871269025 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.06802237803645836 0.04425068284642818 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.07035636582712684 0.04368944655971539 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.034190132498901786 0.04671131366438928 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.03678078855516372 0.045512737614595795 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.04058027832369442 0.04695831138979074 0 0 0 0
+90 1 0.0025 1500.0000000000005 0.04516194116084914 0.04567503370888155 0 0 0 0
+98 1 0.0025 1500.0000000000005 0.050282631970725564 0.04680672976340643 0 0 0 0
+91 1 0.0035 1071.4285714285713 0.053221417869074764 0.0476408203906312 0 0 0 0
+105 1 0.0035 1071.4285714285713 0.0568765914925451 0.047361650457216985 0 0 0 0
+100 1 0.0035 1071.4285714285713 0.06052376304880172 0.04577261407168956 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.06347145384029353 0.04572934690200331 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.06647498399687107 0.04732507116222563 0 0 0 0
+99 1 0.0035 1071.4285714285713 0.07005017640415595 0.04665108195892732 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.0736520679968067 0.04634779804603989 0 -1 0 0
+134 1 0.0025 1500.0000000000005 0.03617974937932526 0.049154859716474195 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.038326652260483346 0.04810043448308701 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.040854102820871575 0.04994441283413283 0 0 0 0
+115 1 0.0035 1071.4285714285713 0.04345305128385038 0.04793211758984272 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.04758100906222598 0.0477550938138094 0 0 0 0
+112 1 0.0035 1071.4285714285713 0.05056902723479104 0.049758904347651234 0 0 0 0
+106 1 0.0025 1500.0000000000005 0.05557535923341213 0.04991942002835275 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.06010457896474737 0.04914927213774365 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.06281566214901331 0.04805724218694023 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.06534803682984612 0.04997655766554405 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.06899901580005281 0.04998483367677438 0 0 0 0
+114 1 0.0035 1071.4285714285713 0.0723921005500652 0.04946067673171285 0 0 0 0
+125 1 0.0035 1071.4285714285713 0.03334812240348051 0.05007591521555331 0 0 0 0
+136 1 0.0035 1071.4285714285713 0.03808849103585715 0.0517212421641818 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.04412361177052348 0.05142500923500096 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.04757271301257839 0.051207899998786485 0 0 0 0
+120 1 0.0025 1500.0000000000005 0.05339423246050748 0.05085688303464557 0 0 0 0
+117 1 0.0035 1071.4285714285713 0.05806424228007098 0.05179437592598414 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.06117409769714777 0.0521337497302294 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.06290473901068093 0.05049847748174735 0 0 0 0
+137 1 0.0025 1500.0000000000005 0.06701145454863489 0.05197251180951923 0 0 0 0
+129 1 0.0025 1500.0000000000005 0.07128943905360331 0.052114191742031205 0 0 0 0
+126 1 0.0025 1500.0000000000005 0.07380654654327395 0.05216773137180196 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.03514198171218666 0.05326676034124293 0 0 0 0
+150 1 0.0035 1071.4285714285713 0.04140009969407373 0.05344048094322207 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.04431140738859535 0.054376220311661394 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.05028274373553389 0.05266817113891176 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.05277136808020651 0.05322779513618092 0 0 0 0
+123 1 0.0025 1500.0000000000005 0.05531128246631779 0.052640579789350564 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.05997732388305148 0.054213564507267914 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.06465550980629384 0.05244382657496995 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.06924759042298766 0.05342711472150857 0 0 0 0
+177 1 0.0025 1500.0000000000005 0.035895550051332395 0.056227361428570155 0 0 0 0
+156 1 0.0035 1071.4285714285713 0.038634980520365333 0.05531587989529503 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.04743613940713677 0.05465937593775022 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.051169854401635864 0.0556146342818931 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.05468235790349696 0.05503884706560797 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.05714133918681452 0.05457688509045293 0 0 0 0
+155 1 0.0025 1500.0000000000005 0.059375224709414434 0.056535444218866734 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.06299212385891136 0.054758270427568236 0 0 0 0
+152 1 0.0035 1071.4285714285713 0.06662078450211473 0.05489258127640313 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.06987632608320864 0.056437802761142374 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.07287121109563315 0.05486326018519068 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.03418766794457716 0.05846647171036003 0 0 0 0
+164 1 0.0035 1071.4285714285713 0.03780484634470735 0.05863948685741921 0 0 0 0
+146 1 0.0035 1071.4285714285713 0.04184463098409642 0.05712749640913251 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.04534612815663572 0.05720569299168331 0 0 0 0
+145 1 0.0035 1071.4285714285713 0.04879514027566055 0.05797300516356142 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.05181581021278263 0.05899854644632871 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.0536976764680174 0.05742413078669413 0 0 0 0
+168 1 0.0035 1071.4285714285713 0.05667693714211047 0.05749849219422502 0 0 0 0
+158 1 0.0025 1500.0000000000005 0.0594014687502539 0.05900865782678902 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.06210569120352734 0.05803974666967609 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.06495486970321074 0.057269006074762804 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.06745448728761325 0.05809637601331148 0 0 0 0
+165 1 0.0035 1071.4285714285713 0.07303870693336481 0.05844641934313683 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.04098314052288195 0.060486508539027595 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.04373286590392859 0.05961630020648852 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.04672874715584407 0.06052770334703356 0 0 0 0
+166 1 0.0025 1500.0000000000005 0.05487202797208924 0.05970832533102782 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.05730475091566524 0.06048083420002026 0 0 0 0
+169 1 0.0025 1500.0000000000005 0.062182278825668666 0.0610408059497619 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.0649922100773828 0.060247177609044814 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.07003018480062362 0.059867508020764945 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.0361246704607055 0.06151400200977511 0 0 0 0
+190 1 0.0025 1500.0000000000005 0.03918605141451861 0.06294355010479936 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.04436495851437576 0.06207770666828322 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.050183418745568975 0.06127420364880308 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.05322659544246847 0.061370717081805665 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.05564918899248873 0.06215585182295405 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.058032468210055754 0.06314523846513267 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.05970082150432639 0.061451516265041764 0 0 0 0
+188 1 0.0025 1500.0000000000005 0.06422637416662841 0.06299453385205378 0 0 0 0
+170 1 0.0025 1500.0000000000005 0.06778163454959915 0.06157816918935563 0 0 0 0
+192 1 0.0035 1071.4285714285713 0.07316122245805862 0.06189832776849134 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.037147760699446676 0.06485693112624032 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.042158214812564154 0.06387380207378265 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.04514498637126797 0.06454243246135033 0 0 0 0
+195 1 0.0035 1071.4285714285713 0.04803832552788996 0.06386336400791874 0 0 0 0
+183 1 0.0025 1500.0000000000005 0.05129672263353113 0.06421484717389926 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.053712703385151675 0.06384194987253461 0 0 0 0
+186 1 0.0025 1500.0000000000005 0.05616457082566602 0.06461418978734447 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.06153981545686002 0.06402639245681001 0 0 0 0
+184 1 0.0025 1500.0000000000005 0.06664198246336164 0.06363758788656648 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.06833144056668138 0.06558999523686694 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.07022155411248622 0.06353089577365806 0 0 0 0
+205 1 0.0025 1500.0000000000005 0.07315166120162747 0.0648580661299164 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.07562230745409235 0.06471982472978359 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.03518936660796371 0.06754696671414627 0 0 0 0
+222 1 0.0035 1071.4285714285713 0.040334239420750706 0.06665466475586508 0 0 0 0
+221 1 0.0035 1071.4285714285713 0.04387935692838414 0.06715285694129072 0 0 0 0
+218 1 0.0025 1500.0000000000005 0.04695096867044008 0.06659733750764733 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.05020028521828185 0.0668415851821699 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.0530301058592959 0.0661583305169905 0 0 0 0
+212 1 0.0035 1071.4285714285713 0.05579088540404291 0.06751622965609078 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.05899213399529232 0.0661352796542159 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.06233411211442215 0.06743389271200896 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.06542446378233271 0.06617101775662142 0 0 0 0
+215 1 0.0035 1071.4285714285713 0.07119304397082274 0.0669983025058631 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.07469081636747534 0.06767177328122606 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.03810664586889526 0.0685657455218409 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.04109970406637753 0.07012354388707011 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.04415076380527126 0.07016567090510606 0 0 -1 0
+224 1 0.0025 1500.0000000000005 0.046355343337855376 0.06918046050546997 0 0 0 0
+213 1 0.0035 1071.4285714285713 0.04925999569652981 0.07007764216533008 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.052731650708289335 0.06861703829916256 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.057789848026658486 0.06996756774138387 0 0 0 0
+226 1 0.0025 1500.0000000000005 0.06000993272086344 0.06904493811416126 0 0 0 0
+219 1 0.0035 1071.4285714285713 0.06508523765871621 0.06980086795132844 0 0 0 0
+211 1 0.0035 1071.4285714285713 0.06819808250545303 0.06854673229422285 0 0 0 0
+233 1 0.0025 1500.0000000000005 0.035906629237776835 0.07050234807640647 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.03836753917749382 0.07107322766776362 0 0 0 0
+240 1 0.0035 1071.4285714285713 0.046804501348841954 0.0723551281930813 0 0 0 0
+4 1 0.0025 1500.0000000000005 0.05206473245870109 0.07132742148544886 0 0 -1 0
+225 1 0.0035 1071.4285714285713 0.05497579187643681 0.07082845235612802 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.05991042435442237 0.07147561832897686 0 0 0 0
+3 1 0.0025 1500.0000000000005 0.06222493057547476 0.07076879845699546 0 0 -1 0
+229 1 0.0035 1071.4285714285713 0.06774556507441178 0.07237465524396831 0 0 0 0
+232 1 0.0035 1071.4285714285713 0.07125602716288726 0.07045397229728541 0 0 0 0
+231 1 0.0035 1071.4285714285713 0.07465027905857388 0.07128737156496275 0 0 0 0
+
+Velocities
+
+237 -4.158997501096965 8.805469152348174 0 0 0 0
+7 -0.5694779838375156 18.956240918427127 0 0 0 0
+6 18.58400048232744 17.798479808239424 0 0 0 0
+235 -5.656158141365078 11.486689068588651 0 0 0 0
+11 -33.16637809313301 -13.813193381262371 0 0 0 0
+5 4.3976905404121505 6.950770921975944 0 0 0 0
+1 -12.62978434922617 -6.559344787238963 0 0 0 0
+236 20.866871481270152 -4.83591581470908 0 0 0 0
+238 15.640335692049959 -10.7064707817633 0 0 0 0
+239 -20.65019274978719 -7.93380193542535 0 0 0 0
+9 5.026193978894535 -22.691806444949492 0 0 0 0
+19 3.0547429807108246 5.6580031907463795 0 0 0 0
+17 2.2105766473175956 -6.402477415759847 0 0 0 0
+10 -21.45341584200141 21.260664892849853 0 0 0 0
+13 -23.625097087536243 5.502245664829712 0 0 0 0
+16 11.728211166440316 6.058285680580739 0 0 0 0
+12 9.611015190515005 6.351680009090497 0 0 0 0
+37 -13.6710055123435 -20.73091599020359 0 0 0 0
+127 -7.330816583957477 8.946822079482379 0 0 0 0
+176 4.404602966692199 20.333574819460267 0 0 0 0
+180 -17.534641948290986 31.084011272407473 0 0 0 0
+193 29.583306863985193 10.009106890220467 0 0 0 0
+217 -17.12793852799109 -25.535910703375585 0 0 0 0
+228 22.245014808387296 9.215077120552241 0 0 0 0
+18 -11.322009884069077 3.0589909260040713 0 0 0 0
+61 48.28888466896957 -10.189654971039728 0 0 0 0
+66 20.071530301772608 74.54777465182224 0 0 0 0
+72 -12.132095530281289 -1.317731682972288 0 0 0 0
+140 -25.17286776589738 5.786154047557671 0 0 0 0
+113 -11.63995828905477 -4.251117237153334 0 0 0 0
+102 -33.36640226490587 4.408166975607953 0 0 0 0
+182 -9.072265786394539 7.503886922625121 0 0 0 0
+198 8.959745041068714 11.216521934095972 0 0 0 0
+159 -16.292288498151716 26.303798556339437 0 0 0 0
+15 -15.080482705599502 11.661115560106273 0 0 0 0
+21 6.62011077828051 -1.9314492291037557 0 0 0 0
+8 -15.816429257983192 -22.429484922971888 0 0 0 0
+30 -24.210371882919773 -9.947942041223278 0 0 0 0
+28 13.561137359797478 -2.6276906330596557 0 0 0 0
+14 -4.3405751226874045 12.20246813090554 0 0 0 0
+24 6.353208945241799 -8.193897427350029 0 0 0 0
+32 33.715659934305 38.59626406956571 0 0 0 0
+25 6.831750543163618 10.543074454306343 0 0 0 0
+31 -21.02893617793706 -8.939744743457007 0 0 0 0
+35 6.249631125521116 -4.003895709484319 0 0 0 0
+26 -15.73644322182469 -4.423552381254226 0 0 0 0
+22 15.513964381914512 -12.057557068732141 0 0 0 0
+36 9.274508256977398 0.9433725763180755 0 0 0 0
+33 2.1810005835828568 37.96414107402045 0 0 0 0
+23 -25.957667974348027 -2.793820053900783 0 0 0 0
+42 -16.26977327013579 34.968449840217055 0 0 0 0
+46 11.07880089747199 48.29063218107855 0 0 0 0
+20 -19.895077933446128 -25.57945678427394 0 0 0 0
+45 -2.2452991069497488 -16.670453939735832 0 0 0 0
+27 -2.910619585143542 -15.841379076666438 0 0 0 0
+29 4.644719989748689 -17.963208785525225 0 0 0 0
+40 18.759652654388717 12.873532497523973 0 0 0 0
+54 2.165811274541393 -25.749294968092524 0 0 0 0
+48 27.498475988150744 -3.9437227430174246 0 0 0 0
+38 -15.107882904012447 -23.74298081764949 0 0 0 0
+58 -1.3446141583874294 28.193851535380634 0 0 0 0
+51 -12.204010070031044 7.6636153498885315 0 0 0 0
+34 0.18833603929034545 3.3335085648791645 0 0 0 0
+41 -4.594818875952084 21.06520608072112 0 0 0 0
+53 0.19230418441672747 -10.416374573413576 0 0 0 0
+44 3.319416848916026 -10.789368789701665 0 0 0 0
+43 -23.831513210614002 -7.615231269617151 0 0 0 0
+39 7.12334852565178 -6.529463301668663 0 0 0 0
+55 33.82025884719213 36.16704297361897 0 0 0 0
+50 -7.2612272009106835 -5.787737126323886 0 0 0 0
+47 -9.04203062792172 16.638163891101325 0 0 0 0
+60 39.17623982332332 -13.906773885431855 0 0 0 0
+49 9.474291987124099 4.2136738654866805 0 0 0 0
+57 -12.556718449021927 -19.591975205513748 0 0 0 0
+71 -32.779472716010076 16.62897357842192 0 0 0 0
+64 6.308560139558385 32.539373896136276 0 0 0 0
+63 9.272168445194673 -16.210534456089913 0 0 0 0
+76 -23.163061150982678 -10.887808517509932 0 0 0 0
+52 20.37753978826036 -10.1736725656895 0 0 0 0
+56 12.024954395447894 26.207647667024894 0 0 0 0
+67 -11.13141535202964 20.543948533931232 0 0 0 0
+65 16.449239384112406 21.673422620404455 0 0 0 0
+68 -1.2227427675610156 -2.854781764651357 0 0 0 0
+59 -32.57985924873268 -6.646916616272326 0 0 0 0
+74 -1.704165037055809 -1.1780595454353622 0 0 0 0
+70 -7.5862549641496235 -7.33268899422037 0 0 0 0
+81 3.159672054267975 16.53313287158996 0 0 0 0
+88 4.3237617381308535 -24.375852605013836 0 0 0 0
+73 -21.346312171604943 -2.2627120048812617 0 0 0 0
+77 16.687006879949692 29.16520407506517 0 0 0 0
+69 30.011727830432704 1.5080028880341965 0 0 0 0
+84 -6.979762945985725 -11.794445366681002 0 0 0 0
+75 16.517493421335075 16.43417735379884 0 0 0 0
+62 -37.54247534320697 14.299396623484819 0 0 0 0
+83 -23.57756001328727 -3.21710627939953 0 0 0 0
+82 -34.30149281676719 -4.1475812404833325 0 0 0 0
+78 26.06944218761149 0.6865280443673699 0 0 0 0
+80 -17.184777896730505 -12.321172062131003 0 0 0 0
+96 1.2070760418920559 -4.274763551853764 0 0 0 0
+97 -13.565326904564174 28.830605746322263 0 0 0 0
+92 29.63197194995507 -25.08375249463254 0 0 0 0
+93 15.277915522025381 -11.893934257931498 0 0 0 0
+89 20.788052391693068 -20.28972514499284 0 0 0 0
+94 -1.744570494532957 10.2688294268596 0 0 0 0
+86 -12.977779352687078 3.0404233032932857 0 0 0 0
+87 -7.652286380139856 -5.642555445580854 0 0 0 0
+85 29.184195585313805 37.74893279840225 0 0 0 0
+79 7.786026073688149 -0.0070941629919878905 0 0 0 0
+124 5.8580722094149 -22.760318165621275 0 0 0 0
+119 -21.77865010216535 -34.94692935290972 0 0 0 0
+121 35.023601532406545 -6.073196478628378 0 0 0 0
+90 0.22970317569943172 -15.137765430732284 0 0 0 0
+98 18.646593897516023 -46.51009117092209 0 0 0 0
+91 19.781984730210777 -9.551923289018688 0 0 0 0
+105 -18.5469543539278 -7.856436224713009 0 0 0 0
+100 -27.724895966278545 19.136921355421627 0 0 0 0
+95 -12.414479248140578 -15.172076892135467 0 0 0 0
+107 -14.486526029797677 -1.242039059644076 0 0 0 0
+99 -6.252814883617024 -28.21808527091361 0 0 0 0
+101 20.733059991967256 31.696198025216354 0 0 0 0
+134 -29.2667032046245 3.3184321113321458 0 0 0 0
+130 -41.87625844261904 -5.119300026585968 0 0 0 0
+131 15.251633375474597 15.2127156056146 0 0 0 0
+115 -22.200278302120772 6.542707997402678 0 0 0 0
+108 2.122177506710766 -0.5270771509430774 0 0 0 0
+112 -17.549886490389216 20.738259206927623 0 0 0 0
+106 -23.539542901781722 26.930791522151605 0 0 0 0
+111 16.068135197788294 -2.599847977367605 0 0 0 0
+103 -18.402562804008582 28.895898759855392 0 0 0 0
+109 -1.528718311356275 -8.271756057659317 0 0 0 0
+122 15.405723571147215 15.51598746373356 0 0 0 0
+114 -14.593607310650457 -3.6606585754841072 0 0 0 0
+125 4.293370293345165 -20.25859291065481 0 0 0 0
+136 -4.202159170919571 2.330127089786487 0 0 0 0
+132 2.1951471109883243 -14.808059248007268 0 0 0 0
+104 -21.507910465826374 -0.17024699605201407 0 0 0 0
+120 44.28131670633077 28.84752402518504 0 0 0 0
+117 -1.6755501110081412 1.3428219323119999 0 0 0 0
+110 -15.856346639984409 -0.4701443846165354 0 0 0 0
+116 9.668203396467117 -3.1908371026809372 0 0 0 0
+137 3.9850301709612137 -8.617955717833825 0 0 0 0
+129 -28.082528781145047 -17.96741852965595 0 0 0 0
+126 -5.860336392396409 -28.485555727218106 0 0 0 0
+144 13.675727032877678 -16.14167916191003 0 0 0 0
+150 -0.6279788514489525 0.348602560063696 0 0 0 0
+147 15.122674695246234 -9.142002427395584 0 0 0 0
+118 -0.9387548643145578 23.1433835034204 0 0 0 0
+128 5.927312970847184 -0.6141763597569934 0 0 0 0
+123 1.4685901261746799 -13.791490047893163 0 0 0 0
+141 25.92129037891086 20.6895321039084 0 0 0 0
+135 12.853839679314484 13.617725052029598 0 0 0 0
+148 -21.173579614188743 -27.412785477650562 0 0 0 0
+177 -0.5708600829704404 -12.838340969929279 0 0 0 0
+156 -4.13816167986743 5.032842142823016 0 0 0 0
+138 7.83401911708429 -7.317249070752846 0 0 0 0
+133 8.489996224912849 16.767067795303625 0 0 0 0
+139 -1.467277803224403 -20.993070512913476 0 0 0 0
+142 9.526793374852149 12.616905934984814 0 0 0 0
+155 7.707961945783455 16.672281736148662 0 0 0 0
+149 17.694054873379216 2.6070311039459106 0 0 0 0
+152 -4.241031463992251 5.013509303598685 0 0 0 0
+153 3.3098063407380387 -5.397853695775277 0 0 0 0
+143 0.7559179083714521 -10.078978030907988 0 0 0 0
+178 9.601288317641037 16.751584235261053 0 0 0 0
+164 -1.842670826366059 -22.595282343269293 0 0 0 0
+146 -7.8004762857992604 -0.9984208220262771 0 0 0 0
+157 11.10673357129163 -9.290212983202098 0 0 0 0
+145 15.28217234160357 1.826662132694647 0 0 0 0
+162 5.929269145382036 -2.9132711761050363 0 0 0 0
+160 -12.052330148064271 13.885266605264295 0 0 0 0
+168 1.3297042020695942 4.1884556173829175 0 0 0 0
+158 29.087900100599295 -9.840916208028265 0 0 0 0
+151 -1.4378577056493427 -15.779993365705266 0 0 0 0
+154 -2.6041446334326572 -26.002924502432897 0 0 0 0
+167 42.00751794600507 13.275207196366024 0 0 0 0
+165 24.870211941284193 -6.511927259671481 0 0 0 0
+175 -6.238445077715945 30.376333675619936 0 0 0 0
+161 20.51793896625432 6.6760062638510185 0 0 0 0
+179 9.96623262158154 -2.160139040233363 0 0 0 0
+166 47.319343821631755 7.907927173164591 0 0 0 0
+172 8.112652098082275 13.844490588289762 0 0 0 0
+169 -31.95034857782788 -23.831275415550998 0 0 0 0
+171 -27.52170707064276 -12.640308362622338 0 0 0 0
+174 12.84575211945594 -2.3597304345073327 0 0 0 0
+187 5.868167801382475 -21.35294778590367 0 0 0 0
+190 -10.273467420876415 -6.197837044410789 0 0 0 0
+191 38.88984615275638 6.395536487310297 0 0 0 0
+163 6.647388574839975 -21.06006440155802 0 0 0 0
+173 -48.95936883149749 4.957618930565135 0 0 0 0
+185 10.191364158928003 6.631690778361762 0 0 0 0
+201 -1.0716543024531346 40.73925931193204 0 0 0 0
+189 -1.0983040495526168 27.46626719323839 0 0 0 0
+188 21.518378411352224 -22.25819501355947 0 0 0 0
+170 -14.700260050769034 23.303345733779203 0 0 0 0
+192 22.484964049040062 17.586967242547278 0 0 0 0
+209 -2.397657952947365 2.3301234848828747 0 0 0 0
+196 20.667265976126487 0.31806898394791483 0 0 0 0
+204 0.3168784893437573 -14.90622177082172 0 0 0 0
+195 -0.6777026622580701 21.96717949009707 0 0 0 0
+183 15.566083016811836 7.933740779353042 0 0 0 0
+181 29.44618271374432 -12.534201929593399 0 0 0 0
+186 -9.098335841035892 -14.593149494693872 0 0 0 0
+194 -14.317331218241005 -22.908904995111875 0 0 0 0
+184 28.11654269388374 9.267850586782407 0 0 0 0
+200 13.927401350753707 -10.184686925306858 0 0 0 0
+206 4.474415515410297 -0.2791246196663654 0 0 0 0
+205 -19.639189275431804 -21.112960313821265 0 0 0 0
+203 37.210535936599484 -15.177567169954262 0 0 0 0
+214 -38.90240950443007 -43.16865286470484 0 0 0 0
+222 8.387286552337352 1.4893384319875165 0 0 0 0
+221 6.005105660216829 -2.466480478150688 0 0 0 0
+218 -38.268454980990455 -28.005372920771343 0 0 0 0
+199 -27.166549677638404 3.27664304349392 0 0 0 0
+202 17.90330026625488 23.05712448602735 0 0 0 0
+212 24.492382040296203 -4.166702855034172 0 0 0 0
+207 -16.083902725795753 22.742514368638638 0 0 0 0
+208 1.4513467569266527 -6.010938459787803 0 0 0 0
+197 -11.214319845308076 -4.619492064524779 0 0 0 0
+215 18.553573857745807 -42.91899364706977 0 0 0 0
+230 25.449463666298414 11.926912441548497 0 0 0 0
+227 18.933110834066223 14.399459990576002 0 0 0 0
+223 -20.64985666428625 13.694676027284173 0 0 0 0
+2 -18.32234914647499 -20.54060435304453 0 0 0 0
+224 -10.05969168861781 29.820578467883227 0 0 0 0
+213 14.437879773664323 -8.074831581986624 0 0 0 0
+210 -9.017066560812443 -9.980642065915458 0 0 0 0
+216 5.862144445109519 -10.593423054409309 0 0 0 0
+226 -31.66449100302028 -38.593655657093315 0 0 0 0
+219 -6.980078830341806 34.35956310200594 0 0 0 0
+211 -4.850280052819251 -0.17242192988229119 0 0 0 0
+233 55.82609333310494 11.989859378797343 0 0 0 0
+234 -7.240748437711312 66.50367216609314 0 0 0 0
+240 9.96443148772582 7.278297269366169 0 0 0 0
+4 15.69624674464823 4.173446853765987 0 0 0 0
+225 -12.458955492480943 -20.295989731086056 0 0 0 0
+220 -21.360016824285267 -4.242909152562643 0 0 0 0
+3 1.0083352482910866 -39.6122212947359 0 0 0 0
+229 -19.99587919941803 6.270205558310707 0 0 0 0
+232 -30.490062909160095 -15.141467750230394 0 0 0 0
+231 5.654906553745744 -6.845419889305462 0 0 0 0
diff --git a/DATASET/P=50000Pa/confined.restart b/DATASET/P=50000Pa/confined.restart
new file mode 100644
index 0000000..34e8169
Binary files /dev/null and b/DATASET/P=50000Pa/confined.restart differ
diff --git a/DATASET/P=50000Pa/log.lammps b/DATASET/P=50000Pa/log.lammps
new file mode 100644
index 0000000..982aa51
--- /dev/null
+++ b/DATASET/P=50000Pa/log.lammps
@@ -0,0 +1,148 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.027452271 0.027452271 -0.00050000000) to (0.072547729 0.072547729 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.001 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 221752
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 222
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.027452271 0.027452271 -0.00050000000) to (0.072547729 0.072547729 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.50954573066296e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 222 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 221752
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 21 21 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.045095457 0 808.61584 0 221752
+ 2005000 240 0.045095457 0.00010168001 -2291.176 0.0022547729 221752
+ 2010000 240 0.045095457 0.00020336003 -5376.2848 0.0045095457 221752
+ 2015000 240 0.045095457 0.00030504004 -8437.2917 0.0067643186 221752
+ 2020000 240 0.045095457 0.00040672005 -11489.003 0.0090190915 221752
+ 2025000 240 0.045095457 0.00050840007 -14546.837 0.011273864 221752
+ 2030000 240 0.045095457 0.00061008008 -17599.851 0.013528637 221752
+ 2035000 240 0.045095457 0.00071176009 -20640.983 0.01578341 221752
+ 2040000 240 0.045095457 0.00081344011 -23682.567 0.018038183 221752
+ 2045000 240 0.045095457 0.00091512012 -26740.762 0.020292956 221752
+ 2050000 240 0.045095457 0.0010168001 -29820.37 0.022547729 221752
+ 2055000 240 0.045095457 0.0011184801 -32908.598 0.024802502 221752
+ 2060000 240 0.045095457 0.0012201602 -36015.266 0.027057274 221752
+ 2065000 240 0.045095457 0.0013218402 -39139.522 0.029312047 221752
+ 2070000 240 0.045095457 0.0014235202 -42283.648 0.03156682 221752
+ 2075000 240 0.045095457 0.0015252002 -45463.922 0.033821593 221752
+ 2080000 240 0.045095457 0.0016268802 -48680.06 0.036076366 221752
+ 2085000 240 0.045095457 0.0017285602 -51942.276 0.038331139 221752
+ 2090000 240 0.045095457 0.0018302402 -55254.961 0.040585912 221752
+ 2095000 240 0.045095457 0.0019319203 -58613.489 0.042840684 221752
+ 2100000 240 0.045095457 0.0020336003 -62016.85 0.045095457 221752
+ 2105000 240 0.045095457 0.0021352803 -65459.458 0.04735023 221752
+ 2110000 240 0.045095457 0.0022369603 -68940.298 0.049605003 221752
+ 2115000 240 0.045095457 0.0023386403 -72468.044 0.051859776 221752
+ 2120000 240 0.045095457 0.0024403203 -76043.569 0.054114549 221752
+ 2125000 240 0.045095457 0.0025420003 -79671.911 0.056369322 221752
+ 2130000 240 0.045095457 0.0026436804 -83356.66 0.058624094 221752
+ 2135000 240 0.045095457 0.0027453604 -87096.468 0.060878867 221752
+ 2140000 240 0.045095457 0.0028470404 -90889.223 0.06313364 221752
+ 2145000 240 0.045095457 0.0029487204 -94734.328 0.065388413 221752
+ 2150000 240 0.045095457 0.0030504004 -98630.039 0.067643186 221752
+ 2155000 240 0.045095457 0.0031520804 -102572.46 0.069897959 221752
+ 2160000 240 0.045095457 0.0032537604 -106559 0.072152732 221752
+ 2165000 240 0.045095457 0.0033554404 -110588.72 0.074407505 221752
+ 2170000 240 0.045095457 0.0034571205 -114660.83 0.076662277 221752
+ 2175000 240 0.045095457 0.0035588005 -118775.65 0.07891705 221752
+ 2180000 240 0.045095457 0.0036604805 -122929.76 0.081171823 221752
+ 2185000 240 0.045095457 0.0037621605 -127120.75 0.083426596 221752
+ 2190000 240 0.045095457 0.0038638405 -131346.48 0.085681369 221752
+ 2195000 240 0.045095457 0.0039655205 -135607.45 0.087936142 221752
+ 2200000 240 0.045095457 0.0040672005 -139912.08 0.090190915 221752
+ 2205000 240 0.045095457 0.0041688806 -144257.8 0.092445687 221752
+ 2210000 240 0.045095457 0.0042705606 -148639.69 0.09470046 221752
+ 2215000 240 0.045095457 0.0043722406 -153055.64 0.096955233 221752
+ 2220000 240 0.045095457 0.0044739206 -157504.86 0.099210006 221752
+ 2221752 240 0.045095457 0.0045095493 -159071.1 0.10000008 221752
+Loop time of 4.37527 on 1 procs for 221752 steps with 240 atoms
+
+99.6% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 3.1258 | 3.1258 | 3.1258 | 0.0 | 71.44
+Neigh | 0.000736 | 0.000736 | 0.000736 | 0.0 | 0.02
+Comm | 0.47658 | 0.47658 | 0.47658 | 0.0 | 10.89
+Output | 0.0053062 | 0.0053062 | 0.0053062 | 0.0 | 0.12
+Modify | 0.56184 | 0.56184 | 0.56184 | 0.0 | 12.84
+Other | | 0.205 | | | 4.69
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 107.000 ave 107 max 107 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 698.000 ave 698 max 698 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 698
+Ave neighs/atom = 2.9083333
+Neighbor list builds = 18
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:04
diff --git a/DATASET/P=60000Pa/1_generate_conf_60000Pa.in b/DATASET/P=60000Pa/1_generate_conf_60000Pa.in
new file mode 100644
index 0000000..560358c
--- /dev/null
+++ b/DATASET/P=60000Pa/1_generate_conf_60000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 60000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 900 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 734 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 485 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 407 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 231 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 749 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 655 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 171 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 541 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 36 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 525 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 160 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 839 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 699 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 243 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 86 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 796 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 578 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 682 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 557 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 574 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 953 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 646 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 796 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 28 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 620 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 556 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 340 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 798 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 958 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 331 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 640 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 506 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 348 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 473 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 231 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 190 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 225 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 385 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 377 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=60000Pa/2_shear.in b/DATASET/P=60000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=60000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=60000Pa/StrainStress.txt b/DATASET/P=60000Pa/StrainStress.txt
new file mode 100644
index 0000000..a894276
--- /dev/null
+++ b/DATASET/P=60000Pa/StrainStress.txt
@@ -0,0 +1,999 @@
+# Fix print output for fix output_file
+4.29352088051059e-05 1876.3834624181015442
+0.000143117362683583 1715.5546655423679567
+0.000243299516562215 1554.7682539469531093
+0.000343481670440692 1394.0201680490515628
+0.000443663824319325 1233.3116647464671587
+0.000543845978197802 1072.6583283498985111
+0.000644028132076434 912.08113492419329305
+0.000744210285954911 751.55580552815627016
+0.000844392439833543 591.05247246835199348
+0.00094457459371202 430.5174489392110786
+0.00104475674759065 269.96528908562612514
+0.00114493890146913 109.41735071985389993
+0.00124512105534776 -51.116712798160833131
+0.00134530320922624 -211.63004853024605723
+0.00144548536310487 -372.11704146800315129
+0.00154566751698335 -532.57272292694665339
+0.00164584967086183 -692.99247265156554931
+0.00174603182474046 -853.3886003969413423
+0.00184621397861893 -1013.8222277113071641
+0.00194639613249757 -1174.2663441531858552
+0.00204657828637604 -1334.6973349803079145
+0.00214676044025468 -1495.102660103262906
+0.00224694259413315 -1655.4718345540047721
+0.00234712474801179 -1815.7939488387780784
+0.00244730690189026 -1976.0533535784857122
+0.00254748905576889 -2136.2628288280025117
+0.00264767120964737 -2296.4445000666451051
+0.002747853363526 -2456.5748177140503685
+0.00284803551740448 -2616.6542256047505361
+0.00294821767128311 -2776.6710544503930578
+0.00304839982516159 -2936.6552258079564126
+0.00314858197904022 -3096.5998943454442269
+0.0032487641329187 -3256.4947721224252746
+0.00334894628679733 -3416.3167062662964781
+0.00344912844067581 -3576.0961161301506763
+0.00354931059455429 -3735.8401644950267837
+0.00364949274843292 -3895.5450972597004693
+0.0037496749023114 -4055.2070028640582677
+0.00384985705619003 -4214.8216672313810705
+0.0039500392100685 -4374.3842489623384608
+0.00405022136394714 -4533.8907285339328155
+0.00415040351782561 -4693.3354663912678006
+0.00425058567170425 -4852.7108344401021895
+0.00435076782558272 -5012.0084010051159567
+0.00445094997946135 -5171.2334154299287547
+0.00455113213333983 -5330.4097873416576476
+0.00465131428721846 -5489.5573561048031479
+0.00475149644109694 -5648.6694269687277483
+0.00485167859497557 -5807.7929204277370445
+0.00495186074885405 -5966.9160877685217201
+0.00505204290273268 -6126.0172706951661894
+0.00515222505661116 -6285.0850172818409192
+0.00525240721048979 -6444.1084056965437412
+0.00535258936436827 -6603.0684586846382444
+0.00545277151824675 -6761.9782677798575605
+0.00555295367212538 -6920.8427416918475501
+0.00565313582600386 -7079.6563633138739533
+0.00575331797988249 -7238.4133723496679522
+0.00585350013376097 -7397.1075540204501522
+0.0059536822876396 -7555.7319550950041958
+0.00605386444151807 -7714.2784402239121846
+0.00615404659539671 -7872.7368883683066088
+0.00625422874927518 -8031.0934265687810694
+0.00635441090315382 -8189.324815582978772
+0.00645459305703229 -8347.374580948277071
+0.00655477521091092 -8505.262395493553413
+0.0066549573647894 -8663.0615896161434648
+0.00675513951866803 -8820.7862250139969547
+0.00685532167254651 -8978.4756344637262373
+0.00695550382642514 -9136.1355142414231523
+0.00705568598030362 -9293.7636464097486169
+0.00715586813418225 -9451.3577701480662654
+0.00725605028806073 -9608.9155680110070534
+0.00735623244193921 -9766.4346489735125942
+0.00745641459581784 -9923.9125269304367976
+0.00755659674969632 -10081.346591230258127
+0.00765677890357495 -10238.734061682818719
+0.00775696105745343 -10396.071879243567309
+0.00785714321133206 -10553.379313527068007
+0.00795732536521053 -10710.66595408230387
+0.00805750751908917 -10867.912585051213682
+0.00815768967296764 -11025.109956384463658
+0.00825787182684628 -11182.249226118876322
+0.00835805398072475 -11339.346744958520503
+0.00845823613460338 -11496.42508193102185
+0.00855841828848186 -11653.444793060003576
+0.00865860044236049 -11810.455237003545335
+0.00875878259623897 -11967.446004924240697
+0.0088589647501176 -12124.403374979563523
+0.00895914690399608 -12281.317480715959391
+0.00905932905787456 -12438.241006341388129
+0.00915951121175319 -12595.20539495810408
+0.00925969336563167 -12752.181433043335346
+0.0093598755195103 -12909.157394283740359
+0.00946005767338878 -13066.126008051203826
+0.00956023982726741 -13223.081657457863912
+0.00966042198114589 -13380.019571505366912
+0.00976060413502452 -13536.935472602781374
+0.009860786288903 -13693.825387038012195
+0.00996096844278163 -13850.695707379538362
+0.0100611505966601 -14007.611862560988811
+0.0101613327505387 -14164.538717057343092
+0.0102615149044172 -14321.459399197070525
+0.0103616970582958 -14478.364199543821087
+0.0104618792121743 -14635.249020550745627
+0.010562061366053 -14792.12010761012607
+0.0106622435199314 -14948.964082349257296
+0.0107624256738101 -15105.772071789826441
+0.0108626078276885 -15262.539841919591709
+0.010962789981567 -15419.256370624498231
+0.0110629721354457 -15575.906103412058656
+0.0111631542893241 -15732.459356522462258
+0.0112633364432028 -15888.934194561819822
+0.0113635185970812 -16045.368796565644516
+0.0114637007509599 -16201.764257194645324
+0.0115638829048383 -16358.11602447426958
+0.011664065058717 -16514.419094224045693
+0.0117642472125955 -16670.667602858542523
+0.0118644293664741 -16826.853714815490093
+0.0119646115203526 -16982.960477743916272
+0.0120647936742312 -17138.984879879328219
+0.0121649758281097 -17295.007615919992531
+0.0122651579819883 -17451.053726670281321
+0.0123653401358668 -17607.147730063574272
+0.0124655222897454 -17763.275273111576098
+0.0125657044436239 -17919.40115269369926
+0.0126658865975025 -18075.506980749920331
+0.012766068751381 -18231.576428861524619
+0.0128662509052595 -18387.590834265032754
+0.0129664330591381 -18543.52002471198648
+0.0130666152130166 -18699.302943117549148
+0.0131667973668952 -18855.007913835008367
+0.0132669795207737 -19010.699626691435697
+0.0133671616746523 -19166.386816940994322
+0.0134673438285308 -19322.067514329726691
+0.0135675259824094 -19477.738050986430608
+0.0136677081362879 -19633.394710500113433
+0.0137678902901665 -19789.033348495318933
+0.013868072444045 -19944.650299093726062
+0.0139682545979237 -20100.242879925226589
+0.0140684367518021 -20255.806745537764073
+0.0141686189056808 -20411.35301055362288
+0.0142688010595592 -20566.903041773417499
+0.0143689832134379 -20722.425778923516191
+0.0144691653673164 -20877.88912387829987
+0.014569347521195 -21033.335597354820493
+0.0146695296750735 -21188.770518856472336
+0.0147697118289519 -21344.190050538607466
+0.0148698939828306 -21499.590636663553596
+0.014970076136709 -21654.968872493787785
+0.0150702582905877 -21810.321415849113691
+0.0151704404444662 -21965.644913377396733
+0.0152706225983448 -22120.935922815282538
+0.0153708047522233 -22276.190808415060019
+0.0154709869061019 -22431.405560595325369
+0.0155711690599804 -22586.57536487402831
+0.015671351213859 -22741.692238844774693
+0.0157715333677375 -22896.752888175436965
+0.0158717155216161 -23051.746363763875706
+0.0159718976754946 -23206.687448025255435
+0.0160720798293732 -23361.581360056199628
+0.0161722619832517 -23516.431017012302618
+0.0162724441371303 -23671.236475510140735
+0.0163726262910088 -23826.03263291899566
+0.0164728084448874 -23980.803327904573962
+0.0165729905987659 -24135.537795216216182
+0.0166731727526444 -24290.230050679405394
+0.016773354906523 -24444.875292713466479
+0.0168735370604015 -24599.468795722914365
+0.0169737192142801 -24754.00616490743414
+0.0170739013681586 -24908.521191637184529
+0.0171740835220372 -25063.008783349236182
+0.0172742656759157 -25217.450484740220418
+0.0173744478297944 -25371.836665114245989
+0.0174746299836728 -25526.161154489320325
+0.0175748121375515 -25680.414632787029404
+0.0176749942914299 -25834.586097020001034
+0.0177751764453086 -25988.660106635310513
+0.0178753585991871 -26142.652770016931754
+0.0179755407530657 -26296.58494610910202
+0.0180757229069442 -26450.460317976783699
+0.0181759050608228 -26604.274670517079358
+0.0182760872147013 -26758.013744432089879
+0.0183762693685798 -26911.659528686559497
+0.0184764515224584 -27065.173148322988709
+0.0185766336763369 -27218.606481790484395
+0.0186768158302155 -27371.955192209381494
+0.018776997984094 -27525.224590465135407
+0.0188771801379726 -27678.426090020788251
+0.0189773622918511 -27831.547486770632531
+0.0190775444457297 -27984.605348358738411
+0.0191777265996082 -28137.611642520198075
+0.0192779087534868 -28290.546313842442032
+0.0193780909073653 -28443.436535167074908
+0.0194782730612439 -28596.304554531045142
+0.0195784552151224 -28749.14463810572488
+0.019678637369001 -28901.95154315439504
+0.0197788195228795 -29054.720025104244996
+0.0198790016767581 -29207.452171491793706
+0.0199791838306366 -29360.169307788903097
+0.0200793659845153 -29512.841155272584729
+0.0201795481383937 -29665.46221336229064
+0.0202797302922722 -29818.050117134756874
+0.0203799124461508 -29970.59925902170653
+0.0204800946000293 -30123.104234244114195
+0.020580276753908 -30275.559378074252891
+0.0206804589077864 -30427.958792528068443
+0.0207806410616651 -30580.296098904611426
+0.0208808232155435 -30732.560572482456337
+0.0209810053694222 -30884.732530429275357
+0.0210811875233007 -31036.828791586591251
+0.0211813696771793 -31188.886913310987438
+0.0212815518310578 -31340.897653583186184
+0.0213817339849364 -31492.852366580722446
+0.0214819161388149 -31644.763899730558478
+0.0215820982926935 -31796.653714041109197
+0.021682280446572 -31948.497144289598509
+0.0217824626004506 -32100.328408572997432
+0.0218826447543291 -32252.181730584539764
+0.0219828269082077 -32404.009827605128521
+0.0220830090620862 -32555.791411939284444
+0.0221831912159647 -32707.509685055665614
+0.0222833733698433 -32859.147946115714149
+0.0223835555237218 -33010.685615846916335
+0.0224837376776004 -33162.117838039717753
+0.0225839198314789 -33313.40171839397226
+0.0226841019853575 -33464.582971659074246
+0.022784284139236 -33615.660715989637538
+0.0228844662931146 -33766.60354241351888
+0.0229846484469931 -33917.395417289393663
+0.0230848306008717 -34068.044818191228842
+0.0231850127547502 -34218.501663462018769
+0.0232851949086289 -34368.825744311623566
+0.0233853770625073 -34519.076339515064319
+0.023485559216386 -34669.259681993360573
+0.0235857413702644 -34819.400449736662267
+0.0236859235241431 -34969.490232182979526
+0.0237861056780215 -35119.514210851826647
+0.0238862878319 -35269.454174835511367
+0.0239864699857787 -35419.350787777773803
+0.0240866521396571 -35569.1988822774656
+0.0241868342935358 -35718.990537138815853
+0.0242870164474142 -35868.715786901622778
+0.0243871986012929 -36018.361996125269798
+0.0244873807551714 -36167.907642241225403
+0.02458756290905 -36317.34498823548347
+0.0246877450629285 -36466.705165530373051
+0.0247879272168071 -36616.007391173552605
+0.0248881093706856 -36765.262012238570605
+0.0249882915245642 -36914.45875862165849
+0.0250884736784427 -37063.603912053200474
+0.0251886558323213 -37212.693210024961445
+0.0252888379861998 -37361.748150816303678
+0.0253890201400784 -37510.769187211393728
+0.0254892022939569 -37659.767458192873164
+0.0255893844478355 -37808.70707590636448
+0.025689566601714 -37957.59088042438816
+0.0257897487555925 -38106.469510040114983
+0.0258899309094711 -38255.288516200824233
+0.0259901130633496 -38404.077393725114234
+0.0260902952172282 -38552.857480925791606
+0.0261904773711067 -38701.619836915277119
+0.0262906595249853 -38850.354766315416782
+0.0263908416788638 -38999.049470568555989
+0.0264910238327424 -39147.690263084237813
+0.0265912059866209 -39296.268984067275596
+0.0266913881404996 -39444.894410388878896
+0.026791570294378 -39593.540867412826628
+0.0268917524482567 -39742.205946706548275
+0.0269919346021351 -39890.868618519314623
+0.0270921167560138 -40039.508309497534356
+0.0271922989098922 -40188.087302962514514
+0.0272924810637709 -40336.661730368294229
+0.0273926632176494 -40485.219748433846689
+0.027492845371528 -40633.736713187456189
+0.0275930275254065 -40782.238373205247626
+0.0276932096792849 -40930.707592942664633
+0.0277933918331636 -41079.102555139317701
+0.0278935739870421 -41227.439258498525305
+0.0279937561409207 -41375.764801658246142
+0.0280939382947992 -41524.044562543116626
+0.0281941204486778 -41672.336723447529948
+0.0282943026025563 -41820.649573766866524
+0.0283944847564349 -41968.983894881261222
+0.0284946669103134 -42117.338656441766943
+0.028594849064192 -42265.701468957180623
+0.0286950312180705 -42414.060858585049573
+0.0287952133719491 -42562.397404215269489
+0.0288953955258276 -42710.715052468847716
+0.0289955776797062 -42858.990797514168662
+0.0290957598335847 -43007.2382742626869
+0.0291959419874633 -43155.457194225557032
+0.0292961241413418 -43303.607195517543005
+0.0293963062952205 -43451.74466307595867
+0.0294964884490989 -43599.861858324089553
+0.0295966706029774 -43748.003532160706527
+0.029696852756856 -43896.181695524704992
+0.0297970349107345 -44044.387788998610631
+0.0298972170646131 -44192.615814232311095
+0.0299973992184916 -44340.894404597689572
+0.0300975813723703 -44489.218052239579265
+0.0301977635262487 -44637.581938658564468
+0.0302979456801274 -44785.982231379872246
+0.0303981278340058 -44934.415081320701574
+0.0304983099878845 -45082.880763704772107
+0.030598492141763 -45231.385038208158221
+0.0306986742956416 -45379.909691775290412
+0.0307988564495201 -45528.454540985614585
+0.0308990386033987 -45677.023244148971571
+0.0309992207572772 -45825.603415859353845
+0.0310994029111558 -45974.210038553537743
+0.0311995850650343 -46122.84138996591355
+0.0312997672189129 -46271.492349390020536
+0.0313999493727914 -46420.15628930717503
+0.0315001315266699 -46568.822372465758235
+0.0316003136805485 -46717.464720649208175
+0.031700495834427 -46866.120762350285077
+0.0318006779883056 -47014.797543859829602
+0.0319008601421841 -47163.489630351199594
+0.0320010422960627 -47312.190943216752203
+0.0321012244499412 -47460.894546421615814
+0.0322014066038198 -47609.58222904127615
+0.0323015887576983 -47758.286132539942628
+0.0324017709115769 -47907.06905441062554
+0.0325019530654554 -48055.91349269222701
+0.032602135219334 -48204.802964067137509
+0.0327023173732125 -48353.7296153139323
+0.0328024995270912 -48502.689703008436481
+0.0329026816809696 -48651.657629257337248
+0.0330028638348483 -48800.606588748298236
+0.0331030459887267 -48949.599692012183368
+0.0332032281426052 -49098.641046255783294
+0.0333034102964838 -49247.726654598409368
+0.0334035924503623 -49396.852455088548595
+0.033503774604241 -49546.039197138888994
+0.0336039567581194 -49695.276353391280281
+0.0337041389119981 -49844.550646995085117
+0.0338043210658765 -49993.850104578887112
+0.0339045032197552 -50143.152596162370173
+0.0340046853736337 -50292.440399664701545
+0.0341048675275123 -50441.766052076287451
+0.0342050496813908 -50591.169908084106282
+0.0343052318352694 -50740.665366419845668
+0.0344054139891479 -50890.227551482261333
+0.0345055961430265 -51039.851000367132656
+0.034605778296905 -51189.529229108724394
+0.0347059604507836 -51339.261712189312675
+0.0348061426046621 -51489.043895501905354
+0.0349063247585407 -51638.871285578803509
+0.0350065069124192 -51788.739316340499499
+0.0351066890662978 -51938.643163211461797
+0.0352068712201763 -52088.577497363869043
+0.0353070533740548 -52238.536050056682143
+0.0354072355279334 -52388.510529558683629
+0.0355074176818119 -52538.484913270251127
+0.0356075998356905 -52688.445097940246342
+0.035707781989569 -52838.430227371609362
+0.0358079641434476 -52988.434485483405297
+0.0359081462973261 -53138.450443058907695
+0.0360083284512047 -53288.467477901569509
+0.0361085106050832 -53438.464087393906084
+0.0362086927589619 -53588.450969140300003
+0.0363088749128403 -53738.429673553873727
+0.036409057066719 -53888.382099853639374
+0.0365092392205974 -54038.309585251161479
+0.0366094213744761 -54188.224868366523879
+0.0367096035283546 -54338.157138711547304
+0.0368097856822332 -54488.107660879177274
+0.0369099678361117 -54638.076065713721619
+0.0370101499899901 -54788.072078454875736
+0.0371103321438688 -54938.127008442614169
+0.0372105142977473 -55088.227917122560029
+0.0373106964516259 -55238.402851131810166
+0.0374108786055044 -55388.671277160552563
+0.037511060759383 -55538.998256075741665
+0.0376112429132615 -55689.345174534108082
+0.0377114250671401 -55839.78148063444678
+0.0378116072210186 -55990.337722501746612
+0.0379117893748972 -56140.996186754164228
+0.0380119715287757 -56291.744294774114678
+0.0381121536826543 -56442.561529796061222
+0.0382123358365328 -56593.451388109737309
+0.0383125179904114 -56744.441867278590507
+0.0384127001442899 -56895.530955477282987
+0.0385128822981685 -57046.715836629831756
+0.038613064452047 -57197.993648370924348
+0.0387132466059256 -57349.363391148115625
+0.0388134287598041 -57500.864741588993638
+0.0389136109136826 -57652.477974931578501
+0.0390137930675612 -57804.182677161130414
+0.0391139752214397 -57955.976620954970713
+0.0392141573753183 -58107.87749451694981
+0.0393143395291968 -58259.885035357474408
+0.0394145216830755 -58411.996168269004556
+0.0395147038369539 -58564.20809652961907
+0.0396148859908326 -58716.518122676243365
+0.039715068144711 -58868.923491751796973
+0.0398152502985897 -59021.421167548811354
+0.0399154324524681 -59174.00731719606847
+0.0400156146063468 -59326.674758857960114
+0.0401157967602253 -59479.415935084332887
+0.0402159789141039 -59632.252026029505942
+0.0403161610679824 -59785.181873931833252
+0.040416343221861 -59938.204003938204551
+0.0405165253757395 -60091.316953972338524
+0.0406167075296181 -60244.550959349151526
+0.0407168896834966 -60397.903538099257275
+0.0408170718373751 -60551.361653121501149
+0.0409172539912537 -60704.920068072089634
+0.0410174361451322 -60858.575133137179364
+0.0411176182990108 -61012.323866957711289
+0.0412178004528893 -61166.169803170480009
+0.0413179826067679 -61320.13110027609946
+0.0414181647606464 -61474.193822269939119
+0.041518346914525 -61628.372584563876444
+0.0416185290684035 -61782.659852531243814
+0.0417187112222821 -61937.045519699815486
+0.0418188933761606 -62091.523591655197379
+0.0419190755300392 -62246.088665074188611
+0.0420192576839177 -62400.7354115274793
+0.0421194398377963 -62555.453304931623279
+0.0422196219916748 -62710.225976888345031
+0.0423198041455535 -62865.087495980937092
+0.0424199862994319 -63020.038022011918656
+0.0425201684533104 -63175.07517760443443
+0.042620350607189 -63330.196559544325282
+0.0427205327610675 -63485.399693836770894
+0.0428207149149462 -63640.685912977030966
+0.0429208970688246 -63796.080202802702843
+0.0430210792227033 -63951.566987034486374
+0.0431212613765817 -64107.137432843192073
+0.0432214435304604 -64262.784883871288912
+0.0433216256843389 -64418.505597948045761
+0.0434218078382175 -64574.289757190272212
+0.043521989992096 -64730.117094229448412
+0.0436221721459746 -64886.018167668538808
+0.0437223542998531 -65041.985530328995083
+0.0438225364537317 -65198.018842473262339
+0.0439227186076102 -65354.115121615897806
+0.0440229007614888 -65510.274314583904925
+0.0441230829153673 -65666.504229502170347
+0.0442232650692459 -65822.778792872122722
+0.0443234472231244 -65979.148974989875569
+0.044423629377003 -66135.623743437055964
+0.0445238115308815 -66292.200485934430617
+0.04462399368476 -66448.899982386472402
+0.0447241758386386 -66605.715051223320188
+0.0448243579925171 -66762.637681412335951
+0.0449245401463957 -66919.663749346334953
+0.0450247223002742 -67076.790110276546329
+0.0451249044541528 -67234.014047225296963
+0.0452250866080313 -67391.342830242167111
+0.0453252687619099 -67548.777626006252831
+0.0454254509157884 -67706.310425413714256
+0.0455256330696671 -67863.937160540735931
+0.0456258152235455 -68021.654367123293923
+0.0457259973774242 -68179.458659412164707
+0.0458261795313026 -68337.346416101368959
+0.0459263616851813 -68495.313333275844343
+0.0460265438390597 -68653.352936631214106
+0.0461267259929384 -68811.452304690872552
+0.0462269081468169 -68969.626584227124113
+0.0463270903006953 -69127.880310240681865
+0.046427272454574 -69286.211728313690401
+0.0465274546084524 -69444.61555166587641
+0.0466276367623311 -69603.08442526186991
+0.0467278189162096 -69761.605472695606295
+0.0468280010700882 -69920.144920845428715
+0.0469281832239667 -70078.756961006583879
+0.0470283653778453 -70237.453937353988294
+0.0471285475317238 -70396.227823105145944
+0.0472287296856024 -70555.077528151421575
+0.0473289118394809 -70714.003325456971652
+0.0474290939933595 -70873.025075567900785
+0.047529276147238 -71032.142481416769442
+0.0476294583011166 -71191.357531810936052
+0.0477296404549951 -71350.667326177921495
+0.0478298226088737 -71510.070061044418253
+0.0479300047627522 -71669.564212611468975
+0.0480301869166307 -71829.148328322291491
+0.0481303690705093 -71988.820966096041957
+0.0482305512243878 -72148.580664672335843
+0.0483307333782664 -72308.425923583796248
+0.0484309155321449 -72468.355186175729614
+0.0485310976860235 -72628.366822600684827
+0.048631279839902 -72788.462367426080164
+0.0487314619937806 -72948.681114012317266
+0.0488316441476591 -73109.027524123142939
+0.0489318263015378 -73269.534999487659661
+0.0490320084554162 -73430.168265074316878
+0.0491321906092949 -73590.913644502448733
+0.0492323727631733 -73751.762109573261114
+0.049332554917052 -73912.706065165533801
+0.0494327370709304 -74073.738122662194655
+0.0495329192248091 -74234.850125504744938
+0.0496331013786876 -74396.031577432106133
+0.0497332835325662 -74557.264088737836573
+0.0498334656864447 -74718.512134106713347
+0.0499336478403233 -74879.825510172333452
+0.0500338299942018 -75041.205901745925075
+0.0501340121480803 -75202.683657369983848
+0.0502341943019589 -75364.261175910607562
+0.0503343764558374 -75525.934391222079284
+0.050434558609716 -75687.696466866866103
+0.0505347407635945 -75849.529740047320956
+0.0506349229174731 -76011.435395490349038
+0.0507351050713516 -76173.440422173822299
+0.0508352872252302 -76335.530179860725184
+0.0509354693791087 -76497.722452092042658
+0.0510356515329873 -76660.022336521826219
+0.0511358336868658 -76822.419705783890095
+0.0512360158407444 -76984.916777111851843
+0.0513361979946229 -77147.533122715627542
+0.0514363801485015 -77310.268020868257736
+0.05153656230238 -77473.120765450890758
+0.0516367444562587 -77636.090664062663564
+0.0517369266101371 -77799.177036392211448
+0.0518371087640156 -77962.379212538609863
+0.0519372909178942 -78125.696531526584295
+0.0520374730717727 -78289.128339729664731
+0.0521376552256513 -78452.673989349394105
+0.0522378373795298 -78616.332836763074738
+0.0523380195334085 -78780.10424087321735
+0.0524382016872869 -78944.011194561549928
+0.0525383838411656 -79108.064385364108603
+0.052638565995044 -79272.248288245173171
+0.0527387481489227 -79436.558007649742649
+0.0528389303028012 -79600.990562910781591
+0.0529391124566798 -79765.543751584555139
+0.0530392946105583 -79930.215770243114093
+0.0531394767644369 -80095.005039252675488
+0.0532396589183154 -80259.910101474626572
+0.053339841072194 -80424.929548603002331
+0.0534400232260725 -80590.061949417475262
+0.0535402053799511 -80755.305751103791408
+0.0536403875338296 -80920.659085297986167
+0.0537405696877082 -81086.119176876294659
+0.0538407518415867 -81251.678262171000824
+0.0539409339954652 -81417.344045809310046
+0.0540411161493438 -81583.123329805661342
+0.0541412983032223 -81749.035824307182338
+0.0542414804571009 -81915.106049294219702
+0.0543416626109794 -82081.313245641053072
+0.054441844764858 -82247.651048828862258
+0.0545420269187365 -82414.115870465422631
+0.0546422090726151 -82580.705204681871692
+0.0547423912264936 -82747.417109494228498
+0.0548425733803722 -82914.249983381712809
+0.0549427555342507 -83081.202450105818571
+0.0550429376881294 -83248.273292332334677
+0.0551431198420078 -83415.461410050018458
+0.0552433019958865 -83582.765793087994098
+0.0553434841497649 -83750.185501851374283
+0.0554436663036436 -83917.719653487889445
+0.055543848457522 -84085.367411515719141
+0.0556440306114005 -84253.127977864889544
+0.0557442127652792 -84421.0005866336287
+0.0558443949191576 -84588.984499038400827
+0.0559445770730363 -84757.078999283723533
+0.0560447592269147 -84925.283391083969036
+0.0561449413807934 -85093.596994675754104
+0.0562451235346719 -85262.019144206497003
+0.0563453056885505 -85430.549185410840437
+0.056445487842429 -85599.186473419002141
+0.0565456699963076 -85767.930370754227624
+0.0566458521501861 -85936.780245287212892
+0.0567460343040647 -86105.735468278377084
+0.0568462164579432 -86274.795412222316372
+0.0569463986118218 -86443.959448617242742
+0.0570465807657003 -86613.226945323811378
+0.0571467629195789 -86782.597263644682243
+0.0572469450734574 -86952.069754569645738
+0.0573471272273359 -87121.643754256496322
+0.0574473093812145 -87291.318577830214053
+0.057547491535093 -87461.093511118015158
+0.0576476736889716 -87630.967815682277433
+0.0577478558428501 -87800.965609740509535
+0.0578480379967287 -87971.101686613663333
+0.0579482201506072 -88141.362886504648486
+0.0580484023044858 -88311.740308705324423
+0.0581485844583643 -88482.228692475095158
+0.058248766612243 -88652.822192358711618
+0.0583489487661214 -88823.512698214079137
+0.0584491309200001 -88994.314546325491392
+0.0585493130738785 -89165.227620322228177
+0.0586494952277572 -89336.250723404431483
+0.0587496773816356 -89507.382776308790199
+0.0588498595355143 -89678.622787484884611
+0.0589500416893928 -89849.969832324262825
+0.0590502238432714 -90021.423038085005828
+0.0591504059971499 -90192.98157242970774
+0.0592505881510285 -90364.644634455456981
+0.059350770304907 -90536.411447189500905
+0.0594509524587854 -90708.281251278007403
+0.0595511346126641 -90880.253299096031697
+0.0596513167665426 -91052.326849244127516
+0.0597514989204212 -91224.501160742845968
+0.0598516810742997 -91396.775486858648947
+0.0599518632281783 -91569.149067672915407
+0.0600520453820568 -91741.621120963813155
+0.0601522275359354 -91914.190829798855702
+0.0602524096898139 -92086.857325002303696
+0.0603525918436925 -92259.619657988048857
+0.060452773997571 -92432.477466609358089
+0.0605529561514496 -92605.432613604629296
+0.0606531383053281 -92778.481794870327576
+0.0607533204592067 -92951.621797083513229
+0.0608535026130852 -93124.84468974545598
+0.0609536847669638 -93298.152743395519792
+0.0610538669208423 -93471.560223578140722
+0.0611540490747208 -93645.066574267431861
+0.0612542312285994 -93818.671268922655145
+0.0613544133824779 -93992.391184870677534
+0.0614545955363565 -94166.222750048356829
+0.061554777690235 -94340.160498082375852
+0.0616549598441136 -94514.20216457801871
+0.0617551419979921 -94688.346244037733413
+0.0618553241518708 -94862.591571439887048
+0.0619555063057492 -95036.937170839984901
+0.0620556884596279 -95211.382184500253061
+0.0621558706135063 -95385.92583440587623
+0.062256052767385 -95560.567399180683424
+0.0623562349212635 -95735.306199208192993
+0.0624564170751421 -95910.141586377983913
+0.0625565992290206 -96085.072936848504469
+0.0626567813828992 -96260.099645473208511
+0.0627569635367777 -96435.223126303884783
+0.0628571456906563 -96610.45529182862083
+0.0629573278445348 -96785.789746862152242
+0.0630575099984134 -96961.223555819640751
+0.0631576921522919 -97136.755078658432467
+0.0632578743061704 -97312.383094456992694
+0.063358056460049 -97488.106583079264965
+0.0634582386139275 -97663.986049882048974
+0.0635584207678061 -97840.014231599052437
+0.0636586029216846 -98016.170295903124497
+0.0637587850755632 -98192.446683389469399
+0.0638589672294417 -98368.83873938434408
+0.0639591493833203 -98545.343089165398851
+0.0640593315371988 -98721.957053393954993
+0.0641595136910774 -98898.678372626833152
+0.0642596958449559 -99075.505261116690235
+0.0643598779988346 -99252.436079400722519
+0.064460060152713 -99429.488655671855668
+0.0645602423065917 -99606.674740944392397
+0.0646604244604701 -99783.978161794744665
+0.0647606066143488 -99961.392950722729438
+0.0648607887682272 -100138.91468005627394
+0.0649609709221057 -100316.54060589666187
+0.0650611530759844 -100494.3349262924894
+0.0651613352298628 -100672.27539481851272
+0.0652615173837415 -100850.36011359925033
+0.0653616995376199 -101028.58100289017602
+0.0654618816914986 -101206.93282638768142
+0.065562063845377 -101385.4116809428524
+0.0656622459992557 -101564.02075373912521
+0.0657624281531342 -101742.79126935674867
+0.0658626103070128 -101921.70437375860638
+0.0659627924608913 -102100.75155669619562
+0.0660629746147699 -102279.92790136858821
+0.0661631567686484 -102459.2297282119689
+0.066263338922527 -102638.65396894107107
+0.0663635210764055 -102818.19789309301996
+0.0664637032302841 -102997.85894899512641
+0.0665638853841626 -103177.63582009132369
+0.0666640675380411 -103357.52592629349965
+0.0667642496919197 -103537.52601972882985
+0.0668644318457982 -103717.63255308687803
+0.0669646139996768 -103897.84037986655312
+0.0670647961535553 -104078.1356302343047
+0.0671649783074339 -104258.53130968911864
+0.0672651604613124 -104439.03732362063602
+0.067365342615191 -104619.64727801075787
+0.0674655247690695 -104800.36659707428771
+0.0675657069229481 -104981.20011017457
+0.0676658890768266 -105162.14692203128652
+0.0677660712307053 -105343.20616629256983
+0.0678662533845837 -105524.37700180748652
+0.0679664355384624 -105705.66998232826882
+0.0680666176923408 -105887.0888272254233
+0.0681667998462195 -106068.62603940982081
+0.068266982000098 -106250.27891474671196
+0.0683671641539766 -106432.04562977659225
+0.0684673463078551 -106613.92473147760029
+0.0685675284617337 -106795.9149661756237
+0.0686677106156122 -106978.01520141868968
+0.0687678927694906 -107160.2243836701673
+0.0688680749233693 -107342.54151189877302
+0.0689682570772478 -107524.96561942953849
+0.0690684392311264 -107707.49575981537055
+0.0691686213850049 -107890.13099471639725
+0.0692688035388835 -108072.87038192826731
+0.069368985692762 -108255.71296244303812
+0.0694691678466406 -108438.65774448114098
+0.0695693500005191 -108621.70368204885744
+0.0696695321543977 -108804.84964292051154
+0.0697697143082762 -108988.094356019923
+0.0698698964621548 -109171.43631322107103
+0.0699700786160333 -109354.87354987346043
+0.0700702607699119 -109538.40295816810976
+0.0701704429237904 -109722.01559929845098
+0.070270625077669 -109905.7197164567624
+0.0703708072315475 -110089.52107870970212
+0.070470989385426 -110273.41901045043778
+0.0705711715393046 -110457.4189621724363
+0.0706713536931831 -110641.52038678283861
+0.0707715358470617 -110825.72272942672134
+0.0708717180009402 -111010.02541790364194
+0.0709719001548188 -111194.42783987312578
+0.0710720823086973 -111378.92925864856807
+0.0711722644625759 -111563.52849200142373
+0.0712724466164544 -111748.22634268428374
+0.0713726287703331 -111933.02265178928792
+0.0714728109242115 -112117.916929007406
+0.0715729930780902 -112302.90868316894921
+0.0716731752319686 -112487.99742149436497
+0.0717733573858473 -112673.18264851192362
+0.0718735395397258 -112858.46386509132572
+0.0719737216936044 -113043.84056714328472
+0.0720739038474829 -113229.31224429704889
+0.0721740860013613 -113414.87837821211724
+0.07227426815524 -113600.53844063318684
+0.0723744503091185 -113786.29189106360718
+0.0724746324629971 -113972.13817389433098
+0.0725748146168756 -114158.07671482226579
+0.0726749967707542 -114344.10691621850128
+0.0727751789246327 -114530.22815119916049
+0.0728753610785113 -114716.44153673834808
+0.0729755432323898 -114902.74898056252277
+0.0730757253862684 -115089.14774042626959
+0.0731759075401469 -115275.63637556538743
+0.0732760896940255 -115462.21359181504522
+0.073376271847904 -115648.87812863491126
+0.0734764540017826 -115835.63062737265136
+0.0735766361556611 -116022.4676905022352
+0.0736768183095397 -116209.38255442715308
+0.0737770004634182 -116396.38093078191741
+0.0738771826172969 -116583.46401488443371
+0.0739773647711753 -116770.62574559636414
+0.074077546925054 -116957.86077520773688
+0.0741777290789324 -117145.1901800394262
+0.0742779112328109 -117332.61371017723286
+0.0743780933866895 -117520.13099086617876
+0.074478275540568 -117707.74165556892694
+0.0745784576944467 -117895.44534407742321
+0.0746786398483251 -118083.2462362498627
+0.0747788220022038 -118271.15795527484443
+0.0748790041560822 -118459.17213774465199
+0.0749791863099609 -118647.28578850724443
+0.0750793684638393 -118835.497267454135
+0.075179550617718 -119023.80540121415106
+0.0752797327715965 -119212.20922385866288
+0.0753799149254751 -119400.70779693330405
+0.0754800970793536 -119589.30011145245226
+0.0755802792332322 -119777.98654265854566
+0.0756804613871107 -119966.76662328578823
+0.0757806435409893 -120155.63985431179754
+0.0758808256948678 -120344.60576456213312
+0.0759810078487463 -120533.66390507339383
+0.0760811900026249 -120722.81384495334351
+0.0761813721565034 -120912.05516819226614
+0.076281554310382 -121101.38747118657921
+0.0763817364642605 -121290.81036072674033
+0.0764819186181391 -121480.32345239425194
+0.0765821007720176 -121669.92636910930742
+0.0766822829258962 -121859.61874001566321
+0.0767824650797747 -122049.40019932767609
+0.0768826472336533 -122239.27038544102106
+0.0769828293875318 -122429.22893991912133
+0.0770830115414105 -122619.27550659685221
+0.0771831936952889 -122809.40973054725328
+0.0772833758491676 -122999.63125703526021
+0.077383558003046 -123189.93973008285684
+0.0774837401569247 -123380.33479078394885
+0.0775839223108031 -123570.81607475539204
+0.0776841044646818 -123761.38338856032351
+0.0777842866185603 -123952.04762626193406
+0.0778844687724389 -124142.80534649365291
+0.0779846509263174 -124333.65329935496266
+0.0780848330801958 -124524.58948694789433
+0.0781850152340745 -124715.61355960625224
+0.0782851973879529 -124906.72551166135236
+0.0783853795418316 -125097.92468086756708
+0.0784855616957101 -125289.21046568911697
+0.0785857438495887 -125480.5822992859903
+0.0786859260034672 -125672.07972379033163
+0.0787861081573458 -125863.71634450183774
+0.0788862903112243 -126055.4688840660674
+0.0789864724651029 -126247.33014146283676
+0.0790866546189814 -126439.29570140682335
+0.07918683677286 -126631.36159289503121
+0.0792870189267385 -126823.52542271059065
+0.0793872010806171 -127015.78895640019618
+0.0794873832344956 -127208.15074771398213
+0.0795875653883742 -127400.60953636514023
+0.0796877475422527 -127593.16419612056052
+0.0797879296961312 -127785.81369928971981
+0.0798881118500098 -127978.55709059075161
+0.0799882940038883 -128171.39346668416692
+0.0800884761577669 -128364.32195847634284
+0.0801886583116454 -128557.34171417403559
+0.080288840465524 -128750.4518805633852
+0.0803890226194025 -128943.65157891587296
+0.0804892047732811 -129136.93986824410968
+0.0805893869271596 -129330.31567842388176
+0.0806895690810383 -129523.77765698188159
+0.0807897512349167 -129717.3236496346799
+0.0808899333887954 -129910.9476865157194
+0.0809901155426738 -130104.65753045491874
+0.0810902976965525 -130298.45690262745484
+0.081190479850431 -130492.34535599363153
+0.0812906620043096 -130686.32245222121128
+0.0813908441581881 -130880.38775994542812
+0.0814910263120665 -131074.54085290283547
+0.0815912084659452 -131268.7813077676692
+0.0816913906198237 -131463.10870152502321
+0.0817915727737023 -131657.52260787159321
+0.0818917549275808 -131852.02292870811652
+0.0819919370814594 -132046.62127106112894
+0.0820921192353379 -132241.31350457185181
+0.0821923013892165 -132436.09628240668098
+0.082292483543095 -132630.96774072092376
+0.0823926656969736 -132825.92545831168536
+0.0824928478508521 -133020.97915602545254
+0.0825930300047307 -133216.15587040502578
+0.0826932121586092 -133411.46326640513144
+0.0827933943124878 -133606.88669139292324
+0.0828935764663663 -133802.41905875198427
+0.0829937586202449 -133998.05657140145195
+0.0830939407741234 -134193.79662559728604
+0.083194122928002 -134389.63723848591326
+0.0832943050818805 -134585.57682190826745
+0.0833944872357592 -134781.6140529018594
+0.0834946693896376 -134977.74773168418324
+0.0835948515435161 -135173.97680467317696
+0.0836950336973947 -135370.3003210198367
+0.0837952158512732 -135566.71740843102452
+0.0838953980051518 -135763.22725618124241
+0.0839955801590303 -135959.8291021110781
+0.084095762312909 -136156.52222206044826
+0.0841959444667874 -136353.30592061232892
+0.0842961266206661 -136550.17952219885774
+0.0843963087745445 -136747.14236135283136
+0.0844964909284232 -136944.19377002012334
+0.0845966730823016 -137141.33305752673186
+0.0846968552361803 -137338.55947038470185
+0.0847970373900588 -137535.8720789992658
+0.0848972195439374 -137733.26892819837667
+0.0849974016978159 -137930.7502919411927
+0.0850975838516945 -138128.31852559966501
+0.085197766005573 -138325.9757421000686
+0.0852979481594515 -138523.72646573401289
+0.0853981303133301 -138721.56693229175289
+0.0854983124672086 -138919.4957103044726
+0.0855984946210872 -139117.51186784822494
+0.0856986767749657 -139315.61465884817881
+0.0857988589288443 -139513.80343060099403
+0.0858990410827228 -139712.07758326240582
+0.0859992232366014 -139910.4365475695522
+0.0860994053904799 -140108.87976969295414
+0.0861995875443585 -140307.40669834226719
+0.086299769698237 -140506.0167702959734
+0.0863999518521156 -140704.70938912447309
+0.0865001340059941 -140903.48388302981039
+0.0866003161598728 -141102.33938297527493
+0.0867004983137512 -141301.27392386924475
+0.0868006804676299 -141500.28843878064072
+0.0869008626215083 -141699.3845863052702
+0.087001044775387 -141898.5618559991708
+0.0871012269292654 -142097.81966809989535
+0.0872014090831441 -142297.15729204795207
+0.0873015912370226 -142496.57351716014091
+0.087401773390901 -142696.0658753545431
+0.0875019555447797 -142895.63870944123482
+0.0876021376986581 -143095.29242404396064
+0.0877023198525368 -143295.02670876221964
+0.0878025020064152 -143494.84125562259578
+0.0879026841602939 -143694.73575874106609
+0.0880028663141724 -143894.70991390600102
+0.088103048468051 -144094.76341820668313
+0.0882032306219295 -144294.89596955952584
+0.0883034127758081 -144495.10828571722959
+0.0884035949296866 -144695.45048871688778
+0.0885037770835652 -144895.90810365622747
+0.0886039592374437 -145096.46879985815031
+0.0887041413913222 -145297.12756437101052
+0.0888043235452008 -145497.88131935431738
+0.0889045056990794 -145698.72786631123745
+0.0890046878529579 -145899.66549441005918
+0.0891048700068364 -146100.69279473539791
+0.089205052160715 -146301.80855804582825
+0.0893052343145936 -146503.01171207914012
+0.0894054164684721 -146704.30127923816326
+0.0895055986223506 -146905.67634497454856
+0.0896057807762292 -147107.13603074161801
+0.0897059629301077 -147308.67946650017984
+0.0898061450839863 -147510.30575578720891
+0.0899063272378648 -147712.0157534176542
+0.0900065093917435 -147913.81109434936661
+0.0901066915456219 -148115.68793061608449
+0.0902068736995006 -148317.64080937980907
+0.090307055853379 -148519.67505218143924
+0.0904072380072577 -148721.79379130312009
+0.0905074201611362 -148923.99647046675091
+0.0906076023150148 -149126.28258200496202
+0.0907077844688933 -149328.65165350979078
+0.0908079666227717 -149531.10323989845347
+0.0909081487766504 -149733.63817259669304
+0.091008330930529 -149936.25902146563749
+0.0911085130844075 -150138.96353950645425
+0.091208695238286 -150341.75077241114923
+0.0913088773921646 -150544.6200690328551
+0.0914090595460431 -150747.57089454800007
+0.0915092416999217 -150950.60277664114255
+0.0916094238538002 -151153.71528280363418
+0.0917096060076788 -151356.90800843946636
+0.0918097881615573 -151560.18056997953681
+0.0919099703154359 -151763.532600392733
+0.0920101524693144 -151966.96374615863897
+0.092110334623193 -152170.47366504053934
+0.0922105167770715 -152374.06202440228662
+0.0923106989309501 -152577.72849989047972
+0.0924108810848286 -152781.47277434612624
+0.0925110632387072 -152985.29453691150411
+0.0926112453925857 -153189.21910133166239
+0.0927114275464643 -153393.26327076845337
+0.0928116097003428 -153597.40823013833142
+0.0929117918542213 -153801.64845224126475
+0.0930119740080999 -154005.98082402235013
+0.0931121561619784 -154210.40321115314146
+0.093212338315857 -154414.94695246478659
+0.0933125204697355 -154619.61630122878705
+0.0934127026236141 -154824.39460539037827
+0.0935128847774926 -155029.27622230447014
+0.0936130669313713 -155234.25763086078223
+0.0937132490852497 -155439.33611200755695
+0.0938134312391284 -155644.50949319332722
+0.0939136133930068 -155849.7771769441606
+0.0940137955468855 -156055.13782437497866
+0.094113977700764 -156260.59025993238902
+0.0942141598546426 -156466.13343931149575
+0.0943143420085211 -156671.76642129389802
+0.0944145241623997 -156877.48834746694774
+0.0945147063162782 -157083.29842748556985
+0.0946148884701567 -157289.19592771935277
+0.0947150706240353 -157495.18016263222671
+0.0948152527779139 -157701.25048783895909
+0.0949154349317924 -157907.40629459181218
+0.0950156170856709 -158113.64700528007234
+0.0951157992395495 -158319.97206971488777
+0.095215981393428 -158526.38096203585155
+0.0953161635473066 -158732.87317808519583
+0.0954163457011851 -158939.44823321330477
+0.0955165278550637 -159146.1056603519537
+0.0956167100089422 -159352.8450083998905
+0.0957168921628208 -159559.66584074075217
+0.0958170743166993 -159766.56773408691515
+0.0959172564705779 -159973.5502773031767
+0.0960174386244564 -160180.61307047095033
+0.0961176207783351 -160387.75572399614612
+0.0962178029322135 -160594.97785790241323
+0.096317985086092 -160802.27910108555807
+0.0964181672399706 -161009.6590907194186
+0.0965183493938493 -161217.11747166563873
+0.0966185315477277 -161424.65389602069627
+0.0967187137016062 -161632.26802257931558
+0.0968188958554849 -161839.95951649080962
+0.0969190780093633 -162047.72804879318574
+0.097019260163242 -162255.57329612458125
+0.0971194423171204 -162463.49494032858638
+0.0972196244709991 -162671.49266820549383
+0.0973198066248775 -162879.56617121890304
+0.0974199887787562 -163087.71514520081109
+0.0975201709326347 -163295.93929010635475
+0.0976203530865133 -163504.23830981118954
+0.0977205352403918 -163712.61191188168596
+0.0978207173942704 -163921.05980736287893
+0.0979208995481489 -164129.58171055422281
+0.0980210817020275 -164338.17733885283815
+0.098121263855906 -164546.87007956017624
+0.0982214460097846 -164755.67451123980572
+0.0983216281636631 -164964.57372352472157
+0.0984218103175416 -165173.56273965994478
+0.0985219924714202 -165382.64971809444251
+0.0986221746252987 -165591.87919665194931
+0.0987223567791773 -165801.22556428264943
+0.0988225389330558 -166010.67897853127215
+0.0989227210869344 -166220.23431429473567
+0.0990229032408129 -166429.888158907037
+0.0991230853946915 -166639.63796431059018
+0.09922326754857 -166849.48170068970649
+0.0993234497024486 -167059.41768103992217
+0.0994236318563271 -167269.44446020422038
+0.0995238140102058 -167479.56077186067705
+0.0996239961640842 -167689.76548632179038
+0.0997241783179629 -167900.07102391804801
+0.0998243604718413 -168110.51887698739301
+0.09992454262572 -168321.08403069619089
diff --git a/DATASET/P=60000Pa/box_confined.data b/DATASET/P=60000Pa/box_confined.data
new file mode 100644
index 0000000..baca3f2
--- /dev/null
+++ b/DATASET/P=60000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2344736
+
+240 atoms
+6 atom types
+
+0.027637912080680702 0.07236208791931928 xlo xhi
+0.027637912080680702 0.07236208791931928 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+237 1 0.0025 1500.0000000000005 0.028397183958470056 0.02880068822936621 0 0 1 0
+232 1 0.0035 1071.4285714285713 0.031181240127303007 0.027653641523855268 0 0 1 0
+1 1 0.0035 1071.4285714285713 0.03936465972114614 0.02875305898257285 0 0 0 0
+12 1 0.0025 1500.0000000000005 0.04232721675514705 0.028122207539726874 0 0 0 0
+9 1 0.0035 1071.4285714285713 0.045120381486817344 0.029421622868705002 0 0 0 0
+15 1 0.0035 1071.4285714285713 0.04871671368564565 0.030071224511763372 0 0 0 0
+4 1 0.0025 1500.0000000000005 0.05097057515657174 0.02806109832633305 0 0 0 0
+10 1 0.0025 1500.0000000000005 0.05327894740683904 0.029252402186100816 0 0 0 0
+239 1 0.0035 1071.4285714285713 0.05622466169668171 0.02845505908553043 0 0 1 0
+26 1 0.0025 1500.0000000000005 0.059345899901499244 0.02966174410088526 0 0 0 0
+18 1 0.0035 1071.4285714285713 0.06178626953658511 0.027905307025777606 0 0 0 0
+14 1 0.0035 1071.4285714285713 0.06463779177200074 0.02986240474758427 0 0 0 0
+23 1 0.0035 1071.4285714285713 0.06809620827665369 0.029744486649182705 0 0 0 0
+224 1 0.0025 1500.0000000000005 0.0707025622385321 0.02819616693805756 0 0 1 0
+240 1 0.0025 1500.0000000000005 0.03040343891581757 0.03046490370221722 0 0 1 0
+11 1 0.0035 1071.4285714285713 0.033567583571064395 0.030171426482857557 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.03666936560265249 0.029925233287646468 0 0 0 0
+17 1 0.0035 1071.4285714285713 0.038622059090415245 0.032164455280900166 0 0 0 0
+13 1 0.0035 1071.4285714285713 0.04193355348697716 0.03106794899965302 0 0 0 0
+6 1 0.0025 1500.0000000000005 0.051538342235613 0.031021383515512493 0 0 0 0
+21 1 0.0025 1500.0000000000005 0.05486041029697442 0.03111742101806888 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.05733727268038176 0.031176759197914496 0 0 0 0
+30 1 0.0025 1500.0000000000005 0.059667777732793935 0.03217567081796272 0 0 0 0
+19 1 0.0025 1500.0000000000005 0.06180586737062004 0.030870822514562506 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.07139701580476948 0.031241038306478428 0 0 0 0
+22 1 0.0025 1500.0000000000005 0.029252647679848736 0.03268009291061745 0 1 0 0
+24 1 0.0025 1500.0000000000005 0.03182080092530067 0.03257994674008203 0 0 0 0
+16 1 0.0025 1500.0000000000005 0.03565712896855623 0.03233341926313821 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.036866406302542246 0.034595042892596226 0 0 0 0
+32 1 0.0035 1071.4285714285713 0.04235863447348134 0.03449238396419836 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.04456088007577863 0.03243850798611411 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.04705835175811348 0.032549113172857705 0 0 0 0
+28 1 0.0035 1071.4285714285713 0.049740135331932694 0.03369325398645389 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.05315715910237201 0.03354344655091184 0 0 0 0
+25 1 0.0025 1500.0000000000005 0.056192358351583385 0.03333857946504918 0 0 0 0
+39 1 0.0035 1071.4285714285713 0.06223588129186098 0.0338817524653792 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.0656712679838742 0.033163128926989416 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.06863558375022147 0.03269233297837281 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.0706473204764662 0.034145894684563735 0 0 0 0
+33 1 0.0025 1500.0000000000005 0.028207623442032863 0.034962483746304285 0 1 0 0
+29 1 0.0025 1500.0000000000005 0.03076527183794425 0.03492909169763232 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.03384337194117396 0.03475218590058686 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.03945567979972053 0.035120548385521776 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.04574034595435537 0.03521916031822706 0 0 0 0
+51 1 0.0035 1071.4285714285713 0.048849457742359964 0.03700433788684953 0 0 0 0
+48 1 0.0025 1500.0000000000005 0.051664414793776176 0.03608851239223651 0 0 0 0
+47 1 0.0035 1071.4285714285713 0.05537163078307107 0.03620218014443006 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.05867136277455327 0.03493032363945212 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.06474415230354613 0.036528506284661574 0 0 0 0
+54 1 0.0035 1071.4285714285713 0.06807559032537486 0.0357208132576094 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.07113321044172008 0.036877537185257284 0 0 0 0
+49 1 0.0025 1500.0000000000005 0.028862341189552856 0.03734176010234635 0 1 0 0
+52 1 0.0035 1071.4285714285713 0.031773541502602275 0.03768994962725839 0 0 0 0
+57 1 0.0025 1500.0000000000005 0.0347040716474087 0.037634649815925736 0 0 0 0
+60 1 0.0035 1071.4285714285713 0.03773787646710938 0.037449943223320466 0 0 0 0
+41 1 0.0025 1500.0000000000005 0.040974706917344235 0.03711985907488501 0 0 0 0
+55 1 0.0025 1500.0000000000005 0.04351572205277652 0.03728641665434832 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.04618205830588434 0.03921303396480752 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.050659157709582174 0.039332158391468856 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.05296002270762303 0.038202629679298813 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.05517758361112523 0.039281879219543334 0 0 0 0
+56 1 0.0035 1071.4285714285713 0.05801651143858328 0.0384568952341712 0 0 0 0
+53 1 0.0035 1071.4285714285713 0.0612906529836862 0.03726410595410378 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.0635254198351825 0.0392745116976208 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.06924204027472793 0.03848182878218999 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.030488144350545254 0.04095461728755449 0 1 0 0
+68 1 0.0025 1500.0000000000005 0.03349454203354177 0.040309619871687546 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.03591164516269315 0.03980643967278489 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.038067776731910585 0.041015507252904315 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.03991610493583065 0.039408428356974584 0 0 0 0
+63 1 0.0035 1071.4285714285713 0.042809025475486595 0.04017756571568799 0 0 0 0
+74 1 0.0035 1071.4285714285713 0.04877004421195147 0.041585076222011026 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.05296606438475589 0.041224612613113616 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.05662098146989 0.041348510505566156 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.059092217144667995 0.04132547961521509 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.061427649222759055 0.04050913830923676 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.06647548827845777 0.039643447660815546 0 0 0 0
+59 1 0.0035 1071.4285714285713 0.0718816149899485 0.039802052316028805 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.03271698369040934 0.0429722039148417 0 0 0 0
+81 1 0.0035 1071.4285714285713 0.03569017678952412 0.04282939546411813 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.0386052797644065 0.04362179723233 0 0 0 0
+66 1 0.0025 1500.0000000000005 0.040378041608099595 0.04182818465692231 0 0 0 0
+79 1 0.0035 1071.4285714285713 0.04535341362837199 0.042581046374947806 0 0 0 0
+91 1 0.0035 1071.4285714285713 0.051099273801305724 0.04416383508499959 0 0 0 0
+87 1 0.0035 1071.4285714285713 0.05515452921369701 0.04394483105917644 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.06128402143918016 0.043023168247295115 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.06361299108099379 0.04170737323315122 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.06604250623405927 0.04259377256483712 0 0 0 0
+97 1 0.0035 1071.4285714285713 0.06911676271047087 0.041991771430682806 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.0721997453672605 0.04282007007341102 0 0 0 0
+84 1 0.0035 1071.4285714285713 0.02998093696874817 0.04440811085567579 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.033853243923055186 0.04528063175508995 0 0 0 0
+96 1 0.0035 1071.4285714285713 0.03673045793930405 0.04628493098085019 0 0 0 0
+99 1 0.0025 1500.0000000000005 0.03973332466190315 0.045824152106644485 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.042231745522928424 0.044131197303092784 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.04487356652960729 0.04554991366845237 0 0 0 0
+105 1 0.0035 1071.4285714285713 0.047771510654090354 0.04503567344902199 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.058606176738359064 0.04425249269696849 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.06164934748494944 0.04552993489202023 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.06456487321603671 0.04523747905654381 0 0 0 0
+107 1 0.0025 1500.0000000000005 0.0675535616839751 0.04465799013648703 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.07086781096041256 0.04545224589476846 0 0 0 0
+109 1 0.0035 1071.4285714285713 0.0289142937019677 0.047755131357177676 0 1 0 0
+92 1 0.0025 1500.0000000000005 0.03183532853293839 0.04670001805733725 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.03407311564448661 0.047753563379264244 0 0 0 0
+100 1 0.0035 1071.4285714285713 0.04264053299992742 0.047542611103742846 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.04621279382606021 0.04818792321184021 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.0498999938848195 0.04775252449260234 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.05329131963687407 0.04689218924839637 0 0 0 0
+103 1 0.0035 1071.4285714285713 0.05674165754980554 0.047242074341383264 0 0 0 0
+132 1 0.0025 1500.0000000000005 0.05970308388519107 0.04702083850401789 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.062027142503531245 0.0479585910989043 0 0 0 0
+118 1 0.0035 1071.4285714285713 0.06488200349108422 0.04880268807759184 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.06810801232099783 0.047586967720695574 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.028882396714816478 0.050707852090905975 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.03179531877861592 0.04969311323345712 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.03620894365453422 0.049230991851526455 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.03918741633926595 0.04876001975211212 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.04381751142285727 0.050863211547136106 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.048411195300445534 0.050874753115864285 0 0 0 0
+113 1 0.0025 1500.0000000000005 0.05205704296530037 0.04975673484512543 0 0 0 0
+106 1 0.0025 1500.0000000000005 0.05454096178806584 0.04951544433336204 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.057242182781546726 0.05071803002114468 0 0 0 0
+111 1 0.0025 1500.0000000000005 0.06000912596280376 0.049451171722474686 0 0 0 0
+122 1 0.0025 1500.0000000000005 0.062417666956872536 0.05041650697495494 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.06757701087696714 0.051075796519552595 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.07078894543778229 0.04974921372368508 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.03184979449374334 0.05270882890696035 0 0 0 0
+115 1 0.0035 1071.4285714285713 0.0346584906521535 0.05178256788699928 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.03768474710176739 0.051338403850510035 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.04087691540043357 0.05120495281717407 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.0422310918168351 0.05343694369285982 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.0461684272658591 0.053570811095979616 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.051174104428172947 0.05207714925414461 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.05423468639659448 0.05254704073172848 0 0 0 0
+135 1 0.0035 1071.4285714285713 0.0602673044749067 0.05241104793849317 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.06455964767135489 0.0517644921930152 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.07030007628111384 0.05323086782278285 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.029038603282131262 0.053671111218232856 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.03222510789773422 0.055646350205670124 0 0 0 0
+146 1 0.0035 1071.4285714285713 0.03597914408991952 0.054991873328686214 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.03931904536159512 0.053993269274889184 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.049236332737207664 0.053759338313024346 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.05194103889820268 0.05441191794059997 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.05734811937231186 0.05424779674191422 0 0 0 0
+138 1 0.0025 1500.0000000000005 0.06296615760548033 0.05364153447665219 0 0 0 0
+139 1 0.0035 1071.4285714285713 0.0659380626043053 0.054382899258233725 0 0 0 0
+153 1 0.0025 1500.0000000000005 0.029354649746073862 0.05663799141071372 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.03446333901107009 0.05764131646723235 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.03835550409445154 0.05681611486469266 0 0 0 0
+145 1 0.0025 1500.0000000000005 0.04079721492147591 0.056525811958549915 0 0 0 0
+142 1 0.0035 1071.4285714285713 0.043699082377367075 0.055989648426573384 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.047016907025001706 0.05642247390413572 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.04999753059732905 0.05666620982860972 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.0543220879902728 0.05610744669237235 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.057085081314941256 0.057273205665936945 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.06049903865868224 0.05586054072151168 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.06350117777162667 0.05607681985612153 0 0 0 0
+156 1 0.0035 1071.4285714285713 0.06575814085323009 0.05809468385167163 0 0 0 0
+150 1 0.0035 1071.4285714285713 0.06876838197444206 0.05633746040522166 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.07169758906026996 0.05587850843946995 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.0311613421822479 0.05901324236263382 0 0 0 0
+186 1 0.0025 1500.0000000000005 0.03402796634143803 0.06010188772472878 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.03690102155036579 0.059487538761968536 0 0 0 0
+163 1 0.0025 1500.0000000000005 0.039828589536113373 0.05883697961331135 0 0 0 0
+166 1 0.0035 1071.4285714285713 0.04276065053770008 0.05928944373900478 0 0 0 0
+155 1 0.0025 1500.0000000000005 0.04556799145132313 0.05834966538721406 0 0 0 0
+169 1 0.0025 1500.0000000000005 0.047948708319083086 0.058978759951134135 0 0 0 0
+174 1 0.0025 1500.0000000000005 0.05036481674613169 0.05973460524276756 0 0 0 0
+168 1 0.0025 1500.0000000000005 0.05240965878537733 0.058372922315226915 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.05494496663613193 0.05915643061301125 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.05715319934890967 0.06019085905401806 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.05926776979815048 0.05872396643110314 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.062268136404297465 0.05883231291888117 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.06876765986576736 0.059803860900478734 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.027653378339141457 0.05900253465704371 0 1 0 0
+176 1 0.0025 1500.0000000000005 0.02926381254137381 0.061494163865754015 0 1 0 0
+188 1 0.0035 1071.4285714285713 0.03207403400820831 0.062318138477165864 0 0 0 0
+191 1 0.0035 1071.4285714285713 0.03550943878586823 0.06264812594826637 0 0 0 0
+190 1 0.0025 1500.0000000000005 0.03851236673456515 0.06270177148968097 0 0 0 0
+183 1 0.0025 1500.0000000000005 0.04051148871150427 0.06124421436231377 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.04272420051474199 0.062250943456952076 0 0 0 0
+173 1 0.0035 1071.4285714285713 0.04558935425834159 0.061322587647799257 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.04858934459029777 0.061439188712228705 0 0 0 0
+172 1 0.0035 1071.4285714285713 0.052937454724471 0.0613282062784725 0 0 0 0
+178 1 0.0025 1500.0000000000005 0.0553592690963343 0.06298998185670161 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.05785235193966771 0.06256717270156757 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.05986474373251012 0.061090555764350025 0 0 0 0
+184 1 0.0025 1500.0000000000005 0.062289951225136454 0.06175571421031165 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.06449977553704297 0.0607554751934437 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.0666523711586893 0.06196885121161508 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.0711406522307796 0.06237112811159502 0 0 0 0
+203 1 0.0035 1071.4285714285713 0.029299571749227094 0.06444955618419 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.04084137507849276 0.06455882733417971 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.04446686249700834 0.06467971819158304 0 0 0 0
+182 1 0.0025 1500.0000000000005 0.047396915431126035 0.06371097881398542 0 0 0 0
+189 1 0.0035 1071.4285714285713 0.05036019367630721 0.06383237165622746 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.053273928398498455 0.06432898613763764 0 0 0 0
+194 1 0.0025 1500.0000000000005 0.05765345632212719 0.06508472513474409 0 0 0 0
+193 1 0.0035 1071.4285714285713 0.060437741196326264 0.06414988366993038 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.06433911049876323 0.06389247315828869 0 0 0 0
+202 1 0.0035 1071.4285714285713 0.0683266149902542 0.06442822005805876 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.03091629398960355 0.06701720096463226 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.033447947764975776 0.06551547794750169 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.037506762127223675 0.06548283154272332 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.03974384046168278 0.06740950302377292 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.04561961767982099 0.067414450829694 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.04854774748328589 0.06678606422229642 0 0 0 0
+215 1 0.0035 1071.4285714285713 0.05202032887587907 0.0670144366507536 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.05520855300834015 0.06583019238151788 0 0 0 0
+206 1 0.0025 1500.0000000000005 0.05956287654190708 0.06701534642287793 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.06250183879959104 0.06695700034947155 0 0 0 0
+217 1 0.0035 1071.4285714285713 0.06595468269863164 0.06694637483476863 0 0 0 0
+214 1 0.0025 1500.0000000000005 0.0711218135889943 0.06540823995631509 0 0 0 0
+213 1 0.0035 1071.4285714285713 0.028097722411040454 0.06786878722060528 0 0 0 0
+223 1 0.0025 1500.0000000000005 0.030634039041411792 0.0694759233595557 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.03311071902374567 0.07013998648119674 0 0 0 0
+221 1 0.0035 1071.4285714285713 0.03555637029813491 0.06842160403502302 0 0 0 0
+219 1 0.0035 1071.4285714285713 0.04270075183068538 0.06770773241317536 0 0 0 0
+226 1 0.0025 1500.0000000000005 0.04712570199974141 0.06943081252356816 0 0 0 0
+225 1 0.0035 1071.4285714285713 0.0500322347083288 0.06990004071439612 0 0 0 0
+222 1 0.0025 1500.0000000000005 0.0547434587642624 0.06830671728930715 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.05711755812681528 0.0675446473979009 0 0 0 0
+218 1 0.0025 1500.0000000000005 0.0587763706719419 0.06937074233836227 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.06122095994266248 0.0697030474249453 0 0 0 0
+238 1 0.0035 1071.4285714285713 0.06413178724590772 0.07003447769764044 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.0670795198900508 0.06967724630913405 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.06936153667838625 0.06777375877561422 0 0 0 0
+229 1 0.0025 1500.0000000000005 0.028601413097410475 0.07101603305412184 0 0 0 0
+236 1 0.0035 1071.4285714285713 0.03542479743004232 0.07192237555319471 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.03855282813809247 0.07012372667062573 0 0 0 0
+233 1 0.0025 1500.0000000000005 0.04147415006871624 0.07052126590198163 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.04446437859400128 0.07076690090555697 0 0 -1 0
+3 1 0.0025 1500.0000000000005 0.04738614470129967 0.0719773906102167 0 0 -1 0
+228 1 0.0035 1071.4285714285713 0.05335417100231068 0.07091772159075206 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.05642868687819466 0.07017873104846432 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.05889472499530329 0.07182019024690078 0 0 -1 0
+231 1 0.0025 1500.0000000000005 0.06629986482960276 0.07206943784784758 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.06877710184347205 0.07147812425372348 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.07095612878955254 0.07030457169253139 0 0 0 0
+
+Velocities
+
+237 6.334679023768265 -20.33036682934792 0 0 0 0
+232 -3.607973974730257 -9.426401759416198 0 0 0 0
+1 29.370188301179255 3.4794478737691503 0 0 0 0
+12 49.43666756813769 33.61677205021298 0 0 0 0
+9 -13.734953871803356 0.226706206974282 0 0 0 0
+15 5.304047455364544 2.0744873629876954 0 0 0 0
+4 11.994490596879631 10.15744671419978 0 0 0 0
+10 2.4446579173172807 4.211264792246929 0 0 0 0
+239 -13.81441124776392 15.359109394036663 0 0 0 0
+26 -9.202176601388897 2.763670491134808 0 0 0 0
+18 5.415562906180791 3.757839364514318 0 0 0 0
+14 -16.122678067032197 -7.718352471361815 0 0 0 0
+23 -17.911550167787727 -21.09995206264869 0 0 0 0
+224 -13.14042936985177 5.751819558706827 0 0 0 0
+240 21.357282695037327 -5.638011999250603 0 0 0 0
+11 22.286332817717973 -4.660648392289747 0 0 0 0
+8 -46.05558376312255 -24.458332819632385 0 0 0 0
+17 -17.465687356252985 -11.597976788048404 0 0 0 0
+13 5.121618579142272 9.588833415517831 0 0 0 0
+6 -8.070052232850626 15.463715310717117 0 0 0 0
+21 0.0755719931893847 49.194164024847744 0 0 0 0
+7 28.415642655900502 7.2831148577133416 0 0 0 0
+30 24.17170008531922 23.327430779457448 0 0 0 0
+19 13.889471235355138 2.210851377367865 0 0 0 0
+27 44.371563790730754 -5.3572427484110205 0 0 0 0
+22 -8.03083978110542 -33.968143027083485 0 0 0 0
+24 17.546746781058932 -16.34672719664829 0 0 0 0
+16 -19.793029545119058 26.15737846783509 0 0 0 0
+50 -6.683373978344574 -15.864216266244245 0 0 0 0
+32 27.28600345041589 -10.030368093012916 0 0 0 0
+20 4.315696437264103 -35.4496308094488 0 0 0 0
+38 -24.97381298272031 5.001488754874215 0 0 0 0
+28 0.5350259035375114 34.99075711225787 0 0 0 0
+31 4.956236418187559 10.535477368910355 0 0 0 0
+25 -5.017768096718203 -35.197533718036595 0 0 0 0
+39 22.704788887362927 23.81704745116933 0 0 0 0
+40 -30.720938657174084 21.118125777647744 0 0 0 0
+34 36.27635851544735 -59.94738967786094 0 0 0 0
+43 11.628440414506946 46.83297151247816 0 0 0 0
+33 -8.14030006501322 7.8470278168343395 0 0 0 0
+29 -6.753074393993968 4.183844656398271 0 0 0 0
+35 -11.088160777309414 -16.53102680050233 0 0 0 0
+46 -61.379582946993764 16.63407794188805 0 0 0 0
+36 -6.281954188889041 -0.9591394130050335 0 0 0 0
+51 29.24489472393734 32.88234728571193 0 0 0 0
+48 12.69631928220979 15.762091194626489 0 0 0 0
+47 -6.9596942295702515 -1.1317708059652447 0 0 0 0
+42 -18.064904993988506 -16.478219254821003 0 0 0 0
+58 -8.386332412136316 -6.462933455435014 0 0 0 0
+54 34.41585063110771 2.2679873790253806 0 0 0 0
+37 -19.118546480107554 23.798497206999613 0 0 0 0
+49 -39.50454020010533 3.9440734655161207 0 0 0 0
+52 4.331669050107146 -22.666764670297617 0 0 0 0
+57 -39.406393835623284 55.605105227487144 0 0 0 0
+60 28.133198681651976 18.3878815477645 0 0 0 0
+41 18.816993654810517 -16.067479603552194 0 0 0 0
+55 6.206867587212929 28.57267603605314 0 0 0 0
+64 -0.09077257868080756 -1.597415457585162 0 0 0 0
+70 -26.165701640617264 27.993894818850983 0 0 0 0
+45 41.81131572533939 -13.769002905996883 0 0 0 0
+69 30.30559829322667 -35.401204588613886 0 0 0 0
+56 -5.923807219966694 -12.746057585394981 0 0 0 0
+53 -1.2113539405510232 -10.936548465397722 0 0 0 0
+61 -32.621043416075345 -9.19153534010813 0 0 0 0
+72 40.87498925324086 24.57688347305279 0 0 0 0
+67 10.985137188325389 -2.465012544773237 0 0 0 0
+68 2.7145183646240665 23.71677694098076 0 0 0 0
+62 -1.6348957629602923 5.056936762680158 0 0 0 0
+73 -16.66273302314965 -5.3849932203658835 0 0 0 0
+44 25.87720130823993 22.127362145306517 0 0 0 0
+63 22.2348468699494 21.256438905954177 0 0 0 0
+74 12.133556415453205 -7.614778812694743 0 0 0 0
+83 -7.909746593869705 -30.340925802258575 0 0 0 0
+77 -45.14345864935959 19.9485366973266 0 0 0 0
+71 -37.91073630179024 -24.731101030581208 0 0 0 0
+80 13.442559235691245 5.6615785399833465 0 0 0 0
+65 -12.36679703269609 -23.231074838854642 0 0 0 0
+59 11.239327388878122 -2.8794562379459623 0 0 0 0
+75 17.541461265873675 16.055424804866544 0 0 0 0
+81 -6.3851142688051725 15.80931767364233 0 0 0 0
+89 46.974749207490106 -5.380030158105021 0 0 0 0
+66 62.62681583792187 -39.20969209106567 0 0 0 0
+79 26.573016029820188 19.439126886170282 0 0 0 0
+91 -18.471190425313406 27.978119944938356 0 0 0 0
+87 20.448733960797302 -9.965264270070769 0 0 0 0
+85 56.471191824938224 -13.154196681535362 0 0 0 0
+76 32.1899348324024 12.446456961708332 0 0 0 0
+78 -8.41650701147061 -11.925033902653045 0 0 0 0
+97 -0.4650824998128212 3.8631903977192263 0 0 0 0
+88 -23.07136653085295 18.799822156604787 0 0 0 0
+84 -25.166419228409573 26.40031646800577 0 0 0 0
+94 -21.224416387063744 19.60909434032311 0 0 0 0
+96 18.98870165113256 25.817443255483443 0 0 0 0
+99 36.68690929986494 3.142287905042756 0 0 0 0
+82 -18.24285343010085 -15.266603888524209 0 0 0 0
+95 -31.27678562212792 -29.301893948856364 0 0 0 0
+105 20.980054414360847 6.215501595879814 0 0 0 0
+90 -31.656829612202134 -35.20507184581497 0 0 0 0
+112 -17.873965142082877 -3.433647089494921 0 0 0 0
+86 -4.71382631353529 18.44953353772975 0 0 0 0
+107 19.422773099505413 -8.306615937337641 0 0 0 0
+101 -17.49608035856361 -25.519914464825685 0 0 0 0
+109 -10.024509079880902 16.651437956817066 0 0 0 0
+92 -5.421190618406507 4.353981341582734 0 0 0 0
+93 -26.563983434015128 5.896815623599169 0 0 0 0
+100 3.4147892361991583 -32.86274171128196 0 0 0 0
+120 -12.028870190999049 -16.664979832086036 0 0 0 0
+108 5.509440703556024 37.028064587692846 0 0 0 0
+102 5.696922732881599 -0.5556501014280855 0 0 0 0
+103 -6.606647214362762 27.92888180787027 0 0 0 0
+132 -12.148673311422856 7.609814533154854 0 0 0 0
+110 22.19187572702964 22.148841847656506 0 0 0 0
+118 -8.539549902753889 -21.49704339240683 0 0 0 0
+123 -24.656848336510855 -23.754143289137577 0 0 0 0
+114 57.59412826266937 -43.30073049007915 0 0 0 0
+98 -3.770528355515501 27.925672663068898 0 0 0 0
+119 0.26815592087581025 -3.6186196181559613 0 0 0 0
+104 -15.229529663732082 -14.776124808473986 0 0 0 0
+126 -0.2909115145848 -2.005181608879127 0 0 0 0
+124 -11.480685642161877 -11.902533324547198 0 0 0 0
+113 -26.306115278125937 -12.897224418668113 0 0 0 0
+106 35.0411778233511 -11.150197589000465 0 0 0 0
+121 22.652370559942295 -0.7036514181295573 0 0 0 0
+111 -12.101416810301481 4.096399788045276 0 0 0 0
+122 -6.067821492728286 25.247413286071748 0 0 0 0
+129 -19.973018279514044 -12.082343280693665 0 0 0 0
+131 -8.858444478817075 -23.314426363054498 0 0 0 0
+127 11.885244952402582 -11.40320375160941 0 0 0 0
+115 14.130182871364614 -43.70699109708834 0 0 0 0
+125 -3.9081463786386106 15.831155624190519 0 0 0 0
+116 -33.70402387961466 -25.28950791018126 0 0 0 0
+141 -1.0844165834951354 -28.582455463309916 0 0 0 0
+128 -8.709065877938079 4.330659337835931 0 0 0 0
+117 -18.426889438242437 -21.46993032920341 0 0 0 0
+137 5.103702220554389 19.775142606156972 0 0 0 0
+135 -11.866731036114965 14.501526990754664 0 0 0 0
+130 0.3700986564754046 -21.617850334543437 0 0 0 0
+143 -31.550862519742722 24.691273569610615 0 0 0 0
+147 -17.372803975699185 -4.866200858606155 0 0 0 0
+140 -29.815334551057425 28.17760429243208 0 0 0 0
+146 21.814457052060387 21.009374053147695 0 0 0 0
+144 7.356821395964204 -9.950365414423405 0 0 0 0
+136 19.52452393360106 10.586361326606724 0 0 0 0
+133 25.31908304805936 -30.854944072259965 0 0 0 0
+134 16.909428781642653 -3.929883000092332 0 0 0 0
+138 -9.154338704902502 -19.069285974797168 0 0 0 0
+139 2.1664233368188226 -16.985328582650215 0 0 0 0
+153 -28.569494403549342 -47.41315417377452 0 0 0 0
+167 7.3339148302903485 11.238795461651806 0 0 0 0
+164 18.78247330188544 19.479725290253974 0 0 0 0
+145 -0.022328766725810342 -10.322891417685351 0 0 0 0
+142 30.432494660508873 5.558313511686705 0 0 0 0
+148 3.921005614334348 -3.089647229382717 0 0 0 0
+154 -18.27645950133893 -1.1207920493726784 0 0 0 0
+158 -15.124088573850154 -25.226006395230954 0 0 0 0
+149 -9.063513376022334 -45.6018150372911 0 0 0 0
+151 -9.345432998477296 10.509679960087642 0 0 0 0
+161 -15.323458485116268 -24.889109241007173 0 0 0 0
+156 -5.296284373163991 -26.963947987159713 0 0 0 0
+150 -21.033507790811424 8.409095809461398 0 0 0 0
+152 5.810880007227905 -32.63932758985662 0 0 0 0
+177 -13.618095594961192 16.41871855931101 0 0 0 0
+186 -12.936226501125917 30.021046623766416 0 0 0 0
+171 -38.17543994203139 -9.863226040997338 0 0 0 0
+163 -4.38485783128031 -8.778907472270136 0 0 0 0
+166 -10.568652461888961 -10.67212700374955 0 0 0 0
+155 -10.49230075278953 7.369344574764345 0 0 0 0
+169 -42.03987704411242 -10.352866692360998 0 0 0 0
+174 16.505653341935655 10.242126838440164 0 0 0 0
+168 -7.84146601603265 53.939924703663806 0 0 0 0
+160 8.688238015486084 30.223436954735753 0 0 0 0
+162 4.870664472683994 -11.355969178422397 0 0 0 0
+165 10.26432116849956 -38.34765226793946 0 0 0 0
+170 -3.3662036702917986 5.297474522202639 0 0 0 0
+157 -20.03333582610869 -35.22473354687063 0 0 0 0
+179 21.252647257867554 -32.05956416793989 0 0 0 0
+176 -4.8327323093143 -37.62747514380588 0 0 0 0
+188 39.47913806680552 8.558186895546424 0 0 0 0
+191 5.232568024237578 -0.045636801766204396 0 0 0 0
+190 -19.192035100074364 13.981847428227034 0 0 0 0
+183 -3.0844935289789746 -5.68028834329202 0 0 0 0
+180 -53.38298427363297 66.29681338609285 0 0 0 0
+173 1.1859257179119531 1.2282655973268701 0 0 0 0
+175 0.85059048529403 -10.161001426721226 0 0 0 0
+172 12.424390899375592 14.447465670105014 0 0 0 0
+178 -8.284550987700062 47.16066238214218 0 0 0 0
+185 21.94443781986655 -19.240184686985536 0 0 0 0
+159 15.43653759734936 -24.983863866245517 0 0 0 0
+184 30.178388426429088 26.832308116195286 0 0 0 0
+181 18.991013413028366 -4.129541627342705 0 0 0 0
+192 -5.7961819947118 12.514830832393868 0 0 0 0
+187 1.2284960326110839 36.638572722549604 0 0 0 0
+203 -19.018641189117325 12.515373759574151 0 0 0 0
+197 -5.410242094735032 -5.258166801693595 0 0 0 0
+198 18.691390290547414 3.456823275684421 0 0 0 0
+182 18.151415665797778 59.81494924293829 0 0 0 0
+189 -15.980138200103553 -11.087350351150688 0 0 0 0
+195 -1.3374137163271071 20.23066906302401 0 0 0 0
+194 20.85027626571515 27.92877109680381 0 0 0 0
+193 2.694954104053132 -6.564069179490689 0 0 0 0
+196 -17.447775819244153 4.785529530361698 0 0 0 0
+202 -0.167157394878334 19.92681628701048 0 0 0 0
+204 20.143675447306542 -78.19749916063395 0 0 0 0
+205 -18.418552651685648 -8.8166515928 0 0 0 0
+201 -39.067820976348216 6.092102631313015 0 0 0 0
+200 -8.097507633367957 -39.16955012382566 0 0 0 0
+199 -14.829890542885096 -10.780281171418402 0 0 0 0
+208 16.21936919229972 -22.030490870848798 0 0 0 0
+215 34.298603601426834 9.315575059169051 0 0 0 0
+210 4.616989758328529 -48.26125355341692 0 0 0 0
+206 -1.457198528080175 -6.876519213723603 0 0 0 0
+207 -8.000410660956874 -16.82924873006731 0 0 0 0
+217 -16.06998825769294 -0.3594914701897722 0 0 0 0
+214 -23.169310025337236 -5.369169688234303 0 0 0 0
+213 17.30439237898679 -2.587204162122928 0 0 0 0
+223 -12.391844554030596 24.210064296007214 0 0 0 0
+220 39.07583386339498 1.7934443489662093 0 0 0 0
+221 -32.45621474507659 5.5330702834658885 0 0 0 0
+219 14.814680875410835 -22.380892107892308 0 0 0 0
+226 4.634213863702681 5.334067863048578 0 0 0 0
+225 -0.24946898853453897 18.952285483889373 0 0 0 0
+222 46.899978431326375 -37.03506632468114 0 0 0 0
+212 1.5277930498567838 -2.3295815372949313 0 0 0 0
+218 -37.1476278954407 4.249637726482411 0 0 0 0
+234 16.32832304585002 -19.648585662407726 0 0 0 0
+238 -14.642195298938288 -24.28374229725825 0 0 0 0
+227 39.829687721697645 33.16565409785042 0 0 0 0
+209 -30.032811262849414 27.950464247935304 0 0 0 0
+229 34.68095185104322 -1.2187983178313448 0 0 0 0
+236 7.7083754417979975 -1.304709507886789 0 0 0 0
+230 3.106832970456375 13.507154230492414 0 0 0 0
+233 9.466096850029675 24.957312839282398 0 0 0 0
+5 -7.72006909779315 8.420122690123517 0 0 0 0
+3 18.154885819576485 27.722195874908703 0 0 0 0
+228 19.247541167414344 -6.495684748597414 0 0 0 0
+211 4.628162041350733 -21.7754010765784 0 0 0 0
+2 22.298739720486754 26.89534387792447 0 0 0 0
+231 18.94035148354647 1.922040582785605 0 0 0 0
+235 -2.1686894592449715 18.945553493813275 0 0 0 0
+216 17.991590571166487 41.32462271943063 0 0 0 0
diff --git a/DATASET/P=60000Pa/box_sheared.data b/DATASET/P=60000Pa/box_sheared.data
new file mode 100644
index 0000000..83b9be3
--- /dev/null
+++ b/DATASET/P=60000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2223593
+
+240 atoms
+6 atom types
+
+0.027637912080680702 0.07236208791931928 xlo xhi
+0.027637912080680702 0.07236208791931928 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.004472423240706749 0 0 xy xz yz
+
+Atoms # sphere
+
+237 1 0.0025 1500.0000000000005 0.028692970707537173 0.02884065824906959 0 0 1 0
+1 1 0.0035 1071.4285714285713 0.03946848319055924 0.02866449485086792 0 0 0 0
+12 1 0.0025 1500.0000000000005 0.042504366250594484 0.028228080890506584 0 0 0 0
+4 1 0.0025 1500.0000000000005 0.05118956337862164 0.028158165800018137 0 0 0 0
+239 1 0.0035 1071.4285714285713 0.05638812930269624 0.028405669283634187 0 0 1 0
+18 1 0.0035 1071.4285714285713 0.061908762094306444 0.027894236082890447 0 0 0 0
+224 1 0.0025 1500.0000000000005 0.07101536748485343 0.028072337452283422 0 0 1 0
+10 1 0.0025 1500.0000000000005 0.05350792229953977 0.02934495720322376 0 0 0 0
+9 1 0.0035 1071.4285714285713 0.04546778552666461 0.029698816480563963 0 0 0 0
+26 1 0.0025 1500.0000000000005 0.059695767467204355 0.0296499403017285 0 0 0 0
+23 1 0.0035 1071.4285714285713 0.06847173940164955 0.029700389907936137 0 0 0 0
+14 1 0.0035 1071.4285714285713 0.06497450675368002 0.029792762162254672 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.03680457292194654 0.029901437897230505 0 0 0 0
+15 1 0.0035 1071.4285714285713 0.048937745795127066 0.029878839909763834 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.033757552414813735 0.03031820979314233 0 0 0 0
+240 1 0.0025 1500.0000000000005 0.030814778144409426 0.03047240153448549 0 0 1 0
+33 1 0.0025 1500.0000000000005 0.02904319994624569 0.03497719960190285 0 1 0 0
+49 1 0.0025 1500.0000000000005 0.029676440953634774 0.03740498644884115 0 1 0 0
+109 1 0.0035 1071.4285714285713 0.03085405512441936 0.04776712816666081 0 1 0 0
+213 1 0.0035 1071.4285714285713 0.03218251501878581 0.06778886604625615 0 0 0 0
+229 1 0.0025 1500.0000000000005 0.03303487216809774 0.07090378310753351 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.03129692525687372 0.050811450441024406 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.03161597844270484 0.053722117211355384 0 0 0 0
+22 1 0.0025 1500.0000000000005 0.029740615266972133 0.032640194654480544 0 1 0 0
+176 1 0.0025 1500.0000000000005 0.032622606618250144 0.06133203513929636 0 1 0 0
+153 1 0.0025 1500.0000000000005 0.032264207065587816 0.05669643357387389 0 0 0 0
+203 1 0.0035 1071.4285714285713 0.0330480355276698 0.06439223491204808 0 0 0 0
+84 1 0.0035 1071.4285714285713 0.031354021414995784 0.044403142910953854 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.03145280969372899 0.040947994485122416 0 1 0 0
+223 1 0.0025 1500.0000000000005 0.03483734922251437 0.06935660350803063 0 0 0 0
+29 1 0.0025 1500.0000000000005 0.03152588456872884 0.03496466880238366 0 0 0 0
+17 1 0.0035 1071.4285714285713 0.03904600989514266 0.032054174059533085 0 0 0 0
+13 1 0.0035 1071.4285714285713 0.04235681564336874 0.031159644187644796 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.04749751704628845 0.032331053432992196 0 0 0 0
+6 1 0.0025 1500.0000000000005 0.051833647873352845 0.031075659034881107 0 0 0 0
+21 1 0.0025 1500.0000000000005 0.055309269458657995 0.031137899586671344 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.057806296504469515 0.031177141386253555 0 0 0 0
+30 1 0.0025 1500.0000000000005 0.06027461081911857 0.03206211040515781 0 0 0 0
+19 1 0.0025 1500.0000000000005 0.06234302867090495 0.03088726472902543 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.07173849567489907 0.031157063249960797 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.03220668422679825 0.03265313734064615 0 0 0 0
+16 1 0.0025 1500.0000000000005 0.03609557965742616 0.03239079138532327 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.03748558183727514 0.03456189101444158 0 0 0 0
+32 1 0.0035 1071.4285714285713 0.04300741192531084 0.03464538957002013 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.04503615292611653 0.03264827014449898 0 0 0 0
+28 1 0.0035 1071.4285714285713 0.05030736530900855 0.033712118401383794 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.05375722095149782 0.03356357934345252 0 0 0 0
+25 1 0.0025 1500.0000000000005 0.05680882026473523 0.0333298281484638 0 0 0 0
+39 1 0.0035 1071.4285714285713 0.0628687441506968 0.0338768336113018 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.06618059053145439 0.033171643428147414 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.06910576074381622 0.03264521526752549 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.07135428487586443 0.03404415513338517 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.0345094372598146 0.03474020124741342 0 0 0 0
+46 1 0.0025 1500.0000000000005 0.04004323409007072 0.035018622261849354 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.046496995732428034 0.035434618967611214 0 0 0 0
+48 1 0.0025 1500.0000000000005 0.05237293610198415 0.03603782211091504 0 0 0 0
+47 1 0.0035 1071.4285714285713 0.05628399853689062 0.03616916502924118 0 0 0 0
+42 1 0.0035 1071.4285714285713 0.059502738426825075 0.034850029682681465 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.065612946589045 0.036579116539691384 0 0 0 0
+54 1 0.0035 1071.4285714285713 0.06884805746977403 0.03560526476192372 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.0717508059620709 0.036739118059332394 0 0 0 0
+52 1 0.0035 1071.4285714285713 0.03261277925043973 0.03787223244071974 0 0 0 0
+57 1 0.0025 1500.0000000000005 0.03560235851023498 0.03762343332350127 0 0 0 0
+60 1 0.0035 1071.4285714285713 0.038563084562773686 0.03742543162900593 0 0 0 0
+41 1 0.0025 1500.0000000000005 0.04176116915465695 0.037292741720175646 0 0 0 0
+55 1 0.0025 1500.0000000000005 0.044305381666924146 0.037383111470546855 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.04697317194721169 0.03904173172267234 0 0 0 0
+51 1 0.0035 1071.4285714285713 0.04969317561470942 0.03710547209083144 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.051923910203827625 0.039319734873102356 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.053972545807045594 0.03806567298675881 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.056407495098299815 0.03914020811970336 0 0 0 0
+56 1 0.0035 1071.4285714285713 0.059186940348658054 0.038344836679678404 0 0 0 0
+53 1 0.0035 1071.4285714285713 0.06232953782643946 0.03728916403626742 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.06461893296796511 0.03937648586075815 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.07001965864283427 0.03841386974076094 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.03438653947560711 0.04050648530688659 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.036936973755582844 0.03980243230332867 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.03912529627390693 0.041098919658301085 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.04092088148122135 0.039503852167215574 0 0 0 0
+63 1 0.0035 1071.4285714285713 0.043863823670948876 0.040313990997132905 0 0 0 0
+74 1 0.0035 1071.4285714285713 0.04996785662833751 0.041388574236913556 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.05444796035861878 0.04115268693846491 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.05772120617638342 0.041347613681619724 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.06027286150698931 0.04124810478529764 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.0624195780878965 0.04025286009110876 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.06767739081601586 0.039953925627464366 0 0 0 0
+59 1 0.0035 1071.4285714285713 0.07279412104467947 0.03976349236494188 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.03391367646895288 0.042980184757682414 0 0 0 0
+81 1 0.0035 1071.4285714285713 0.036827214334272815 0.042800273278382935 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.03979119767763458 0.043572870823809055 0 0 0 0
+66 1 0.0025 1500.0000000000005 0.041510599231821245 0.04198283827396235 0 0 0 0
+79 1 0.0035 1071.4285714285713 0.04674787208688219 0.04246095259751731 0 0 0 0
+91 1 0.0035 1071.4285714285713 0.05277457459061657 0.04408995323211871 0 0 0 0
+87 1 0.0035 1071.4285714285713 0.056794639733073665 0.044062499052054324 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.06270736949231205 0.04275060550707174 0 0 0 0
+76 1 0.0025 1500.0000000000005 0.06497478889310218 0.04184105232506454 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.06744544575852368 0.04288247330463389 0 0 0 0
+97 1 0.0035 1071.4285714285713 0.0705097589308297 0.04233483958708608 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.07350867292597996 0.0426748957558549 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.035387071289783446 0.045256332977674195 0 0 0 0
+96 1 0.0035 1071.4285714285713 0.038403515833872554 0.04606275515155732 0 0 0 0
+99 1 0.0025 1500.0000000000005 0.04130237658531773 0.04566942982699922 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.04373490648301139 0.04423741307288309 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.04657727889976629 0.04540026687797984 0 0 0 0
+105 1 0.0035 1071.4285714285713 0.04949568246064715 0.04484249539378812 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.060283077112988206 0.044238555340125475 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.06310534041167679 0.045343065100229396 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.06611307612657119 0.04545775450855991 0 0 0 0
+107 1 0.0025 1500.0000000000005 0.06917294074965676 0.04483992567983264 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.07271322167010127 0.045476142829063024 0 0 0 0
+92 1 0.0025 1500.0000000000005 0.033580438674199374 0.04676204154947572 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.03599349685672615 0.047709040097379515 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.04134959350766064 0.04861355258551583 0 0 0 0
+100 1 0.0035 1071.4285714285713 0.04458559007126886 0.04768741678856251 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.048386440425281355 0.04814229270295405 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.05177113356106 0.04762165019669491 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.05509425693119266 0.04691900025248923 0 0 0 0
+103 1 0.0035 1071.4285714285713 0.0585836547383007 0.04727825423809001 0 0 0 0
+132 1 0.0025 1500.0000000000005 0.06153720349530237 0.04708085909143608 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.06404718899276113 0.04784258906522144 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.07017486216413596 0.04770114541493998 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.03392704488617837 0.04974407116052909 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.03842014309219274 0.04906105843069904 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.043331185906205244 0.051012946587511904 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.04633890261727462 0.05090504765261776 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.050906839758717765 0.050849884914786175 0 0 0 0
+113 1 0.0025 1500.0000000000005 0.0542008806756568 0.04966050255929951 0 0 0 0
+106 1 0.0025 1500.0000000000005 0.056679993129466893 0.049582664763204 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.05959308190655066 0.05068592668054873 0 0 0 0
+111 1 0.0025 1500.0000000000005 0.06220380243656187 0.049453705572868156 0 0 0 0
+122 1 0.0025 1500.0000000000005 0.06467530373471223 0.05049850617828855 0 0 0 0
+118 1 0.0035 1071.4285714285713 0.06703522188898545 0.04885730657645525 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.06991873492238868 0.051155337612036327 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.0730524838353271 0.049905009324654456 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.034322554594302744 0.05272672667146063 0 0 0 0
+115 1 0.0035 1071.4285714285713 0.03709179543855458 0.051641338020318346 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.04004351160124542 0.051178304125549606 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.04475921150626632 0.05329416423716477 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.053809239941679896 0.05204689059550638 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.056818292370518636 0.05267928844720886 0 0 0 0
+135 1 0.0035 1071.4285714285713 0.06275963138587048 0.05246470700110398 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.06692821129396946 0.051792502729711566 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.07284907435572291 0.053352150695442635 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.035180084259068656 0.05560986418428032 0 0 0 0
+146 1 0.0035 1071.4285714285713 0.038598795213287795 0.05490906178335483 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.04178270214592878 0.053814529342967654 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.04897885038582988 0.053540909839825554 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.05205089306276031 0.053786417062471226 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.05460451840895937 0.054495759848428436 0 0 0 0
+134 1 0.0035 1071.4285714285713 0.059999130350132296 0.05430581044530711 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.0633115849831518 0.055880971099892124 0 0 0 0
+138 1 0.0025 1500.0000000000005 0.06556088079261371 0.05371696838358381 0 0 0 0
+139 1 0.0035 1071.4285714285713 0.0687924836993601 0.05439229040074754 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.037616590220296814 0.057564192897496064 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.04124833008869844 0.05667652817546946 0 0 0 0
+145 1 0.0025 1500.0000000000005 0.043767776466791454 0.05625323692682309 0 0 0 0
+142 1 0.0035 1071.4285714285713 0.04670511801763137 0.05588491640013932 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.04999368625281205 0.056395857505213795 0 0 0 0
+154 1 0.0035 1071.4285714285713 0.05306517957765391 0.056846797768446845 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.057220920888709864 0.05617889064251204 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.060131610051654155 0.0572703653568494 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.06635399903726777 0.056135041801129285 0 0 0 0
+156 1 0.0035 1071.4285714285713 0.06878844538869612 0.05807725501552509 0 0 0 0
+150 1 0.0035 1071.4285714285713 0.071722871984129 0.05650751709924964 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.07455185157183561 0.055970609787327694 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.03436458259454335 0.058998235152341066 0 0 0 0
+186 1 0.0025 1500.0000000000005 0.03726490407793236 0.05994316865633793 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.0402652681029334 0.05938529538980357 0 0 0 0
+163 1 0.0025 1500.0000000000005 0.04300581922240458 0.05854015717498652 0 0 0 0
+166 1 0.0035 1071.4285714285713 0.045987349783061224 0.05920307308535491 0 0 0 0
+155 1 0.0025 1500.0000000000005 0.04876088177284589 0.05833822799493288 0 0 0 0
+169 1 0.0025 1500.0000000000005 0.051256444538877746 0.05901095205576645 0 0 0 0
+174 1 0.0025 1500.0000000000005 0.053691021390808294 0.05992682141933789 0 0 0 0
+168 1 0.0025 1500.0000000000005 0.05565529151224191 0.05855511296917658 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.05809558350470051 0.05913166975716433 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.06050123704574585 0.06013797794407 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.06233980621768011 0.05858661867109768 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.06542398999167472 0.0588255477337606 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.07201088880861758 0.059989424074707864 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.07530822982116142 0.05893726829108761 0 0 0 0
+188 1 0.0035 1071.4285714285713 0.035580327678856064 0.062337439196933214 0 0 0 0
+191 1 0.0035 1071.4285714285713 0.039045804291486054 0.06245602070025949 0 0 0 0
+190 1 0.0025 1500.0000000000005 0.04208017886807278 0.06269122928013371 0 0 0 0
+183 1 0.0025 1500.0000000000005 0.04386613432057421 0.06106011267568036 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.0462705816405954 0.06225544392344061 0 0 0 0
+173 1 0.0035 1071.4285714285713 0.04903988366156019 0.061420751748662544 0 0 0 0
+175 1 0.0025 1500.0000000000005 0.05200493615239753 0.061535767504958844 0 0 0 0
+172 1 0.0035 1071.4285714285713 0.05644434559114317 0.06149531833456891 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.061493515885604574 0.06250482780287123 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.06326362735689744 0.061018438578270856 0 0 0 0
+184 1 0.0025 1500.0000000000005 0.06573182984428498 0.06179130729181048 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.06784008719225938 0.06075973685152393 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.07006671074363692 0.062057117935668205 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.07473149875211607 0.06240252884166973 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.04461629966843886 0.06463345093972767 0 0 0 0
+198 1 0.0035 1071.4285714285713 0.04834669413121542 0.06479012349525641 0 0 0 0
+182 1 0.0025 1500.0000000000005 0.05110047367431927 0.06377814289852446 0 0 0 0
+189 1 0.0035 1071.4285714285713 0.054076274020531646 0.0638648172632491 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.057087506022454354 0.0644010875842707 0 0 0 0
+178 1 0.0025 1500.0000000000005 0.05908058396991801 0.06313479281694169 0 0 0 0
+194 1 0.0025 1500.0000000000005 0.06138049212966064 0.0649116726710102 0 0 0 0
+193 1 0.0035 1071.4285714285713 0.06420434873294578 0.06416582295573879 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.06797170225071547 0.06394664175919473 0 0 0 0
+202 1 0.0035 1071.4285714285713 0.07209309291645312 0.06444659859715894 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.03494059850820974 0.06689832004362138 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.03750836557160005 0.06540130512349754 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.04118472619427591 0.06543704169135611 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.043650023144432705 0.06730550535641708 0 0 0 0
+199 1 0.0025 1500.0000000000005 0.049516806680247535 0.06760404438060688 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.0523580013196827 0.06670246557225985 0 0 0 0
+215 1 0.0035 1071.4285714285713 0.055869023991070244 0.06698055158852563 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.05918563682069804 0.06587346126551269 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.06110287659892749 0.06764049573211867 0 0 0 0
+206 1 0.0025 1500.0000000000005 0.06350579461316663 0.06712296779518312 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.06653446605024357 0.06697642918026742 0 0 0 0
+217 1 0.0035 1071.4285714285713 0.06997478762741083 0.06695680231603231 0 0 0 0
+214 1 0.0025 1500.0000000000005 0.07496838399883152 0.06535925679725661 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.037287658923573185 0.06989760309814924 0 0 0 0
+221 1 0.0035 1071.4285714285713 0.039656115509722444 0.0683207517477642 0 0 0 0
+219 1 0.0035 1071.4285714285713 0.04660420339144632 0.06782498035623864 0 0 0 0
+226 1 0.0025 1500.0000000000005 0.051386227537192894 0.06945709121907911 0 0 0 0
+222 1 0.0025 1500.0000000000005 0.05868089390286081 0.06823840510379815 0 0 0 0
+218 1 0.0025 1500.0000000000005 0.0630072692806364 0.06949751925085829 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.06546393821153364 0.06973163010888835 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.07143359314522153 0.06969042143806567 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.07344365557858024 0.06775611204036987 0 0 0 0
+232 1 0.0035 1071.4285714285713 0.03577368722580567 0.07226843603180438 0 0 0 0
+236 1 0.0035 1071.4285714285713 0.039988843013202234 0.07181802020017936 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.04283712617831434 0.07000999545042813 0 0 0 0
+233 1 0.0025 1500.0000000000005 0.04575669774492251 0.07065248309704827 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.04874012426556547 0.07072968879366048 0 0 -1 0
+3 1 0.0025 1500.0000000000005 0.05167474926177097 0.07192155405069353 0 0 -1 0
+225 1 0.0035 1071.4285714285713 0.054391477235545216 0.07000863847475483 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.05787456550429669 0.07105458738754286 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.06062224565319031 0.0700145646471302 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.06346871806469485 0.07193951130229036 0 0 -1 0
+238 1 0.0035 1071.4285714285713 0.06850666796070619 0.07003231091860863 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.0709830156919118 0.07205825565341244 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.0732960030932015 0.07147211828464356 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.07533893038380662 0.07024550407470319 0 0 0 0
+
+Velocities
+
+237 49.87720106584275 15.263498951704557 0 0 0 0
+1 -11.394654005197513 -4.21844897627843 0 0 0 0
+12 -9.827176179058089 -35.580189625420985 0 0 0 0
+4 9.97818536913824 32.20979201444466 0 0 0 0
+239 0.16849447239055268 2.4891364262417794 0 0 0 0
+18 6.091347139020177 1.3824722681745898 0 0 0 0
+224 -30.825392543243808 17.34836988891797 0 0 0 0
+10 -28.979560121557707 6.131166296737148 0 0 0 0
+9 14.414995954265345 0.5559660409805691 0 0 0 0
+26 40.63041321831696 10.051981918514166 0 0 0 0
+23 -18.491384744640943 -2.790835654275861 0 0 0 0
+14 -28.39543036699825 -1.9319072082973003 0 0 0 0
+8 -21.246063713561284 -11.406503283544977 0 0 0 0
+15 3.261236114497331 0.5686099470414355 0 0 0 0
+11 -32.12357441768641 2.3666073631745688 0 0 0 0
+240 -38.50718470067723 -17.677097136505367 0 0 0 0
+33 22.624803381506627 -22.566973560839422 0 0 0 0
+49 9.087219035173442 -19.506227594787283 0 0 0 0
+109 5.96067523308222 -26.676872378067117 0 0 0 0
+213 -21.357118505635203 -15.209347888818233 0 0 0 0
+229 27.85418895268026 29.78077285345954 0 0 0 0
+114 18.107046010653928 15.311474609064675 0 0 0 0
+147 -6.996117509091609 -6.451784276053289 0 0 0 0
+22 -31.252682837102615 -3.8958915703199475 0 0 0 0
+176 4.590915358374188 -4.843919547722194 0 0 0 0
+153 13.788930619775252 16.352866056096158 0 0 0 0
+203 -3.973173262174643 4.663476514173869 0 0 0 0
+84 13.451451154350053 -1.7566414489009874 0 0 0 0
+67 18.686132471107793 -5.384543549360068 0 0 0 0
+223 16.04361132997267 16.531678829147392 0 0 0 0
+29 31.332554389339506 -16.053811252249623 0 0 0 0
+17 -19.81762307198733 -7.092571230816786 0 0 0 0
+13 -9.042785352024579 -4.213503628007444 0 0 0 0
+38 73.81971745367898 -16.304870546599872 0 0 0 0
+6 -35.73275926595186 -5.682003562174205 0 0 0 0
+21 56.94890127229662 23.047230657143317 0 0 0 0
+7 -16.23547163205255 21.899895118566054 0 0 0 0
+30 6.745911134760844 31.987916314214953 0 0 0 0
+19 -5.772265168398159 -10.411370185947167 0 0 0 0
+27 -0.6061645236030553 -9.505907680401304 0 0 0 0
+24 -8.98547951632701 2.372901976003012 0 0 0 0
+16 55.93433613327862 -21.54303132840604 0 0 0 0
+50 -36.17396038328333 42.92013208771871 0 0 0 0
+32 1.1645488628384628 -5.065163343608865 0 0 0 0
+20 -3.2480571985721527 -23.00467679668166 0 0 0 0
+28 22.516285769730004 -5.193237054747985 0 0 0 0
+31 2.816693567708142 0.7590927482078121 0 0 0 0
+25 16.443890253838088 -9.014737355600708 0 0 0 0
+39 -24.666175836753894 0.6003759027774274 0 0 0 0
+40 -13.726727892205403 -6.581396701467224 0 0 0 0
+34 9.687483940104688 -3.75763484501697 0 0 0 0
+43 -23.80876557671248 0.768460055825369 0 0 0 0
+35 -7.157808467785452 12.661420333015604 0 0 0 0
+46 13.884854657716996 15.22846976935662 0 0 0 0
+36 28.36085916397188 24.765312373417917 0 0 0 0
+48 57.93974653139232 16.61672746016208 0 0 0 0
+47 18.646533783268918 24.550778442630957 0 0 0 0
+42 -2.5274653604169446 -18.78082142896284 0 0 0 0
+58 -7.551052871481989 -22.425043901010213 0 0 0 0
+54 -11.8924334216657 16.820665992153536 0 0 0 0
+37 -0.8280227750184423 -10.015073897128413 0 0 0 0
+52 -2.7251027766926827 3.8147380559178425 0 0 0 0
+57 23.310840067105563 -13.647539071340566 0 0 0 0
+60 -18.83003452100268 -33.79124719615285 0 0 0 0
+41 19.029420345708186 -37.86396121535347 0 0 0 0
+55 -49.96838353633672 37.47262006709313 0 0 0 0
+64 -0.310550120398369 6.857662157558118 0 0 0 0
+51 13.455728878433357 -8.939909009374835 0 0 0 0
+70 7.581888881513963 -39.86775479653137 0 0 0 0
+45 4.7627336126984225 -30.99785056468122 0 0 0 0
+69 -50.81295468172108 -1.1547159921545345 0 0 0 0
+56 25.022613022432548 11.214467581609426 0 0 0 0
+53 2.031223882181048 -5.960484970347348 0 0 0 0
+61 2.414778644992609 20.97270248911138 0 0 0 0
+72 35.1332222549251 -17.496325124336607 0 0 0 0
+68 8.629123362627148 -5.124973233174186 0 0 0 0
+62 13.098558014571966 26.573518312846637 0 0 0 0
+73 9.867515850990495 26.380803207634855 0 0 0 0
+44 19.97294324969574 18.959605591674002 0 0 0 0
+63 3.97234026970568 13.485782266929355 0 0 0 0
+74 15.640906813461914 -8.159872521076778 0 0 0 0
+83 -4.672925545119993 18.763473011684276 0 0 0 0
+77 -20.449157841146178 42.38388795727189 0 0 0 0
+71 -18.245924031097392 12.075549732059994 0 0 0 0
+80 10.212890665773635 5.922595172939726 0 0 0 0
+65 -2.687446664687435 -6.343897554809295 0 0 0 0
+59 -22.65801448118556 -2.894219707610098 0 0 0 0
+75 25.911458103097424 -6.168534219769346 0 0 0 0
+81 -16.21876604082125 6.237336638265731 0 0 0 0
+89 -7.251823072786704 22.932414235573106 0 0 0 0
+66 -19.26050139504613 -2.1547762905693655 0 0 0 0
+79 -17.727492935750586 2.6275872795470763 0 0 0 0
+91 34.59899250105533 36.279085893729054 0 0 0 0
+87 36.8501952493367 1.3476078415015207 0 0 0 0
+85 -12.676421586289578 29.017540728737615 0 0 0 0
+76 -17.248789572030635 16.412733492064778 0 0 0 0
+78 -25.5682171724682 6.716910926065482 0 0 0 0
+97 4.649713551462414 -3.8802773139046223 0 0 0 0
+88 3.0619177636027572 -26.566122199475032 0 0 0 0
+94 67.1461128798017 7.819708728997983 0 0 0 0
+96 7.12308923535968 -20.416744307578842 0 0 0 0
+99 23.280060266151228 33.48302277733828 0 0 0 0
+82 -24.96468207353214 0.18229508385114968 0 0 0 0
+95 -20.84716016388182 -0.5081076815126613 0 0 0 0
+105 9.755717320276005 6.291885711022909 0 0 0 0
+90 15.494679271027815 -39.42609780871711 0 0 0 0
+112 -2.57712220351023 -36.408540819034236 0 0 0 0
+86 15.337772085156152 16.971426993148892 0 0 0 0
+107 15.827482260947498 8.334557252708144 0 0 0 0
+101 -7.660123735254202 -23.51528444827206 0 0 0 0
+92 16.612386532807314 -30.496063280742067 0 0 0 0
+93 28.747425477911598 -8.00732927686721 0 0 0 0
+104 0.14729240117703646 -3.910638399432204 0 0 0 0
+100 -19.66404926747829 5.307415812105145 0 0 0 0
+120 5.355983923832345 -16.2767291995971 0 0 0 0
+108 35.97275043575696 13.060373910745135 0 0 0 0
+102 -16.91421980136067 15.104016738800825 0 0 0 0
+103 1.3369850263217433 0.17539620468405898 0 0 0 0
+132 -21.546364839087087 -37.04337114850085 0 0 0 0
+110 6.390242293635967 -28.454672421447526 0 0 0 0
+123 -8.723044041495978 -4.026448723699593 0 0 0 0
+98 -20.976592571705734 19.22362163934815 0 0 0 0
+119 -1.1642950620902455 -29.678037553023486 0 0 0 0
+116 7.604093636007149 21.852230554500533 0 0 0 0
+126 -17.5127153282622 25.091440784267974 0 0 0 0
+124 7.930575054552743 20.657266314526936 0 0 0 0
+113 -10.28980875050972 -4.496419378524949 0 0 0 0
+106 10.340900383500266 15.114927103828604 0 0 0 0
+121 -27.519626391869323 22.87484338529542 0 0 0 0
+111 -27.265841596205636 3.8496945179708817 0 0 0 0
+122 -36.15510478697681 -18.225399412138405 0 0 0 0
+118 -14.946239865096937 -4.294853891052847 0 0 0 0
+129 13.35775035996337 -26.49994111789533 0 0 0 0
+131 7.857159784890032 10.488938733059573 0 0 0 0
+127 -33.95988194860607 -49.12471344706897 0 0 0 0
+115 -2.8834847750792045 -21.831871454850724 0 0 0 0
+125 -15.62790756351936 0.963449316906253 0 0 0 0
+141 18.879097707118813 -37.532430470876704 0 0 0 0
+117 -22.09819802323334 -16.107666452886285 0 0 0 0
+137 -17.372367720144368 32.34641929320722 0 0 0 0
+135 4.621255391908946 17.2825169101511 0 0 0 0
+130 6.491974536152114 18.237667605561768 0 0 0 0
+143 -31.196712480040354 12.07566086893856 0 0 0 0
+140 10.863388429876155 -43.520269665622294 0 0 0 0
+146 -1.2417864434899337 10.668874191265846 0 0 0 0
+144 -9.84935968617772 -8.206864128600374 0 0 0 0
+128 6.4839153743015965 12.376749369165884 0 0 0 0
+136 16.806496718062142 -1.7094955991547596 0 0 0 0
+133 23.31939890294822 24.420855816153804 0 0 0 0
+134 5.676403230330303 -23.758554063349518 0 0 0 0
+151 9.494009239514767 -3.6494130188350784 0 0 0 0
+138 -42.110019611626946 -63.97516299854799 0 0 0 0
+139 10.619043491040964 -7.179626540902976 0 0 0 0
+167 -12.381125018557787 -33.86214083195225 0 0 0 0
+164 -17.398420172455754 5.098856458011763 0 0 0 0
+145 -39.678172337685226 -24.750494232248975 0 0 0 0
+142 -9.663678661311721 19.1521049129462 0 0 0 0
+148 -74.51585334596763 26.133666456688424 0 0 0 0
+154 10.184501964376308 -21.046248513216096 0 0 0 0
+158 27.20535633751844 -3.5973452532173003 0 0 0 0
+149 -46.33265663102524 29.411908376456584 0 0 0 0
+161 20.900434763234536 26.051852432062983 0 0 0 0
+156 26.905431269428178 -5.807703663482283 0 0 0 0
+150 -1.5826226177453284 6.20774006451719 0 0 0 0
+152 -2.2169955949737052 11.33799455379953 0 0 0 0
+177 10.041038753897677 -1.6813479594108673 0 0 0 0
+186 54.45411363244885 15.68097879503126 0 0 0 0
+171 -28.99881426008163 -15.494507626630156 0 0 0 0
+163 -0.6686808292017397 -14.604053812279743 0 0 0 0
+166 11.494481271378488 -0.3146750522797192 0 0 0 0
+155 -37.07086150489391 -17.576410859304673 0 0 0 0
+169 -6.16394920896555 35.319618936661 0 0 0 0
+174 -22.149161860858364 -16.58021379999695 0 0 0 0
+168 -23.224235599441734 4.518662432974885 0 0 0 0
+160 9.17417451753173 -49.50386632741171 0 0 0 0
+162 23.30860890293443 -33.93054154207945 0 0 0 0
+165 -27.1996089202296 56.2033279862695 0 0 0 0
+170 -6.846081321385293 -9.635215469369633 0 0 0 0
+157 -20.311795972042354 6.720022216116533 0 0 0 0
+179 -19.096811584561003 1.6166034370555213 0 0 0 0
+188 11.267538385479005 23.295981636334105 0 0 0 0
+191 12.124080608384817 -5.792594227354854 0 0 0 0
+190 -52.98883334499123 19.51322853682167 0 0 0 0
+183 10.17892261935469 11.103453857626944 0 0 0 0
+180 28.322056519727884 5.458788854801473 0 0 0 0
+173 23.848746846340813 -24.94954913551035 0 0 0 0
+175 49.111199863126465 1.4175504883818102 0 0 0 0
+172 -5.282555695718643 0.43367783852687614 0 0 0 0
+185 -4.5177658811876205 33.18987475894701 0 0 0 0
+159 18.206807804135277 -0.5456257506071472 0 0 0 0
+184 1.5675398079026563 -24.58376877696438 0 0 0 0
+181 -7.250745726900355 -20.58921723367054 0 0 0 0
+192 -15.432464152984569 9.90858499339851 0 0 0 0
+187 8.93570735381843 5.955641675688995 0 0 0 0
+197 7.137170643203039 6.697973854794606 0 0 0 0
+198 13.139983866136319 -0.7418508339882076 0 0 0 0
+182 15.51396510968606 17.02103504721452 0 0 0 0
+189 -22.82131780493861 -8.902725454019327 0 0 0 0
+195 -17.671808380513635 -19.812747242895718 0 0 0 0
+178 24.041661224123242 -41.67429050375581 0 0 0 0
+194 10.276599944320433 9.222457858735854 0 0 0 0
+193 11.04112627691564 -5.018755301519306 0 0 0 0
+196 15.746668381026291 18.385808850861725 0 0 0 0
+202 9.067772982021994 -14.50984110038283 0 0 0 0
+204 -15.326684545623085 -7.216619473207433 0 0 0 0
+205 -7.864959001299819 7.325681122225628 0 0 0 0
+201 -10.555267298726724 17.254397341528662 0 0 0 0
+200 -18.831204245686 -11.63554002062711 0 0 0 0
+199 15.323073180953976 47.24924993359652 0 0 0 0
+208 -2.5200613902797486 21.06511311851403 0 0 0 0
+215 -28.472090482543045 4.918725658562368 0 0 0 0
+210 0.29637054982740907 30.10422022806876 0 0 0 0
+212 16.797293334041704 6.102148065159601 0 0 0 0
+206 -28.58223505264392 7.339102453539576 0 0 0 0
+207 23.78250985925588 10.906542597677033 0 0 0 0
+217 -20.06002571398079 -7.9840137091572005 0 0 0 0
+214 30.960977619126194 -0.396330663587388 0 0 0 0
+220 -33.78437224449985 27.512604547473796 0 0 0 0
+221 -24.694737225822973 -12.259651413161283 0 0 0 0
+219 4.390322713064253 -6.976107923227157 0 0 0 0
+226 -1.6241680561715583 -25.55628793094602 0 0 0 0
+222 -65.95681338722068 -12.880322499933126 0 0 0 0
+218 -14.7023114680938 -14.577968461493743 0 0 0 0
+234 8.346783003035663 31.259748742346037 0 0 0 0
+227 11.403113156435294 90.31735757555728 0 0 0 0
+209 -10.506761232957977 11.712321869698451 0 0 0 0
+232 15.339643940706752 -13.556692434475604 0 0 0 0
+236 23.886761962738426 -54.660862110405866 0 0 0 0
+230 13.14839209445241 11.841411702797773 0 0 0 0
+233 39.74023637363059 -20.837303943673703 0 0 0 0
+5 9.462766851499763 1.5153899505214872 0 0 0 0
+3 -61.321085632838795 29.031768553375315 0 0 0 0
+225 21.69654865435241 0.76047716603956 0 0 0 0
+228 6.2152554455232805 -4.248351209130332 0 0 0 0
+211 12.815658518841824 -2.770902999946167 0 0 0 0
+2 -22.43525535804598 -26.477659677240606 0 0 0 0
+238 10.368257157011335 -4.536512867953567 0 0 0 0
+231 27.172461980579683 9.463415475895124 0 0 0 0
+235 -35.12426622865593 29.02408257961979 0 0 0 0
+216 25.473787832955576 -0.7495433029046467 0 0 0 0
diff --git a/DATASET/P=60000Pa/confined.restart b/DATASET/P=60000Pa/confined.restart
new file mode 100644
index 0000000..51cac03
Binary files /dev/null and b/DATASET/P=60000Pa/confined.restart differ
diff --git a/DATASET/P=60000Pa/log.lammps b/DATASET/P=60000Pa/log.lammps
new file mode 100644
index 0000000..6eb378f
--- /dev/null
+++ b/DATASET/P=60000Pa/log.lammps
@@ -0,0 +1,148 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.027637912 0.027637912 -0.00050000000) to (0.072362088 0.072362088 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.001 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 223593
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 224
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.027637912 0.027637912 -0.00050000000) to (0.072362088 0.072362088 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.47241758386386e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 224 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 223593
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 20 20 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.044724176 0 1944.6038 0 223593
+ 2005000 240 0.044724176 0.0001000126 -1638.2915 0.0022362088 223593
+ 2010000 240 0.044724176 0.00020002519 -5205.3446 0.0044724176 223593
+ 2015000 240 0.044724176 0.00030003779 -8747.5639 0.0067086264 223593
+ 2020000 240 0.044724176 0.00040005038 -12258.902 0.0089448352 223593
+ 2025000 240 0.044724176 0.00050006298 -15760.407 0.011181044 223593
+ 2030000 240 0.044724176 0.00060007557 -19244.228 0.013417253 223593
+ 2035000 240 0.044724176 0.00070008817 -22713.997 0.015653462 223593
+ 2040000 240 0.044724176 0.00080010076 -26164.649 0.01788967 223593
+ 2045000 240 0.044724176 0.00090011336 -29583.705 0.020125879 223593
+ 2050000 240 0.044724176 0.001000126 -32978.221 0.022362088 223593
+ 2055000 240 0.044724176 0.0011001385 -36333.352 0.024598297 223593
+ 2060000 240 0.044724176 0.0012001511 -39657.253 0.026834506 223593
+ 2065000 240 0.044724176 0.0013001637 -42970.178 0.029070714 223593
+ 2070000 240 0.044724176 0.0014001763 -46282.111 0.031306923 223593
+ 2075000 240 0.044724176 0.0015001889 -49604.663 0.033543132 223593
+ 2080000 240 0.044724176 0.0016002015 -52945.575 0.035779341 223593
+ 2085000 240 0.044724176 0.0017002141 -56297.13 0.038015549 223593
+ 2090000 240 0.044724176 0.0018002267 -59686.859 0.040251758 223593
+ 2095000 240 0.044724176 0.0019002393 -63125.233 0.042487967 223593
+ 2100000 240 0.044724176 0.0020002519 -66605.715 0.044724176 223593
+ 2105000 240 0.044724176 0.0021002645 -70129.758 0.046960385 223593
+ 2110000 240 0.044724176 0.0022002771 -73694.305 0.049196593 223593
+ 2115000 240 0.044724176 0.0023002897 -77304.454 0.051432802 223593
+ 2120000 240 0.044724176 0.0024003023 -80967.923 0.053669011 223593
+ 2125000 240 0.044724176 0.0025003149 -84691.029 0.05590522 223593
+ 2130000 240 0.044724176 0.0026003275 -88470.047 0.058141429 223593
+ 2135000 240 0.044724176 0.0027003401 -92302.825 0.060377637 223593
+ 2140000 240 0.044724176 0.0028003527 -96185.077 0.062613846 223593
+ 2145000 240 0.044724176 0.0029003653 -100119.89 0.064850055 223593
+ 2150000 240 0.044724176 0.0030003779 -104116.78 0.067086264 223593
+ 2155000 240 0.044724176 0.0031003905 -108170.81 0.069322473 223593
+ 2160000 240 0.044724176 0.003200403 -112276.48 0.071558681 223593
+ 2165000 240 0.044724176 0.0033004156 -116429.78 0.07379489 223593
+ 2170000 240 0.044724176 0.0034004282 -120628.23 0.076031099 223593
+ 2175000 240 0.044724176 0.0035004408 -124872.59 0.078267308 223593
+ 2180000 240 0.044724176 0.0036004534 -129164.56 0.080503517 223593
+ 2185000 240 0.044724176 0.003700466 -133502.18 0.082739725 223593
+ 2190000 240 0.044724176 0.0038004786 -137888.43 0.084975934 223593
+ 2195000 240 0.044724176 0.0039004912 -142318.52 0.087212143 223593
+ 2200000 240 0.044724176 0.0040005038 -146790.59 0.089448352 223593
+ 2205000 240 0.044724176 0.0041005164 -151306.1 0.09168456 223593
+ 2210000 240 0.044724176 0.004200529 -155864.44 0.093920769 223593
+ 2215000 240 0.044724176 0.0043005416 -160469.15 0.096156978 223593
+ 2220000 240 0.044724176 0.0044005542 -165113.84 0.098393187 223593
+ 2223593 240 0.044724176 0.0044724232 -168480.02 0.10000013 223593
+Loop time of 4.53269 on 1 procs for 223593 steps with 240 atoms
+
+99.3% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 3.2306 | 3.2306 | 3.2306 | 0.0 | 71.27
+Neigh | 0.00071955 | 0.00071955 | 0.00071955 | 0.0 | 0.02
+Comm | 0.50808 | 0.50808 | 0.50808 | 0.0 | 11.21
+Output | 0.0060587 | 0.0060587 | 0.0060587 | 0.0 | 0.13
+Modify | 0.57829 | 0.57829 | 0.57829 | 0.0 | 12.76
+Other | | 0.2089 | | | 4.61
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 108.000 ave 108 max 108 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 695.000 ave 695 max 695 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 695
+Ave neighs/atom = 2.8958333
+Neighbor list builds = 17
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:04
diff --git a/DATASET/P=70000Pa/1_generate_conf_70000Pa.in b/DATASET/P=70000Pa/1_generate_conf_70000Pa.in
new file mode 100644
index 0000000..3886da1
--- /dev/null
+++ b/DATASET/P=70000Pa/1_generate_conf_70000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 70000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 283 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 958 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 633 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 628 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 973 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 745 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 259 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 359 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 710 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 456 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 411 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 649 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 318 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 677 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 225 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 819 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 234 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 684 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 664 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 975 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 827 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 374 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 672 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 608 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 472 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 233 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 692 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 113 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 830 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 497 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 442 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 564 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 268 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 510 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 807 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 386 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 387 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 113 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 613 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 625 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=70000Pa/2_shear.in b/DATASET/P=70000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=70000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=70000Pa/StrainStress.txt b/DATASET/P=70000Pa/StrainStress.txt
new file mode 100644
index 0000000..afe0932
--- /dev/null
+++ b/DATASET/P=70000Pa/StrainStress.txt
@@ -0,0 +1,999 @@
+# Fix print output for fix output_file
+4.28035179683914e-05 2446.0074320282492408
+0.000142972575481931 2287.8098801178844042
+0.000243141632995471 2129.6136596102728618
+0.000343310690509169 1971.4268250452430493
+0.000443479748022708 1813.2547506496355254
+0.000543648805536248 1655.1020988622071854
+0.000643817863049788 1496.9733357773582156
+0.000743986920563486 1338.8687892196401208
+0.000844155978077026 1180.7713227911074227
+0.000944325035590566 1022.6795991410704119
+0.00104449409310411 864.58011774778333347
+0.0011446631506178 706.51103897137443255
+0.00124483220813134 548.4785230358888839
+0.00134500126564488 390.43957101936013032
+0.00144517032315842 232.35833284407664223
+0.00154533938067212 74.288941209941597776
+0.00164550843818566 -83.779216624621483334
+0.0017456774956992 -241.86771468678986707
+0.00184584655321274 -399.97626840245919766
+0.00194601561072644 -558.1269265775548547
+0.00204618466823998 -716.26328481594066488
+0.00214635372575352 -874.45134422337184787
+0.00224652278326706 -1032.7029379785171841
+0.00234669184078075 -1190.9975390524641625
+0.00244686089829429 -1349.3266419511548975
+0.00254702995580783 -1507.6874560444109648
+0.00264719901332137 -1666.0777053269757744
+0.00274736807083507 -1824.6081046393207998
+0.00284753712834861 -1983.2373494476323685
+0.00294770618586215 -2141.9737608601171814
+0.00304787524337569 -2300.7996720260489383
+0.00314804430088939 -2459.6883761978592702
+0.00324821335840293 -2618.6196996161288553
+0.00334838241591647 -2777.5757314289858186
+0.00344855147343001 -2936.5765533529133791
+0.00354872053094371 -3095.613577031166642
+0.00364888958845724 -3254.6901817161929102
+0.00374905864597079 -3413.800951715784322
+0.00384922770348432 -3572.9402680238595167
+0.00394939676099802 -3732.1017837433214481
+0.00404956581851156 -3891.28206313400824
+0.0041497348760251 -4050.4767287959125497
+0.00424990393353864 -4209.6800262434480828
+0.00435007299105234 -4368.885317646850126
+0.00445024204856588 -4528.0859922203608221
+0.00455041110607942 -4687.323284525429699
+0.00465058016359296 -4846.5861707684198336
+0.00475074922110666 -5005.9341142742287047
+0.0048509182786202 -5165.3407433992442748
+0.00495108733613374 -5324.7885129423475519
+0.00505125639364728 -5484.2657628190754622
+0.00515142545116097 -5643.7620060192048186
+0.00525159450867451 -5803.265386560038678
+0.00535176356618805 -5962.7621765573203447
+0.00545193262370159 -6122.2507966145076352
+0.00555210168121529 -6281.7077071417816114
+0.00565227073872883 -6441.1026134821740925
+0.00575243979624237 -6600.5415666891567525
+0.00585260885375591 -6759.9902663814373227
+0.00595277791126961 -6919.4813670347111838
+0.00605294696878315 -7079.0359453257724454
+0.00615311602629669 -7238.6437674833832716
+0.00625328508381023 -7398.309906317173045
+0.00635345414132392 -7558.0359937399662158
+0.00645362319883746 -7717.889591214398024
+0.006553792256351 -7877.8448611492076452
+0.00665396131386454 -8037.8807241305776188
+0.00675413037137824 -8197.9936537237681478
+0.00685429942889178 -8358.2141442525025923
+0.00695446848640532 -8518.5179008062859793
+0.00705463754391886 -8678.9005761565913417
+0.00715480660143256 -8839.3546200080218114
+0.0072549756589461 -8999.8830694300777395
+0.00735514471645964 -9160.5169169789951411
+0.00745531377397318 -9321.2285536357867386
+0.00755548283148688 -9482.0053555873710138
+0.00765565188900042 -9642.8380861983732757
+0.00775582094651396 -9803.7157492189653567
+0.0078559900040275 -9964.634598208071111
+0.00795615906154119 -10125.599079017554686
+0.00805632811905473 -10286.604176856759295
+0.00815649717656827 -10447.644775979522819
+0.00825666623408181 -10608.715108004402282
+0.00835683529159551 -10769.806318963033846
+0.00845700434910905 -10930.92175006578691
+0.00855717340662259 -11092.059936850761005
+0.00865734246413613 -11253.21340074051659
+0.00875751152164983 -11414.399931643329182
+0.00885768057916337 -11575.686380603094221
+0.00895784963667691 -11737.063097383419517
+0.00905801869419045 -11898.502102560145431
+0.00915818775170415 -12059.990453031610741
+0.00925835680921768 -12221.517527101183077
+0.00935852586673122 -12383.070351647274947
+0.00945869492424476 -12544.633669425273183
+0.00955886398175846 -12706.230531083932874
+0.009659033039272 -12867.857481617342273
+0.00975920209678554 -13029.524708032879062
+0.00985937115429908 -13191.228220088443777
+0.00995954021181278 -13352.953391875520538
+0.0100597092693263 -13514.699826342375673
+0.0101598783268399 -13676.4602551155931
+0.0102600473843534 -13838.225305192578162
+0.0103602164418671 -13999.979344462295558
+0.0104603854993806 -14161.736323458053448
+0.0105605545568942 -14323.550148644109868
+0.0106607236144077 -14485.426022003965045
+0.0107608926719214 -14647.357727935119328
+0.010861061729435 -14809.364016595878638
+0.0109612307869485 -14971.427126880142168
+0.011061399844462 -15133.537004882628025
+0.0111615689019757 -15295.686632378607101
+0.0112617379594893 -15457.869992798541716
+0.0113619070170028 -15620.081448074450236
+0.0114620760745163 -15782.31535475776036
+0.01156224513203 -15944.565594476573096
+0.0116624141895436 -16106.823797615086733
+0.0117625832470571 -16269.082496597187856
+0.0118627523045707 -16431.34555099112913
+0.0119629213620844 -16593.603217076455621
+0.0120630904195979 -16755.830567605185934
+0.0121632594771114 -16918.048183239992795
+0.012263428534625 -17080.274441535952064
+0.0123635975921387 -17242.51240798224535
+0.0124637666496522 -17404.755146621177119
+0.0125639357071658 -17566.991601909216115
+0.0126641047646793 -17729.206529275441426
+0.012764273822193 -17891.365929210969625
+0.0128644428797065 -18053.503964280262153
+0.0129646119372201 -18215.65827620388518
+0.0130647809947336 -18377.830491453845752
+0.0131649500522473 -18540.018015643396211
+0.0132651191097609 -18702.218239999368961
+0.0133652881672744 -18864.428521328300121
+0.0134654572247879 -19026.646161412696529
+0.0135656262823016 -19188.868972361506167
+0.0136657953398152 -19351.115763313046045
+0.0137659643973287 -19513.377025316116487
+0.0138661334548423 -19675.647806633052824
+0.0139663025123559 -19837.96929439861924
+0.0140664715698695 -20000.318839214192849
+0.014166640627383 -20162.681312449800316
+0.0142668096848966 -20325.045900190423708
+0.0143669787424103 -20487.399353939967114
+0.0144671477999238 -20649.71630653423199
+0.0145673168574373 -20812.033083462323702
+0.0146674859149509 -20974.363455963073648
+0.0147676549724646 -21136.699856191400613
+0.0148678240299781 -21299.032195905674598
+0.0149679930874917 -21461.362981763912103
+0.0150681621450052 -21623.688941232034267
+0.0151683312025189 -21786.005349579358153
+0.0152685002600324 -21948.307226067398005
+0.015368669317546 -22110.599416301152814
+0.0154688383750595 -22272.955438812507055
+0.0155690074325732 -22435.337766991564422
+0.0156691764900868 -22597.718567122035893
+0.0157693455476003 -22760.082915055583726
+0.0158695146051138 -22922.444466088771151
+0.0159696836626275 -23084.783983190249273
+0.0160698527201411 -23247.148856222702307
+0.0161700217776546 -23409.515415860714711
+0.0162701908351682 -23571.909219040062453
+0.0163703598926819 -23734.329906872841093
+0.0164705289501954 -23896.769057574372709
+0.0165706980077089 -24059.21436949996496
+0.0166708670652225 -24221.641799733810331
+0.0167710361227362 -24384.089662424743437
+0.0168712051802497 -24546.56147433301885
+0.0169713742377632 -24709.05362734998198
+0.0170715432952768 -24871.56255534157026
+0.0171717123527905 -25034.084694842928002
+0.017271881410304 -25196.616445957675751
+0.0173720504678176 -25359.154129493465007
+0.0174722195253311 -25521.693934745599108
+0.0175723885828448 -25684.23184834831045
+0.0176725576403583 -25846.763560187733674
+0.0177727266978719 -26009.284294086523005
+0.0178728957553854 -26171.788139807526022
+0.0179730648128991 -26334.265015046050394
+0.0180732338704127 -26496.709861964332958
+0.0181734029279262 -26659.131891636574437
+0.0182735719854397 -26821.528917560379341
+0.0183737410429534 -26983.934652112009644
+0.018473910100467 -27146.303286634742108
+0.0185740791579805 -27308.652643546978652
+0.0186742482154941 -27470.98477489819561
+0.0187744172730078 -27633.296713913437998
+0.0188745863305213 -27795.588796930871467
+0.0189747553880348 -27957.856616936220234
+0.0190749244455484 -28120.059892365527048
+0.0191750935030621 -28282.262471217069105
+0.0192752625605756 -28444.467902029384277
+0.0193754316180892 -28606.671123018131766
+0.0194756006756027 -28768.867481466884783
+0.0195757697331164 -28931.089451351781463
+0.0196759387906299 -29093.322002858651103
+0.0197761078481435 -29255.549237218332564
+0.019876276905657 -29417.759910045464494
+0.0199764459631707 -29579.941754380120983
+0.0200766150206842 -29742.072544479495264
+0.0201767840781978 -29904.145375016374601
+0.0202769531357113 -30066.17466115793286
+0.020377122193225 -30228.158297020145255
+0.0204772912507386 -30390.100013523777307
+0.0205774603082521 -30551.981229230630561
+0.0206776293657658 -30713.833163012652221
+0.0207777984232793 -30875.679108775875648
+0.0208779674807929 -31037.562140566093149
+0.0209781365383064 -31199.472626931899867
+0.02107830559582 -31361.414785281001969
+0.0211784746533337 -31523.387326278305409
+0.0212786437108472 -31685.381992755337706
+0.0213788127683607 -31847.418375841047236
+0.0214789818258744 -32009.478661272434692
+0.021579150883388 -32171.552004175406182
+0.0216793199409015 -32333.649559518577007
+0.0217794889984151 -32495.763451415223244
+0.0218796580559286 -32657.884704109888844
+0.0219798271134423 -32820.008477883442538
+0.0220799961709558 -32982.126800695426937
+0.0221801652284694 -33144.224560838396428
+0.0222803342859831 -33306.2764891267434
+0.0223805033434966 -33468.319653073704103
+0.0224806724010101 -33630.341419449643581
+0.0225808414585237 -33792.311733061658742
+0.0226810105160372 -33954.293320953212969
+0.0227811795735509 -34116.287326262812712
+0.0228813486310645 -34278.285964045324363
+0.022981517688578 -34440.294770416308893
+0.0230816867460917 -34602.312367707701924
+0.0231818558036052 -34764.335148144506093
+0.0232820248611188 -34926.359272901972872
+0.0233821939186323 -35088.380596621318546
+0.023482362976146 -35250.394544802074961
+0.0235825320336596 -35412.396045502413472
+0.0236827010911731 -35574.379159376541793
+0.0237828701486866 -35736.35322903010092
+0.0238830392062003 -35898.333059129683534
+0.0239832082637139 -36060.281317429944465
+0.0240833773212274 -36222.162390235855128
+0.024183546378741 -36384.033554239918885
+0.0242837154362547 -36545.886285287175269
+0.0243838844937682 -36707.700408740594867
+0.0244840535512817 -36869.490416781372915
+0.0245842226087953 -37031.231815363047644
+0.024684391666309 -37192.920503796791309
+0.0247845607238225 -37354.600363094032218
+0.024884729781336 -37516.279426724016957
+0.0249848988388496 -37677.947954515613674
+0.0250850678963633 -37839.583994789863937
+0.0251852369538768 -38001.210047098698851
+0.0252854060113904 -38162.826355440927728
+0.0253855750689039 -38324.443627491593361
+0.0254857441264176 -38486.057600970241765
+0.0255859131839311 -38647.662297787886928
+0.0256860822414447 -38809.290595482161734
+0.0257862512989582 -38970.922228430550604
+0.0258864203564719 -39132.524219474333222
+0.0259865894139855 -39294.082947164068173
+0.026086758471499 -39455.626083087321604
+0.0261869275290125 -39617.14898183033074
+0.0262870965865262 -39778.701754174988309
+0.0263872656440398 -39940.272154416757985
+0.0264874347015533 -40101.883909740536183
+0.0265876037590669 -40263.564324857870815
+0.0266877728165806 -40425.307979802695627
+0.0267879418740941 -40587.11038348654256
+0.0268881109316076 -40748.967551555208047
+0.0269882799891212 -40910.875784456380643
+0.0270884490466349 -41072.831522373875487
+0.0271886181041484 -41234.831225095404079
+0.027288787161662 -41396.871239290492667
+0.0273889562191755 -41558.947594613819092
+0.0274891252766892 -41721.055552166289999
+0.0275892943342027 -41883.187825087632518
+0.0276894633917163 -42045.331326169020031
+0.0277896324492298 -42207.512480950063036
+0.0278898015067435 -42369.737266081341659
+0.027989970564257 -42531.997708582603082
+0.0280901396217706 -42694.289182965520013
+0.0281903086792841 -42856.607392208417878
+0.0282904777367978 -43018.947677328804275
+0.0283906467943114 -43181.303892653930234
+0.0284908158518249 -43343.666099617381406
+0.0285909849093384 -43506.037433945930388
+0.0286911539668521 -43668.425405694084475
+0.0287913230243657 -43830.825288633372111
+0.0288914920818792 -43993.230903556526755
+0.0289916611393928 -44155.631966912820644
+0.0290918301969065 -44318.004956356620823
+0.02919199925442 -44480.387226383842062
+0.0292921683119335 -44642.784617560813786
+0.0293923373694471 -44805.193713062704774
+0.0294925064269608 -44967.610790577527951
+0.0295926754844743 -45130.031724390872114
+0.0296928445419879 -45292.451835911379021
+0.0297930135995014 -45454.865646601079789
+0.0298931826570151 -45617.266417568622273
+0.0299933517145286 -45779.645088632969419
+0.0300935207720422 -45941.985233279279782
+0.0301936898295557 -46104.271749859442934
+0.0302938588870694 -46266.492503437635605
+0.030394027944583 -46428.640161702955083
+0.0304941970020965 -46590.798590268685075
+0.03059436605961 -46752.965439517894993
+0.0306945351171237 -46915.134120672366407
+0.0307947041746373 -47077.290285215087351
+0.0308948732321508 -47239.427028006219189
+0.0309950422896643 -47401.574513050043606
+0.031095211347178 -47563.727106415790331
+0.0311953804046916 -47725.877251151614473
+0.0312955494622051 -47888.013701914380363
+0.0313957185197187 -48050.148838837601943
+0.0314958875772324 -48212.284979906202352
+0.0315960566347459 -48374.41028867699788
+0.0316962256922594 -48536.536392626505403
+0.031796394749773 -48698.662992613884853
+0.0318965638072867 -48860.807617398975708
+0.0319967328648002 -49022.944855523353908
+0.0320969019223138 -49185.0415923985056
+0.0321970709798273 -49347.103464570071083
+0.032297240037341 -49509.173334602695832
+0.0323974090948545 -49671.274130146885
+0.0324975781523681 -49833.402315102219291
+0.0325977472098816 -49995.554173749776965
+0.0326979162673953 -50157.725641567951243
+0.0327980853249089 -50319.912073453480843
+0.0328982543824224 -50482.132159376073105
+0.0329984234399359 -50644.393534463772085
+0.0330985924974496 -50806.667323112058511
+0.0331987615549632 -50968.915184081466577
+0.0332989306124767 -51131.158378670486854
+0.0333990996699902 -51293.425230956949235
+0.0334992687275039 -51455.72330594064988
+0.0335994377850175 -51618.042694417817984
+0.033699606842531 -51780.369380869844463
+0.0337997759000446 -51942.718983805403695
+0.0338999449575583 -52105.105445303830493
+0.0340001140150718 -52267.525427119369851
+0.0341002830725853 -52429.975281506602187
+0.0342004521300989 -52592.450860542034206
+0.0343006211876126 -52754.947142571800214
+0.0344007902451261 -52917.45726296553039
+0.0345009593026397 -53079.967400969129812
+0.0346011283601532 -53242.464210190126323
+0.0347012974176669 -53404.98609286294959
+0.0348014664751804 -53567.530030388836167
+0.034901635532694 -53730.09151561390172
+0.0350018045902075 -53892.665188267936173
+0.0351019736477212 -54055.244349020023947
+0.0352021427052348 -54217.819928311597323
+0.0353023117627483 -54380.377584650515928
+0.0354024808202618 -54542.880493386037415
+0.0355026498777755 -54705.321631964019616
+0.0356028189352891 -54867.783435359349824
+0.0357029879928026 -55030.244536160855205
+0.0358031570503161 -55192.722590464261884
+0.0359033261078298 -55355.238953220235999
+0.0360034951653434 -55517.789759439263435
+0.0361036642228569 -55680.369831554795383
+0.0362038332803705 -55842.970389975889702
+0.0363040023378842 -56005.571761263592634
+0.0364041713953977 -56168.2229138041439
+0.0365043404529112 -56330.944412707685842
+0.0366045095104248 -56493.738124045652512
+0.0367046785679385 -56656.580898714666546
+0.036804847625452 -56819.442333495477214
+0.0369050166829656 -56982.351728598565387
+0.0370051857404791 -57145.310349081089953
+0.0371053547979928 -57308.30388601955201
+0.0372055238555063 -57471.304362208167731
+0.0373056929130199 -57634.350978085400129
+0.0374058619705334 -57797.468798601177696
+0.0375060310280471 -57960.655299856014608
+0.0376062000855607 -58123.9076583201022
+0.0377063691430742 -58287.222204995930952
+0.0378065382005877 -58450.590748990216525
+0.0379067072581014 -58614.018369470111793
+0.038006876315615 -58777.509864931467746
+0.0381070453731285 -58941.062706758348213
+0.0382072144306421 -59104.673809933032317
+0.0383073834881558 -59268.338799314944481
+0.0384075525456693 -59432.049015135344234
+0.0385077216031828 -59595.821764145890484
+0.0386078906606964 -59759.661314828052127
+0.0387080597182101 -59923.55689580545004
+0.0388082287757236 -60087.510269615297148
+0.0389083978332372 -60251.53454800410691
+0.0390085668907507 -60415.658167130277434
+0.0391087359482644 -60579.866307355507161
+0.0392089050057779 -60744.15043035990675
+0.0393090740632915 -60908.504985720384866
+0.039409243120805 -61072.924487986318127
+0.0395094121783187 -61237.414540737700008
+0.0396095812358322 -61401.968963760664337
+0.0397097502933458 -61566.648818897891033
+0.0398099193508593 -61731.433205984445522
+0.039910088408373 -61896.310498778104375
+0.0400102574658866 -62061.273641853607842
+0.0401104265234001 -62226.316610174500966
+0.0402105955809136 -62391.432884167210432
+0.0403107646384273 -62556.611858887765266
+0.0404109336959409 -62721.838281326687138
+0.0405111027534544 -62887.145544594743114
+0.040611271810968 -63052.53395758910483
+0.0407114408684817 -63218.002137159797712
+0.0408116099259952 -63383.548102166249009
+0.0409117789835087 -63549.16988803663844
+0.0410119480410223 -63714.865506435075076
+0.041112117098536 -63880.632887111132732
+0.0412122861560495 -64046.46976440596336
+0.041312455213563 -64212.373326725988591
+0.0414126242710766 -64378.338218393786519
+0.0415127933285903 -64544.367911527602701
+0.0416129623861038 -64710.463289896186325
+0.0417131314436174 -64876.622293317377625
+0.0418133005011309 -65042.842588553314272
+0.0419134695586446 -65209.121114162844606
+0.0420136386161581 -65375.453117164754076
+0.0421138076736717 -65541.842246877960861
+0.0422139767311852 -65708.286723139506648
+0.0423141457886989 -65874.783320412258036
+0.0424143148462125 -66041.327532153387438
+0.042514483903726 -66207.910140020379913
+0.0426146529612395 -66374.520161341555649
+0.0427148220187532 -66541.188636008635513
+0.0428149910762668 -66707.914560049175634
+0.0429151601337803 -66874.696025420154911
+0.0430153291912939 -67041.531289675142034
+0.0431154982488076 -67208.444411224190844
+0.0432156673063211 -67375.426943426049547
+0.0433158363638346 -67542.472916104758042
+0.0434160054213482 -67709.577565836341819
+0.0435161744788619 -67876.737018042549607
+0.0436163435363754 -68043.947647316206712
+0.043716512593889 -68211.205781456184923
+0.0438166816514025 -68378.50746445346158
+0.0439168507089162 -68545.84813502158795
+0.0440170197664297 -68713.221894828719087
+0.0441171888239433 -68880.617324845530675
+0.0442173578814568 -69048.032976189802866
+0.0443175269389705 -69215.461451920011314
+0.044417695996484 -69382.922982768403017
+0.0445178650539976 -69550.417603813577443
+0.0446180341115113 -69717.939490325617953
+0.0447182031690248 -69885.480904709373135
+0.0448183722265384 -70053.029259653398185
+0.0449185412840519 -70220.561769626598107
+0.0450187103415654 -70388.102009807102149
+0.0451188793990791 -70555.634853861731244
+0.0452190484565927 -70723.105772849041387
+0.0453192175141062 -70890.534771193924826
+0.0454193865716199 -71058.026215261983452
+0.0455195556291335 -71225.588797326723579
+0.045619724686647 -71393.217218887948547
+0.0457198937441605 -71560.903117119698436
+0.0458200628016741 -71728.664808733476093
+0.0459202318591878 -71896.502711291585001
+0.0460204009167013 -72064.435489024966955
+0.0461205699742149 -72232.450417069485411
+0.0462207390317286 -72400.544752773130313
+0.0463209080892421 -72568.724283151808777
+0.0464210771467556 -72736.986849934008205
+0.0465212462042692 -72905.33060341826058
+0.0466214152617827 -73073.753840533143375
+0.0467215843192964 -73242.254922162144794
+0.04682175337681 -73410.833377479328192
+0.0469219224343235 -73579.534238474720041
+0.0470220914918372 -73748.342113140577567
+0.0471222605493507 -73917.244291769602569
+0.0472224296068643 -74086.234511885952088
+0.0473225986643778 -74255.308077421766939
+0.0474227677218913 -74424.460811016673688
+0.047522936779405 -74593.688555479078786
+0.0476231058369186 -74762.986746051537921
+0.0477232748944321 -74932.349759533288307
+0.0478234439519458 -75101.769242695416324
+0.0479236130094594 -75271.221954647771781
+0.0480237820669729 -75440.715557926683687
+0.0481239511244864 -75610.288483606680529
+0.048224120182 -75779.937264224587125
+0.0483242892395137 -75949.675171911658254
+0.0484244582970272 -76119.527793607776402
+0.0485246273545408 -76289.483779083850095
+0.0486247964120545 -76459.540298518244526
+0.048724965469568 -76629.732195580363623
+0.0488251345270815 -76800.030119569637463
+0.0489253035845951 -76970.409905395557871
+0.0490254726421086 -77140.881190491185407
+0.0491256416996223 -77311.44548615734675
+0.0492258107571358 -77482.088003152995952
+0.0493259798146494 -77652.864336806509527
+0.0494261488721631 -77823.769957618671469
+0.0495263179296766 -77994.801589890543255
+0.0496264869871902 -78165.956637088980642
+0.0497266560447037 -78337.232913948799251
+0.0498268251022174 -78508.628513683899655
+0.0499269941597309 -78680.141731477648136
+0.0500271632172445 -78851.771015769685619
+0.050127332274758 -79023.514935183382477
+0.0502275013322717 -79195.372154865282937
+0.0503276703897853 -79367.341418848751346
+0.0504278394472988 -79539.421536607027519
+0.0505280085048123 -79711.611372355284402
+0.050628177562326 -79883.909836503400584
+0.0507283466198396 -80056.315878607798368
+0.0508285156773531 -80228.828481404969352
+0.0509286847348667 -80401.446655829553492
+0.0510288537923804 -80574.169436539552407
+0.0511290228498939 -80746.995878070461913
+0.0512291919074074 -80919.925051291909767
+0.051329360964921 -81092.956040174263762
+0.0514295300224347 -81266.087938739583478
+0.0515296990799482 -81439.319848152721534
+0.0516298681374618 -81612.650873771010083
+0.0517300371949753 -81786.080122235929593
+0.051830206252489 -81959.606698398463777
+0.0519303753100025 -82133.229702007854939
+0.0520305443675161 -82306.948224068561103
+0.0521307134250296 -82480.761342578291078
+0.0522308824825433 -82654.668117531749886
+0.0523310515400568 -82828.667584643204464
+0.0524312205975704 -83002.75874720379943
+0.0525313896550839 -83176.940564916527364
+0.0526315587125976 -83351.212481245427625
+0.0527317277701112 -83525.593379752433975
+0.0528318968276247 -83700.086651788689778
+0.0529320658851382 -83874.680429877145798
+0.0530322349426519 -84049.369611164584057
+0.0531324040001655 -84224.148199367002235
+0.053232573057679 -84399.013504319140338
+0.0533327421151926 -84573.972947524540359
+0.0534329111727063 -84749.024732799385674
+0.0535330802302198 -84924.167108307316084
+0.0536332492877333 -85099.398308953532251
+0.0537334183452469 -85274.716505099306232
+0.0538335874027606 -85450.119747769931564
+0.0539337564602741 -85625.605900302965892
+0.0540339255177877 -85801.172542028391035
+0.0541340945753012 -85976.816816516045947
+0.0542342636328149 -86152.535162755040801
+0.0543344326903284 -86328.322760508119245
+0.054434601747842 -86504.17206231255841
+0.0545347708053555 -86680.065372837372706
+0.0546349398628692 -86855.982598741567926
+0.0547351089203828 -87031.988555152856861
+0.0548352779778963 -87208.079820684462902
+0.0549354470354098 -87384.243865955766523
+0.0550356160929235 -87560.50173917520442
+0.0551357851504371 -87736.859292865206953
+0.0552359542079506 -87913.31602352533082
+0.0553361232654641 -88089.871434122920618
+0.0554362923229778 -88266.525033464698936
+0.0555364613804914 -88443.276335675051087
+0.0556366304380049 -88620.124859706498682
+0.0557367994955185 -88797.070128924286109
+0.0558369685530322 -88974.111670651822351
+0.0559371376105457 -89151.249015830326243
+0.0560373066680592 -89328.481698670584592
+0.0561374757255728 -89505.809256290682242
+0.0562376447830865 -89683.23122843632882
+0.0563378138406 -89860.747157201476512
+0.0564379828981136 -90038.356586729089031
+0.0565381519556271 -90216.059062936794362
+0.0566383210131408 -90393.854133303582785
+0.0567384900706543 -90571.741346570008318
+0.0568386591281679 -90749.720252521612565
+0.0569388281856814 -90927.790401771795587
+0.0570389972431951 -91105.951345481124008
+0.0571391663007087 -91284.202635157314944
+0.0572393353582222 -91462.543822427585837
+0.0573395044157357 -91640.974458769909688
+0.0574396734732494 -91819.494095323228976
+0.057539842530763 -91998.102282620515325
+0.0576400115882765 -92176.798570349041256
+0.05774018064579 -92355.5825071085128
+0.0578403497033037 -92534.453640157327754
+0.0579405187608173 -92713.411515136016533
+0.0580406878183308 -92892.455675793040427
+0.0581408568758444 -93071.585663704114268
+0.0582410259333581 -93250.801017930367379
+0.0583411949908716 -93430.101274770189775
+0.0584413640483851 -93609.485967339205672
+0.0585415331058987 -93788.954625247308286
+0.0586417021634124 -93968.506774207344279
+0.0587418712209259 -94148.141935580279096
+0.0588420402784395 -94327.859625940531259
+0.058942209335953 -94507.659356590229436
+0.0590423783934667 -94687.540632983000251
+0.0591425474509802 -94867.502954135939945
+0.0592427165084938 -95047.545811978081474
+0.0593428855660073 -95227.668690560763935
+0.059443054623521 -95407.871065277868183
+0.0595432236810346 -95588.152401891580666
+0.0596433927385481 -95768.512155493241153
+0.0597435617960616 -95948.949769232363906
+0.0598437308535753 -96129.464672937305295
+0.0599438999110889 -96310.056281454555574
+0.0600440689686024 -96490.723992687140708
+0.060144238026116 -96671.473597824617173
+0.0602444070836297 -96852.327692866077996
+0.0603445761411432 -97033.272937916888623
+0.0604447451986567 -97214.304277008413919
+0.0605449142561703 -97395.418892537389183
+0.060645083313684 -97576.614710010951967
+0.0607452523711975 -97757.889990532145021
+0.060845421428711 -97939.243155379415839
+0.0609455904862246 -98120.686143083396018
+0.0610457595437383 -98302.245213103218703
+0.0611459286012518 -98483.900498859831714
+0.0612460976587654 -98665.644587533199228
+0.0613462667162789 -98847.47221727060969
+0.0614464357737926 -99029.377090731955832
+0.0615466048313061 -99211.360049947586958
+0.0616467738888197 -99393.417445066952496
+0.0617469429463332 -99575.55064671501168
+0.0618471120038469 -99757.754725742532173
+0.0619472810613605 -99940.015460506692762
+0.062047450118874 -100122.35318922052102
+0.0621476191763875 -100304.77877131533751
+0.0622477882339012 -100487.31681090137863
+0.0623479572914148 -100669.95425253339636
+0.0624481263489283 -100852.68501709577686
+0.0625482954064419 -101035.50913929102535
+0.0626484644639556 -101218.42414495711273
+0.0627486335214691 -101401.42635134050215
+0.0628488025789826 -101584.51315828983206
+0.0629489716364962 -101767.68212764736381
+0.0630491406940099 -101950.93071634930675
+0.0631493097515234 -102134.2559760708682
+0.0632494788090369 -102317.6538697565702
+0.0633496478665505 -102501.11495998200553
+0.0634498169240642 -102684.63656348618679
+0.0635499859815777 -102868.24013260136417
+0.0636501550390913 -103051.92414413760707
+0.0637503240966048 -103235.68693898510537
+0.0638504931541185 -103419.52664523580461
+0.063950662211632 -103603.44104665631312
+0.0640508312691456 -103787.42732100949797
+0.0641510003266591 -103971.48138027118694
+0.0642511693841728 -104155.59443656545773
+0.0643513384416864 -104339.75358566800423
+0.0644515074991999 -104523.98160396541061
+0.0645516765567134 -104708.29332855434041
+0.0646518456142271 -104892.68772059753246
+0.0647520146717407 -105077.16361843177583
+0.0648521837292542 -105261.71966372412862
+0.0649523527867678 -105446.35414908283565
+0.0650525218442815 -105631.06462024511711
+0.065152690901795 -105815.84604529233184
+0.0652528599593085 -106000.69038854501559
+0.0653530290168221 -106185.61776601395104
+0.0654531980743358 -106370.62867239299521
+0.0655533671318493 -106555.72238483626279
+0.0656535361893629 -106740.89813694817713
+0.0657537052468764 -106926.15510310597892
+0.0658538743043901 -107111.49237445098697
+0.0659540433619036 -107296.90891913713131
+0.0660542124194172 -107482.40351006506535
+0.0661543814769307 -107667.97457301226677
+0.0662545505344444 -107853.6197804891417
+0.0663547195919579 -108039.33403944291058
+0.0664548886494715 -108225.110824237825
+0.066555057706985 -108410.96951099879516
+0.0666552267644987 -108596.91013047577871
+0.0667553958220123 -108782.93213959544664
+0.0668555648795258 -108969.03498121813755
+0.0669557339370393 -109155.21808173473983
+0.067055902994553 -109341.4808482247463
+0.0671560720520666 -109527.82266498067474
+0.0672562411095801 -109714.24288930070179
+0.0673564101670937 -109900.74084617798508
+0.0674565792246074 -110087.31582147118752
+0.0675567482821209 -110273.96705312497215
+0.0676569173396344 -110460.69371930284251
+0.067757086397148 -110647.49509348301217
+0.0678572554546617 -110834.38301296929421
+0.0679574245121752 -111021.35300988973177
+0.0680575935696888 -111208.40057502161653
+0.0681577626272023 -111395.52286548129632
+0.068257931684716 -111582.71705042656686
+0.0683581007422295 -111769.97952864207036
+0.0684582697997431 -111957.30370410255273
+0.0685584388572566 -112144.67714999707823
+0.0686586079147703 -112332.12523678776051
+0.0687587769722838 -112519.64856589588453
+0.0688589460297974 -112707.24352358610486
+0.0689591150873109 -112894.90027455547533
+0.0690592841448246 -113082.6334531718021
+0.0691594532023382 -113270.44764424276946
+0.0692596222598517 -113458.34145081379393
+0.0693597913173654 -113646.31115899112774
+0.0694599603748789 -113834.36053048502072
+0.0695601294323925 -114022.49232674289669
+0.069660298489906 -114210.70610940121696
+0.0697604675474196 -114399.00143895371002
+0.0698606366049333 -114587.37787330507126
+0.0699608056624468 -114775.83496628548892
+0.0700609747199603 -114964.37260198303557
+0.070161143777474 -115152.99253354250686
+0.0702613128349876 -115341.69327631506894
+0.0703614818925011 -115530.47392808053701
+0.0704616509500147 -115719.33380211434269
+0.0705618200075282 -115908.27226640866138
+0.0706619890650419 -116097.28869917783595
+0.0707621581225554 -116286.38246450285078
+0.070862327180069 -116475.55288877020939
+0.0709624962375827 -116664.79922189895296
+0.0710626652950962 -116854.12051902888925
+0.0711628343526098 -117043.51523459232703
+0.0712630034101233 -117232.98421566696197
+0.0713631724676368 -117422.52693976278533
+0.0714633415251505 -117612.14219501941989
+0.0715635105826641 -117801.82861625180522
+0.0716636796401776 -117991.58958545177302
+0.0717638486976913 -118181.42551192278916
+0.0718640177552048 -118371.33501731482102
+0.0719641868127184 -118561.32066140530515
+0.0720643558702319 -118751.38157528552983
+0.0721645249277455 -118941.51692192823975
+0.0722646939852592 -119131.73832075632527
+0.0723648630427727 -119322.05027259810595
+0.0724650321002862 -119512.44425071035221
+0.0725652011577999 -119702.91700888758351
+0.0726653702153135 -119893.46608053437376
+0.072765539272827 -120084.08898272423539
+0.0728657083303406 -120274.7815318601497
+0.0729658773878541 -120465.54447781611816
+0.0730660464453678 -120656.37899828022637
+0.0731662155028813 -120847.28264442646469
+0.0732663845603949 -121038.25185951023013
+0.0733665536179086 -121229.27753138441767
+0.0734667226754221 -121420.36215516220545
+0.0735668917329357 -121611.51564643518941
+0.0736670607904492 -121802.73135250357154
+0.0737672298479627 -121993.99459936158382
+0.0738673989054764 -122185.33896470224136
+0.07396756796299 -122376.77236975022242
+0.0740677370205035 -122568.29190991862561
+0.0741679060780172 -122759.8964251865109
+0.0742680751355307 -122951.58515964004619
+0.0743682441930443 -123143.35750604909845
+0.0744684132505578 -123335.23783684425871
+0.0745685823080715 -123527.24489016635926
+0.0746687513655851 -123719.35894941462902
+0.0747689204230986 -123911.57413902458211
+0.0748690894806121 -124103.88712106944877
+0.0749692585381258 -124296.29557945976558
+0.0750694275956394 -124488.79773417954857
+0.0751695966531529 -124681.39212623983622
+0.0752697657106665 -124874.07750343068619
+0.0753699347681802 -125066.85274979099631
+0.0754701038256937 -125259.71683160700195
+0.0755702728832072 -125452.66872490485548
+0.0756704419407208 -125645.70715460898646
+0.0757706109982345 -125838.83205819387513
+0.075870780055748 -126032.04300061776303
+0.0759709491132615 -126225.33926136346417
+0.0760711181707751 -126418.72013595842873
+0.0761712872282888 -126612.18492837662052
+0.0762714562858023 -126805.73294357392297
+0.0763716253433159 -126999.36347963519802
+0.0764717944008294 -127193.07581885700347
+0.0765719634583431 -127386.86921708403679
+0.0766721325158567 -127580.74288980191341
+0.0767723015733702 -127774.6959930955054
+0.0768724706308837 -127968.72759556004894
+0.0769726396883974 -128162.83663361516665
+0.077072808745911 -128357.02183359488845
+0.0771729778034245 -128551.28155667433748
+0.077273146860938 -128745.61341763842211
+0.0773733159184517 -128940.01276410682476
+0.0774734849759653 -129134.47017810682883
+0.0775736540334788 -129329.01580383974942
+0.0776738230909924 -129523.69754768899293
+0.0777739921485061 -129718.49270682092174
+0.0778741612060196 -129913.39358604038716
+0.0779743302635331 -130108.39616541289433
+0.0780744993210467 -130303.49777227226878
+0.0781746683785604 -130498.69641244629747
+0.0782748374360739 -130693.9904893404746
+0.0783750064935875 -130889.39576814690372
+0.078475175551101 -131084.92020154593047
+0.0785753446086147 -131280.55150260817027
+0.0786755136661282 -131476.28550589617225
+0.0787756827236418 -131672.11954900153796
+0.0788758517811553 -131868.05158250062959
+0.078976020838669 -132064.07984769818722
+0.0790761898961825 -132260.20267752421205
+0.0791763589536961 -132456.41823368513724
+0.0792765280112096 -132652.72305105114356
+0.0793766970687233 -132849.11695436999435
+0.0794768661262369 -133045.60474590279046
+0.0795770351837504 -133242.185698070738
+0.079677204241264 -133438.85913205862744
+0.0797773732987776 -133635.62440998596139
+0.0798775423562912 -133832.48092884328798
+0.0799777114138047 -134029.42811555828666
+0.0800778804713183 -134226.46542308299104
+0.080178049528832 -134423.59232714842074
+0.0802782185863455 -134620.80832350027049
+0.080378387643859 -134818.11292565293843
+0.0804785567013726 -135015.50566291221185
+0.0805787257588863 -135212.98607868311228
+0.0806788948163998 -135410.55372904366232
+0.0807790638739134 -135608.22181949621881
+0.0808792329314269 -135806.003728955111
+0.0809794019889406 -136003.8869516364357
+0.0810795710464541 -136201.86765476703295
+0.0811797401039677 -136399.94363213237375
+0.0812799091614812 -136598.11332181241596
+0.0813800782189949 -136796.37549967959058
+0.0814802472765085 -136994.72914614528418
+0.081580416334022 -137193.1733771112049
+0.0816805853915355 -137391.70740401762305
+0.0817807544490492 -137590.33050866259146
+0.0818809235065628 -137789.04202641409938
+0.0819810925640763 -137987.84133453542017
+0.0820812616215899 -138186.72784353003954
+0.0821814306791036 -138385.70099066389957
+0.0822815997366171 -138584.76023487868952
+0.0823817687941306 -138783.90505270790891
+0.0824819378516442 -138983.13493487011874
+0.0825821069091579 -139182.44938334525796
+0.0826822759666714 -139381.85626630496699
+0.0827824450241849 -139581.35473929753061
+0.0828826140816985 -139780.9413225465687
+0.0829827831392122 -139980.61456013377756
+0.0830829521967257 -140180.37341578881023
+0.0831831212542393 -140380.21703405416338
+0.0832832903117528 -140580.1446540330362
+0.0833834593692665 -140780.15556776846643
+0.08348362842678 -140980.24909571232274
+0.0835837974842936 -141180.42456962916185
+0.0836839665418071 -141380.681318360148
+0.0837841355993208 -141581.01865386674763
+0.0838843046568344 -141781.43585517961765
+0.0839844737143479 -141981.93214738060487
+0.0840846427718614 -142182.50667057625833
+0.0841848118293751 -142383.15848141600145
+0.0842849808868887 -142583.88645798017387
+0.0843851499444022 -142784.68886848300463
+0.0844853190019157 -142985.56298895247164
+0.0845854880594294 -143186.50048624773626
+0.084685657116943 -143387.50456939594005
+0.0847858261744565 -143588.59092642687028
+0.0848859952319701 -143789.7592458819272
+0.0849861642894838 -143991.00922138296301
+0.0850863333469973 -144192.34055098047247
+0.0851865024045109 -144393.75293657209841
+0.0852866714620244 -144595.24608345353045
+0.0853868405195381 -144796.8196998135536
+0.0854870095770516 -144998.4734963515366
+0.0855871786345652 -145200.20718583706184
+0.0856873476920787 -145402.02048265651683
+0.0857875167495924 -145603.91310237455764
+0.0858876858071059 -145805.88476112761418
+0.0859878548646195 -146007.93517488930956
+0.086088023922133 -146210.0640586122172
+0.0861881929796467 -146412.27112465345999
+0.0862883620371603 -146614.55608033254975
+0.0863885310946738 -146816.91862270212732
+0.0864887001521873 -147019.35842397506349
+0.086588869209701 -147221.87502630410017
+0.0866890382672146 -147424.46820436808048
+0.0867892073247281 -147627.1381077983242
+0.0868893763822417 -147829.88446449834737
+0.0869895454397554 -148032.70700070046587
+0.0870897144972689 -148235.60544047516305
+0.0871898835547824 -148438.57950507092755
+0.087290052612296 -148641.62891216762364
+0.0873902216698097 -148844.75337502549519
+0.0874903907273232 -149047.952601368248
+0.0875905597848367 -149251.22629198618233
+0.0876907288423503 -149454.58731444404111
+0.087790897899864 -149658.05398829909973
+0.0878910669573775 -149861.61187791626435
+0.0879912360148911 -150065.25655140078743
+0.0880914050724046 -150268.98552659162669
+0.0881915741299183 -150472.7970439553319
+0.0882917431874318 -150676.68968562255031
+0.0883919122449454 -150880.66219513086253
+0.0884920813024589 -151084.71335368524888
+0.0885922503599726 -151288.8418394549517
+0.0886924194174862 -151493.04593061664491
+0.0887925884749997 -151697.32166168751428
+0.0888927575325132 -151901.66815596676315
+0.0889929265900269 -152106.09436437292607
+0.0890930956475405 -152310.59985026167124
+0.089193264705054 -152515.18420134307235
+0.0892934337625676 -152719.84702562753228
+0.0893936028200813 -152924.58794828393729
+0.0894937718775948 -153129.40660904766992
+0.0895939409351083 -153334.30266013590153
+0.0896941099926219 -153539.27576455037342
+0.0897942790501356 -153744.32559452421265
+0.0898944481076491 -153949.45183032407658
+0.0899946171651626 -154154.65415919237421
+0.0900947862226762 -154359.93227431693231
+0.0901949552801899 -154565.28587396987132
+0.0902951243377034 -154770.71466077503283
+0.090395293395217 -154976.21834091114579
+0.0904954624527305 -155181.79662343644304
+0.0905956315102442 -155387.44921959383646
+0.0906958005677578 -155593.17607105211937
+0.0907959696252713 -155798.97731774271233
+0.090896138682785 -156004.85238319035852
+0.0909963077402985 -156210.80089342122665
+0.0910964767978121 -156416.8225155013788
+0.0911966458553256 -156622.91710958478507
+0.0912968149128391 -156829.08504912955686
+0.0913969839703528 -157035.3256474873051
+0.0914971530278664 -157241.6384536557016
+0.0915973220853799 -157448.02307539773756
+0.0916974911428936 -157654.47913004003931
+0.0917976602004072 -157861.00622599149938
+0.0918978292579207 -158067.60394751632703
+0.0919979983154342 -158274.27183414145838
+0.0920981673729478 -158481.00934239037451
+0.0921983364304615 -158687.83315393552766
+0.092298505487975 -158894.74978940087021
+0.0923986745454886 -159101.74643567038584
+0.0924988436030023 -159308.82456643771729
+0.0925990126605158 -159515.98242010563263
+0.0926991817180293 -159723.2184692909068
+0.0927993507755429 -159930.5313869327365
+0.0928995198330564 -160137.91976214852184
+0.0929996888905701 -160345.3808549179812
+0.0930998579480836 -160552.91631874072482
+0.0932000270055972 -160760.52791002261802
+0.0933001960631109 -160968.21511741468566
+0.0934003651206244 -161175.97746624465799
+0.093500534178138 -161383.81450952851446
+0.0936007032356515 -161591.7258150811831
+0.0937008722931651 -161799.71099435011274
+0.0938010413506787 -162007.76967127839453
+0.0939012104081923 -162215.90146848297445
+0.0940013794657058 -162424.1060157281172
+0.0941015485232195 -162632.38294645154383
+0.0942017175807331 -162840.73189379277756
+0.0943018866382466 -163049.15248546178918
+0.0944020556957601 -163257.64433637127513
+0.0945022247532737 -163466.20703627294279
+0.0946023938107874 -163674.84012512047775
+0.0947025628683009 -163883.54302908686805
+0.0948027319258145 -164092.31474032835104
+0.0949029009833282 -164301.15413202167838
+0.0950030700408417 -164510.06383180178818
+0.0951032390983552 -164719.04355899247457
+0.0952034081558688 -164928.0929341376177
+0.0953035772133823 -165137.21147682282026
+0.095403746270896 -165346.39825606803061
+0.0955039153284096 -165555.6526783851441
+0.0956040843859231 -165764.97685403752257
+0.0957042534434368 -165974.37056303949794
+0.0958044225009503 -166183.83358765614685
+0.0959045915584639 -166393.36571227404056
+0.0960047606159774 -166602.96672321131337
+0.0961049296734909 -166812.63640854184632
+0.0962050987310046 -167022.37455791412503
+0.0963052677885182 -167232.18096245400375
+0.0964054368460317 -167442.05541453365004
+0.0965056059035454 -167651.99770766246365
+0.096605774961059 -167862.00763634007308
+0.0967059440185725 -168072.08499587205006
+0.096806113076086 -168282.22958222302259
+0.0969062821335996 -168492.44119183070143
+0.0970064511911133 -168702.71962143928977
+0.0971066202486268 -168913.06466788391117
+0.0972067893061404 -169123.47612789980485
+0.0973069583636541 -169333.95379783899989
+0.0974071274211676 -169544.49747340532485
+0.0975072964786811 -169755.1069493725372
+0.0976074655361947 -169965.78201913737576
+0.0977076345937082 -170176.52247432162403
+0.0978078036512219 -170387.32810415307176
+0.0979079727087355 -170598.19869482319336
+0.098008141766249 -170809.13402855960885
+0.0981083108237627 -171020.13388249688433
+0.0982084798812762 -171231.19802703851019
+0.0983086489387898 -171442.32622374058701
+0.0984088179963033 -171653.5182220962306
+0.0985089870538168 -171864.77375477450551
+0.0986091561113305 -172076.09252982534235
+0.0987093251688441 -172287.47421723447042
+0.0988094942263576 -172498.9184223357297
+0.0989096632838713 -172710.42462321970379
+0.0990098323413849 -172921.99195929631242
+0.0991100013988984 -173133.61791108359466
+0.099210170456412 -173345.30562948485021
+0.0993103395139255 -173557.05693790275836
+0.0994105085714392 -173768.87167044566013
+0.0995106776289527 -173980.74966165769729
+0.0996108466864663 -174192.69074644782813
+0.09971101574398 -174404.69476007457706
+0.0998111848014935 -174616.76153810086544
+0.099911353859007 -174828.8909163804783
diff --git a/DATASET/P=70000Pa/box_confined.data b/DATASET/P=70000Pa/box_confined.data
new file mode 100644
index 0000000..abd6f4d
--- /dev/null
+++ b/DATASET/P=70000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2400344
+
+240 atoms
+6 atom types
+
+0.027936330944145514 0.07206366905585453 xlo xhi
+0.027936330944145514 0.07206366905585453 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+24 1 0.0035 1071.4285714285713 0.028714647760094254 0.029065385356969346 0 1 0 0
+13 1 0.0025 1500.0000000000005 0.031831908019538835 0.030257932915602886 0 0 0 0
+16 1 0.0025 1500.0000000000005 0.034135936977926176 0.02942000713196795 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.03701335823917669 0.030111833440945153 0 0 0 0
+9 1 0.0025 1500.0000000000005 0.03992768729369482 0.02973066600665123 0 0 0 0
+4 1 0.0035 1071.4285714285713 0.044051258100102963 0.028104675101459104 0 0 0 0
+240 1 0.0025 1500.0000000000005 0.04676805759943775 0.029495809643733294 0 0 1 0
+239 1 0.0035 1071.4285714285713 0.05326017638353348 0.0720624962003731 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.05612016798964331 0.029258371158566457 0 0 0 0
+5 1 0.0025 1500.0000000000005 0.06412716470849111 0.0294292050199387 0 0 0 0
+237 1 0.0025 1500.0000000000005 0.06741982387564027 0.028667507673995476 0 0 1 0
+12 1 0.0025 1500.0000000000005 0.06979749113027757 0.02947308589501553 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.02981838188283684 0.03185049762519007 0 0 0 0
+21 1 0.0025 1500.0000000000005 0.032208325402070824 0.032694754353198206 0 0 0 0
+33 1 0.0025 1500.0000000000005 0.03458013836313722 0.03183788713537517 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.0422571583053754 0.03055682185518263 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.04473607039969495 0.030931155224273178 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.046982905767521045 0.031967752508659734 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.049009271527169426 0.03049834560940268 0 0 0 0
+3 1 0.0025 1500.0000000000005 0.05148455467243933 0.03063153688793228 0 0 0 0
+10 1 0.0025 1500.0000000000005 0.05408536255598438 0.030777694743003795 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.0564153710738507 0.032686757061696756 0 0 0 0
+236 1 0.0025 1500.0000000000005 0.058374432664916424 0.030418881879719743 0 0 1 0
+23 1 0.0025 1500.0000000000005 0.059374178005606515 0.032709037272884954 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.06137677679518884 0.030408947548366934 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.0651692597164672 0.03221305555686712 0 0 0 0
+15 1 0.0025 1500.0000000000005 0.06788436789808473 0.03104674106434892 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.07102117484471965 0.03218396156274118 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.028998635811688857 0.03424482107763328 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.03439092077317121 0.03486268573876731 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.03684533667809332 0.033109667416321 0 0 0 0
+26 1 0.0035 1071.4285714285713 0.03979251898687327 0.03268190199529779 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.04326902668588368 0.033480464868950274 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.04958844848087891 0.033419907118831915 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.05307601850814555 0.03360552954471501 0 0 0 0
+28 1 0.0035 1071.4285714285713 0.062101646935839236 0.03389479941490902 0 0 0 0
+38 1 0.0035 1071.4285714285713 0.06808995980261309 0.03405833201356999 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.029649411405909615 0.036808721684963054 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.03138667326498993 0.035003765160956976 0 0 0 0
+43 1 0.0035 1071.4285714285713 0.03789485569469099 0.035882910477486686 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.040939695409090704 0.03542616482076262 0 0 0 0
+49 1 0.0025 1500.0000000000005 0.04367274186165786 0.03659898744273319 0 0 0 0
+29 1 0.0035 1071.4285714285713 0.0464689856989332 0.0348466050280352 0 0 0 0
+45 1 0.0035 1071.4285714285713 0.04932801856542728 0.0368945733373098 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.05232804016090861 0.03654319244802009 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.05562716440027407 0.036119791454274866 0 0 0 0
+46 1 0.0035 1071.4285714285713 0.05909000946113718 0.03576240625180541 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.062194223083576125 0.03689348107711961 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.06499131177095253 0.03577810424350118 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.06902149839483895 0.03690599079306217 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.07086161309593599 0.03520115948946116 0 0 0 0
+51 1 0.0035 1071.4285714285713 0.03241037677331925 0.037949618089245685 0 0 0 0
+52 1 0.0025 1500.0000000000005 0.03534713107444308 0.03764187874079462 0 0 0 0
+70 1 0.0035 1071.4285714285713 0.03779375555539437 0.03936452888510168 0 0 0 0
+48 1 0.0035 1071.4285714285713 0.04123543910135361 0.03832586361526375 0 0 0 0
+47 1 0.0035 1071.4285714285713 0.04611488961004583 0.03833706674505285 0 0 0 0
+42 1 0.0025 1500.0000000000005 0.051534511403068 0.03891595297864243 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.05394351840986241 0.038538265017844846 0 0 0 0
+77 1 0.0035 1071.4285714285713 0.05677804701181171 0.03959833613252316 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.060228364603680466 0.039075083996130106 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.06395382219156759 0.03940818634314282 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.066883663160266 0.03814337090554526 0 0 0 0
+57 1 0.0025 1500.0000000000005 0.07147564674111781 0.03762932826522421 0 -1 0 0
+63 1 0.0035 1071.4285714285713 0.029426744490766793 0.03972271257006051 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.03223808587485433 0.04091679172171344 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.0348528065582702 0.04005070557050032 0 0 0 0
+76 1 0.0035 1071.4285714285713 0.04031531241486757 0.04174158726123479 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.04364719811136488 0.040784861155858734 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.04641122789707946 0.04196391922170234 0 0 0 0
+59 1 0.0035 1071.4285714285713 0.048900641373445464 0.04033456663555963 0 0 0 0
+92 1 0.0025 1500.0000000000005 0.051689795033501615 0.04136560609989863 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.05410190813749907 0.041034521019974554 0 0 0 0
+65 1 0.0025 1500.0000000000005 0.06188469579741099 0.04150086971769147 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.0666649929669822 0.04065267937650536 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.06952746410464673 0.03988256567982149 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.02994664431959002 0.04264224443790433 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.03229685019161794 0.04336681784268453 0 0 0 0
+86 1 0.0025 1500.0000000000005 0.034630167476719764 0.04254373144387709 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.03735664476556918 0.0422679610753843 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.04457330164825793 0.04357494805303009 0 0 0 0
+94 1 0.0035 1071.4285714285713 0.04982365637208607 0.04371560498848045 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.053343119465369945 0.04390914139707287 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.05602673469275039 0.042574166751439046 0 0 0 0
+78 1 0.0035 1071.4285714285713 0.05902648732050266 0.04233795042243973 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.06171366434678704 0.043967349296311506 0 0 0 0
+69 1 0.0035 1071.4285714285713 0.06451793466540261 0.042877242122593896 0 0 0 0
+68 1 0.0035 1071.4285714285713 0.06842036068680805 0.0431632229181873 0 0 0 0
+83 1 0.0025 1500.0000000000005 0.07160752905461606 0.04194644399697944 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.031135083721289467 0.0460948216218628 0 1 0 0
+97 1 0.0025 1500.0000000000005 0.033983754580004806 0.04517778577331828 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.036367866824962895 0.04460009665870963 0 0 0 0
+99 1 0.0025 1500.0000000000005 0.03886146707664308 0.044332114715886675 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.041865967682184715 0.04482988082135291 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.04689994154454093 0.044402957116831704 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.05141486281276698 0.046176403441706815 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.057157012577874054 0.044819642193414805 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.05962693605132453 0.04532564093232032 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.06366037867553943 0.045831831309893906 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.06611149606709972 0.04537178275761174 0 0 0 0
+98 1 0.0025 1500.0000000000005 0.0684355086876208 0.04617240009260697 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.07200649827607136 0.04488421093081379 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.028807235374381037 0.04791870180821922 0 0 0 0
+106 1 0.0025 1500.0000000000005 0.033699509643852 0.047597239182188784 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.03667901651606415 0.04757175664723591 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.039502909720829614 0.04672262851646696 0 0 0 0
+118 1 0.0035 1071.4285714285713 0.04201246676146908 0.04834437929903704 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.04495803982930972 0.04656855038106553 0 0 0 0
+116 1 0.0035 1071.4285714285713 0.048491317339084995 0.046878361439673874 0 0 0 0
+96 1 0.0035 1071.4285714285713 0.055041391667231626 0.04694700956688613 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.05833185351837048 0.048005495256484176 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.06136826762289495 0.04709697411252407 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.06380947546760402 0.048781386454137765 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.06662239758586207 0.04782978951033596 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.07050542316574357 0.04742233283928083 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.0294579345298577 0.050310153304917796 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.03159802455369439 0.04903427314977404 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.03472286726987608 0.050404621022478675 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.03913768382925193 0.04914823767986111 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.037628214407499784 0.05104651162878755 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.04544027547926226 0.04998472503562134 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.04895901879737918 0.05037887918618123 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.0522185071785652 0.049027089040700536 0 0 0 0
+117 1 0.0035 1071.4285714285713 0.05544537025159462 0.050325392780368794 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.060939599113175126 0.049597431532985195 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.06636268238205607 0.05028451094778757 0 0 0 0
+124 1 0.0025 1500.0000000000005 0.06870288880075677 0.04913198707026208 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.07115304880955144 0.0497904233482476 0 -1 0 0
+143 1 0.0035 1071.4285714285713 0.031736952450014545 0.05217106624574265 0 0 0 0
+134 1 0.0025 1500.0000000000005 0.04014309426391915 0.051462747711833005 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.042673145898695294 0.051203008535310554 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.044546289304829574 0.05279306967481394 0 0 0 0
+145 1 0.0035 1071.4285714285713 0.04741666272625184 0.0534883008469447 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.05060080265883163 0.05280718352073583 0 0 0 0
+122 1 0.0025 1500.0000000000005 0.05296089685925253 0.051995385952160744 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.05509733229029355 0.05330747195757496 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.0587223213117448 0.05154033922447653 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.061857114950782506 0.05185936615460277 0 0 0 0
+137 1 0.0025 1500.0000000000005 0.06436137508542802 0.05168893048231588 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.06690886339599679 0.053224593479623106 0 0 0 0
+131 1 0.0025 1500.0000000000005 0.06938500404571357 0.05156401451766209 0 0 0 0
+132 1 0.0025 1500.0000000000005 0.07183245915616732 0.05213340814858942 0 -1 0 0
+155 1 0.0025 1500.0000000000005 0.02923037994060968 0.05411075879570454 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.03172655888389898 0.05560854492916291 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.03489625646892701 0.05407521834436546 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.03837681783718693 0.05390490059970657 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.04186072871834729 0.05403311318325657 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.04484111142396106 0.05582035496303705 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.05252309991432695 0.054461528039187614 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.05735943691118375 0.05424863200141152 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.060299995102042925 0.05471012327945249 0 0 0 0
+168 1 0.0025 1500.0000000000005 0.06324745109158031 0.05393560279446109 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.06512829849279952 0.05560933791427978 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.07009620120172304 0.054527698478286715 0 -1 0 0
+167 1 0.0035 1071.4285714285713 0.028484017063325935 0.05693954790177164 0 0 0 0
+161 1 0.0035 1071.4285714285713 0.034417366956954874 0.057805537103232 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.037157438406922455 0.0565895606880091 0 0 0 0
+159 1 0.0035 1071.4285714285713 0.040066938768370794 0.05712755453708229 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.042945592445325156 0.058070365332789066 0 0 0 0
+148 1 0.0035 1071.4285714285713 0.04987960873247479 0.0559254811915217 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.05238667419521102 0.0575399663862394 0 0 0 0
+146 1 0.0035 1071.4285714285713 0.0551771889551004 0.05628528440535302 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.05811413954153002 0.056856831160231394 0 0 0 0
+166 1 0.0035 1071.4285714285713 0.06248386685955972 0.057472084382083954 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.06761100564978194 0.056057065382089426 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.031053637959387488 0.058544205656188286 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.03764804219022435 0.05961154967168309 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.04728999980290361 0.05822833654815509 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.05017073155541339 0.05884515132049929 0 0 0 0
+157 1 0.0025 1500.0000000000005 0.054283549936425646 0.05910508102565019 0 0 0 0
+163 1 0.0025 1500.0000000000005 0.056716832382258685 0.058882784965489474 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.05964098356773568 0.059451531286021854 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.06582063067275497 0.058462783251671875 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.06945666379408459 0.05840358244565721 0 -1 0 0
+181 1 0.0035 1071.4285714285713 0.028763889067196603 0.060428767078925236 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.03171517868827705 0.06107038754906643 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.03415837405420407 0.06071997787143622 0 0 0 0
+198 1 0.0025 1500.0000000000005 0.03612031594345046 0.062111926386420484 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.041228840209038616 0.06045958038188116 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.04472885700888034 0.06055962461342563 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.048185023654533844 0.061651433370910176 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.051969855347473275 0.0611679529352847 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.054892489347279395 0.06153993381499309 0 0 0 0
+174 1 0.0025 1500.0000000000005 0.05734715096938426 0.061268121334989906 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.0594214622407848 0.062499754199834834 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.062325694057373024 0.061612500230762604 0 0 0 0
+177 1 0.0025 1500.0000000000005 0.0652475193452464 0.06137311229251439 0 0 0 0
+186 1 0.0025 1500.0000000000005 0.06764401373697805 0.060832817315072854 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.07011861477725681 0.06143043490634886 0 0 0 0
+184 1 0.0025 1500.0000000000005 0.030362255902515664 0.0631216903293479 0 0 0 0
+192 1 0.0035 1071.4285714285713 0.03331261256731093 0.06358023674022921 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.03613621537683084 0.06456455239293657 0 0 0 0
+203 1 0.0035 1071.4285714285713 0.038932089415750576 0.06306334508635014 0 0 0 0
+197 1 0.0025 1500.0000000000005 0.04292898136265116 0.06313124583467801 0 0 0 0
+183 1 0.0025 1500.0000000000005 0.045435212300416715 0.06345294315941369 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.05046928632311338 0.06370149895311682 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.053413858286820624 0.06435161734766455 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.056327268572115154 0.06355121728927428 0 0 0 0
+200 1 0.0035 1071.4285714285713 0.061227801207154604 0.06490656309295256 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.0646632143708954 0.06429484392888597 0 0 0 0
+189 1 0.0035 1071.4285714285713 0.06809566449112651 0.06373786089452796 0 0 0 0
+188 1 0.0035 1071.4285714285713 0.0716386414659748 0.06403415459260009 0 0 0 0
+221 1 0.0035 1071.4285714285713 0.02825332067104644 0.06744160245488885 0 0 0 0
+215 1 0.0025 1500.0000000000005 0.030610043965280408 0.06554751533461442 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.032874608303042833 0.06655698533715591 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.03821520608313727 0.0659314874950726 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.04121077327371831 0.06565968129959772 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.044666678202786844 0.06632694015355507 0 0 0 0
+195 1 0.0035 1071.4285714285713 0.04791562736771109 0.06510803416249622 0 0 0 0
+208 1 0.0025 1500.0000000000005 0.05072117700199174 0.06614792229805598 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.057970676703961235 0.06596015561983966 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.06338312131801005 0.06692057664381554 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.06673816002034874 0.06709153600751698 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.06959783663634155 0.06630927458169053 0 0 0 0
+223 1 0.0025 1500.0000000000005 0.03108072954393566 0.06829575346963203 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.03326992490827848 0.06933754807908793 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.03571431468690542 0.06752166874760017 0 0 0 0
+224 1 0.0035 1071.4285714285713 0.03895572855654124 0.06878170705125239 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.042398918359975106 0.06899347379627646 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.04536191733576583 0.06919991615809824 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.048270607562385374 0.0685470019158323 0 0 0 0
+217 1 0.0035 1071.4285714285713 0.05177324391161475 0.06893669637238449 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.05491736528331502 0.06756000599363997 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.05761944939263839 0.06892725390568036 0 0 0 0
+218 1 0.0035 1071.4285714285713 0.060498651151524176 0.0683166130335563 0 0 0 0
+205 1 0.0025 1500.0000000000005 0.06448440011661243 0.06911637528301262 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.06942813174984251 0.06882842887283348 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.030137854872505948 0.07056950249823551 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.03226331281787513 0.07181872592179722 0 0 -1 0
+1 1 0.0035 1071.4285714285713 0.035800660641999785 0.07099401893340429 0 0 -1 0
+6 1 0.0025 1500.0000000000005 0.03868822515469728 0.07171649461465693 0 0 -1 0
+232 1 0.0025 1500.0000000000005 0.04115180268833532 0.0716782779233702 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.04686529598135736 0.07114773024646363 0 0 0 0
+238 1 0.0035 1071.4285714285713 0.049788461888118925 0.07176968202311991 0 0 0 0
+225 1 0.0025 1500.0000000000005 0.055986173011662276 0.07083015222779619 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.05891038101990953 0.07160385509466137 0 0 0 0
+233 1 0.0035 1071.4285714285713 0.06236900650201281 0.07120494451736074 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.06532377614696186 0.07144706892911588 0 0 0 0
+222 1 0.0025 1500.0000000000005 0.06727785108719272 0.06997535651357874 0 0 0 0
+229 1 0.0025 1500.0000000000005 0.06934555123716354 0.07126253482629973 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.07174612867660816 0.07039486264657693 0 0 0 0
+
+Velocities
+
+24 -3.48349811166848 -22.10056562745092 0 0 0 0
+13 17.563235514501788 3.859307776862929 0 0 0 0
+16 -7.80637033505152 13.130136041407628 0 0 0 0
+22 -16.090281967295937 -21.903909225284245 0 0 0 0
+9 -21.550119153795674 -11.619373152318413 0 0 0 0
+4 5.514444635101044 -16.362496215120608 0 0 0 0
+240 -22.28702034903702 29.598050773805614 0 0 0 0
+239 -5.831270043418932 -8.854477258192215 0 0 0 0
+8 38.92735589932874 -13.096494491950752 0 0 0 0
+5 1.3301598052728272 60.74154705115055 0 0 0 0
+237 -0.43295191649251896 -25.115094994870176 0 0 0 0
+12 14.819497467846643 -19.65738421499817 0 0 0 0
+20 28.24076632296832 -23.301033761148346 0 0 0 0
+21 -19.98150465917732 66.51284520968107 0 0 0 0
+33 35.64358725854603 -14.110627980747227 0 0 0 0
+14 -11.987445510668215 -62.785633477824305 0 0 0 0
+18 28.743442937172286 -39.29068740196101 0 0 0 0
+17 -4.386290130629596 16.36979546207058 0 0 0 0
+7 32.92952551045039 26.869515774869264 0 0 0 0
+3 -9.10071927446563 17.138321912122198 0 0 0 0
+10 24.133095419185562 -11.947632527269336 0 0 0 0
+41 3.6546905195554116 13.880792232540552 0 0 0 0
+236 -9.588410047998288 5.131431900010845 0 0 0 0
+23 -4.40902050210922 -1.8119163836305343 0 0 0 0
+11 1.6318655359520067 19.20192835813691 0 0 0 0
+19 -10.062082298841547 -1.8434850294019296 0 0 0 0
+15 -14.312165917686293 44.54283963277315 0 0 0 0
+30 10.626475468974 -2.433030766360674 0 0 0 0
+27 1.4099844578061247 22.64023558074184 0 0 0 0
+40 8.992559133301956 -31.268691287165552 0 0 0 0
+39 -3.512917022979168 -5.421487304480665 0 0 0 0
+26 -15.211187045811547 -16.930087511045315 0 0 0 0
+25 -10.599131607153488 -12.909823800581218 0 0 0 0
+35 9.472763124683652 32.62039316323408 0 0 0 0
+31 17.29099285023955 -5.99271694129437 0 0 0 0
+28 18.77830316835916 -16.277841869252164 0 0 0 0
+38 -12.32615969756107 50.53747460736689 0 0 0 0
+50 -7.403582443829649 23.18492107378262 0 0 0 0
+34 4.238037090981591 -20.57113226790716 0 0 0 0
+43 9.603254449926807 11.977578158484812 0 0 0 0
+32 0.6393403458264254 23.436289889979548 0 0 0 0
+49 44.78296031465559 27.404219375526953 0 0 0 0
+29 5.9754257809877815 5.259211970561805 0 0 0 0
+45 -10.314105284033833 -6.40305030905916 0 0 0 0
+44 3.661279288351725 30.144555051756708 0 0 0 0
+64 -20.953276096317502 5.269036372965355 0 0 0 0
+46 4.545438502831192 -10.074026103530041 0 0 0 0
+53 19.478236698247105 7.003437489292152 0 0 0 0
+36 -13.846515943516076 15.415859840585904 0 0 0 0
+56 -42.950685676629774 64.86257368107422 0 0 0 0
+37 16.24877059279336 41.74852884748382 0 0 0 0
+51 10.224492318512242 11.317283522133003 0 0 0 0
+52 -22.261582617613225 -12.890006693894879 0 0 0 0
+70 -4.340192559807265 30.422344204697577 0 0 0 0
+48 5.410293357045382 -4.914190788843485 0 0 0 0
+47 4.422834654382779 -37.67999217069174 0 0 0 0
+42 7.484440477085379 -10.103894550165025 0 0 0 0
+54 5.987555686617848 18.996163306607794 0 0 0 0
+77 34.33073993632526 20.237512216167513 0 0 0 0
+55 -14.994269404578334 33.370960653982465 0 0 0 0
+58 -0.3394492182468637 14.272851504255813 0 0 0 0
+62 14.37319782817866 15.371041028305639 0 0 0 0
+57 -33.73782305547635 17.403468667929218 0 0 0 0
+63 -6.32696193525362 -2.345379670046685 0 0 0 0
+72 -3.4991264225321475 -15.997999992446669 0 0 0 0
+71 38.92222014141463 54.20303737637966 0 0 0 0
+76 -10.828232220652955 -45.77244834711869 0 0 0 0
+67 -4.3026610873125515 12.581682923855904 0 0 0 0
+60 29.46680776938681 17.78802847718495 0 0 0 0
+59 -9.652463168135418 -9.61139458419579 0 0 0 0
+92 -24.840535390394024 -17.722124077662453 0 0 0 0
+74 11.492847217495166 14.6688614472521 0 0 0 0
+65 -9.26622937424642 -34.80523635294497 0 0 0 0
+61 23.841504175750995 -15.606285110264716 0 0 0 0
+66 -11.984070261611778 -9.955745828950791 0 0 0 0
+85 13.091816112483992 37.642758363674275 0 0 0 0
+80 -24.47834649836224 -11.448123738552692 0 0 0 0
+86 59.66795760492127 -18.85236029521203 0 0 0 0
+81 0.6988585561850812 6.822592585419659 0 0 0 0
+88 -7.157087590128226 6.4769911182651265 0 0 0 0
+94 18.252795275149733 -11.584586261710845 0 0 0 0
+90 -12.71340829197276 7.5953272898684485 0 0 0 0
+87 8.044579701788342 10.885337944708509 0 0 0 0
+78 -42.273169738344464 9.878699314348781 0 0 0 0
+84 20.385680868594132 57.85560869202519 0 0 0 0
+69 -10.211246078329431 4.931456728338913 0 0 0 0
+68 1.638160470152708 -10.974640132807092 0 0 0 0
+83 10.381133282040787 51.80338299019943 0 0 0 0
+93 -10.168359759984549 -12.629308474315922 0 0 0 0
+97 -53.33467013787279 -3.472308534303951 0 0 0 0
+95 24.06953247106206 14.380069746426736 0 0 0 0
+99 20.537203948314495 28.147957732464718 0 0 0 0
+101 -5.257371311594201 -7.583662524872916 0 0 0 0
+73 18.32848622492516 1.869465954639927 0 0 0 0
+103 -28.82071272948109 22.963344259572633 0 0 0 0
+79 10.031910257342222 -8.37832218580311 0 0 0 0
+102 30.98715502694235 -16.358194950217953 0 0 0 0
+89 29.290162648343806 -32.50454458853783 0 0 0 0
+100 7.361289615719325 25.847761141053393 0 0 0 0
+98 -37.129573775971494 3.941476907863042 0 0 0 0
+82 9.953212781963316 16.386720313749215 0 0 0 0
+110 32.5559831737508 1.8297796541716183 0 0 0 0
+106 -6.015432447210875 19.72454951203683 0 0 0 0
+111 -9.426716225761883 12.421821807245806 0 0 0 0
+105 -12.136613357557394 29.2774224442149 0 0 0 0
+118 25.011702082804234 5.3472353626363756 0 0 0 0
+104 -4.507582365202595 -9.557995076313778 0 0 0 0
+116 -22.841507789619868 -9.636117479984927 0 0 0 0
+96 -12.922704854333874 10.140405523344509 0 0 0 0
+107 -12.87157054070194 -1.1988460372052019 0 0 0 0
+75 34.83812357869585 5.5979348743139 0 0 0 0
+108 10.2195038561083 4.758054505811897 0 0 0 0
+115 -36.9331760372263 22.12484714704304 0 0 0 0
+91 18.43725259086776 10.807705465657808 0 0 0 0
+125 -19.73000913039688 -45.99306395282777 0 0 0 0
+112 -5.887183386466387 -27.181056923498396 0 0 0 0
+126 27.931983817322223 -6.655853715421099 0 0 0 0
+109 12.420085327268124 -12.057574587619563 0 0 0 0
+119 26.242776051772534 11.269759505667416 0 0 0 0
+120 21.455304234522618 20.259715673474037 0 0 0 0
+128 -21.49524377095585 6.0069900624636565 0 0 0 0
+113 26.635388993423557 -0.9993506517600228 0 0 0 0
+117 27.289468028194154 31.96615519875002 0 0 0 0
+114 -26.284296558982497 -15.369166173526255 0 0 0 0
+127 11.573727356424897 27.843962837998653 0 0 0 0
+124 -29.78120817202905 -39.21691037372245 0 0 0 0
+121 25.054435954984722 28.963164030149326 0 0 0 0
+143 3.4640175332699212 -15.537713776265361 0 0 0 0
+134 13.2769521696923 6.294841247595123 0 0 0 0
+133 8.904440027847984 13.12866465174979 0 0 0 0
+141 10.287721983175523 -22.668962003974762 0 0 0 0
+145 -7.371369385082805 9.526110744666912 0 0 0 0
+136 -8.522539282504454 38.95403302650302 0 0 0 0
+122 -38.91887394456712 12.047826111635258 0 0 0 0
+135 32.378821377740564 -29.280604405433976 0 0 0 0
+123 20.45112885473148 -42.580414741609864 0 0 0 0
+130 -12.941934658925426 9.096615523632632 0 0 0 0
+137 36.60681696431838 -17.39220360926104 0 0 0 0
+140 -20.232289078260894 -7.208926828980244 0 0 0 0
+131 17.48547776925158 9.247368208300141 0 0 0 0
+132 4.6944765366007495 3.7918288761809813 0 0 0 0
+155 11.23171305701501 -4.112999846637625 0 0 0 0
+151 -39.195156934339735 -6.211064880113862 0 0 0 0
+129 18.624586018584157 -12.67725822622246 0 0 0 0
+138 7.974090948117226 -29.923004436726455 0 0 0 0
+147 1.1482561994082976 4.279347512122842 0 0 0 0
+153 -8.016078323388756 12.347185993789282 0 0 0 0
+139 25.70428068217774 -21.471063677352547 0 0 0 0
+150 1.2100367795634148 1.0625168316179936 0 0 0 0
+149 -8.278271736127056 3.6145728596093116 0 0 0 0
+168 18.93065066499869 30.227582021154348 0 0 0 0
+142 -30.877063985300605 -5.9261664307564965 0 0 0 0
+144 -15.083004670489862 -3.227962123495719 0 0 0 0
+167 -20.93717829109592 8.06226457558406 0 0 0 0
+161 3.512049708013269 1.915876679903569 0 0 0 0
+152 50.27102238448892 -34.18389594132234 0 0 0 0
+159 7.447226109911612 9.566237575811497 0 0 0 0
+172 -44.40906773544961 15.53994777108215 0 0 0 0
+148 -7.080303681998674 -10.273727104637043 0 0 0 0
+154 7.280766134703149 -29.716935419799885 0 0 0 0
+146 -19.28769967945635 -15.763802726491322 0 0 0 0
+160 8.125483116188882 7.393592462733557 0 0 0 0
+166 -2.996162598808146 -10.769758311544138 0 0 0 0
+156 -17.163763950067814 -11.195138797455828 0 0 0 0
+165 -5.469310469180355 -16.455572971767786 0 0 0 0
+171 9.007310720675807 28.965055615105328 0 0 0 0
+158 -29.141165444947305 17.876445470738954 0 0 0 0
+164 9.360544291302393 -0.4808745862979554 0 0 0 0
+157 -73.80276142865445 -14.571120222022802 0 0 0 0
+163 23.518564222019915 -48.55423807444355 0 0 0 0
+179 -15.581400878980556 -12.756448494460434 0 0 0 0
+178 2.5906525803763953 11.046075790683414 0 0 0 0
+162 -34.291286113298426 -28.566903445717042 0 0 0 0
+181 9.21501600566439 -0.9467165876210043 0 0 0 0
+185 -16.282439662775207 15.841158009809526 0 0 0 0
+173 24.201144755179804 -41.277548222063665 0 0 0 0
+198 -0.7256039656563943 6.3297288047751055 0 0 0 0
+182 -22.27527022776923 -17.13484999904112 0 0 0 0
+169 -0.3405665712966947 -16.688296441086116 0 0 0 0
+175 -4.343438576018895 -6.255315351681698 0 0 0 0
+170 -30.62382811655771 -41.93393263340684 0 0 0 0
+180 -27.94728461901282 -42.794694439008246 0 0 0 0
+174 -38.85699444383138 -28.03631880458087 0 0 0 0
+193 -29.84002480848734 -29.05942024507332 0 0 0 0
+187 12.522822577992512 17.876799296341343 0 0 0 0
+177 2.6798184090102803 6.227030288775139 0 0 0 0
+186 21.44704868737124 -48.65083166493627 0 0 0 0
+176 -25.019976922601625 10.513898840633482 0 0 0 0
+184 25.18948358372355 5.270449450264923 0 0 0 0
+192 6.305099263407067 -29.911179362836922 0 0 0 0
+202 -4.707316862958867 -13.359527851015832 0 0 0 0
+203 11.735543667652616 2.4848924364303158 0 0 0 0
+197 -32.63060650882442 -23.39798074711512 0 0 0 0
+183 -19.719867444809182 2.142026680670656 0 0 0 0
+201 -9.384819787292802 -6.164384557209023 0 0 0 0
+194 -5.9936783154678 -16.88252401720196 0 0 0 0
+191 10.410054579101248 21.523247659230222 0 0 0 0
+200 -3.0853083618798003 2.2757928287223015 0 0 0 0
+190 -13.01748460175052 -13.127384266725967 0 0 0 0
+189 24.84213909090297 10.868413287766783 0 0 0 0
+188 -11.69874766594604 12.142031906547796 0 0 0 0
+221 11.28263872674159 -11.267825052916109 0 0 0 0
+215 -15.959469593189702 6.309871529319728 0 0 0 0
+210 -24.58121697876942 -12.449352495842652 0 0 0 0
+211 -27.306273054399384 8.650296144964344 0 0 0 0
+206 -20.57967995821597 -17.316222398896045 0 0 0 0
+196 -6.043601535682911 -8.11121157006548 0 0 0 0
+195 -0.9950251861189692 -10.144046677141507 0 0 0 0
+208 6.074900196511401 -19.62435645642933 0 0 0 0
+207 1.8873138373757454 13.14160924528848 0 0 0 0
+204 22.52736733653427 -1.0765234729201005 0 0 0 0
+199 4.31860092852538 -20.557455642545136 0 0 0 0
+212 14.428204478046908 12.108544885485594 0 0 0 0
+223 -5.424233008970603 28.375478820495463 0 0 0 0
+234 7.2766890934709325 15.762239886341291 0 0 0 0
+228 26.421158411689852 -9.343803953051262 0 0 0 0
+224 36.89883072515722 2.2142769588734397 0 0 0 0
+226 10.77830886364788 19.521419487831512 0 0 0 0
+216 6.826880518143565 -3.0787690893017823 0 0 0 0
+214 3.1026916335834938 -28.55485764555472 0 0 0 0
+217 -4.127828327802671 -19.93734716998121 0 0 0 0
+209 27.62812333072021 -12.443680621660306 0 0 0 0
+219 -40.69022679946931 27.637308566321902 0 0 0 0
+218 19.237763801649507 -5.366414363904447 0 0 0 0
+205 -38.28844517632999 -10.301715314803555 0 0 0 0
+213 -9.818388993707345 14.285749412350722 0 0 0 0
+235 10.042171540840126 32.67614878684097 0 0 0 0
+2 -6.985579766712514 10.388035241603447 0 0 0 0
+1 20.621459631532584 18.237042723729537 0 0 0 0
+6 20.077464397508823 73.89088518969882 0 0 0 0
+232 0.3886796323796613 -3.763700257386707 0 0 0 0
+220 -7.416975610627795 20.70391250000679 0 0 0 0
+238 0.8303651045183144 12.550190726093792 0 0 0 0
+225 -25.517962166890566 -28.96775631104797 0 0 0 0
+230 23.90780293130954 12.10606646692732 0 0 0 0
+233 -7.555877486273183 -12.95960625841561 0 0 0 0
+227 -15.307924511300342 4.047275795509001 0 0 0 0
+222 10.120954710565426 2.80701770357777 0 0 0 0
+229 5.019940084134299 -0.3756394239213392 0 0 0 0
+231 8.254615506160095 9.803831163350605 0 0 0 0
diff --git a/DATASET/P=70000Pa/box_sheared.data b/DATASET/P=70000Pa/box_sheared.data
new file mode 100644
index 0000000..661520e
--- /dev/null
+++ b/DATASET/P=70000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2226617
+
+240 atoms
+6 atom types
+
+0.027936330944145514 0.07206366905585453 xlo xhi
+0.027936330944145514 0.07206366905585453 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.004412736009092345 0 0 xy xz yz
+
+Atoms # sphere
+
+24 1 0.0035 1071.4285714285713 0.029216680193385212 0.029030233441894454 0 1 0 0
+4 1 0.0035 1071.4285714285713 0.044198637641349084 0.028080021350589107 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.05644243565897421 0.028816587270758955 0 0 0 0
+237 1 0.0025 1500.0000000000005 0.0678737562431588 0.02857256822279345 0 0 1 0
+240 1 0.0025 1500.0000000000005 0.047042394902685664 0.029390134391210413 0 0 1 0
+12 1 0.0025 1500.0000000000005 0.07034558347149628 0.029393701306768053 0 0 0 0
+5 1 0.0025 1500.0000000000005 0.06447407333095634 0.02948156332301007 0 0 0 0
+16 1 0.0025 1500.0000000000005 0.034318613013291165 0.02964860098273114 0 0 0 0
+9 1 0.0025 1500.0000000000005 0.040267137327088046 0.029851367297185707 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.061662246301698455 0.03018857856279908 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.037362602914710746 0.03036250872959417 0 0 0 0
+236 1 0.0025 1500.0000000000005 0.05861333743680698 0.03031258646107989 0 0 1 0
+13 1 0.0025 1500.0000000000005 0.032077209411649786 0.030411630258758968 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.04958074432997095 0.03048765313318544 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.04269231134547598 0.0305310151391429 0 0 0 0
+3 1 0.0025 1500.0000000000005 0.052092197592935874 0.03078211988728726 0 0 0 0
+10 1 0.0025 1500.0000000000005 0.05460510740167356 0.030740964542339058 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.0452330797365867 0.030931422532634572 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.02975146915924298 0.03435718706386119 0 0 0 0
+110 1 0.0025 1500.0000000000005 0.03057258877838371 0.047734028194714104 0 0 0 0
+155 1 0.0025 1500.0000000000005 0.03167667459565341 0.05413735781639979 0 0 0 0
+167 1 0.0035 1071.4285714285713 0.031343235298009295 0.05706126641919433 0 0 0 0
+181 1 0.0035 1071.4285714285713 0.03206535972954018 0.060521631023087476 0 0 0 0
+221 1 0.0035 1071.4285714285713 0.03240537098650487 0.0673969788070867 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.031500535544414565 0.050106309410573674 0 0 0 0
+50 1 0.0025 1500.0000000000005 0.030392521392493526 0.03683841473714236 0 0 0 0
+63 1 0.0035 1071.4285714285713 0.030734450607041282 0.039812113465449675 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.03128272211508521 0.04275691589199484 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.030371263123620925 0.03203097367179592 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.03459648049083834 0.07030288727959613 0 0 0 0
+184 1 0.0025 1500.0000000000005 0.033951144416928064 0.06304129163982751 0 0 0 0
+215 1 0.0025 1500.0000000000005 0.034597401398374715 0.0654608085027073 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.03284032573606897 0.04607096210914695 0 1 0 0
+165 1 0.0025 1500.0000000000005 0.03416401251302325 0.05854865186656045 0 0 0 0
+33 1 0.0025 1500.0000000000005 0.03506914520325334 0.03206049670403333 0 0 0 0
+17 1 0.0025 1500.0000000000005 0.04760605196652881 0.03189790218443686 0 0 0 0
+23 1 0.0025 1500.0000000000005 0.05999295967075439 0.032486064902835926 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.06571979130074826 0.03225133227594874 0 0 0 0
+15 1 0.0025 1500.0000000000005 0.06853214742443167 0.031029118353429974 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.07154909166302917 0.032242403299515034 0 0 0 0
+21 1 0.0025 1500.0000000000005 0.03282064218309437 0.032860705566404 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.037462160439411536 0.033355851758412526 0 0 0 0
+26 1 0.0035 1071.4285714285713 0.040342305666596065 0.03275824683921308 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.043857323663720305 0.033394806056595346 0 0 0 0
+29 1 0.0035 1071.4285714285713 0.04718282897324262 0.0347769172615592 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.050290295115267475 0.03339799750927618 0 0 0 0
+31 1 0.0035 1071.4285714285713 0.05379675146095232 0.033502841300876704 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.05706104724240767 0.03267331249784677 0 0 0 0
+28 1 0.0035 1071.4285714285713 0.06279789067985808 0.033768439242483884 0 0 0 0
+38 1 0.0035 1071.4285714285713 0.06879955496947648 0.03407961647479748 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.03210826967612345 0.03511791274181862 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.03509705858929839 0.035015983819664656 0 0 0 0
+43 1 0.0035 1071.4285714285713 0.03896287188745458 0.03606691973243013 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.04188365601497948 0.035483348076433725 0 0 0 0
+49 1 0.0025 1500.0000000000005 0.044305590250986876 0.03652617551232613 0 0 0 0
+45 1 0.0035 1071.4285714285713 0.05020624984937569 0.03684954796642518 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.0531293805681186 0.0364672956887994 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.05654128317333168 0.036028451536952444 0 0 0 0
+46 1 0.0035 1071.4285714285713 0.059890640267059495 0.03548231939779979 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.06302095544528433 0.03671102431377768 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.06578810476799521 0.03579637673917851 0 0 0 0
+56 1 0.0025 1500.0000000000005 0.06986328819125107 0.03695918460819463 0 0 0 0
+37 1 0.0025 1500.0000000000005 0.07164247011512903 0.035241488680736836 0 0 0 0
+51 1 0.0035 1071.4285714285713 0.033406735598590226 0.037889663172385527 0 0 0 0
+52 1 0.0025 1500.0000000000005 0.03634323685831298 0.03776387763663873 0 0 0 0
+70 1 0.0035 1071.4285714285713 0.0389268230974123 0.03945608289350375 0 0 0 0
+48 1 0.0035 1071.4285714285713 0.04217640650474373 0.038440527313409 0 0 0 0
+47 1 0.0035 1071.4285714285713 0.04697942320875931 0.03816570240763213 0 0 0 0
+42 1 0.0025 1500.0000000000005 0.052554018712120315 0.0389109270091402 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.05493763293841704 0.03839551249668302 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.06114096939406539 0.03882821886715644 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.06498320799940582 0.0391480977520474 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.06786737097365164 0.03809178483634101 0 0 0 0
+57 1 0.0025 1500.0000000000005 0.07229256084070518 0.03765024619997271 0 -1 0 0
+72 1 0.0025 1500.0000000000005 0.033824631227262654 0.040890299629429264 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.036168122231617805 0.040297752193410204 0 0 0 0
+76 1 0.0035 1071.4285714285713 0.04174210150581488 0.04186003861690452 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.044963328054541174 0.04082541923698218 0 0 0 0
+59 1 0.0035 1071.4285714285713 0.04995706027000642 0.04024335732231514 0 0 0 0
+92 1 0.0025 1500.0000000000005 0.05281599671697336 0.04134204532104039 0 0 0 0
+74 1 0.0025 1500.0000000000005 0.05518639160490316 0.04091416499629698 0 0 0 0
+77 1 0.0035 1071.4285714285713 0.057827761422100235 0.03962156503280511 0 0 0 0
+65 1 0.0025 1500.0000000000005 0.06314347728125347 0.04131410530949232 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.06775213237617511 0.040525514158076856 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.0705688627835147 0.039862584487257664 0 0 0 0
+80 1 0.0025 1500.0000000000005 0.03370656656189229 0.04335934987705831 0 0 0 0
+86 1 0.0025 1500.0000000000005 0.036255543225012676 0.04278219405990925 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.038706785341772784 0.042393874852095365 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.04778308162386291 0.04203531963446781 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.04600638546398043 0.043726928192247314 0 0 0 0
+94 1 0.0035 1071.4285714285713 0.05128976396731831 0.043804176236481855 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.054779790642056854 0.04382168619697173 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.057404071923252614 0.042469949846657036 0 0 0 0
+78 1 0.0035 1071.4285714285713 0.06038688111636393 0.04217455152184392 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.06313291585348602 0.04385027719931066 0 0 0 0
+69 1 0.0035 1071.4285714285713 0.06590120061880385 0.04262469459055207 0 0 0 0
+68 1 0.0035 1071.4285714285713 0.06960241556240651 0.04306790694278442 0 0 0 0
+83 1 0.0025 1500.0000000000005 0.07297761041435785 0.04188211062356905 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.035644208392321686 0.04518952381278714 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.03798959423393016 0.04470298067699711 0 0 0 0
+99 1 0.0025 1500.0000000000005 0.04041204053024319 0.044340057322766566 0 0 0 0
+101 1 0.0035 1071.4285714285713 0.04342798634874134 0.04503825647784008 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.048469602564874995 0.0445247838481682 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.05320262284587933 0.046310865807449295 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.05861431004297371 0.044900017867161274 0 0 0 0
+102 1 0.0025 1500.0000000000005 0.061079683236712964 0.04516801889917135 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.06500718086453747 0.04557636240523219 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.06749305712175199 0.04520883969947265 0 0 0 0
+98 1 0.0025 1500.0000000000005 0.07005433004165201 0.0460283134911812 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.0734967415714343 0.044839508897697805 0 0 0 0
+106 1 0.0025 1500.0000000000005 0.035546500934750425 0.047651453375218505 0 0 0 0
+111 1 0.0035 1071.4285714285713 0.03849014192134456 0.04773008696298352 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.04122738325638281 0.04686689748386526 0 0 0 0
+118 1 0.0035 1071.4285714285713 0.04392712101312797 0.04848716972711567 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.0467092125998102 0.04669684606105318 0 0 0 0
+116 1 0.0035 1071.4285714285713 0.05039517071220934 0.04705349478385536 0 0 0 0
+96 1 0.0035 1071.4285714285713 0.05654163302395387 0.04695868793383833 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.06022634913536879 0.04801524252060175 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.0630227258597669 0.04688965071129625 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.06564991130119811 0.048511560789866924 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.0683680729615429 0.04761457454078119 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.07223834484981159 0.047413309319198516 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.03382624124540351 0.049228928487092434 0 0 0 0
+126 1 0.0035 1071.4285714285713 0.0366294875116616 0.05050390968893596 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.04112226663422697 0.04931932773151777 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.0395633998452394 0.051132883538778144 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.04747878305457046 0.0501544340782302 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.0509826836273788 0.050488602143994865 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.05408508857594223 0.049223280361626195 0 0 0 0
+117 1 0.0035 1071.4285714285713 0.057648277243493896 0.050419125040854 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.06298493249129303 0.049459936485787497 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.06839994684193149 0.050085630098295905 0 0 0 0
+124 1 0.0025 1500.0000000000005 0.07056637935869822 0.04909495197286826 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.07318167617831145 0.049749225344273236 0 -1 0 0
+143 1 0.0035 1071.4285714285713 0.03377105059548226 0.05219202028517552 0 0 0 0
+134 1 0.0025 1500.0000000000005 0.04231649635001116 0.051607061572709216 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.0448341898669527 0.0513567633849262 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.04683104786874341 0.052973686344135615 0 0 0 0
+136 1 0.0025 1500.0000000000005 0.0529721957998584 0.05285837907888027 0 0 0 0
+122 1 0.0025 1500.0000000000005 0.055364378984786966 0.05219728648265423 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.05764489033047816 0.053386409682856246 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.06101502645833637 0.051485516012096375 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.06398343723152022 0.05183967035918959 0 0 0 0
+137 1 0.0025 1500.0000000000005 0.06647791788145185 0.05153431166390698 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.06918974346011322 0.05299559483307535 0 0 0 0
+131 1 0.0025 1500.0000000000005 0.07157702596059765 0.051460399635534046 0 0 0 0
+132 1 0.0025 1500.0000000000005 0.07428812357329373 0.05207313364272076 0 -1 0 0
+151 1 0.0035 1071.4285714285713 0.03438174257550305 0.05561757399491094 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.03727564062098134 0.0539882325559262 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.040742091518285145 0.05405188018858112 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.04429481873902483 0.054218479733772314 0 0 0 0
+145 1 0.0035 1071.4285714285713 0.049889067711027454 0.053638969594619355 0 0 0 0
+148 1 0.0035 1071.4285714285713 0.05278008797396415 0.05576138666810951 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.05541947444424006 0.0546262116335441 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.060073417321068585 0.054238175753472576 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.06305188201605008 0.054699524879691666 0 0 0 0
+168 1 0.0025 1500.0000000000005 0.06582735262096545 0.05388297091765014 0 0 0 0
+142 1 0.0025 1500.0000000000005 0.06768759772435762 0.05561192217735626 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.072764810168216 0.05450942576813678 0 -1 0 0
+161 1 0.0035 1071.4285714285713 0.03728721565239604 0.05770328611948587 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.04011139451816881 0.05689134938375584 0 0 0 0
+159 1 0.0035 1071.4285714285713 0.043059745741887645 0.05737951985102743 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.047498381861580126 0.055916250432612224 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.05039614550827258 0.058040890861314406 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.05536740540897422 0.05747820682559898 0 0 0 0
+146 1 0.0035 1071.4285714285713 0.058027260214890505 0.056326122442561646 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.061000078057780745 0.056692605395518125 0 0 0 0
+166 1 0.0035 1071.4285714285713 0.06543240392365215 0.057455636030925995 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.07020658869416972 0.055884159967620764 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.040902727826961145 0.0598915063971632 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.045972304642286466 0.05824678452884088 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.048130119640122704 0.06044916340603979 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.05339723437238804 0.058775691804978256 0 0 0 0
+157 1 0.0025 1500.0000000000005 0.05733703351099635 0.059138320215880884 0 0 0 0
+163 1 0.0025 1500.0000000000005 0.05981921601969503 0.058862713154744076 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.06280909774010707 0.05943294581962559 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.0688507195415275 0.05840296696577009 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.07230190296967234 0.058178855831783505 0 -1 0 0
+185 1 0.0025 1500.0000000000005 0.03507496201318093 0.060983052915203284 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.0375875144135307 0.06064557651747487 0 0 0 0
+198 1 0.0025 1500.0000000000005 0.0395635585552132 0.062351785848035385 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.044631331953970524 0.06071671629207785 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.05173682433750454 0.061434315529427456 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.05533089607367747 0.06119867092939979 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.05832174792787771 0.0615166680497669 0 0 0 0
+174 1 0.0025 1500.0000000000005 0.06076736326248345 0.06137096464310603 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.06310095149722197 0.062422366180009334 0 0 0 0
+187 1 0.0035 1071.4285714285713 0.06578592001570642 0.06150712152449065 0 0 0 0
+177 1 0.0025 1500.0000000000005 0.0686983678422781 0.06132481914720908 0 0 0 0
+186 1 0.0025 1500.0000000000005 0.07097686951275275 0.060700134054901864 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.07344633787938651 0.061293375334058715 0 0 0 0
+192 1 0.0035 1071.4285714285713 0.03693424152961197 0.06345677754512086 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.039738272730644064 0.0648028139200316 0 0 0 0
+203 1 0.0035 1071.4285714285713 0.042516902733364725 0.06321983376777326 0 0 0 0
+197 1 0.0025 1500.0000000000005 0.04629459799845104 0.0633723328369511 0 0 0 0
+183 1 0.0025 1500.0000000000005 0.0487479041358238 0.06343839530274213 0 0 0 0
+195 1 0.0035 1071.4285714285713 0.051469297012497126 0.06502841954340526 0 0 0 0
+201 1 0.0025 1500.0000000000005 0.05395603295413551 0.06368138458155814 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.05688670127076306 0.06456261159312474 0 0 0 0
+191 1 0.0025 1500.0000000000005 0.0596921511345856 0.06371525803398137 0 0 0 0
+200 1 0.0035 1071.4285714285713 0.06513781385480369 0.06488540550609673 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.06845380321293254 0.06422974945831575 0 0 0 0
+189 1 0.0035 1071.4285714285713 0.07182727183198193 0.06365474874638494 0 0 0 0
+188 1 0.0035 1071.4285714285713 0.07529397395245022 0.0637996668660117 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.036993981544832466 0.0664102118188999 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.04193706310545212 0.06605206883235475 0 0 0 0
+206 1 0.0035 1071.4285714285713 0.04492522087153138 0.06593570211248061 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.04839817542055084 0.06630532257541291 0 0 0 0
+208 1 0.0025 1500.0000000000005 0.05442323376517444 0.06612218493634671 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.06193078704085725 0.06588699555981367 0 0 0 0
+204 1 0.0025 1500.0000000000005 0.06740220133405248 0.06705705884474489 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.07090825604148426 0.06690441932012295 0 0 0 0
+212 1 0.0025 1500.0000000000005 0.07367734969292204 0.06616726391970243 0 0 0 0
+223 1 0.0025 1500.0000000000005 0.035365493905725784 0.06808422274690175 0 0 0 0
+234 1 0.0025 1500.0000000000005 0.037522097857223186 0.06965436471461622 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.0396909625416917 0.06782288184103795 0 0 0 0
+224 1 0.0035 1071.4285714285713 0.04307961534105536 0.06895081431702225 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.04663111748143108 0.06916143701783745 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.049626973448067616 0.06912742673495945 0 0 0 0
+214 1 0.0035 1071.4285714285713 0.05257847437762663 0.06844045043672464 0 0 0 0
+217 1 0.0035 1071.4285714285713 0.056020738601684134 0.06882958358064999 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.059078338630040264 0.06756907091984342 0 0 0 0
+219 1 0.0025 1500.0000000000005 0.061939143974339445 0.06888970852021103 0 0 0 0
+218 1 0.0035 1071.4285714285713 0.06478338553589225 0.06827151490755266 0 0 0 0
+205 1 0.0025 1500.0000000000005 0.06905851394324317 0.06908199054703532 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.0739394301286245 0.0686644095593068 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.036623553200594516 0.07192837923272791 0 0 -1 0
+1 1 0.0035 1071.4285714285713 0.040158300010210514 0.0712936534774436 0 0 -1 0
+6 1 0.0025 1500.0000000000005 0.04311343788969783 0.07190875863142604 0 0 -1 0
+232 1 0.0025 1500.0000000000005 0.045545429968515516 0.07178604883701921 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.05128087729735065 0.07106241784942888 0 0 0 0
+238 1 0.0035 1071.4285714285713 0.054321292049840944 0.07170063984228808 0 0 0 0
+239 1 0.0035 1071.4285714285713 0.05779953338166296 0.07204177366973293 0 0 0 0
+225 1 0.0025 1500.0000000000005 0.06018710298440886 0.07047446629235901 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.06357378076900483 0.07154623048666753 0 0 0 0
+233 1 0.0035 1071.4285714285713 0.06703294425454862 0.07110697585956172 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.06999774241758788 0.0714802598582387 0 0 0 0
+222 1 0.0025 1500.0000000000005 0.07182409534123305 0.06980825446768456 0 0 0 0
+229 1 0.0025 1500.0000000000005 0.0739982810633891 0.0711195291888731 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.07628216670909108 0.07035135935032386 0 0 0 0
+
+Velocities
+
+24 11.817482652891902 21.540853186589644 0 0 0 0
+4 -3.2697374887076425 -33.97864363633135 0 0 0 0
+8 5.1285950427799625 15.92870146500935 0 0 0 0
+237 -7.763938432959847 -0.8840278030073054 0 0 0 0
+240 -19.496098425268382 -7.569281123952202 0 0 0 0
+12 9.090734555191583 -25.596847558963606 0 0 0 0
+5 -11.024773296403282 14.125858817349947 0 0 0 0
+16 54.58953932325122 -7.212695593402856 0 0 0 0
+9 -3.8936848143993377 -7.481304000020919 0 0 0 0
+11 -13.052422934924534 -4.227916250720352 0 0 0 0
+22 22.559292741691834 21.956580635174255 0 0 0 0
+236 12.299784040292296 18.608774839148975 0 0 0 0
+13 30.546627846630013 36.57911427504874 0 0 0 0
+7 -6.156391178103943 3.863386069664802 0 0 0 0
+14 7.447598664464856 -19.0586757098963 0 0 0 0
+3 -8.7493397216879 5.824954720832075 0 0 0 0
+10 3.340512989939771 -9.385845561904068 0 0 0 0
+18 28.598526892370376 12.998822501386563 0 0 0 0
+27 26.02193433914217 -8.876421118538985 0 0 0 0
+110 1.065233640874627 15.285305131801511 0 0 0 0
+155 -17.642904998563598 17.13808793035697 0 0 0 0
+167 5.814663986712845 28.721080423012552 0 0 0 0
+181 11.279314182870408 37.17841358098697 0 0 0 0
+221 -7.97253364309838 -13.037542247302762 0 0 0 0
+125 1.564152446522817 2.9066024854301964 0 0 0 0
+50 -17.649189332581336 -7.947558286646074 0 0 0 0
+63 -22.48272671495038 10.87528650708423 0 0 0 0
+85 -7.184481419957804 24.19223669732273 0 0 0 0
+20 23.509049231854682 2.7524896080717087 0 0 0 0
+235 29.27652826266403 14.613406808573863 0 0 0 0
+184 24.837818227593512 19.339247520919805 0 0 0 0
+215 4.735923463677211 6.003789465790487 0 0 0 0
+93 12.358501296791594 29.410603227075644 0 0 0 0
+165 -23.367344884324396 -8.481458557634518 0 0 0 0
+33 -49.5100466239908 -9.495895733160165 0 0 0 0
+17 -5.617627784745962 -32.40961584627343 0 0 0 0
+23 -21.091180821871685 -8.83521844000828 0 0 0 0
+19 32.8171082190028 26.34827911563295 0 0 0 0
+15 -2.9612023210158376 -6.677673780389328 0 0 0 0
+30 -8.04645798295864 3.877310535400452 0 0 0 0
+21 -1.6700690963553557 -5.093432547021978 0 0 0 0
+39 11.470302011250983 29.105117498923466 0 0 0 0
+26 5.065318619876259 -11.18431815221535 0 0 0 0
+25 -26.68014056132328 -2.561747678423856 0 0 0 0
+29 -3.667908494816711 -21.370257790482523 0 0 0 0
+35 2.5159344744160492 16.447963083298667 0 0 0 0
+31 24.97058539769276 -19.879411541158518 0 0 0 0
+41 8.107440917211457 15.317061162855993 0 0 0 0
+28 -5.5109245233600355 -34.19532264322861 0 0 0 0
+38 -1.865434241295067 -16.668423045510632 0 0 0 0
+34 4.467272682121428 -17.59290967045132 0 0 0 0
+40 -15.588181324684744 -12.491324129787595 0 0 0 0
+43 -3.8436763814477066 -0.8224631912664613 0 0 0 0
+32 18.312606418695747 -55.713785943008155 0 0 0 0
+49 60.97579654899353 -27.92588079549597 0 0 0 0
+45 0.7081412161406102 16.48099515953965 0 0 0 0
+44 43.83330980260296 18.45518645092409 0 0 0 0
+64 -19.91306821248432 -4.564749132522724 0 0 0 0
+46 16.078031195243227 -24.03899095650009 0 0 0 0
+53 -5.48150046081323 10.132243421724867 0 0 0 0
+36 -13.438294114514429 0.6805459479372576 0 0 0 0
+56 16.228268290060715 3.7652655499981624 0 0 0 0
+37 29.65641748451622 7.95320211690724 0 0 0 0
+51 -10.464648558243876 9.923161395741772 0 0 0 0
+52 -12.868852229963062 -33.156465174671744 0 0 0 0
+70 -4.67448575160284 -23.466047910698894 0 0 0 0
+48 -6.960293260777584 -4.671919666661254 0 0 0 0
+47 22.758578085739963 11.007944701708855 0 0 0 0
+42 -1.4115217940846279 17.912753518357167 0 0 0 0
+54 -17.33944219409776 32.85068284373208 0 0 0 0
+55 30.4363384756828 -24.830239339316446 0 0 0 0
+58 34.47138881730916 -3.645342677250239 0 0 0 0
+62 -15.169936886004253 -46.00958317430606 0 0 0 0
+57 -18.38805725193788 -9.248743492959049 0 0 0 0
+72 -8.655346692450445 -4.3785562912932425 0 0 0 0
+71 15.318958187818478 -27.78142144813009 0 0 0 0
+76 -6.620975869875561 9.5164447356037 0 0 0 0
+67 9.437229958228333 -9.438501598136675 0 0 0 0
+59 -21.813904699276424 1.6559660836184726 0 0 0 0
+92 -10.98014182963561 24.70413834846445 0 0 0 0
+74 19.62102286391112 0.8289309205467177 0 0 0 0
+77 -23.610006493817334 14.662362252576017 0 0 0 0
+65 32.97066781268333 15.522500694691761 0 0 0 0
+61 13.452698631563736 -8.172380952366284 0 0 0 0
+66 -8.141213443836035 -3.919037243544053 0 0 0 0
+80 0.9079190108235797 28.539742678453557 0 0 0 0
+86 -20.367192902507764 -7.691260875013254 0 0 0 0
+81 15.66872135330464 14.205509165197542 0 0 0 0
+60 2.695482479192481 21.634262396942685 0 0 0 0
+88 -43.15627159661521 21.791210712216422 0 0 0 0
+94 -8.601161817381097 34.50561418898428 0 0 0 0
+90 -11.736117749297394 26.09893796469328 0 0 0 0
+87 -33.55249075571437 -2.607360857295425 0 0 0 0
+78 9.919157086316371 9.699835197940159 0 0 0 0
+84 15.599156638410664 -43.00996301522083 0 0 0 0
+69 11.437260750807093 34.1683314004 0 0 0 0
+68 19.943189298246107 -10.297655061304875 0 0 0 0
+83 10.559333186405976 6.7493201497843565 0 0 0 0
+97 41.34219671379841 6.637045457807253 0 0 0 0
+95 -32.94178650174818 9.8399366952873 0 0 0 0
+99 -10.768015123901796 20.862750244917745 0 0 0 0
+101 7.703218336376304 15.44083544492018 0 0 0 0
+73 22.58613847179964 -25.562085160276432 0 0 0 0
+103 -2.8224950158566573 5.981913906347632 0 0 0 0
+79 -28.724464114956575 6.7236408591583245 0 0 0 0
+102 -16.32783392781179 32.1557625436465 0 0 0 0
+89 24.407785794058867 16.11680294310842 0 0 0 0
+100 5.325366363953368 3.165840921886793 0 0 0 0
+98 18.84068236092493 14.16703690922862 0 0 0 0
+82 -6.898596309728453 -1.0223695897101566 0 0 0 0
+106 11.183292079958123 -37.6479519273182 0 0 0 0
+111 5.035015073079056 24.29370243160942 0 0 0 0
+105 -18.135546301699787 -1.7238812496669045 0 0 0 0
+118 19.57643699032406 -7.0056692826426445 0 0 0 0
+104 7.797856678892053 -1.2706476738237806 0 0 0 0
+116 7.754051018338583 -20.380592263488044 0 0 0 0
+96 34.32207972408267 -21.929612702647987 0 0 0 0
+107 16.50147154388359 -11.115862304566388 0 0 0 0
+75 17.293508422340167 0.8974890920003142 0 0 0 0
+108 -4.637349289058067 -9.389001451877947 0 0 0 0
+115 6.708978680848962 26.75744249159778 0 0 0 0
+91 8.787761560506118 4.638654114463787 0 0 0 0
+112 -7.5916002167224566 -46.39785440214665 0 0 0 0
+126 6.9386988406169765 -22.53248795647196 0 0 0 0
+109 -41.72281555592354 -5.0645874862354585 0 0 0 0
+119 -3.121376579378147 -38.87305563855001 0 0 0 0
+120 -0.5291414204763373 -4.1648053749876555 0 0 0 0
+128 -8.294113298106883 -9.799170286316265 0 0 0 0
+113 32.874692816224226 5.992484016745811 0 0 0 0
+117 -28.842397609034222 -5.332518187020835 0 0 0 0
+114 -8.414927330149292 -17.538611102660877 0 0 0 0
+127 -18.802052596833683 -39.041900530699905 0 0 0 0
+124 20.412923170721136 23.26252948198208 0 0 0 0
+121 -33.44010513354976 -18.512880427097937 0 0 0 0
+143 -23.529451506680232 7.997072005304636 0 0 0 0
+134 6.187831699572159 -37.441663666312735 0 0 0 0
+133 18.27713905461717 -13.416584296117994 0 0 0 0
+141 -26.62028955135864 -11.701266289003168 0 0 0 0
+136 5.566952755370573 8.031284563486418 0 0 0 0
+122 -3.8883918162746602 35.63095425231007 0 0 0 0
+135 -67.21226243735748 -35.88610562710241 0 0 0 0
+123 18.280642152097705 -11.638278085935315 0 0 0 0
+130 -13.236459624257773 19.779583263841133 0 0 0 0
+137 -29.49244376459025 26.648949694424378 0 0 0 0
+140 1.7414980764906347 7.8791576898223825 0 0 0 0
+131 -14.150522702417035 6.167940696381493 0 0 0 0
+132 -9.726121581875306 16.71952848636938 0 0 0 0
+151 20.097339641070192 -3.3533938352464223 0 0 0 0
+129 -12.716244014357047 49.4573220074718 0 0 0 0
+138 -13.458987144153472 14.409892358463546 0 0 0 0
+147 -10.453464078893747 42.09568059700393 0 0 0 0
+145 -9.377961010289184 15.990743509513061 0 0 0 0
+148 -32.91048432943053 0.9392208920553171 0 0 0 0
+139 -19.691110941262085 10.3234246475795 0 0 0 0
+150 41.93717464368983 6.580576385058757 0 0 0 0
+149 -18.999283179598482 -11.512614423072154 0 0 0 0
+168 10.073112525966033 40.59094557787798 0 0 0 0
+142 -33.45500055651502 12.229172125793607 0 0 0 0
+144 -0.6282717201146726 22.35073842656267 0 0 0 0
+161 -31.991506435812482 -10.722741661600699 0 0 0 0
+152 28.365416141602225 3.2392984303705052 0 0 0 0
+159 -17.694311481522742 4.644695711624142 0 0 0 0
+153 6.940148008459994 3.539462566739636 0 0 0 0
+158 22.205162670023622 -21.60875832384631 0 0 0 0
+154 0.1175696916561163 -37.88319334700577 0 0 0 0
+146 16.166577435382134 -30.438603989783754 0 0 0 0
+160 30.95565348089263 0.710320145694587 0 0 0 0
+166 36.5226907307972 17.656471557978847 0 0 0 0
+156 -7.980768050231277 -22.166769060277073 0 0 0 0
+171 -10.03982891967152 0.1143509683011275 0 0 0 0
+172 26.253521301986847 46.19002077652733 0 0 0 0
+169 -20.023394230908934 -4.136392275507959 0 0 0 0
+164 18.72365169125278 49.740136833321905 0 0 0 0
+157 -39.33418484698937 10.938777981937422 0 0 0 0
+163 3.5126006243361236 8.682317182806457 0 0 0 0
+179 15.145037695027886 -47.44750815174043 0 0 0 0
+178 1.8096134517528828 38.01671219121192 0 0 0 0
+162 39.163713733409764 -12.772456176001233 0 0 0 0
+185 -47.74765280375902 3.2982003274871685 0 0 0 0
+173 -40.38876989048415 -26.412242435883165 0 0 0 0
+198 13.672431839240264 21.06506309923719 0 0 0 0
+182 7.874328271148632 -9.046966404309545 0 0 0 0
+175 13.872229730520937 -6.301892150018537 0 0 0 0
+170 -9.70316083434962 -0.2821587506391777 0 0 0 0
+180 19.154542317020862 8.181582998074377 0 0 0 0
+174 10.851603995588764 -10.479373179729482 0 0 0 0
+193 -2.1425077595654676 54.11219304011401 0 0 0 0
+187 22.0619080332258 -24.512488818806403 0 0 0 0
+177 -29.882686201919064 -5.236147733700874 0 0 0 0
+186 6.858301679312716 18.70953827431269 0 0 0 0
+176 -20.70065854925379 -53.553868285524494 0 0 0 0
+192 6.192009710672934 -26.20381394116481 0 0 0 0
+202 -11.17366332266833 -3.6146193055363987 0 0 0 0
+203 3.1160375304649435 4.770129884089638 0 0 0 0
+197 -43.310450002295745 -15.873618391348083 0 0 0 0
+183 10.09044351049893 -12.333717918034381 0 0 0 0
+195 -11.10523399435196 -16.63595330391165 0 0 0 0
+201 -19.9289935138102 27.953695267855664 0 0 0 0
+194 -2.738287928042737 15.176004031176834 0 0 0 0
+191 -34.32944965632987 7.286989635217619 0 0 0 0
+200 21.326836297461828 3.8764288901966486 0 0 0 0
+190 -18.681372606407656 -18.89240620065682 0 0 0 0
+189 -12.399880351930893 -6.078731705523408 0 0 0 0
+188 -12.530861268221805 -12.28516182385827 0 0 0 0
+210 -22.4732041845308 1.3765867475857787 0 0 0 0
+211 -10.268194237218694 -43.943760861295885 0 0 0 0
+206 -4.543935427069317 10.24300662037485 0 0 0 0
+196 24.858703240986895 10.262732921050924 0 0 0 0
+208 -36.00557959963021 8.520811340979666 0 0 0 0
+207 8.505994076135897 -32.52469002305976 0 0 0 0
+204 -21.153288972269785 -17.47549865409043 0 0 0 0
+199 -17.94736214891957 -3.7044076406282285 0 0 0 0
+212 -4.745751586548967 4.571474780466015 0 0 0 0
+223 58.30048291591981 -24.68984497030032 0 0 0 0
+234 -8.249734809861408 3.8579832602117996 0 0 0 0
+228 -1.8452389222077632 -6.162376636876979 0 0 0 0
+224 0.6572530416455756 -11.483055566680195 0 0 0 0
+226 -11.77642051468699 -25.05693035346401 0 0 0 0
+216 11.084688098278166 16.678896229919786 0 0 0 0
+214 -8.86705215127367 7.083106334707242 0 0 0 0
+217 2.681200791925328 8.773259396776153 0 0 0 0
+209 -20.054645150913597 7.061503300983759 0 0 0 0
+219 -8.528474094410432 -29.616674044389004 0 0 0 0
+218 -37.47635632283694 -8.556009583828853 0 0 0 0
+205 7.489541481663927 18.868182285107853 0 0 0 0
+213 -10.117222203597157 -15.3455210294282 0 0 0 0
+2 51.5067450857864 59.5162311417931 0 0 0 0
+1 -30.06870096345383 -3.4374504595158353 0 0 0 0
+6 -22.673842958170106 19.71162878175305 0 0 0 0
+232 -36.756582619923996 8.163081184108874 0 0 0 0
+220 -12.974605045627206 -8.240275864600385 0 0 0 0
+238 16.805991233106045 12.15544868540406 0 0 0 0
+239 -11.344711604062132 -13.503013468575691 0 0 0 0
+225 20.38775681382721 2.016874333575958 0 0 0 0
+230 27.562236614083904 -30.858335255240487 0 0 0 0
+233 12.839690686882154 36.28049049121034 0 0 0 0
+227 21.428193333871743 -52.76615866604186 0 0 0 0
+222 -32.3316852467386 -0.3225678425493027 0 0 0 0
+229 39.44356183638169 12.312192897696645 0 0 0 0
+231 11.68307516571304 -6.66826953625744 0 0 0 0
diff --git a/DATASET/P=70000Pa/confined.restart b/DATASET/P=70000Pa/confined.restart
new file mode 100644
index 0000000..7ecb97a
Binary files /dev/null and b/DATASET/P=70000Pa/confined.restart differ
diff --git a/DATASET/P=70000Pa/log.lammps b/DATASET/P=70000Pa/log.lammps
new file mode 100644
index 0000000..27a2fd7
--- /dev/null
+++ b/DATASET/P=70000Pa/log.lammps
@@ -0,0 +1,149 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.027936331 0.027936331 -0.00050000000) to (0.072063669 0.072063669 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.001 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 226617
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 227
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.027936331 0.027936331 -0.00050000000) to (0.072063669 0.072063669 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.4127338111709e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 227 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 226617
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 20 20 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.044127338 0 2512.9073 0 226617
+ 2005000 240 0.044127338 9.7361098e-05 -969.25677 0.0022063669 226617
+ 2010000 240 0.044127338 0.0001947222 -4468.4736 0.0044127338 226617
+ 2015000 240 0.044127338 0.0002920833 -7982.177 0.0066191007 226617
+ 2020000 240 0.044127338 0.00038944439 -11523.806 0.0088254676 226617
+ 2025000 240 0.044127338 0.00048680549 -15085.685 0.011031835 226617
+ 2030000 240 0.044127338 0.00058416659 -18658.63 0.013238201 226617
+ 2035000 240 0.044127338 0.00068152769 -22233.614 0.015444568 226617
+ 2040000 240 0.044127338 0.00077888879 -25811.68 0.017650935 226617
+ 2045000 240 0.044127338 0.00087624989 -29387.035 0.019857302 226617
+ 2050000 240 0.044127338 0.00097361098 -32955.703 0.022063669 226617
+ 2055000 240 0.044127338 0.0010709721 -36523.785 0.024270036 226617
+ 2060000 240 0.044127338 0.0011683332 -40084.082 0.026476403 226617
+ 2065000 240 0.044127338 0.0012656943 -43654.833 0.02868277 226617
+ 2070000 240 0.044127338 0.0013630554 -47230.141 0.030889137 226617
+ 2075000 240 0.044127338 0.0014604165 -50801.663 0.033095504 226617
+ 2080000 240 0.044127338 0.0015577776 -54379.662 0.03530187 226617
+ 2085000 240 0.044127338 0.0016551387 -57964.25 0.037508237 226617
+ 2090000 240 0.044127338 0.0017524998 -61574.632 0.039714604 226617
+ 2095000 240 0.044127338 0.0018498609 -65221.576 0.041920971 226617
+ 2100000 240 0.044127338 0.001947222 -68897.579 0.044127338 226617
+ 2105000 240 0.044127338 0.0020445831 -72590.216 0.046333705 226617
+ 2110000 240 0.044127338 0.0021419442 -76315.697 0.048540072 226617
+ 2115000 240 0.044127338 0.0022393053 -80087.467 0.050746439 226617
+ 2120000 240 0.044127338 0.0023366664 -83910.842 0.052952806 226617
+ 2125000 240 0.044127338 0.0024340275 -87778.05 0.055159173 226617
+ 2130000 240 0.044127338 0.0025313886 -91687.365 0.05736554 226617
+ 2135000 240 0.044127338 0.0026287497 -95639.789 0.059571906 226617
+ 2140000 240 0.044127338 0.0027261108 -99632.532 0.061778273 226617
+ 2145000 240 0.044127338 0.0028234719 -103665.84 0.06398464 226617
+ 2150000 240 0.044127338 0.002920833 -107735.85 0.066191007 226617
+ 2155000 240 0.044127338 0.0030181941 -111843.42 0.068397374 226617
+ 2160000 240 0.044127338 0.0031155552 -115987.37 0.070603741 226617
+ 2165000 240 0.044127338 0.0032129162 -120168.93 0.072810108 226617
+ 2170000 240 0.044127338 0.0033102773 -124387.02 0.075016475 226617
+ 2175000 240 0.044127338 0.0034076384 -128648.01 0.077222842 226617
+ 2180000 240 0.044127338 0.0035049995 -132952.11 0.079429209 226617
+ 2185000 240 0.044127338 0.0036023606 -137302.49 0.081635576 226617
+ 2190000 240 0.044127338 0.0036997217 -141696.67 0.083841942 226617
+ 2195000 240 0.044127338 0.0037970828 -146129.92 0.086048309 226617
+ 2200000 240 0.044127338 0.0038944439 -150601.23 0.088254676 226617
+ 2205000 240 0.044127338 0.003991805 -155111.15 0.090461043 226617
+ 2210000 240 0.044127338 0.0040891661 -159657.48 0.09266741 226617
+ 2215000 240 0.044127338 0.0041865272 -164240.43 0.094873777 226617
+ 2220000 240 0.044127338 0.0042838883 -168857.46 0.097080144 226617
+ 2225000 240 0.044127338 0.0043812494 -173506.68 0.099286511 226617
+ 2226617 240 0.044127338 0.004412736 -175016.78 0.10000005 226617
+Loop time of 5.26269 on 1 procs for 226617 steps with 240 atoms
+
+98.9% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 3.767 | 3.767 | 3.767 | 0.0 | 71.58
+Neigh | 0.00080276 | 0.00080276 | 0.00080276 | 0.0 | 0.02
+Comm | 0.61115 | 0.61115 | 0.61115 | 0.0 | 11.61
+Output | 0.0070026 | 0.0070026 | 0.0070026 | 0.0 | 0.13
+Modify | 0.6441 | 0.6441 | 0.6441 | 0.0 | 12.24
+Other | | 0.2327 | | | 4.42
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 123.000 ave 123 max 123 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 701.000 ave 701 max 701 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 701
+Ave neighs/atom = 2.9208333
+Neighbor list builds = 17
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:05
diff --git a/DATASET/P=80000Pa/1_generate_conf_80000Pa.in b/DATASET/P=80000Pa/1_generate_conf_80000Pa.in
new file mode 100644
index 0000000..ca34408
--- /dev/null
+++ b/DATASET/P=80000Pa/1_generate_conf_80000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 80000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 952 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 81 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 699 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 113 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 2 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 642 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 220 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 566 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 855 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 997 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 736 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 225 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 385 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 403 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 638 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 130 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 53 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 684 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 730 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 672 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 710 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 416 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 247 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 836 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 439 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 203 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 184 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 123 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 401 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 767 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 294 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 280 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 837 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 884 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 610 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 198 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 982 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 907 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 511 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 752 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=80000Pa/2_shear.in b/DATASET/P=80000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=80000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=80000Pa/StrainStress.txt b/DATASET/P=80000Pa/StrainStress.txt
new file mode 100644
index 0000000..86e867e
--- /dev/null
+++ b/DATASET/P=80000Pa/StrainStress.txt
@@ -0,0 +1,1000 @@
+# Fix print output for fix output_file
+1.11218990555326e-05 3405.3229209849682775
+0.00011121899055595 3229.9611383370406656
+0.000211316082056368 3054.5728008851651794
+0.000311413173556629 2879.1379176295517937
+0.000411510265057047 2703.6445729114302594
+0.000511607356557309 2528.0964512304476557
+0.000611704448057726 2352.4960525840833725
+0.000711801539558144 2176.8466370376318082
+0.000811898631058405 2001.151339630215034
+0.000911995722558823 1825.4132002930273302
+0.00101209281405908 1649.6351895202460582
+0.0011121899055595 1473.8202317551895248
+0.00121228699705976 1297.9712278549134226
+0.00131238408856018 1122.0910783051840554
+0.0014124811800606 946.18270895650107377
+0.00151257827156086 770.24910179298774437
+0.00161267536306128 594.28104537612227887
+0.00171277245456154 418.26636344742513529
+0.00181286954606196 242.22079428918456756
+0.00191296663756237 66.15171349020300795
+0.00201306372906264 -109.93450641720349381
+0.00211316082056305 -286.03240230569826963
+0.00221325791206332 -462.13183694742451735
+0.00231335500356373 -638.20936877085375727
+0.00241345209506415 -814.30362711989562285
+0.00251354918656441 -990.41768541289786754
+0.00261364627806483 -1166.5534548827790786
+0.00271374336956509 -1342.7300070885321475
+0.00281384046106551 -1518.9325754928706829
+0.00291393755256593 -1695.1534744305170079
+0.00301403464406619 -1871.389079261605275
+0.00311413173556661 -2047.6825411052050185
+0.00321422882706687 -2224.0112243988364753
+0.00331432591856729 -2400.3546620749475551
+0.0034144230100677 -2576.7031958802044755
+0.00351452010156796 -2753.0615707331553494
+0.00361461719306838 -2929.4195365185032642
+0.00371471428456864 -3105.7834388400146963
+0.00381481137606906 -3282.1623115235415753
+0.00391490846756932 -3458.5611557550096222
+0.00401500555906974 -3634.9758790527916972
+0.00411510265057016 -3811.4241074224746626
+0.00421519974207042 -3987.9130505489415555
+0.00431529683357084 -4164.4393256642115375
+0.0044153939250711 -4340.999829731790669
+0.00451549101657152 -4517.5916517424593621
+0.00461558810807193 -4694.2120155786433315
+0.0047156851995722 -4870.8582395431867553
+0.00481578229107261 -5047.5277054303815021
+0.00491587938257288 -5224.2459489440998368
+0.00501597647407329 -5401.0239700910797183
+0.00511607356557371 -5577.8414170558053229
+0.00521617065707397 -5754.6906111363532546
+0.00531626774857439 -5931.5661161799835099
+0.00541636484007465 -6108.4633503271206791
+0.00551646193157507 -6285.3780899340745236
+0.00561655902307549 -6462.3117252219381044
+0.00571665611457575 -6639.2984951686639761
+0.00581675320607616 -6816.3473865949972605
+0.00591685029757643 -6993.4289156816075774
+0.00601694738907684 -7170.5218375476997608
+0.00611704448057711 -7347.6215614328757511
+0.00621714157207752 -7524.7488681351187552
+0.00631723866357794 -7701.8989005644771169
+0.0064173357550782 -7879.073837487988385
+0.00651743284657862 -8056.2716214846932417
+0.00661752993807888 -8233.4836488771070435
+0.0067176270295793 -8410.7034368117074337
+0.00681772412107972 -8587.925643600145122
+0.00691782121257998 -8765.1560738537864381
+0.0070179183040804 -8942.4313200200322171
+0.00711801539558066 -9119.7401197349208815
+0.00721811248708108 -9297.0675107679344364
+0.00731820957858149 -9474.4008523745487764
+0.00741830667008175 -9651.7209842222764564
+0.00751840376158217 -9829.0520545272938762
+0.00761850085308243 -10006.393756158266115
+0.00771859794458285 -10183.741217787413916
+0.00781869503608327 -10361.089322163554243
+0.00791879212758353 -10538.44090263889484
+0.00801888921908395 -10715.791974522246164
+0.00811898631058421 -10893.12860969645044
+0.00821908340208463 -11070.428463344584088
+0.00831918049358489 -11247.687372257900279
+0.00841927758508531 -11424.960871590379611
+0.00851937467658572 -11602.23490841198327
+0.00861947176808599 -11779.49510778293552
+0.0087195688595864 -11956.71124030860301
+0.00881966595108667 -12133.909315215611059
+0.00891976304258708 -12311.094189732219093
+0.0090198601340875 -12488.28841144724538
+0.00911995722558776 -12665.495942964458663
+0.00922005431708818 -12842.712389567243008
+0.00932015140858844 -13019.933886604268992
+0.00942024850008886 -13197.178051757324283
+0.00952034559158928 -13374.456935643098404
+0.00962044268308954 -13551.749665252114937
+0.00972053977458995 -13729.045829180808141
+0.00982063686609022 -13906.333483368931411
+0.00992073395759063 -14083.589800905438096
+0.0100208310490911 -14260.846976594395528
+0.0101209281405913 -14438.128719882906807
+0.0102210252320917 -14615.434469091118444
+0.010321122323592 -14792.750750016577513
+0.0104212194150924 -14970.07032443643584
+0.0105213165065928 -15147.386654175008516
+0.0106214135980931 -15324.69277483231599
+0.0107215106895935 -15501.979919905383213
+0.0108216077810938 -15679.231498459750583
+0.0109217048725942 -15856.450663190567866
+0.0110218019640944 -16033.62566150004568
+0.0111218990555949 -16210.755891900240385
+0.0112219961470953 -16387.860837328611524
+0.0113220932385955 -16564.95150439079589
+0.011422190330096 -16742.011575801778235
+0.0115222874215962 -16919.04060615288472
+0.0116223845130966 -17096.039173296601803
+0.0117224816045971 -17273.06846799260893
+0.0118225786960973 -17450.168047562819993
+0.0119226757875977 -17627.305457685652073
+0.012022772879098 -17804.464899888134823
+0.0121228699705984 -17981.633642086519103
+0.0122229670620988 -18158.821072262035159
+0.0123230641535991 -18336.010125154280104
+0.0124231612450995 -18513.212818730306026
+0.0125232583365998 -18690.476103524819337
+0.0126233554281002 -18867.799908008528291
+0.0127234525196006 -19045.165031521373749
+0.0128235496111009 -19222.565204507252929
+0.0129236467026013 -19399.99561319786153
+0.0130237437941016 -19577.451588717660343
+0.013123840885602 -19754.928805917872523
+0.0132239379771022 -19932.422966926118534
+0.0133240350686026 -20109.929436733673356
+0.0134241321601031 -20287.442445309858158
+0.0135242292516033 -20464.949745864327269
+0.0136243263431037 -20642.4504127962864
+0.013724423434604 -20819.964211493374023
+0.0138245205261044 -20997.488491368691029
+0.0139246176176048 -21175.020580004009389
+0.0140247147091051 -21352.557756701131439
+0.0141248118006055 -21530.097221970627288
+0.0142249088921058 -21707.636059194181144
+0.0143250059836062 -21885.171181669349608
+0.0144251030751066 -22062.699251960584661
+0.0145252001666069 -22240.216542553240288
+0.0146252972581073 -22417.71864939617808
+0.0147253943496076 -22595.199697053623822
+0.014825491441108 -22772.646573674672254
+0.0149255885326084 -22950.059790547173179
+0.0150256856241087 -23127.456574747739069
+0.0151257827156091 -23304.832686997167912
+0.0152258798071093 -23482.183010043980175
+0.0153259768986098 -23659.500712952052709
+0.0154260739901102 -23836.772243754403462
+0.0155261710816104 -24013.994305248685123
+0.0156262681731108 -24191.179107961594127
+0.0157263652646111 -24368.315527242895769
+0.0158264623561115 -24545.448201395094657
+0.0159265594476118 -24722.568071412835707
+0.0160266565391122 -24899.657026162960392
+0.0161267536306126 -25076.726624195682234
+0.0162268507221129 -25253.788602800748777
+0.0163269478136133 -25430.838402824007062
+0.0164270449051136 -25607.865778402814612
+0.016527141996614 -25784.881813467276515
+0.0166272390881144 -25961.963885947792733
+0.0167273361796147 -26139.079750915381737
+0.0168274332711151 -26316.217634073378576
+0.0169275303626153 -26493.374754421063699
+0.0170276274541158 -26670.567866426514229
+0.0171277245456162 -26847.787408156971651
+0.0172278216371164 -27025.067197590295109
+0.0173279187286169 -27202.379396399774123
+0.0174280158201171 -27379.707764240643883
+0.0175281129116175 -27557.036989574848121
+0.017628210003118 -27734.384548195303068
+0.0177283070946182 -27911.760290505022567
+0.0178284041861186 -28089.184933538748737
+0.0179285012776189 -28266.648298187163164
+0.0180285983691193 -28444.130411374280811
+0.0181286954606196 -28621.646060482264147
+0.01822879255212 -28799.19898401055616
+0.0183288896436204 -28976.785041603532591
+0.0184289867351207 -29154.400472421355516
+0.0185290838266211 -29332.041779571358347
+0.0186291809181213 -29509.727717691457656
+0.0187292780096218 -29687.454244726570323
+0.0188293751011222 -29865.210290552273364
+0.0189294721926224 -30042.990213905450219
+0.0190295692841229 -30220.789501952272985
+0.0191296663756231 -30398.606699635463883
+0.0192297634671235 -30576.447110850942408
+0.019329860558624 -30754.301894509011618
+0.0194299576501242 -30932.165410811434413
+0.0195300547416246 -31110.032583421023446
+0.0196301518331249 -31287.897790057162638
+0.0197302489246253 -31465.751228233042639
+0.0198303460161257 -31643.592622422936984
+0.019930443107626 -31821.42353424886096
+0.0200305401991264 -31999.23768023133016
+0.0201306372906267 -32177.047067055351363
+0.0202307343821271 -32354.848391577255825
+0.0203308314736275 -32532.638159973812435
+0.0204309285651278 -32710.412656013613741
+0.0205310256566282 -32888.167839263893256
+0.0206311227481285 -33065.899172273449949
+0.0207312198396289 -33243.60127428672422
+0.0208313169311291 -33421.26701454531576
+0.0209314140226295 -33598.88264108261501
+0.02103151111413 -33776.436023163201753
+0.0211316082056302 -33953.960938420226739
+0.0212317052971306 -34131.452642018863116
+0.0213318023886309 -34308.905305494386994
+0.0214318994801313 -34486.311446809253539
+0.0215319965716317 -34663.659730230436253
+0.021632093663132 -34840.918650572537445
+0.0217321907546324 -35018.110217593690322
+0.0218322878461327 -35195.267174552791403
+0.0219323849376331 -35372.384052737310412
+0.0220324820291335 -35549.454323551741254
+0.0221325791206338 -35726.469791263050865
+0.0222326762121342 -35903.419298280387011
+0.0223327733036345 -36080.285030022263527
+0.0224328703951349 -36257.020206094770401
+0.0225329674866351 -36433.622991654017824
+0.0226330645781356 -36610.177159822655085
+0.022733161669636 -36786.669332484787446
+0.0228332587611362 -36963.147062029260269
+0.0229333558526367 -37139.624123983332538
+0.0230334529441369 -37316.097653858101694
+0.0231335500356373 -37492.564800705782545
+0.0232336471271378 -37669.022575413560844
+0.023333744218638 -37845.467726489245251
+0.0234338413101384 -38021.896582068016869
+0.0235339384016387 -38198.311612528326805
+0.0236340354931391 -38374.721719782304717
+0.0237341325846395 -38551.109948038698349
+0.0238342296761398 -38727.455861967588135
+0.0239343267676402 -38903.753581602461054
+0.0240344238591405 -39080.01119289331109
+0.0241345209506409 -39256.25955269177939
+0.0242346180421413 -39432.48680053652788
+0.0243347151336416 -39608.738871947680309
+0.024434812225142 -39785.034829751479265
+0.0245349093166422 -39961.373200989888574
+0.0246350064081427 -40137.74199974250223
+0.0247351034996431 -40314.13185564072046
+0.0248352005911433 -40490.537041004208731
+0.0249352976826438 -40666.952952065279533
+0.025035394774144 -40843.375459973140096
+0.0251354918656444 -41019.800555240595713
+0.0252355889571449 -41196.223980542083154
+0.0253356860486451 -41372.640398959782033
+0.0254357831401455 -41549.038026442140108
+0.0255358802316458 -41725.425080557666661
+0.0256359773231462 -41901.808959440597391
+0.0257360744146465 -42078.221504063250904
+0.0258361715061469 -42254.665943678759504
+0.0259362685976473 -42431.123525040529785
+0.0260363656891476 -42607.586782578386192
+0.026136462780648 -42784.053228931486956
+0.0262365598721482 -42960.55115584791929
+0.0263366569636487 -43137.06331890419824
+0.0264367540551491 -43313.579088803038758
+0.0265368511466493 -43490.091597419166646
+0.0266369482381498 -43666.594989097487996
+0.02673704532965 -43843.083669074097998
+0.0268371424211504 -44019.551811523357173
+0.0269372395126509 -44195.992551386814739
+0.0270373366041511 -44372.39321994776401
+0.0271374336956515 -44548.757202687113022
+0.0272375307871518 -44725.088528014908661
+0.0273376278786522 -44901.380925109631789
+0.0274377249701525 -45077.626920795024489
+0.0275378220616529 -45253.821413706609746
+0.0276379191531533 -45429.951743641548092
+0.0277380162446536 -45605.983578391540505
+0.027838113336154 -45781.885270312370267
+0.0279382104276543 -45957.722635632846504
+0.0280383075191547 -46133.54583831756463
+0.0281384046106551 -46309.351212243003829
+0.0282385017021554 -46485.134793500270462
+0.0283385987936558 -46660.892116347116826
+0.028438695885156 -46836.617669113511511
+0.0285387929766565 -47012.304707823415811
+0.0286388900681569 -47187.955394989010529
+0.0287389871596571 -47363.56823929247912
+0.0288390842511575 -47539.130903058699914
+0.0289391813426578 -47714.675092712801415
+0.0290392784341582 -47890.214854256286344
+0.0291393755256586 -48065.741273976047523
+0.0292394726171589 -48241.24801286116417
+0.0293395697086593 -48416.730436439189361
+0.0294396668001596 -48592.183175566708087
+0.02953976389166 -48767.600521966858651
+0.0296398609831604 -48942.97621306329529
+0.0297399580746607 -49118.303031557617942
+0.0298400551661611 -49293.572040934377583
+0.0299401522576614 -49468.770269141488825
+0.0300402493491618 -49643.876909843631438
+0.030140346440662 -49818.866039645254205
+0.0302404435321625 -49993.782874462456675
+0.0303405406236629 -50168.64755034668633
+0.0304406377151631 -50343.449170644315018
+0.0305407348066636 -50518.169086106041505
+0.0306408318981638 -50692.774994347848406
+0.0307409289896642 -50867.303697279159678
+0.0308410260811647 -51041.728766418294981
+0.0309411231726649 -51216.078784619887301
+0.0310412202641653 -51390.406266572477762
+0.0311413173556656 -51564.701917753460293
+0.031241414447166 -51738.954612723551691
+0.0313415115386664 -51913.198281781253172
+0.0314416086301667 -52087.411141145392321
+0.0315417057216671 -52261.662802418984938
+0.0316418028131674 -52435.964202719078457
+0.0317418999046678 -52610.313244745426346
+0.031841996996168 -52784.696782452854677
+0.0319420940876685 -52959.130094325490063
+0.0320421911791689 -53133.659934491755848
+0.0321422882706691 -53308.235678176948568
+0.0322423853621696 -53482.830117294222873
+0.0323424824536698 -53657.478135474637384
+0.0324425795451702 -53832.17269017851504
+0.0325426766366707 -54006.907068829728814
+0.0326427737281709 -54181.674907289663679
+0.0327428708196713 -54356.469640767965757
+0.0328429679111716 -54531.283395291640772
+0.032943065002672 -54706.100437195105769
+0.0330431620941724 -54880.930253190694202
+0.0331432591856727 -55055.7793196583807
+0.0332433562771731 -55230.642738735383318
+0.0333434533686734 -55405.51522340826341
+0.0334435504601738 -55580.390822078697965
+0.0335436475516742 -55755.26242334676499
+0.0336437446431745 -55930.120238416544453
+0.0337438417346749 -56104.945339270401746
+0.0338439388261752 -56279.755394120613346
+0.0339440359176756 -56454.551435889436107
+0.034044133009176 -56629.347832554114575
+0.0341442301006762 -56804.144522531430994
+0.0342443271921767 -56978.927316196517495
+0.0343444242836769 -57153.717451697739307
+0.0344445213751773 -57328.516135278616275
+0.0345446184666778 -57503.327023882731737
+0.034644715558178 -57678.146032624848885
+0.0347448126496784 -57852.965142923625535
+0.0348449097411787 -58027.774237612531579
+0.0349450068326791 -58202.558144062568317
+0.0350451039241794 -58377.279964910972922
+0.0351452010156798 -58551.952876601513708
+0.0352452981071802 -58726.578555372951087
+0.0353453951986805 -58901.225016249940381
+0.0354454922901809 -59075.886743739109079
+0.0355455893816812 -59250.555167488040752
+0.0356456864731816 -59425.237023221263371
+0.035745783564682 -59599.929659672612615
+0.0358458806561823 -59774.620197964395629
+0.0359459777476827 -59949.301342466409551
+0.0360460748391829 -60123.991205312726379
+0.0361461719306834 -60298.704211857497285
+0.0362462690221838 -60473.436228476675751
+0.036346366113684 -60648.182642057618068
+0.0364464632051845 -60822.938137687211565
+0.0365465602966847 -60997.696323556039715
+0.0366466573881851 -61172.448995927952637
+0.0367467544796855 -61347.184313333687896
+0.0368468515711858 -61521.881139266450191
+0.0369469486626862 -61696.521138732779946
+0.0370470457541865 -61871.172880749654723
+0.0371471428456869 -62045.792117373886867
+0.0372472399371872 -62220.447977626579814
+0.0373473370286876 -62395.145137120824074
+0.037447434120188 -62569.874740815503174
+0.0375475312116883 -62744.623469863341597
+0.0376476283031887 -62919.414575186128786
+0.0377477253946889 -63094.246476767199056
+0.0378478224861894 -63269.114552869010367
+0.0379479195776898 -63444.018440882726281
+0.03804801666919 -63618.954759064421523
+0.0381481137606905 -63793.917662661457143
+0.0382482108521907 -63968.899733343016123
+0.0383483079436911 -64143.906679823528975
+0.0384484050351915 -64318.938300440247986
+0.0385485021266918 -64493.993103892629733
+0.0386485992181922 -64669.065880420515896
+0.0387486963096925 -64844.147819873309345
+0.0388487934011929 -65019.23634608577413
+0.0389488904926933 -65194.329282104918093
+0.0390489875841936 -65369.422260292201827
+0.039149084675694 -65544.50392612896394
+0.0392491817671943 -65719.622766615371802
+0.0393492788586947 -65894.803161643765634
+0.0394493759501951 -66070.006322359608021
+0.0395494730416954 -66245.198185568908229
+0.0396495701331958 -66420.315854124899488
+0.039749667224696 -66595.480192484261352
+0.0398497643161965 -66770.705233324595611
+0.0399498614076967 -66946.027436736796517
+0.0400499584991971 -67121.463924048483022
+0.0401500555906976 -67296.985454177454812
+0.0402501526821978 -67472.580618583291653
+0.0403502497736982 -67648.240839205711382
+0.0404503468651985 -67823.958146672535804
+0.0405504439566989 -67999.724004083924228
+0.0406505410481993 -68175.527681625986588
+0.0407506381396996 -68351.348179625187186
+0.0408507352312 -68527.175377959021716
+0.0409508323227003 -68703.024924001307227
+0.0410509294142007 -68878.872270272069727
+0.0411510265057011 -69054.779378366554738
+0.0412511235972014 -69230.738413004903123
+0.0413512206887018 -69406.736722612316953
+0.0414513177802021 -69582.795167173841037
+0.0415514148717025 -69758.907100339769386
+0.0416515119632027 -69935.058091915081604
+0.0417516090547031 -70111.213133457218646
+0.0418517061462036 -70287.438239114184398
+0.0419518032377038 -70463.744765435825684
+0.0420519003292042 -70640.130905489102588
+0.0421519974207045 -70816.594785400782712
+0.0422520945122049 -70993.134442991678952
+0.0423521916037053 -71169.747800985132926
+0.0424522886952056 -71346.432632017429569
+0.042552385786706 -71523.186511337087722
+0.0426524828782063 -71700.006749802647391
+0.0427525799697067 -71876.890294154829462
+0.0428526770612071 -72053.833568892805488
+0.0429527741527074 -72230.832203497440787
+0.0430528712442078 -72407.880501312727574
+0.0431529683357081 -72584.970178410410881
+0.0432530654272085 -72762.085705821198644
+0.0433531625187089 -72939.192103146211593
+0.0434532596102092 -73116.325617767390213
+0.0435533567017096 -73293.529508921492379
+0.0436534537932098 -73470.808210470044287
+0.0437535508847103 -73648.157020475089666
+0.0438536479762107 -73825.559619120365824
+0.0439537450677109 -74003.030470612982754
+0.0440538421592113 -74180.589890599090722
+0.0441539392507116 -74358.23711521338555
+0.044254036342212 -74535.971374348140671
+0.0443541334337124 -74713.791896153605194
+0.0444542305252127 -74891.697906271467218
+0.0445543276167131 -75069.688627129085944
+0.0446544247082134 -75247.763277098609251
+0.0447545217997138 -75425.921069723859546
+0.0448546188912141 -75604.163535217478056
+0.0449547159827145 -75782.504648611386074
+0.0450548130742149 -75960.971766186150489
+0.0451549101657152 -76139.565776237272075
+0.0452550072572156 -76318.268767287649098
+0.0453551043487158 -76497.074319845909486
+0.0454552014402163 -76675.978343219438102
+0.0455552985317167 -76854.977771284917253
+0.0456553956232169 -77034.070098049123771
+0.0457554927147174 -77213.253160638603731
+0.0458555898062176 -77392.525021044522873
+0.045955686897718 -77571.883894681028323
+0.0460557839892183 -77751.328103677733452
+0.0461558810807187 -77930.85966834219289
+0.0462559781722191 -78110.501967231146409
+0.0463560752637194 -78290.242166882715537
+0.0464561723552198 -78470.073997493280331
+0.0465562694467201 -78649.993809321444132
+0.0466563665382205 -78829.998779634537641
+0.0467564636297209 -79010.086466300606844
+0.0468565607212212 -79190.254624591179891
+0.0469566578127216 -79370.501110684184823
+0.0470567549042218 -79550.823820663979859
+0.0471568519957223 -79731.220645080073155
+0.0472569490872227 -79911.68942941671412
+0.0473570461787229 -80092.227934342896333
+0.0474571432702234 -80272.833790108154062
+0.0475572403617236 -80453.504438189658686
+0.047657337453224 -80634.237048487033462
+0.0477574345447245 -80815.031547036298434
+0.0478575316362247 -80995.898485882862587
+0.0479576287277251 -81176.825528409288381
+0.0480577258192254 -81357.802383896938409
+0.0481578229107258 -81538.807134253627737
+0.0482579200022262 -81719.851577267894754
+0.0483580170937265 -81900.956633811249048
+0.0484581141852269 -82082.116381456886302
+0.0485582112767272 -82263.33465783567226
+0.0486583083682276 -82444.592292745001032
+0.048758405459728 -82625.87905719075934
+0.0488585025512283 -82807.248843393565039
+0.0489585996427287 -82988.698194064942072
+0.049058696734229 -83170.223352947301464
+0.0491587938257294 -83351.820088227002998
+0.0492588909172296 -83533.483004678986617
+0.0493589880087301 -83715.202399886387866
+0.0494590851002305 -83896.971109736856306
+0.0495591821917307 -84078.783504521925352
+0.0496592792832311 -84260.649010753870243
+0.0497593763747314 -84442.54784681777528
+0.0498594734662318 -84624.502913415359217
+0.0499595705577322 -84806.555353755436954
+0.0500596676492325 -84988.70433231529023
+0.0501597647407329 -85170.949009794712765
+0.0502598618322332 -85353.288534735154826
+0.0503599589237336 -85535.722032821009634
+0.050460056015234 -85718.248592170362826
+0.0505601531067343 -85900.867240801540902
+0.0506602501982347 -86083.576907971262699
+0.050760347289735 -86266.378989498130977
+0.0508604443812354 -86449.301606912107673
+0.0509605414727356 -86632.329963613476139
+0.0510606385642361 -86815.454386290264665
+0.0511607356557365 -86998.680770235820091
+0.0512608327472367 -87182.006745319755282
+0.0513609298387372 -87365.42984540098405
+0.0514610269302374 -87548.947021418993245
+0.0515611240217378 -87732.551632827206049
+0.0516612211132383 -87916.274050625608652
+0.0517613182047385 -88100.11685824583401
+0.0518614152962389 -88284.070575686477241
+0.0519615123877392 -88468.131608417374082
+0.0520616094792396 -88652.297583849489456
+0.05216170657074 -88836.566674465546384
+0.0522618036622403 -89020.937356755734072
+0.0523619007537407 -89205.408298250025837
+0.052461997845241 -89389.978295420471113
+0.0525620949367414 -89574.64623560331529
+0.0526621920282418 -89759.411071461028769
+0.0527622891197421 -89944.271802342220326
+0.0528623862112425 -90129.227459403249668
+0.0529624833027427 -90314.277092287942651
+0.0530625803942432 -90499.419755224953406
+0.0531626774857436 -90684.654489477208699
+0.0532627745772438 -90869.980295044428203
+0.0533628716687443 -91055.39606823840586
+0.0534629687602445 -91240.900349134928547
+0.0535630658517449 -91426.491155803232687
+0.0536631629432454 -91612.170382960830466
+0.0537632600347456 -91797.95728909940226
+0.053863357126246 -91983.909933022747282
+0.0539634542177463 -92169.992658478979138
+0.0540635513092467 -92356.196683066373225
+0.054163648400747 -92542.51567208187771
+0.0542637454922474 -92728.945332814400899
+0.0543638425837478 -92915.482362190756248
+0.0544639396752481 -93102.123994854773628
+0.0545640367667485 -93288.86773413233459
+0.0546641338582487 -93475.711042558323243
+0.0547642309497492 -93662.650350912284921
+0.0548643280412496 -93849.686893051548395
+0.0549644251327499 -94036.820121787241078
+0.0550645222242503 -94224.048422687716084
+0.0551646193157505 -94411.370166430482641
+0.0552647164072509 -94598.78366247464146
+0.0553648134987514 -94786.287095810563187
+0.0554649105902516 -94973.878427304967772
+0.055565007681752 -95161.557229333251598
+0.0556651047732523 -95349.364802707903436
+0.0557652018647527 -95537.280739356763661
+0.055865298956253 -95725.27877112069109
+0.0559653960477534 -95913.373303090964328
+0.0560654931392538 -96101.575947181627271
+0.0561655902307541 -96289.881904257985298
+0.0562656873222545 -96478.293927557591815
+0.0563657844137548 -96666.811604957954842
+0.0564658815052552 -96855.433528603767627
+0.0565659785967556 -97044.158430277049774
+0.0566660756882559 -97232.985147505081841
+0.0567661727797563 -97421.912600355673931
+0.0568662698712565 -97610.939774879676406
+0.0569663669627569 -97800.065710899958503
+0.0570664640542574 -97989.289492725190939
+0.0571665611457576 -98178.610241890317411
+0.057266658237258 -98368.027111355317174
+0.0573667553287583 -98557.539652345934883
+0.0574668524202587 -98747.148309222204261
+0.0575669495117591 -98936.851609626435675
+0.0576670466032594 -99126.648558106200653
+0.0577671436947598 -99316.538294091165881
+0.0578672407862601 -99506.520010616746731
+0.0579673378777605 -99696.592930690138019
+0.0580674349692609 -99886.756296260733507
+0.0581675320607612 -100077.00936145478045
+0.0582676291522616 -100267.35138744418509
+0.0583677262437619 -100457.78163768321974
+0.0584678233352623 -100648.29937277508725
+0.0585679204267627 -100838.90384386069491
+0.058668017518263 -101029.60194022588257
+0.0587681146097634 -101220.42480088060256
+0.0588682117012636 -101411.35485100680671
+0.0589683087927641 -101602.3850758576009
+0.0590684058842643 -101793.51091220547096
+0.0591685029757647 -101984.729272570592
+0.0592686000672651 -102176.04216643945256
+0.0593686971587654 -102367.44803593770484
+0.0594687942502658 -102558.94643643252493
+0.0595688913417661 -102750.54878138896311
+0.0596689884332665 -102942.24915054348821
+0.0597690855247669 -103134.0438732161856
+0.0598691826162672 -103325.93082382097782
+0.0599692797077676 -103517.9083544487803
+0.0600693767992679 -103709.97504954865144
+0.0601694738907683 -103902.1296270993771
+0.0602695709822687 -104094.37088716321159
+0.060369668073769 -104286.69767975724244
+0.0604697651652694 -104479.1088811376103
+0.0605698622567696 -104671.6033725978632
+0.0606699593482701 -104864.18001701460162
+0.0607700564397703 -105056.83777677852777
+0.0608701535312707 -105249.57813530578278
+0.0609702506227712 -105442.3985768462444
+0.0610703477142714 -105635.31360186588427
+0.0611704448057718 -105828.32898412323266
+0.0612705418972721 -106021.43916617966897
+0.0613706389887725 -106214.64135685877409
+0.0614707360802729 -106407.93274675302382
+0.0615708331717732 -106601.31117295421427
+0.0616709302632736 -106794.77480772226409
+0.0617710273547739 -106988.32201776956208
+0.0618711244462743 -107181.95128809330345
+0.0619712215377747 -107375.66117492258491
+0.062071318629275 -107569.45027318797656
+0.0621714157207754 -107763.31719136198808
+0.0622715128122757 -107957.26052969742159
+0.0623716099037761 -108151.27885904855793
+0.0624717069952765 -108345.37069774909469
+0.0625718040867767 -108539.53448361248593
+0.0626719011782772 -108733.76853650459088
+0.0627719982697774 -108928.07100322071346
+0.0628720953612778 -109122.43976749299327
+0.0629721924527783 -109316.88033537015144
+0.0630722895442785 -109511.42008927302959
+0.0631723866357789 -109706.03706689616956
+0.0632724837272792 -109900.71115410765924
+0.0633725808187796 -110095.45684749458451
+0.0634726779102799 -110290.27776848823123
+0.0635727750017803 -110485.16458228143165
+0.0636728720932807 -110680.12575858861965
+0.063772969184781 -110875.16287665664277
+0.0638730662762814 -111070.27310114564898
+0.0639731633677817 -111265.4531073707476
+0.0640732604592821 -111460.69856793541112
+0.0641733575507825 -111656.00267234386411
+0.0642734546422827 -111851.34505150007317
+0.0643735517337832 -112046.73883889958961
+0.0644736488252834 -112242.21083792269928
+0.0645737459167838 -112437.75777753528382
+0.0646738430082843 -112633.37091010926815
+0.0647739400997845 -112829.08360616628488
+0.0648740371912849 -113024.94744061095116
+0.0649741342827852 -113220.93156406127673
+0.0650742313742856 -113417.02597725277883
+0.0651743284657859 -113613.22282314165204
+0.0652744255572863 -113809.52272845551488
+0.0653745226487867 -114005.9248411184526
+0.065474619740287 -114202.42687697670772
+0.0655747168317874 -114399.02686306490796
+0.0656748139232877 -114595.72303712331632
+0.0657749110147881 -114792.51378289777495
+0.0658750081062885 -114989.39758477170835
+0.0659751051977888 -115186.3729928619141
+0.0660752022892892 -115383.43859323923243
+0.0661752993807894 -115580.5929787075147
+0.0662753964722899 -115777.83471522550099
+0.0663754935637903 -115975.16229564865353
+0.0664755906552905 -116172.57406234731025
+0.066575687746791 -116370.06804441232816
+0.0666757848382912 -116567.64146705695021
+0.0667758819297916 -116765.28720383589098
+0.0668759790212921 -116963.01036581708468
+0.0669760761127923 -117160.81718560511945
+0.0670761732042927 -117358.70620194019284
+0.067176270295793 -117556.67534604259708
+0.0672763673872934 -117754.72034230618738
+0.0673764644787938 -117952.84628135772073
+0.0674765615702941 -118151.05383522802731
+0.0675766586617945 -118349.34191806067247
+0.0676767557532948 -118547.70934642152861
+0.0677768528447952 -118746.15478501460166
+0.0678769499362956 -118944.67664173468074
+0.0679770470277959 -119143.27282264418318
+0.0680771441192963 -119341.93990351741377
+0.0681772412107965 -119540.66812664004101
+0.068277338302297 -119739.47243051273108
+0.0683774353937972 -119938.39255201698688
+0.0684775324852976 -120137.41468736201932
+0.0685776295767981 -120336.5311707459332
+0.0686777266682983 -120535.73810461249377
+0.0687778237597987 -120735.03258903390088
+0.068877920851299 -120934.41193898837082
+0.0689780179427994 -121133.8723125391989
+0.0690781150342998 -121333.41201258874207
+0.0691782121258001 -121533.03481910406845
+0.0692783092173005 -121732.73890122937155
+0.0693784063088008 -121932.52182825066848
+0.0694785034003012 -122132.37895811036287
+0.0695786004918016 -122332.31275347773044
+0.0696786975833019 -122532.32746634415525
+0.0697787946748023 -122732.42188248003367
+0.0698788917663025 -122932.59468091960298
+0.069978988857803 -123132.84435403888347
+0.0700790859493032 -123333.16904218040872
+0.0701791830408036 -123533.56608411377238
+0.0702792801323041 -123734.02944948192453
+0.0703793772238043 -123934.5548080602166
+0.0704794743153047 -124135.16026991853141
+0.070579571406805 -124335.84509349957807
+0.0706796684983054 -124536.60850612574723
+0.0707797655898058 -124737.44971644200268
+0.0708798626813061 -124938.36790892516728
+0.0709799597728065 -125139.36223719129339
+0.0710800568643068 -125340.43181560764788
+0.0711801539558072 -125541.57570842602581
+0.0712802510473076 -125742.79906469094567
+0.0713803481388079 -125944.11085379854194
+0.0714804452303083 -126145.50269293805468
+0.0715805423218086 -126346.97111157744075
+0.071680639413309 -126548.51343550413731
+0.0717807365048094 -126750.12700520087674
+0.0718808335963097 -126951.8086834273272
+0.0719809306878101 -127153.55386079844902
+0.0720810277793103 -127355.35241658445739
+0.0721811248708108 -127557.20221504291112
+0.0722812219623112 -127759.11646329442738
+0.0723813190538114 -127961.11008950544056
+0.0724814161453119 -128163.18218713726674
+0.0725815132368121 -128365.33179047408339
+0.0726816103283125 -128567.55783251910179
+0.0727817074198129 -128769.85906987228373
+0.0728818045113132 -128972.23392010596581
+0.0729819016028136 -129174.67998592746153
+0.0730819986943139 -129377.19043543243606
+0.0731820957858143 -129579.76795956952265
+0.0732821928773146 -129782.42394274559047
+0.073382289968815 -129985.15780761124915
+0.0734823870603154 -130187.96896096877754
+0.0735824841518157 -130390.85678359160374
+0.0736825812433161 -130593.82082688133232
+0.0737826783348163 -130796.86573962851253
+0.0738827754263168 -130999.98860397035605
+0.0739828725178172 -131203.21875222036033
+0.0740829696093174 -131406.5886012261908
+0.0741830667008179 -131610.0961294877925
+0.0742831637923181 -131813.74224997073179
+0.0743832608838185 -132017.50697905631387
+0.074483357975319 -132221.38253183476627
+0.0745834550668192 -132425.36383562334231
+0.0746835521583196 -132629.44707340942114
+0.0747836492498199 -132833.62913225963712
+0.0748837463413203 -133037.90732352831401
+0.0749838434328206 -133242.27920668874867
+0.075083940524321 -133446.7424424692872
+0.0751840376158214 -133651.29459016700275
+0.0752841347073217 -133855.93267921212828
+0.0753842317988221 -134060.66433415579377
+0.0754843288903223 -134265.48927710088901
+0.0755844259818228 -134470.40275153290713
+0.0756845230733232 -134675.39890167996055
+0.0757846201648234 -134880.47515867676702
+0.0758847172563239 -135085.64112291487982
+0.0759848143478241 -135290.89544016937725
+0.0760849114393245 -135496.2368324684503
+0.076185008530825 -135701.66406987988739
+0.0762851056223252 -135907.17594957942492
+0.0763852027138256 -136112.77127755101537
+0.0764852998053259 -136318.4488494139805
+0.0765853968968263 -136524.20742591583985
+0.0766854939883267 -136730.04569344822085
+0.076785591079827 -136935.96217972895829
+0.0768856881713274 -137141.9549615100259
+0.0769857852628277 -137348.02053297133534
+0.0770858823543281 -137554.1620816460927
+0.0771859794458285 -137760.37951056862948
+0.0772860765373288 -137966.67135518250871
+0.0773861736288292 -138173.03598719701404
+0.0774862707203295 -138379.47278061709949
+0.0775863678118299 -138585.98001447983552
+0.0776864649033303 -138792.55552837281721
+0.0777865619948306 -138999.1961986424285
+0.077886659086331 -139205.89454823097913
+0.0779867561778312 -139412.6548096818151
+0.0780868532693317 -139619.48134633270092
+0.0781869503608319 -139826.37517489137826
+0.0782870474523323 -140033.33322483117809
+0.0783871445438327 -140240.34956343777594
+0.078487241635333 -140447.41511585639091
+0.0785873387268334 -140654.54971387473051
+0.0786874358183337 -140861.75175317938556
+0.0787875329098341 -141069.0146380943479
+0.0788876300013345 -141276.3435582210368
+0.0789877270928348 -141483.74030238107662
+0.0790878241843352 -141691.199406876578
+0.0791879212758355 -141898.72237683992716
+0.0792880183673359 -142106.34399410593323
+0.0793881154588361 -142314.05511621147161
+0.0794882125503366 -142521.85204029575107
+0.079588309641837 -142729.73240157976397
+0.0796884067333372 -142937.694322518626
+0.0797885038248377 -143145.736137668835
+0.0798886009163379 -143353.85626096400665
+0.0799886980078383 -143562.0530994865112
+0.0800887950993387 -143770.32497794358642
+0.080188892190839 -143978.67005166903255
+0.0802889892823394 -144187.08618016808759
+0.0803890863738397 -144395.57070460551768
+0.0804891834653401 -144604.11996709369123
+0.0805892805568405 -144812.72787717008032
+0.0806893776483408 -145021.41628987566219
+0.0807894747398412 -145230.2016384076851
+0.0808895718313415 -145439.09938927236362
+0.0809896689228419 -145648.10276028973749
+0.0810897660143423 -145857.20770191875636
+0.0811898631058426 -146066.41126399426139
+0.081289960197343 -146275.7110420713143
+0.0813900572888432 -146485.10488199387328
+0.0814901543803437 -146694.59047937623109
+0.0815902514718441 -146904.16654855845263
+0.0816903485633443 -147113.83132169710007
+0.0817904456548448 -147323.58077913266607
+0.081890542746345 -147533.41535005843616
+0.0819906398378454 -147743.3384738122113
+0.0820907369293458 -147953.3486760002852
+0.0821908340208461 -148163.4438686707872
+0.0822909311123465 -148373.62305936179473
+0.0823910282038468 -148583.88705648187897
+0.0824911252953472 -148794.2335101714707
+0.0825912223868475 -149004.65917001926573
+0.0826913194783479 -149215.15598847813089
+0.0827914165698483 -149425.72398349968717
+0.0828915136613486 -149636.37508201933815
+0.082991610752849 -149847.11663410466281
+0.0830917078443492 -150057.94810749907629
+0.0831918049358497 -150268.86897558142664
+0.0832919020273501 -150479.87870906255557
+0.0833919991188503 -150690.97675195787451
+0.0834920962103508 -150902.16242098168004
+0.083592193301851 -151113.43558048197883
+0.0836922903933514 -151324.79586079384899
+0.0837923874848519 -151536.24278103117831
+0.0838924845763521 -151747.77585629525129
+0.0839925816678525 -151959.39459414078738
+0.0840926787593528 -152171.09848986129509
+0.0841927758508532 -152382.887019915157
+0.0842928729423535 -152594.75963208958274
+0.0843929700338539 -152806.71572964673396
+0.0844930671253543 -153018.75464333727723
+0.0845931642168546 -153230.87557487221784
+0.084693261308355 -153443.07745610826532
+0.0847933583998553 -153655.35839657261386
+0.0848934554913557 -153867.71401560603408
+0.0849935525828561 -154080.15215176306083
+0.0850936496743564 -154292.67405458536814
+0.0851937467658568 -154505.27938015456311
+0.085293843857357 -154717.96778609266039
+0.0853939409488575 -154930.73893124653841
+0.0854940380403579 -155143.59247534611495
+0.0855941351318581 -155356.52807872451376
+0.0856942322233585 -155569.54540192167042
+0.0857943293148588 -155782.64410535129718
+0.0858944264063592 -155995.82384893440758
+0.0859945234978596 -156209.0842916345282
+0.0860946205893599 -156422.42509107894148
+0.0861947176808603 -156635.84590300792479
+0.0862948147723606 -156849.34638074290706
+0.086394911863861 -157062.92617457188317
+0.0864950089553614 -157276.58493104486843
+0.0865951060468617 -157490.32229216420092
+0.0866952031383621 -157704.13789441922563
+0.0867953002298624 -157918.03136767618707
+0.0868953973213628 -158132.00233384623425
+0.0869954944128632 -158346.05040523956995
+0.0870955915043635 -158560.17518254666356
+0.0871956885958639 -158774.37625226515229
+0.0872957856873641 -158988.65318348267465
+0.0873958827788646 -159203.00552346528275
+0.0874959798703648 -159417.43279185818392
+0.0875960769618652 -159631.93447242164984
+0.0876961740533656 -159846.51000092530739
+0.0877962711448659 -160061.16768808767665
+0.0878963682363663 -160275.94813967277878
+0.0879964653278667 -160490.82949199905852
+0.088096562419367 -160705.80283292912645
+0.0881966595108674 -160920.89258576915017
+0.0882967566023677 -161136.09825861235731
+0.0883968536938681 -161351.40552175280754
+0.0884969507853684 -161566.81668583996361
+0.0885970478768688 -161782.32752214648644
+0.088697144968369 -161997.93437756760977
+0.0887972420598695 -162213.63200649200007
+0.0888973391513699 -162429.4189147289726
+0.0889974362428701 -162645.30157895819866
+0.0890975333343706 -162861.27871155421599
+0.0891976304258708 -163077.34916064963909
+0.0892977275173712 -163293.51187771084369
+0.0893978246088717 -163509.76589325189707
+0.0894979217003719 -163726.11029746511485
+0.0895980187918723 -163942.54422323711333
+0.0896981158833726 -164159.06682915776037
+0.089798212974873 -164375.67727900671889
+0.0898983100663734 -164592.37471010908484
+0.0899984071578737 -164809.1581660308002
+0.0900985042493741 -165026.02639045208343
+0.0901986013408744 -165243.01451407172135
+0.0902986984323748 -165460.11826496521826
+0.0903987955238752 -165677.32720273683663
+0.0904988926153755 -165894.63677946853568
+0.0905989897068759 -166112.04374381294474
+0.0906990867983762 -166329.54484862182289
+0.0907991838898766 -166547.14153185873874
+0.090899280981377 -166764.83288908621762
+0.0909993780728773 -166982.61781522160163
+0.0910994751643777 -167200.49533254170092
+0.0911995722558779 -167418.46455935653648
+0.0912996693473783 -167636.52468884157133
+0.0913997664388788 -167854.67497398261912
+0.091499863530379 -168072.91471660343814
+0.0915999606218794 -168291.24325901819975
+0.0917000577133797 -168509.65997761883773
+0.0918001548048801 -168728.16427776261116
+0.0919002518963805 -168946.75558967978577
+0.0920003489878808 -169165.43336508763605
+0.0921004460793812 -169384.19707436679164
+0.0922005431708815 -169603.0462041576975
+0.0923006402623819 -169821.98025533079635
+0.0924007373538822 -170040.99874113508849
+0.0925008344453826 -170260.10118560685078
+0.092600931536883 -170479.28712210705271
+0.0927010286283833 -170698.55609198135789
+0.0928011257198837 -170917.90764324911288
+0.0929012228113839 -171137.34132940202835
+0.0930013199028843 -171356.85670812660828
+0.0931014169943848 -171576.45334006566554
+0.093201514085885 -171796.13078744043014
+0.0933016111773854 -172015.88861253354116
+0.0934017082688857 -172235.7263759104535
+0.0935018053603861 -172455.64363421910093
+0.0936019024518864 -172675.64116101761465
+0.0937019995433868 -172895.72235738951713
+0.0938020966348872 -173115.88453411092632
+0.0939021937263875 -173336.12644800069393
+0.0940022908178879 -173556.44718216251931
+0.0941023879093882 -173776.84583297456265
+0.0942024850008886 -173997.32093214674387
+0.094302582092389 -174217.87250773474807
+0.0944026791838893 -174438.50147044495679
+0.0945027762753897 -174659.20725637115538
+0.0946028733668899 -174879.98928641402745
+0.0947029704583904 -175100.84695323574124
+0.0948030675498908 -175321.77960428287042
+0.094903164641391 -175542.78651640209137
+0.0950032617328915 -175763.8668535129691
+0.0951033588243917 -175985.01958548827679
+0.0952034559158921 -176206.24330062879017
+0.0953035530073926 -176427.53558015212184
+0.0954036500988928 -176648.88941219035769
+0.0955037471903932 -176870.31195766903693
+0.0956038442818935 -177091.8112989977235
+0.0957039413733939 -177313.3871241431043
+0.0958040384648943 -177535.03912191916606
+0.0959041355563946 -177756.76698143797694
+0.096004232647895 -177978.57039161759894
+0.0961043297393953 -178200.44904065175797
+0.0962044268308957 -178422.40261536234175
+0.0963045239223961 -178644.43080061729415
+0.0964046210138964 -178866.53327855214593
+0.0965047181053968 -179088.70972779407748
+0.0966048151968971 -179310.95982247742359
+0.0967049122883975 -179533.28323114270461
+0.0968050093798979 -179755.67961539910175
+0.0969051064713981 -179978.14862826865283
+0.0970052035628986 -180200.68991219889722
+0.0971053006543988 -180423.30309647149988
+0.0972053977458992 -180645.98779388514231
+0.0973054948373995 -180868.74359633616405
+0.0974055919288999 -181091.57006878501852
+0.0975056890204003 -181314.46674069901928
+0.0976057861119006 -181537.43309335055528
+0.097705883203401 -181760.46853988635121
+0.0978059802949013 -181983.57239090761868
+0.0979060773864017 -182206.74378533230629
+0.0980061744779021 -182429.9814357230498
+0.0981062715694024 -182653.28393247217173
+0.0982063686609028 -182876.64952451881254
+0.0983064657524031 -183100.07003176936996
+0.0984065628439035 -183323.5560868352768
+0.0985066599354037 -183547.11459335678956
+0.0986067570269041 -183770.74533864020486
+0.0987068541184046 -183994.44811066746479
+0.0988069512099048 -184218.2226979881525
+0.0989070483014052 -184442.06888966614497
+0.0990071453929055 -184665.98647518383223
+0.0991072424844059 -184889.97524433894432
+0.0992073395759063 -185114.03498717755429
+0.0993074366674066 -185338.1654938350548
+0.099407533758907 -185562.36655446595978
+0.0995076308504073 -185786.6379590552242
+0.0996077279419077 -186010.97949728625827
+0.0997078250334081 -186235.39095834258478
+0.0998079221249084 -186459.87213068368146
+0.0999080192164088 -186684.4228017925343
diff --git a/DATASET/P=80000Pa/box_confined.data b/DATASET/P=80000Pa/box_confined.data
new file mode 100644
index 0000000..f908f7d
--- /dev/null
+++ b/DATASET/P=80000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2196725
+
+240 atoms
+6 atom types
+
+0.027756201888810252 0.07224379811118974 xlo xhi
+0.027756201888810252 0.07224379811118974 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+2 1 0.0025 1500.0000000000005 0.03198135751327522 0.027976650062458402 0 0 0 0
+4 1 0.0025 1500.0000000000005 0.03635869296590252 0.02927135214686655 0 0 0 0
+12 1 0.0035 1071.4285714285713 0.03944679869629375 0.02977078994473963 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.04269959112645694 0.02779396849321373 0 0 0 0
+240 1 0.0035 1071.4285714285713 0.04575754281185614 0.02935405897549821 0 0 1 0
+11 1 0.0025 1500.0000000000005 0.051461869902293726 0.02947099001725802 0 0 0 0
+6 1 0.0025 1500.0000000000005 0.05376735634259538 0.028632579645879754 0 0 0 0
+7 1 0.0035 1071.4285714285713 0.056661302880443944 0.02907978565313802 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.059601609586569605 0.028604877883956086 0 0 1 0
+9 1 0.0025 1500.0000000000005 0.06334655022522402 0.0290270510142779 0 0 0 0
+1 1 0.0035 1071.4285714285713 0.06611388582326583 0.03011028429632725 0 0 0 0
+10 1 0.0025 1500.0000000000005 0.03051575652387871 0.029963901156519455 0 0 0 0
+15 1 0.0035 1071.4285714285713 0.033422206428503805 0.030564667683891055 0 0 0 0
+17 1 0.0035 1071.4285714285713 0.036624000628230305 0.032218016264550134 0 0 0 0
+16 1 0.0035 1071.4285714285713 0.04278050739896725 0.03127133794728776 0 0 0 0
+13 1 0.0035 1071.4285714285713 0.048825416899829735 0.0308381741373403 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.05198321899078639 0.03194732256427806 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.054310724877102735 0.03104597775404349 0 0 0 0
+21 1 0.0025 1500.0000000000005 0.05653788226601714 0.032085768674370053 0 0 0 0
+19 1 0.0025 1500.0000000000005 0.05888970060420281 0.031069354846565932 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.061278709528646946 0.03040710765964072 0 0 0 0
+23 1 0.0025 1500.0000000000005 0.06347954763999308 0.031518252937302545 0 0 0 0
+3 1 0.0025 1500.0000000000005 0.06911772534387953 0.030556476879188676 0 0 0 0
+26 1 0.0025 1500.0000000000005 0.06781878499766325 0.032624338492299676 0 0 0 0
+24 1 0.0035 1071.4285714285713 0.07203827588531872 0.030067204582436294 0 -1 0 0
+34 1 0.0035 1071.4285714285713 0.029660975011155326 0.03282090696183795 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.032581543877873556 0.03341968826175068 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.039940876578045806 0.03322115369409977 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.04311060610798034 0.03473992468806453 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.045984265261702614 0.03282429099045181 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.04881377752092405 0.033776512274369085 0 0 0 0
+31 1 0.0025 1500.0000000000005 0.051265403303415225 0.0342847438787047 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.054197190986332876 0.03408721396662025 0 0 0 0
+28 1 0.0035 1071.4285714285713 0.06082328632449277 0.033359748782224974 0 0 0 0
+30 1 0.0025 1500.0000000000005 0.06540829168705704 0.03300506185613041 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.07066136880070037 0.033415200854386005 0 -1 0 0
+41 1 0.0025 1500.0000000000005 0.02839303016297537 0.035501600512706497 0 0 0 0
+47 1 0.0025 1500.0000000000005 0.031111226785667485 0.035427454762477946 0 0 0 0
+52 1 0.0025 1500.0000000000005 0.03458987244227105 0.034911422789588455 0 0 0 0
+48 1 0.0035 1071.4285714285713 0.03744427073102429 0.035571166287690366 0 0 0 0
+42 1 0.0025 1500.0000000000005 0.0403772224144507 0.036162675364615884 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.045122204617317974 0.036982714049067104 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.0471862129574157 0.03559645399706137 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.04963205158853009 0.03617706165395555 0 0 0 0
+46 1 0.0035 1071.4285714285713 0.05240765078633344 0.037065836259087 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.055361434712815724 0.03680332614609881 0 0 0 0
+29 1 0.0035 1071.4285714285713 0.05761817364695818 0.03484776732357885 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.0605694194479443 0.03681030546110956 0 0 0 0
+37 1 0.0035 1071.4285714285713 0.06370862805691162 0.035413839684557934 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.0674851569852745 0.0355302520076512 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.0703084317917149 0.03637365167413064 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.02783849173646947 0.03786938836653721 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.03072210711709476 0.038456968821714045 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.033299738607041704 0.036990427074007 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.03569378651700631 0.0380881733078029 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.038666300090815835 0.038753703638748936 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.04277893276606054 0.03769014556642746 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.04783948882193666 0.03853664176569698 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.057649344741081104 0.03862526446409954 0 0 0 0
+61 1 0.0035 1071.4285714285713 0.06276700613755205 0.039469160782992466 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.06531010142098989 0.03787762552964219 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.0676114242641355 0.038599179211168615 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.07009981245719632 0.0388525925427146 0 0 0 0
+67 1 0.0025 1500.0000000000005 0.028765519383550504 0.040657676961507426 0 0 0 0
+56 1 0.0035 1071.4285714285713 0.03376220647092575 0.0402950337546459 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.036693796574657385 0.04097427336689782 0 0 0 0
+64 1 0.0025 1500.0000000000005 0.04143256539504368 0.03976676078957834 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.04470234777331939 0.03995453236965028 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.050905467969275725 0.04024431923034432 0 0 0 0
+72 1 0.0035 1071.4285714285713 0.05438229112867119 0.03988025998213301 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.0599295552859388 0.04053426084070348 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.0655991805575612 0.04031793768778383 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.06840792343588663 0.04093344793733304 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.07083903665354112 0.04117148952545504 0 0 0 0
+76 1 0.0035 1071.4285714285713 0.031242809838270574 0.042667959088832384 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.034249361956977586 0.04327215180566495 0 0 0 0
+90 1 0.0025 1500.0000000000005 0.03691236044488339 0.043398104548255115 0 0 0 0
+74 1 0.0035 1071.4285714285713 0.039533428473095954 0.04207261396601782 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.0424941268884409 0.04197794763917491 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.0447961471299486 0.042962807682861835 0 0 0 0
+80 1 0.0035 1071.4285714285713 0.047597075639257524 0.04200195916219661 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.050455228368614276 0.04312529370969218 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.05301615991448992 0.04257924900645818 0 0 0 0
+87 1 0.0035 1071.4285714285713 0.057227492578578114 0.042009895606058785 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.060014840540708984 0.04301871227821959 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.06240352058493108 0.04241357079933243 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.06646256463304914 0.043177645004281416 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.06946303130472394 0.04323616612452004 0 -1 0 0
+83 1 0.0035 1071.4285714285713 0.02792013742205854 0.043725829670346494 0 0 0 0
+91 1 0.0025 1500.0000000000005 0.03249730435338844 0.04530654117240376 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.03552119940165321 0.0459567247035163 0 0 0 0
+89 1 0.0035 1071.4285714285713 0.039024457679508594 0.04547990178074979 0 0 0 0
+84 1 0.0035 1071.4285714285713 0.04244931051829068 0.04498287109865917 0 0 0 0
+92 1 0.0025 1500.0000000000005 0.045484105140530424 0.045387524091806006 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.04849042405248098 0.045373880400035364 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.0521471774670915 0.04486946236739523 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.055072379042183796 0.0447129948464152 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.05840751885979679 0.045676377309059164 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.061351656728639264 0.045332482518070746 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.06377060086828633 0.044434011208271645 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.06553511940926764 0.04605276296835971 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.06847073547423965 0.046110012136268703 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.029919023821371047 0.0467301678140746 0 0 0 0
+122 1 0.0025 1500.0000000000005 0.027922193221951032 0.04893247780925069 0 0 0 0
+110 1 0.0035 1071.4285714285713 0.03299047856229213 0.04827273095160481 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.037492644132655635 0.04814643739519465 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.041219092857883576 0.04828544637301225 0 0 0 0
+99 1 0.0025 1500.0000000000005 0.044072325064905805 0.047450004260458784 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.04657892639352692 0.047588630811697265 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.0512906807011814 0.047149087199818675 0 0 0 0
+101 1 0.0025 1500.0000000000005 0.05376053566057063 0.04738330427042928 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.05622712851489373 0.047681698832610316 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.058502833026420446 0.04868564276180176 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.06087130533286435 0.04783872269606933 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.06326329525931848 0.04690247387388323 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.06627336151006516 0.04891992909691163 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.06995336118016426 0.048646916981134436 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.07142170525031326 0.04655979112399692 0 -1 0 0
+123 1 0.0035 1071.4285714285713 0.030353013712380857 0.05052553402887057 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.035638262741685967 0.04971486577588395 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.03879033978144084 0.05082442563212416 0 0 0 0
+132 1 0.0025 1500.0000000000005 0.041807196891480214 0.05126191960873074 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.04375939036794401 0.049840280142413616 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.046171586236527805 0.05012587284634641 0 0 0 0
+119 1 0.0035 1071.4285714285713 0.04907738855216344 0.0491061969024266 0 0 0 0
+111 1 0.0025 1500.0000000000005 0.052333941989868855 0.04944658714914832 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.054734536771852 0.04961967561668863 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.060559023281046294 0.050839064260863105 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.06322721605683662 0.04934199873349535 0 0 0 0
+146 1 0.0025 1500.0000000000005 0.07171182454083681 0.051314290969473535 0 -1 0 0
+135 1 0.0025 1500.0000000000005 0.02891186868797053 0.053135942226649746 0 0 0 0
+124 1 0.0025 1500.0000000000005 0.03333634428134817 0.05119162063075192 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.035846825533615685 0.0527391079222701 0 0 0 0
+136 1 0.0035 1071.4285714285713 0.04442530959904065 0.052688122103431045 0 0 0 0
+130 1 0.0035 1071.4285714285713 0.048037495968525766 0.052453245659700394 0 0 0 0
+126 1 0.0025 1500.0000000000005 0.0508559037489818 0.05147352687885247 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.05369385395326707 0.05240617660006209 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.0571339009211589 0.051333871715278784 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.059184328868549595 0.05351101194047206 0 0 0 0
+134 1 0.0025 1500.0000000000005 0.06332011080553 0.051859208340704274 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.0658037504667998 0.05189234146570135 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.06874593426650333 0.051370022420700955 0 0 0 0
+150 1 0.0035 1071.4285714285713 0.03195611770024142 0.05384000728763457 0 0 0 0
+158 1 0.0025 1500.0000000000005 0.034537032300326835 0.05545139088477669 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.03747570836944176 0.055821066016293684 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.04039195510846619 0.053839733820677735 0 0 0 0
+157 1 0.0025 1500.0000000000005 0.04305969625430292 0.05526267895791697 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.04554958059181844 0.05543032805687234 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.04806013948835991 0.05539284755364297 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.05092250167208015 0.054408431384686436 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.053730868401699654 0.055454509374933444 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.055990531176052676 0.05431716317340421 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.05810971459163339 0.055731180659625006 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.061732149477460356 0.053766287318382976 0 0 0 0
+153 1 0.0025 1500.0000000000005 0.06052765168053777 0.05592661954819294 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.06426609635143124 0.054122041804478424 0 0 0 0
+145 1 0.0035 1071.4285714285713 0.06720462163684575 0.05450983594132358 0 0 0 0
+142 1 0.0035 1071.4285714285713 0.07068454000188373 0.054374263409557255 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.02923539733589395 0.05605020844997138 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.03239613445175243 0.05750159283982483 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.03532862483096511 0.057802584077348 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.040698429860532986 0.057281103763008726 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.04409322908033273 0.05801819216387714 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.04726087760015934 0.057691850521651086 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.04982179972877083 0.05718191365581975 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.05577605953955481 0.057523964671984874 0 0 0 0
+155 1 0.0025 1500.0000000000005 0.06306697579750539 0.05624285518626895 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.06565919250441614 0.05758541308472588 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.06868370943510038 0.05711811923488205 0 0 0 0
+168 1 0.0025 1500.0000000000005 0.0297291267342007 0.05898136412941676 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.037850268417760076 0.05926796051917392 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.04632252460117503 0.060010161486566724 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.049271107846614114 0.060051007332145044 0 0 0 0
+166 1 0.0035 1071.4285714285713 0.05242384214979687 0.05854601365546859 0 0 0 0
+165 1 0.0035 1071.4285714285713 0.05908112671131302 0.058565870819592865 0 0 0 0
+161 1 0.0035 1071.4285714285713 0.06257345314972124 0.05917697511647313 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.06816471719689368 0.06005649259332419 0 0 0 0
+159 1 0.0035 1071.4285714285713 0.07127750289184226 0.058510222835755715 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.029447594748100426 0.06145255610524343 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.03175280358848027 0.060418274081423994 0 0 0 0
+188 1 0.0035 1071.4285714285713 0.03470488932436654 0.06069877238582338 0 0 0 0
+191 1 0.0035 1071.4285714285713 0.03888210064018487 0.06252572051630106 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.04173400851236897 0.06059623015086229 0 0 0 0
+184 1 0.0025 1500.0000000000005 0.04450496813168676 0.061636235324908056 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.053553456318199855 0.06128865083090295 0 0 0 0
+193 1 0.0035 1071.4285714285713 0.05657226738511001 0.06090895395152253 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.06030373055824213 0.06178069860148052 0 0 0 0
+171 1 0.0025 1500.0000000000005 0.06326596570610396 0.06217009577814598 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.0651619264340184 0.06061126913183298 0 0 0 0
+185 1 0.0035 1071.4285714285713 0.07103059043264491 0.061951262637366104 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.02901053093133315 0.0643583974782677 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.032308409844896455 0.06334679491459314 0 0 0 0
+203 1 0.0035 1071.4285714285713 0.035703950593805815 0.06397292134800028 0 0 0 0
+187 1 0.0025 1500.0000000000005 0.041813029446028056 0.06354890126338818 0 0 0 0
+198 1 0.0025 1500.0000000000005 0.04457510806303237 0.06414224664735987 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.04722933327104842 0.0628551651119335 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.051035304014907086 0.0630081168521568 0 0 0 0
+202 1 0.0035 1071.4285714285713 0.054324089553508585 0.06414660795772624 0 0 0 0
+204 1 0.0035 1071.4285714285713 0.05776966071231226 0.06414012397087762 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.06206300883731217 0.06496469767492039 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.0654793433427151 0.06420723880044002 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.06827942166473823 0.06302297244851243 0 0 0 0
+208 1 0.0025 1500.0000000000005 0.028065780382222533 0.06722642487577586 0 0 0 0
+200 1 0.0035 1071.4285714285713 0.031025285430090976 0.06722745025750992 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.03383699210563554 0.06626559612138792 0 0 0 0
+212 1 0.0035 1071.4285714285713 0.036625174848519564 0.06733555478474727 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.03984521602230348 0.06590664172487407 0 0 0 0
+226 1 0.0025 1500.0000000000005 0.04281063514151145 0.06585464171315655 0 0 0 0
+211 1 0.0035 1071.4285714285713 0.04558167892963257 0.06693235005202613 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.048895794071518284 0.06588057816699544 0 0 0 0
+206 1 0.0025 1500.0000000000005 0.05182893754366825 0.06590276503285364 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.05667391762303171 0.06739321105043547 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.05952205848508045 0.06655982233773022 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.06739024028482078 0.06650352111106932 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.07015307038770804 0.06540959367051684 0 0 0 0
+223 1 0.0025 1500.0000000000005 0.02852698396350806 0.0696850538299993 0 0 0 0
+227 1 0.0035 1071.4285714285713 0.03379116235098474 0.06930598745694515 0 0 0 0
+225 1 0.0025 1500.0000000000005 0.03930696858549853 0.06897806705260623 0 0 0 0
+232 1 0.0035 1071.4285714285713 0.04228529278484616 0.06878501002739686 0 0 0 0
+222 1 0.0025 1500.0000000000005 0.04802723931097006 0.06869682164541707 0 0 0 0
+221 1 0.0035 1071.4285714285713 0.051010795751662556 0.06868761160982405 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.053717637720664756 0.06745056410757352 0 0 0 0
+218 1 0.0025 1500.0000000000005 0.06150623082373836 0.06801945818689205 0 0 0 0
+210 1 0.0035 1071.4285714285713 0.06449846791170576 0.06757831373404516 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.06714345271629385 0.06899994197681011 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.07009543524270583 0.06889844863256546 0 0 0 0
+229 1 0.0025 1500.0000000000005 0.029472089038436792 0.027761752821197583 0 0 1 0
+215 1 0.0025 1500.0000000000005 0.03093232614865325 0.07021636059554894 0 0 0 0
+238 1 0.0025 1500.0000000000005 0.03437026330040807 0.027783505971280556 0 0 1 0
+239 1 0.0035 1071.4285714285713 0.03694442181704721 0.07080332978520729 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.0398959517968383 0.07133417336850673 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.04557612089288815 0.07037792222849773 0 0 0 0
+233 1 0.0035 1071.4285714285713 0.04895745673529983 0.07155524864409955 0 0 0 0
+230 1 0.0025 1500.0000000000005 0.0519180605672775 0.07153238271095189 0 0 0 0
+234 1 0.0035 1071.4285714285713 0.0546156945465912 0.07026271237037934 0 0 0 0
+219 1 0.0035 1071.4285714285713 0.058199998763219074 0.07046863736110189 0 0 0 0
+236 1 0.0035 1071.4285714285713 0.06162270605814933 0.07094964889463684 0 0 0 0
+224 1 0.0035 1071.4285714285713 0.06512225956382894 0.07113616497192303 0 0 0 0
+237 1 0.0035 1071.4285714285713 0.06850430810167403 0.07202243855856164 0 0 0 0
+214 1 0.0025 1500.0000000000005 0.0714475636348206 0.07163342542804382 0 0 0 0
+
+Velocities
+
+2 7.985209754135768 24.651970412233656 0 0 0 0
+4 -27.78872280368901 -0.8303919815388252 0 0 0 0
+12 -31.90818709103985 16.88936947560902 0 0 0 0
+5 -15.490254472832156 -10.68406163221716 0 0 0 0
+240 8.428338965175419 38.919724336871624 0 0 0 0
+11 -25.51889458582237 43.97370626199176 0 0 0 0
+6 11.064605569322847 -28.39647204272176 0 0 0 0
+7 0.028918687214386868 -9.32098758799978 0 0 0 0
+235 2.20794211314596 -27.313768891972533 0 0 0 0
+9 19.169015186516244 36.608031579167715 0 0 0 0
+1 25.797790377172852 2.621593644877049 0 0 0 0
+10 12.810810125213248 20.13222247288619 0 0 0 0
+15 3.342016905135239 4.961564223772222 0 0 0 0
+17 -12.294039654912224 23.189786242135852 0 0 0 0
+16 31.963154234977125 1.3768049544620247 0 0 0 0
+13 -26.243557888589244 10.994149927599679 0 0 0 0
+18 -30.55536487982219 -14.33101858857989 0 0 0 0
+8 -33.30740927627473 -0.5821480253357005 0 0 0 0
+21 40.74492588235705 -6.571758453903205 0 0 0 0
+19 -47.46218191647726 14.173218256520189 0 0 0 0
+14 -4.384054687502664 -31.995354381077693 0 0 0 0
+23 19.568191539147115 -14.658525767949875 0 0 0 0
+3 -49.93427571160475 59.3881014385544 0 0 0 0
+26 27.39478233487389 -15.867291626950403 0 0 0 0
+24 20.404423593664127 -0.19004308890170402 0 0 0 0
+34 10.321084151403422 -1.1902364502413605 0 0 0 0
+27 -7.69346114326313 33.92176935694132 0 0 0 0
+22 -9.809185748703607 9.138612555816248 0 0 0 0
+35 -33.37578494813252 -1.6225915497743997 0 0 0 0
+36 12.436841021928409 8.573626129538948 0 0 0 0
+20 25.674653191733427 16.392264560499015 0 0 0 0
+31 39.527756380904556 48.33553467614512 0 0 0 0
+25 -6.162875814012867 -0.630453932731119 0 0 0 0
+28 -0.486336389675565 13.620543073826045 0 0 0 0
+30 0.9434371720887178 -9.933933675223493 0 0 0 0
+40 17.133787755631225 -13.245037099892105 0 0 0 0
+41 -12.9246161426568 -0.4129538382860064 0 0 0 0
+47 -33.09796752225635 -11.371312751666828 0 0 0 0
+52 -0.7180929366807094 2.4647353991810106 0 0 0 0
+48 -6.2824516208803844 8.50030675699601 0 0 0 0
+42 -11.688480651520635 -24.118458122490992 0 0 0 0
+38 -2.004443440155453 -27.788383455475554 0 0 0 0
+45 -5.038298175255688 -31.247416232993185 0 0 0 0
+43 -3.9124610053442344 0.22718401272396582 0 0 0 0
+46 23.24903171880531 -18.125673967702188 0 0 0 0
+32 17.178204848411923 32.74888761130817 0 0 0 0
+29 -10.290908874910285 13.117320282043897 0 0 0 0
+50 -5.630611435079028 20.540195755097745 0 0 0 0
+37 12.5315079873026 2.893069541338778 0 0 0 0
+33 -27.16183822847688 -8.713312000374103 0 0 0 0
+39 -16.598505442824393 -22.981362867383574 0 0 0 0
+53 -2.9626194708621463 3.668371171960031 0 0 0 0
+58 0.8406427992332481 -3.5418368533903246 0 0 0 0
+44 -44.44547758384063 13.228777536500647 0 0 0 0
+59 -3.365550736428528 -19.4471193979089 0 0 0 0
+66 -3.1043164815231092 25.978679881874573 0 0 0 0
+54 29.059687410272335 14.260939389415023 0 0 0 0
+57 2.2408129120962275 -7.662359342352751 0 0 0 0
+55 1.680739902987429 22.23304467890365 0 0 0 0
+61 9.066093196421846 3.2539165500601452 0 0 0 0
+71 -12.558480298621108 -17.466042204818965 0 0 0 0
+51 -46.6221708642856 26.038598923673252 0 0 0 0
+60 10.383270687022943 26.189252581572593 0 0 0 0
+67 23.40783757502864 43.56600015967839 0 0 0 0
+56 -1.747010625550345 10.090850929339236 0 0 0 0
+68 -38.14737359134547 -19.862766161752912 0 0 0 0
+64 3.401763365050328 10.90050022265861 0 0 0 0
+49 -2.2331406242663645 -5.154675099586701 0 0 0 0
+65 38.87694118856015 15.905485566011631 0 0 0 0
+72 1.6701657961295164 10.054674785061719 0 0 0 0
+63 -48.636518466765054 -25.89301555723753 0 0 0 0
+75 30.8385554138936 12.55779080135546 0 0 0 0
+62 -27.99602019623203 -0.917605062762006 0 0 0 0
+88 33.68818818806435 53.13293593703616 0 0 0 0
+76 13.66495435151657 4.646532517905342 0 0 0 0
+79 7.11326857859072 -2.5357067509329245 0 0 0 0
+90 9.589930481300847 -81.65704889845073 0 0 0 0
+74 10.539106705759428 -26.12773883839884 0 0 0 0
+77 -30.30606838478326 23.407823955807505 0 0 0 0
+70 -15.134748439370211 -24.142040653801107 0 0 0 0
+80 8.980940510499106 -22.047218679227328 0 0 0 0
+69 5.833628545622034 61.68386261067526 0 0 0 0
+81 15.717964621721782 -0.9819869250747324 0 0 0 0
+87 15.65805711727143 -6.916960701969601 0 0 0 0
+96 28.457183241927254 30.403460331228636 0 0 0 0
+78 15.806378492798471 -19.406636573376257 0 0 0 0
+82 45.61167561241462 6.1556008226043275 0 0 0 0
+73 5.416012132065117 35.11752337641213 0 0 0 0
+83 -1.8425593959398157 16.65243083246809 0 0 0 0
+91 -8.948747287868033 42.762169520140056 0 0 0 0
+102 30.469495387235973 1.541901819746551 0 0 0 0
+89 -3.704451582752881 -19.617305197912735 0 0 0 0
+84 6.194672872032469 -12.4634886974208 0 0 0 0
+92 18.597309177723172 -41.85621040815194 0 0 0 0
+104 -7.829672146464721 -19.56060005601164 0 0 0 0
+85 0.2649752655143722 -6.392013403436107 0 0 0 0
+86 21.515551840370016 -3.580182273404373 0 0 0 0
+113 5.766110032048485 -9.72769086275079 0 0 0 0
+108 -3.04386499420525 17.112755416701628 0 0 0 0
+100 13.340697476761402 -28.656305354067232 0 0 0 0
+95 24.852349288440582 -40.99943429064003 0 0 0 0
+93 -14.643885083954107 -11.7989901420911 0 0 0 0
+98 1.529466981530807 -31.931914589155433 0 0 0 0
+122 -32.15212517726739 23.169543354438915 0 0 0 0
+110 14.15486300582265 21.00127798533624 0 0 0 0
+118 30.86356245566985 -3.413406203943171 0 0 0 0
+106 -9.677577613827845 -17.734436975159838 0 0 0 0
+99 -40.23778306593312 22.865378007118697 0 0 0 0
+115 -16.039416205389557 19.4785406261385 0 0 0 0
+103 -3.303781285406199 15.56924985282457 0 0 0 0
+101 -23.5538873635539 2.1343408272575592 0 0 0 0
+105 -47.86488946241721 -2.693186411471388 0 0 0 0
+117 -38.91319237491481 -39.32296596004791 0 0 0 0
+114 -5.263102933623697 -10.541793090204274 0 0 0 0
+112 56.08064888892168 -17.4725435106522 0 0 0 0
+107 1.055416308146594 8.475195025956333 0 0 0 0
+97 33.07642145944844 31.644139556758713 0 0 0 0
+94 -8.079155203300044 -12.279226075979706 0 0 0 0
+123 -0.12382618516100838 19.204068724929233 0 0 0 0
+127 -12.834656232773419 13.811314186306342 0 0 0 0
+131 24.337121654555965 -15.438786803412384 0 0 0 0
+132 -27.95500978082879 -25.048244417206458 0 0 0 0
+116 13.992239937577986 -17.607738328010765 0 0 0 0
+121 -14.488718403826224 11.22510934455604 0 0 0 0
+119 6.9619200331637865 18.037471317609604 0 0 0 0
+111 17.694134721308366 32.79136285763705 0 0 0 0
+109 40.83084662478121 68.35672699805492 0 0 0 0
+120 6.535387277756962 -5.279702651348616 0 0 0 0
+125 -30.415745226179183 10.296257774381385 0 0 0 0
+146 36.41462068394348 19.453474787740593 0 0 0 0
+135 10.060353195560305 -56.46349263556857 0 0 0 0
+124 2.302534457081544 23.605292763086585 0 0 0 0
+143 -29.48076353635668 -53.16136930889749 0 0 0 0
+136 12.165429572743523 10.272154923728598 0 0 0 0
+130 -8.832580078290736 23.824663985279887 0 0 0 0
+126 -6.597310190898559 -22.596431420047082 0 0 0 0
+138 -15.593106175532933 -11.483093495616627 0 0 0 0
+129 13.43711355497646 -27.604601848564307 0 0 0 0
+128 -18.31980627047846 12.70895848888596 0 0 0 0
+134 -23.452240660694628 -2.4180251481261252 0 0 0 0
+133 -9.87437469042586 -43.24458015935073 0 0 0 0
+137 25.54743636350955 26.529096728454377 0 0 0 0
+150 24.252572699995 -6.600288444157599 0 0 0 0
+158 -6.041773458046635 10.330388645246982 0 0 0 0
+151 -30.389863048223315 -18.988074269440123 0 0 0 0
+144 0.23688872100256156 -1.9497618254639404 0 0 0 0
+157 20.807259157159486 -23.268425841410018 0 0 0 0
+154 21.21711935884928 -7.679975156367011 0 0 0 0
+139 -22.649037153014113 11.443443595478932 0 0 0 0
+140 -12.157372227471626 -17.41913529488605 0 0 0 0
+152 21.270622841160396 11.665125194858035 0 0 0 0
+148 12.723947258081955 -6.714621758743077 0 0 0 0
+156 -9.5501915946061 15.129635438119571 0 0 0 0
+147 -1.1300620256258174 -15.476884025048838 0 0 0 0
+153 -43.416260520736344 -21.989662576351602 0 0 0 0
+141 32.52457414562808 -48.33974804647066 0 0 0 0
+145 -32.76366968314837 -10.396527078014854 0 0 0 0
+142 6.4032611577677185 13.638938054998773 0 0 0 0
+149 16.070649805480393 4.871071251759653 0 0 0 0
+162 -22.638585332725217 31.586146208440113 0 0 0 0
+176 15.011356244281075 28.37285496033228 0 0 0 0
+174 -5.3520211547148175 4.44513365458329 0 0 0 0
+170 33.08934953366282 17.527223770978328 0 0 0 0
+172 1.1710829462680552 25.457726975205247 0 0 0 0
+167 -52.92433043661881 6.095988430037096 0 0 0 0
+179 10.52206942682493 -27.920989132288483 0 0 0 0
+155 34.04847550616755 19.074411428702813 0 0 0 0
+163 -10.770785846816198 -14.042585188058323 0 0 0 0
+164 6.174751552352029 30.90979020578693 0 0 0 0
+168 -17.9685315201221 2.9031932181396427 0 0 0 0
+169 -7.120615143854663 -15.700442041429994 0 0 0 0
+180 17.030185676167022 -21.263266502518896 0 0 0 0
+183 10.76509795151898 -42.505927785367525 0 0 0 0
+166 9.55179566422578 -18.962931210681162 0 0 0 0
+165 1.3367976187600206 0.9011748417499855 0 0 0 0
+161 -27.015741599914985 -20.66143492286785 0 0 0 0
+177 -5.0678011068272815 40.94582243495391 0 0 0 0
+159 -23.3225900683706 -41.25668817706772 0 0 0 0
+173 -28.252117762503435 -25.375458466577964 0 0 0 0
+181 12.092268288851443 29.19493104089453 0 0 0 0
+188 -16.347493910161866 7.136335703486244 0 0 0 0
+191 -1.9107114249180348 -15.129434319471159 0 0 0 0
+175 -23.838021366270322 20.375113578827012 0 0 0 0
+184 -7.584711279676163 14.42293528380525 0 0 0 0
+192 8.594440210336748 -17.19222433900962 0 0 0 0
+193 15.406637887778414 7.050691798840028 0 0 0 0
+178 -17.749817081643688 19.38650792366271 0 0 0 0
+171 56.99247487399726 -29.180129199781376 0 0 0 0
+160 -47.238897812963295 -44.338640474371566 0 0 0 0
+185 7.814670300789489 -30.228823286295064 0 0 0 0
+197 -22.59671064649129 8.57096925491991 0 0 0 0
+194 27.004225344527246 -6.615729212076249 0 0 0 0
+203 -11.451471632288193 -4.967997985364592 0 0 0 0
+187 -4.40529393839619 -28.57298939567196 0 0 0 0
+198 23.751523869828194 -38.665381658292915 0 0 0 0
+182 -14.62555740373708 -0.6083591835254115 0 0 0 0
+196 33.03485778326419 -10.173304713759773 0 0 0 0
+202 -7.609526244814341 -23.053652479859988 0 0 0 0
+204 -18.753991562936505 -4.224340231994086 0 0 0 0
+190 29.811703986007767 -15.7748746764707 0 0 0 0
+186 9.110814914792158 38.29940788125109 0 0 0 0
+189 -0.5356851458511918 -1.116411679844391 0 0 0 0
+208 -57.25557007673984 -17.771011210209984 0 0 0 0
+200 22.103153682898387 -15.742197392933777 0 0 0 0
+213 -27.25011665821347 -25.34034854420586 0 0 0 0
+212 -16.640446589486956 -21.92273280432937 0 0 0 0
+201 -18.682574715760836 12.905863459012155 0 0 0 0
+226 -32.27018577304637 -67.15468190842894 0 0 0 0
+211 26.600966620932205 7.550035049550205 0 0 0 0
+207 -6.739804390840582 -25.16045211083039 0 0 0 0
+206 9.403596163296474 4.079172471912253 0 0 0 0
+209 6.17617033746612 -43.99340207775088 0 0 0 0
+217 -15.096046433114697 -18.923955982758915 0 0 0 0
+195 -13.15285680047281 -10.165008533739966 0 0 0 0
+199 10.780649615980343 23.347833033070916 0 0 0 0
+223 3.2813134064248803 -1.8042352347932025 0 0 0 0
+227 -27.313199956187393 5.2375755724943875 0 0 0 0
+225 -10.70786744280563 14.063406784183236 0 0 0 0
+232 27.114011395655183 -19.205736992080336 0 0 0 0
+222 60.00783886998712 55.06090107058931 0 0 0 0
+221 -4.879254911138453 -11.07495381977655 0 0 0 0
+220 -16.117669711478335 -26.62178959466469 0 0 0 0
+218 58.091246765519045 18.79516557566966 0 0 0 0
+210 -16.438030765382198 -21.436005580289635 0 0 0 0
+216 -7.6371852330575 10.612609926870302 0 0 0 0
+205 3.538848673438699 20.146994586951738 0 0 0 0
+229 -25.503838620194113 16.43183596472334 0 0 0 0
+215 13.303767752239859 -6.807428262310774 0 0 0 0
+238 21.889888442676536 13.738348626594535 0 0 0 0
+239 -33.54530886470748 7.987977172102419 0 0 0 0
+231 2.370993222470069 -12.57114392321369 0 0 0 0
+228 -0.3440789802412419 11.092539739505284 0 0 0 0
+233 -0.5450012202534879 28.477519675974758 0 0 0 0
+230 -34.41763099826896 28.35903324412854 0 0 0 0
+234 32.72994437058777 32.12203344096774 0 0 0 0
+219 -18.755391826974794 23.461164406886848 0 0 0 0
+236 -9.4096059866443 0.16465096488961162 0 0 0 0
+224 22.036435775544852 28.01241160872029 0 0 0 0
+237 -1.9490402779365172 -8.807178410111753 0 0 0 0
+214 8.980371669933986 54.85370674741815 0 0 0 0
diff --git a/DATASET/P=80000Pa/box_sheared.data b/DATASET/P=80000Pa/box_sheared.data
new file mode 100644
index 0000000..3a7be77
--- /dev/null
+++ b/DATASET/P=80000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2224782
+
+240 atoms
+6 atom types
+
+0.027756201888810252 0.07224379811118974 xlo xhi
+0.027756201888810252 0.07224379811118974 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.004448764450947849 0 0 xy xz yz
+
+Atoms # sphere
+
+2 1 0.0025 1500.0000000000005 0.03189132714016667 0.02818478122038888 0 0 0 0
+6 1 0.0025 1500.0000000000005 0.05383741689797242 0.02864934523467154 0 0 0 0
+7 1 0.0035 1071.4285714285713 0.0568283757135006 0.028959592302181984 0 0 0 0
+235 1 0.0025 1500.0000000000005 0.05974271454233451 0.028542935789134145 0 0 1 0
+9 1 0.0025 1500.0000000000005 0.06353390935983631 0.029170364165313455 0 0 0 0
+4 1 0.0025 1500.0000000000005 0.03637348214722729 0.02921795593370801 0 0 0 0
+240 1 0.0035 1071.4285714285713 0.04586427010071302 0.029231733576286122 0 0 1 0
+11 1 0.0025 1500.0000000000005 0.051560544520476384 0.029302724725048364 0 0 0 0
+12 1 0.0035 1071.4285714285713 0.03936660451340328 0.0296682818098972 0 0 0 0
+1 1 0.0035 1071.4285714285713 0.06640725282246501 0.03011657007154111 0 0 0 0
+24 1 0.0035 1071.4285714285713 0.07229802864967108 0.03012073157441617 0 -1 0 0
+10 1 0.0025 1500.0000000000005 0.030755818128091462 0.030256733175478463 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.061524368220677514 0.030407782979206367 0 0 0 0
+3 1 0.0025 1500.0000000000005 0.06947222460904047 0.030525585076774827 0 0 0 0
+15 1 0.0035 1071.4285714285713 0.033782146288532974 0.03063087056146911 0 0 0 0
+13 1 0.0035 1071.4285714285713 0.049126291052367474 0.030729384344535236 0 0 0 0
+41 1 0.0025 1500.0000000000005 0.029616906592923247 0.03600944823380183 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.02905292458365854 0.03835561442815717 0 0 0 0
+67 1 0.0025 1500.0000000000005 0.030176543357279678 0.04084065275099501 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.029647694044940328 0.043753751639290156 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.03266609582161166 0.06447797257857175 0 0 0 0
+208 1 0.0025 1500.0000000000005 0.03202740023759117 0.06731905623603085 0 0 0 0
+223 1 0.0025 1500.0000000000005 0.032789409402174764 0.06978692320579408 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.031652306407749554 0.053289960316977955 0 0 0 0
+149 1 0.0035 1071.4285714285713 0.032185950277033214 0.056257098429784394 0 0 0 0
+229 1 0.0025 1500.0000000000005 0.03389342738290206 0.07213530217545394 0 0 0 0
+173 1 0.0025 1500.0000000000005 0.032891783614121886 0.06159613725371395 0 0 0 0
+34 1 0.0035 1071.4285714285713 0.030168570881893158 0.03305816014896726 0 0 0 0
+98 1 0.0035 1071.4285714285713 0.0316941487174348 0.04677363655018517 0 0 0 0
+168 1 0.0025 1500.0000000000005 0.03288959125984863 0.05918891026752017 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.03254752361935888 0.05057651055943382 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.03199457787710853 0.038591489639956955 0 0 0 0
+200 1 0.0035 1071.4285714285713 0.03494562170083636 0.06724727118927001 0 0 0 0
+215 1 0.0025 1500.0000000000005 0.035275792550600336 0.07027839550946124 0 0 0 0
+17 1 0.0035 1071.4285714285713 0.03705424908371367 0.03218821331450524 0 0 0 0
+16 1 0.0035 1071.4285714285713 0.043084785175606974 0.031194978459119654 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.05211076839733039 0.0317549929898594 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.05469765864980837 0.031045402734175984 0 0 0 0
+21 1 0.0025 1500.0000000000005 0.05701305874483621 0.03204590704115462 0 0 0 0
+19 1 0.0025 1500.0000000000005 0.05914650236336405 0.031032883885779038 0 0 0 0
+23 1 0.0025 1500.0000000000005 0.06375109042140262 0.031718337993105444 0 0 0 0
+27 1 0.0025 1500.0000000000005 0.03323171126988753 0.033461970144281906 0 0 0 0
+22 1 0.0035 1071.4285714285713 0.040488256976779644 0.03317142855458246 0 0 0 0
+35 1 0.0035 1071.4285714285713 0.04379640765843713 0.034638448601609265 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.0464468661722828 0.032678112577203884 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.04934125948206375 0.03367723921060696 0 0 0 0
+31 1 0.0025 1500.0000000000005 0.05181360063652642 0.034231075255945174 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.05474546578920095 0.034026999705986015 0 0 0 0
+28 1 0.0035 1071.4285714285713 0.061292491337430074 0.03333742634444269 0 0 0 0
+30 1 0.0025 1500.0000000000005 0.06599397749984995 0.032990475125880124 0 0 0 0
+26 1 0.0025 1500.0000000000005 0.06835282657419851 0.032589292520452146 0 0 0 0
+40 1 0.0035 1071.4285714285713 0.07123776454315989 0.03347556250008094 0 -1 0 0
+47 1 0.0025 1500.0000000000005 0.032239958702415465 0.03563591087574707 0 0 0 0
+52 1 0.0025 1500.0000000000005 0.03531951161119179 0.0349995752681266 0 0 0 0
+48 1 0.0035 1071.4285714285713 0.03829913352790264 0.035604753794944724 0 0 0 0
+42 1 0.0025 1500.0000000000005 0.04127033300081612 0.03617782875325196 0 0 0 0
+38 1 0.0025 1500.0000000000005 0.04595105553190018 0.03696685549565146 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.04780995852026687 0.03550021967833696 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.0502677456412495 0.036003482237788084 0 0 0 0
+46 1 0.0035 1071.4285714285713 0.053216092717689935 0.036983717070325814 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.056166484746183146 0.036787438723133906 0 0 0 0
+29 1 0.0035 1071.4285714285713 0.0582528395471376 0.03481360251077873 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.06143686195585614 0.03679955048503473 0 0 0 0
+37 1 0.0035 1071.4285714285713 0.06437645130190424 0.035265090295641 0 0 0 0
+33 1 0.0035 1071.4285714285713 0.06836579144762822 0.0355362077751509 0 0 0 0
+39 1 0.0025 1500.0000000000005 0.07147305053256939 0.03642692059577884 0 0 0 0
+44 1 0.0025 1500.0000000000005 0.034537290472177545 0.037262903290898625 0 0 0 0
+59 1 0.0025 1500.0000000000005 0.037088643576164815 0.038212465799771216 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.04004126032297391 0.0387396771499143 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.04362566177127425 0.03758457619031952 0 0 0 0
+57 1 0.0035 1071.4285714285713 0.04880536022134857 0.03838997113495112 0 0 0 0
+55 1 0.0035 1071.4285714285713 0.05867237365143882 0.03861972334615766 0 0 0 0
+61 1 0.0035 1071.4285714285713 0.0641960352544932 0.03939040898076797 0 0 0 0
+71 1 0.0025 1500.0000000000005 0.06637367322951451 0.03762788328038093 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.06873601058774087 0.03848255794085021 0 0 0 0
+60 1 0.0025 1500.0000000000005 0.07120118730005028 0.03887467168767486 0 0 0 0
+56 1 0.0035 1071.4285714285713 0.035183883712306185 0.040295450924968536 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.03816379699572533 0.04084791869232244 0 0 0 0
+64 1 0.0025 1500.0000000000005 0.04284028198283604 0.03982411991211802 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.04582512855529267 0.03991565052381954 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.051993680941830434 0.04006439411066682 0 0 0 0
+72 1 0.0035 1071.4285714285713 0.05548559851843937 0.03982274043571892 0 0 0 0
+63 1 0.0025 1500.0000000000005 0.061386518998135256 0.04033390202456555 0 0 0 0
+75 1 0.0025 1500.0000000000005 0.06719242472112608 0.040256074239629826 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.06964313623827001 0.040859838871048194 0 0 0 0
+88 1 0.0025 1500.0000000000005 0.07224611536391047 0.04116852123063128 0 0 0 0
+76 1 0.0035 1071.4285714285713 0.032775426117435696 0.042552692561999235 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.035699181951099695 0.04328002206722787 0 0 0 0
+90 1 0.0025 1500.0000000000005 0.03822048414891922 0.043300586311785405 0 0 0 0
+74 1 0.0035 1071.4285714285713 0.04091888158553858 0.04218047396023798 0 0 0 0
+77 1 0.0025 1500.0000000000005 0.043987603005667786 0.04208602053026137 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.04637789974561518 0.04291661167720278 0 0 0 0
+80 1 0.0035 1071.4285714285713 0.04902199090979232 0.041856395030990555 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.051890546818414124 0.04296505371598891 0 0 0 0
+81 1 0.0025 1500.0000000000005 0.05429403212287237 0.04255059756900352 0 0 0 0
+87 1 0.0035 1071.4285714285713 0.05844408099517647 0.04200500413366155 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.06140371188892328 0.04279314638636034 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.0637987713866715 0.042275327668412514 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.06801746967292427 0.04318578664530069 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.0710306870913381 0.043149600616709506 0 -1 0 0
+91 1 0.0025 1500.0000000000005 0.03419911039240264 0.04536322672312466 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.03718943099546641 0.04595844139465463 0 0 0 0
+89 1 0.0035 1071.4285714285713 0.040654330730050814 0.04559046973377582 0 0 0 0
+84 1 0.0035 1071.4285714285713 0.043986240660568526 0.04499247314205654 0 0 0 0
+92 1 0.0025 1500.0000000000005 0.04736679528873228 0.045258838588663294 0 0 0 0
+104 1 0.0035 1071.4285714285713 0.050475304562739826 0.0454554655538355 0 0 0 0
+85 1 0.0025 1500.0000000000005 0.05361752169295884 0.044873501837143615 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.056616019007240975 0.044776252627039353 0 0 0 0
+113 1 0.0035 1071.4285714285713 0.0600990685261769 0.04531170956780189 0 0 0 0
+108 1 0.0025 1500.0000000000005 0.0630009598142242 0.044861257626150244 0 0 0 0
+100 1 0.0025 1500.0000000000005 0.06540380385988108 0.044522612056635526 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.06735557666953425 0.04620484723497803 0 0 0 0
+93 1 0.0035 1071.4285714285713 0.07030121959775919 0.04597120980215178 0 0 0 0
+110 1 0.0035 1071.4285714285713 0.03494538934927105 0.04830973573302958 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.03942035795121461 0.04811946699214749 0 0 0 0
+106 1 0.0035 1071.4285714285713 0.04311262883740908 0.04822969098300858 0 0 0 0
+99 1 0.0025 1500.0000000000005 0.046024866057257904 0.04723270365176635 0 0 0 0
+115 1 0.0025 1500.0000000000005 0.04850964964967025 0.047557982603648775 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.053284250364192536 0.047263161232827026 0 0 0 0
+101 1 0.0025 1500.0000000000005 0.05581051706804027 0.047518807963177846 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.05826332784787853 0.04742273952895004 0 0 0 0
+114 1 0.0025 1500.0000000000005 0.06239112733552428 0.04740685887723963 0 0 0 0
+112 1 0.0025 1500.0000000000005 0.06478521488929342 0.04692781214342633 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.07189099384689987 0.04860193666134183 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.07323965458472464 0.04667348483525289 0 -1 0 0
+127 1 0.0025 1500.0000000000005 0.03765239371735442 0.04980160663349348 0 0 0 0
+131 1 0.0035 1071.4285714285713 0.040960637911018026 0.050841530137458894 0 0 0 0
+132 1 0.0025 1500.0000000000005 0.04397892003498647 0.0510969145361891 0 0 0 0
+116 1 0.0025 1500.0000000000005 0.04586580230742457 0.0496958368361967 0 0 0 0
+121 1 0.0025 1500.0000000000005 0.04837627157071717 0.05004011060907089 0 0 0 0
+119 1 0.0035 1071.4285714285713 0.05114392929192667 0.049112887577388145 0 0 0 0
+111 1 0.0025 1500.0000000000005 0.05459287547405332 0.04949316953330036 0 0 0 0
+109 1 0.0025 1500.0000000000005 0.057382215655257904 0.04960963537101716 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.060425758564535345 0.048960465712425585 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.06298944564959348 0.050667436730717455 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.06581011693079081 0.04921995789676771 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.06879127669688409 0.048933188225165035 0 0 0 0
+122 1 0.0025 1500.0000000000005 0.07433330113016132 0.049033717275595384 0 -1 0 0
+124 1 0.0025 1500.0000000000005 0.035540834607881565 0.05125578767814899 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.03827355225002281 0.052867394891129016 0 0 0 0
+136 1 0.0035 1071.4285714285713 0.046871834863251305 0.05257874843814526 0 0 0 0
+130 1 0.0035 1071.4285714285713 0.05035055971639961 0.052473243971545305 0 0 0 0
+126 1 0.0025 1500.0000000000005 0.05329414327989411 0.051428246890693544 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.05620684475552987 0.052413521975171934 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.059585142224502965 0.05172495718749062 0 0 0 0
+128 1 0.0025 1500.0000000000005 0.06215691670518694 0.053444574682568094 0 0 0 0
+134 1 0.0025 1500.0000000000005 0.06590620360151701 0.05169920078100762 0 0 0 0
+133 1 0.0025 1500.0000000000005 0.06842163945787313 0.05195916263256036 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.07132566882322822 0.051506947111670746 0 0 0 0
+146 1 0.0025 1500.0000000000005 0.0742889995919189 0.05145748282601216 0 -1 0 0
+150 1 0.0035 1071.4285714285713 0.034579912441301895 0.053958808027815976 0 0 0 0
+158 1 0.0025 1500.0000000000005 0.03724891708876597 0.055541329607389764 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.04034500257604611 0.05585360161173466 0 0 0 0
+144 1 0.0035 1071.4285714285713 0.04301300979133265 0.05380661007250255 0 0 0 0
+157 1 0.0025 1500.0000000000005 0.04577806413490078 0.055231376506622035 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.048231966996193906 0.055363797958378334 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.05074662802173063 0.055425110811960485 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.05353417639945306 0.054393963600133155 0 0 0 0
+152 1 0.0025 1500.0000000000005 0.05640892785868154 0.05541211707277954 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.058652897876380325 0.05447928829683264 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.060964781420841885 0.055471501862762555 0 0 0 0
+153 1 0.0025 1500.0000000000005 0.06344394292666115 0.05576198667414002 0 0 0 0
+147 1 0.0025 1500.0000000000005 0.06468395579527945 0.0536830218786619 0 0 0 0
+141 1 0.0025 1500.0000000000005 0.06713367696156573 0.05401047707447387 0 0 0 0
+145 1 0.0035 1071.4285714285713 0.07002840405354206 0.05462300539012129 0 0 0 0
+142 1 0.0035 1071.4285714285713 0.07347876683920619 0.05451509059185372 0 0 0 0
+162 1 0.0035 1071.4285714285713 0.035448825520583 0.057746170708198694 0 0 0 0
+176 1 0.0025 1500.0000000000005 0.03841724972379178 0.05782839552975953 0 0 0 0
+174 1 0.0035 1071.4285714285713 0.04370738322542802 0.057192441958840254 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.047141890670016506 0.058051920026642244 0 0 0 0
+172 1 0.0025 1500.0000000000005 0.05022947634320761 0.05774016564800011 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.05271670670872878 0.05714625198702112 0 0 0 0
+179 1 0.0035 1071.4285714285713 0.058755250506337925 0.057403130038725776 0 0 0 0
+155 1 0.0025 1500.0000000000005 0.06591343718659438 0.056053300155916745 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.06874719830870775 0.05765569272578329 0 0 0 0
+164 1 0.0025 1500.0000000000005 0.07165590720896714 0.0572737673465261 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.04118294593574641 0.05936621272411545 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.04488360374898549 0.06052486740274815 0 0 0 0
+180 1 0.0025 1500.0000000000005 0.04953470603690735 0.060026141917067635 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.05252779784983172 0.06002263914814082 0 0 0 0
+166 1 0.0035 1071.4285714285713 0.05550154089640541 0.05846517189590444 0 0 0 0
+165 1 0.0035 1071.4285714285713 0.062190829714573265 0.05832527637732845 0 0 0 0
+161 1 0.0035 1071.4285714285713 0.06569107720225247 0.059046855355132655 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.07130890199044274 0.06019006558807423 0 0 0 0
+159 1 0.0035 1071.4285714285713 0.07443735731236469 0.05865760174860564 0 0 0 0
+181 1 0.0025 1500.0000000000005 0.03509925613631669 0.06065223691188931 0 0 0 0
+188 1 0.0035 1071.4285714285713 0.0380690270849223 0.06074736183841423 0 0 0 0
+191 1 0.0035 1071.4285714285713 0.04244501418488876 0.06267355913407538 0 0 0 0
+184 1 0.0025 1500.0000000000005 0.04771535473599399 0.06159420530486183 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.05077316231580443 0.06283361487848008 0 0 0 0
+192 1 0.0025 1500.0000000000005 0.05695092989066694 0.06127535463562457 0 0 0 0
+193 1 0.0035 1071.4285714285713 0.059955066946615995 0.06086355967408756 0 0 0 0
+178 1 0.0035 1071.4285714285713 0.06362808082231744 0.061609006769168695 0 0 0 0
+171 1 0.0025 1500.0000000000005 0.066581170073209 0.062206342672164364 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.06842281992646683 0.060669055827641635 0 0 0 0
+185 1 0.0035 1071.4285714285713 0.07443975148893288 0.06209029366229983 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.035927993462328875 0.06356121809385373 0 0 0 0
+203 1 0.0035 1071.4285714285713 0.03941710253740549 0.06404284446804358 0 0 0 0
+187 1 0.0025 1500.0000000000005 0.04537877359141375 0.06350548794493005 0 0 0 0
+198 1 0.0025 1500.0000000000005 0.04812232852987303 0.06400579511091241 0 0 0 0
+196 1 0.0035 1071.4285714285713 0.05466421490329009 0.06300215039524978 0 0 0 0
+202 1 0.0035 1071.4285714285713 0.058064885025656654 0.06418023705387979 0 0 0 0
+204 1 0.0035 1071.4285714285713 0.061517833510631545 0.06414122176419436 0 0 0 0
+190 1 0.0035 1071.4285714285713 0.0653882786711011 0.0648392522629016 0 0 0 0
+186 1 0.0035 1071.4285714285713 0.06891296962726373 0.06425851208199367 0 0 0 0
+189 1 0.0025 1500.0000000000005 0.07163253401332245 0.06317320022513763 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.03764682108363433 0.06623407062454206 0 0 0 0
+212 1 0.0035 1071.4285714285713 0.04061824396109735 0.06735555099704481 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.04369172477712695 0.06596941605211008 0 0 0 0
+226 1 0.0025 1500.0000000000005 0.04663829595596569 0.06591339301008417 0 0 0 0
+211 1 0.0035 1071.4285714285713 0.04961094863943638 0.06677597715013758 0 0 0 0
+207 1 0.0035 1071.4285714285713 0.05282003142405077 0.06586172425115502 0 0 0 0
+206 1 0.0025 1500.0000000000005 0.055739185860469276 0.06583733249438707 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.06048770347113455 0.06733023031849097 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.06327987616056596 0.06672831090307627 0 0 0 0
+195 1 0.0025 1500.0000000000005 0.0711187935341455 0.066591755836347 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.07387360933425817 0.06554048592263154 0 0 0 0
+227 1 0.0035 1071.4285714285713 0.03795345142537283 0.06927773919441699 0 0 0 0
+225 1 0.0025 1500.0000000000005 0.0433023315486363 0.06885377339013847 0 0 0 0
+232 1 0.0035 1071.4285714285713 0.046268062308527036 0.06878071530370855 0 0 0 0
+222 1 0.0025 1500.0000000000005 0.05203372910042234 0.06873659400568582 0 0 0 0
+221 1 0.0035 1071.4285714285713 0.054960869544628685 0.06875745446452337 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.05759144620623466 0.06762163726339593 0 0 0 0
+218 1 0.0025 1500.0000000000005 0.06554666747383393 0.06782229993693235 0 0 0 0
+210 1 0.0035 1071.4285714285713 0.06842773481548853 0.06766484836253273 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.07139754188822053 0.06908044705906807 0 0 0 0
+205 1 0.0035 1071.4285714285713 0.07430219340012488 0.06899963242211161 0 0 0 0
+238 1 0.0025 1500.0000000000005 0.03872379735739772 0.07220234394609151 0 0 0 0
+239 1 0.0035 1071.4285714285713 0.04121712783369557 0.07081490494102669 0 0 0 0
+231 1 0.0025 1500.0000000000005 0.04416036527584674 0.07122714791369215 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.04704002373097324 0.07222522683086369 0 0 -1 0
+228 1 0.0035 1071.4285714285713 0.04966293413485669 0.07024535219662117 0 0 0 0
+233 1 0.0035 1071.4285714285713 0.05305955705993491 0.07164585233993151 0 0 0 0
+230 1 0.0025 1500.0000000000005 0.0564034230295451 0.07143960096718263 0 0 0 0
+234 1 0.0035 1071.4285714285713 0.059104942050543605 0.07036316945977686 0 0 0 0
+219 1 0.0035 1071.4285714285713 0.0625278475203458 0.07031700312567976 0 0 0 0
+236 1 0.0035 1071.4285714285713 0.06602062477775651 0.0708419872254225 0 0 0 0
+224 1 0.0035 1071.4285714285713 0.06949633728568354 0.07127431091446208 0 0 0 0
+237 1 0.0035 1071.4285714285713 0.07291426212683316 0.07206707190531181 0 0 0 0
+214 1 0.0025 1500.0000000000005 0.07585639716041016 0.07166471655677012 0 0 0 0
+
+Velocities
+
+2 38.280461693146655 -15.328119047938474 0 0 0 0
+6 20.306568114204822 15.38208199408416 0 0 0 0
+7 35.39387964696737 -24.260961157424077 0 0 0 0
+235 -13.032602687227268 -21.435544910949442 0 0 0 0
+9 -18.55650250602756 -11.229184748801066 0 0 0 0
+4 27.324939121605823 11.4558910283654 0 0 0 0
+240 -26.081943655500915 41.78099635446668 0 0 0 0
+11 -35.92774099662101 11.283588952272884 0 0 0 0
+12 -15.935811521909741 -5.422227243593845 0 0 0 0
+1 6.933015347549359 -20.49312432176168 0 0 0 0
+24 7.2444385551329455 4.842874692697256 0 0 0 0
+10 -8.530245631786759 17.680596004137588 0 0 0 0
+14 -14.011639449673918 11.589749746031822 0 0 0 0
+3 -23.382021575178214 -39.038184255285266 0 0 0 0
+15 21.6509431294406 -6.780941559460088 0 0 0 0
+13 6.851271004682996 -10.543031366011588 0 0 0 0
+41 17.54750133213611 -12.350549421201645 0 0 0 0
+53 -1.8071834974154948 52.118193547581434 0 0 0 0
+67 -6.81833504175311 13.582927304826999 0 0 0 0
+83 -2.706610653808516 16.62290307025184 0 0 0 0
+197 1.970905416211099 0.39215920330285803 0 0 0 0
+208 11.776195779537623 -27.913994298071962 0 0 0 0
+223 30.54510806128239 1.408552083316401 0 0 0 0
+135 16.376241274811235 -27.60405795226896 0 0 0 0
+149 3.6044739541185518 29.516076500650968 0 0 0 0
+229 -18.97585799065327 -37.09138455680778 0 0 0 0
+173 14.404610289494924 -18.404089337935716 0 0 0 0
+34 -17.79696840203004 -14.01296157010853 0 0 0 0
+98 22.85468533349951 -19.866218916988185 0 0 0 0
+168 5.089174732604915 33.63342467512018 0 0 0 0
+123 -18.319694568903184 28.228549846058144 0 0 0 0
+58 -22.386544212119244 20.488852566102288 0 0 0 0
+200 -27.74877530685204 -2.3216407164593895 0 0 0 0
+215 -14.489845971113224 0.014886737356565954 0 0 0 0
+17 -27.5512455360536 7.058294916786309 0 0 0 0
+16 -6.927622460179027 -30.043883941419544 0 0 0 0
+18 -16.863137786415965 -7.937765958631332 0 0 0 0
+8 21.083267891784534 -56.49228244873896 0 0 0 0
+21 0.14871936480822556 39.16901995926145 0 0 0 0
+19 -58.406328226555736 -48.691105031381554 0 0 0 0
+23 -20.399586038023898 27.400797303844485 0 0 0 0
+27 10.1069293942426 59.57685052028867 0 0 0 0
+22 33.17858499292005 8.56250732395837 0 0 0 0
+35 -15.067109593755564 11.62703156903083 0 0 0 0
+36 8.988174480828578 5.722203401150111 0 0 0 0
+20 -8.474186978705612 -19.686677972728468 0 0 0 0
+31 -4.837590559996512 -19.627842722507975 0 0 0 0
+25 -27.30178399627491 14.933328145066021 0 0 0 0
+28 15.824387502299837 -4.1611948015949975 0 0 0 0
+30 11.365591908968828 10.331166203453849 0 0 0 0
+26 -18.05184508000974 33.428834743395555 0 0 0 0
+40 -1.6551713118924087 -9.855140739314841 0 0 0 0
+47 6.736781086203244 18.73587036454478 0 0 0 0
+52 -1.5644204810222768 14.60126453631624 0 0 0 0
+48 32.38237453183555 4.144293929972848 0 0 0 0
+42 -15.171358133805477 3.032416284522462 0 0 0 0
+38 17.210935423881523 -33.91058797838504 0 0 0 0
+45 29.035612630328842 -22.445765890322246 0 0 0 0
+43 -4.7567772686347825 4.45466455740763 0 0 0 0
+46 0.610781738542608 9.966062055983757 0 0 0 0
+32 13.333485251171277 -14.194164295479242 0 0 0 0
+29 18.53004977436473 18.581710643176812 0 0 0 0
+50 -39.607967110228856 21.164644814107163 0 0 0 0
+37 -10.054053792959651 -16.235715426879906 0 0 0 0
+33 -2.598581118773846 -15.183216648416185 0 0 0 0
+39 8.417720951857236 9.09768322465271 0 0 0 0
+44 30.63788258007869 -14.020261664171603 0 0 0 0
+59 -4.282771695121243 -9.156347328858798 0 0 0 0
+66 54.08385071069504 -14.20127942901874 0 0 0 0
+54 -48.87663843693069 -49.42577404367907 0 0 0 0
+57 -4.428396714970797 9.46083560949954 0 0 0 0
+55 20.117904861598234 15.313561356357363 0 0 0 0
+61 -3.5479240472822084 0.13533061819917863 0 0 0 0
+71 16.191463212980622 -76.06749479678878 0 0 0 0
+51 37.202640396403325 3.162025560553965 0 0 0 0
+60 10.892572368073969 28.274655539207917 0 0 0 0
+56 4.859213392892318 -8.945444765564723 0 0 0 0
+68 16.835883673373676 3.6558162291374496 0 0 0 0
+64 5.635136194080816 22.831611210869543 0 0 0 0
+49 -7.780298479279598 -4.154603656355351 0 0 0 0
+65 -20.43249798255994 27.32797475991908 0 0 0 0
+72 -11.11672889181744 8.198370137293583 0 0 0 0
+63 14.022285089560022 17.484823450653806 0 0 0 0
+75 62.94687941994946 -19.678008476421233 0 0 0 0
+62 -52.44667383356726 0.34690565071621793 0 0 0 0
+88 15.254789892158405 42.162968666867265 0 0 0 0
+76 3.9320061292796917 -7.272056998901697 0 0 0 0
+79 -9.56023236587378 59.09810892157292 0 0 0 0
+90 0.005602246762188179 10.389182527758624 0 0 0 0
+74 3.7789871366765055 -0.5976694259406383 0 0 0 0
+77 -25.604670290496923 17.30598920607064 0 0 0 0
+70 -13.526588720053047 34.48238140860176 0 0 0 0
+80 32.91986257354383 13.414180185853912 0 0 0 0
+69 45.51653429246057 24.721561675530157 0 0 0 0
+81 -27.98661512957506 -30.474582691360396 0 0 0 0
+87 1.1034697932586806 -4.20907069776868 0 0 0 0
+96 -21.622257044158108 6.293789396938151 0 0 0 0
+78 -20.97432832668766 -42.261085599133104 0 0 0 0
+82 13.661750314985467 19.544870208398436 0 0 0 0
+73 -5.534945825559846 -43.482898505082694 0 0 0 0
+91 -37.48394948808293 -25.375397483615384 0 0 0 0
+102 10.861121435116027 21.716064480175568 0 0 0 0
+89 -38.57393490071272 -8.983329586820922 0 0 0 0
+84 -7.623595002023198 -15.191795937541254 0 0 0 0
+92 -42.23250723902651 41.27823577445379 0 0 0 0
+104 8.964961238186469 14.783905011427244 0 0 0 0
+85 -17.89995213987177 35.106656101449474 0 0 0 0
+86 -5.50482662373007 -0.2523654418312032 0 0 0 0
+113 14.880682143884549 9.883285492984392 0 0 0 0
+108 40.04089389141897 -8.94542544967805 0 0 0 0
+100 -18.17340531497464 -11.536681690876009 0 0 0 0
+95 15.364088649110036 -19.849026865233988 0 0 0 0
+93 -17.193184194274178 -10.404044666978498 0 0 0 0
+110 -5.855091570963525 -14.481646543881604 0 0 0 0
+118 -17.50209604370392 -19.182455595668394 0 0 0 0
+106 -14.713207233789063 2.9060945589527525 0 0 0 0
+99 -8.515994378437993 -31.63742324096695 0 0 0 0
+115 -42.83495537093799 -11.033279332180017 0 0 0 0
+103 -23.128352140572442 -33.938615030341786 0 0 0 0
+101 -23.516592037616252 29.262525301099554 0 0 0 0
+105 -28.226059377839814 -15.708929231189154 0 0 0 0
+114 -31.186265520470524 36.734982701031264 0 0 0 0
+112 -26.123764029299043 28.762879740908613 0 0 0 0
+97 7.490993503307544 0.7865817624703965 0 0 0 0
+94 13.214942427884154 10.933508603402691 0 0 0 0
+127 -6.8566444502166854 -19.572914707256334 0 0 0 0
+131 -21.577207767706064 -7.7060187481771125 0 0 0 0
+132 11.31159011443029 0.8850358719011472 0 0 0 0
+116 -59.082762106294446 20.48808491050906 0 0 0 0
+121 -16.975655238022817 -14.645222212689308 0 0 0 0
+119 0.3142485667027084 20.98736184169305 0 0 0 0
+111 -20.563820543724226 30.05157801323718 0 0 0 0
+109 0.04045241777535641 22.30152674738607 0 0 0 0
+117 0.94314164383222 19.959096467705532 0 0 0 0
+120 35.66759581827422 3.829825374878955 0 0 0 0
+125 13.020523964627497 -37.154906083786045 0 0 0 0
+107 5.24853046892916 -19.27918338260244 0 0 0 0
+122 -2.3924178918577375 -15.423950387252743 0 0 0 0
+124 -36.172653953221435 -23.933867078670417 0 0 0 0
+143 -19.660383757426622 3.501861255973744 0 0 0 0
+136 -33.49822139414201 12.778453270430724 0 0 0 0
+130 -26.706232075368096 0.07851045480124702 0 0 0 0
+126 21.63742812212869 10.747960475442964 0 0 0 0
+138 18.998188961571653 -12.839910527293162 0 0 0 0
+129 -6.438543356279866 -11.687576477251758 0 0 0 0
+128 59.329109413090855 2.96723624252725 0 0 0 0
+134 -8.827807425886007 2.9711220036034627 0 0 0 0
+133 -5.995285179064939 5.912941663510129 0 0 0 0
+137 7.72761023932434 10.753330771151626 0 0 0 0
+146 -5.111975763876691 -14.672307004469596 0 0 0 0
+150 8.2377501734642 -2.471022811375373 0 0 0 0
+158 60.828520293792366 22.40586309623248 0 0 0 0
+151 29.900140965012096 -29.232044437151515 0 0 0 0
+144 27.026693651575044 -12.964492263784262 0 0 0 0
+157 -19.0509208002837 -1.8632413598976403 0 0 0 0
+154 7.992428553344653 22.816276240846303 0 0 0 0
+139 39.683899163283314 -9.562856281226964 0 0 0 0
+140 14.848089822774366 -8.949791850775496 0 0 0 0
+152 69.78221386018879 69.82525181407226 0 0 0 0
+148 -16.22315623002638 -5.846212532154339 0 0 0 0
+156 -1.9644030252869311 -12.195611503921336 0 0 0 0
+153 -17.64870914979915 -22.026199674678427 0 0 0 0
+147 -11.3667498401064 12.617960622979835 0 0 0 0
+141 0.41269389387810085 -15.856695976137535 0 0 0 0
+145 20.48050029339341 -2.8038554622388125 0 0 0 0
+142 -44.84404769111797 -12.46366291980188 0 0 0 0
+162 22.79298919421857 -10.420910536766117 0 0 0 0
+176 -25.272160895115775 -11.757355536998487 0 0 0 0
+174 6.1206995517283485 19.809675319468813 0 0 0 0
+170 30.949648952988575 35.733931697214864 0 0 0 0
+172 -24.999654411059478 23.441682757039427 0 0 0 0
+167 -30.98640327443217 2.3511267207288906 0 0 0 0
+179 -0.16759356784938997 -20.340937015572745 0 0 0 0
+155 -36.55735365399294 8.810917277472955 0 0 0 0
+163 -15.52617358199108 -7.051038048205077 0 0 0 0
+164 7.198075563626596 -11.692933255483902 0 0 0 0
+169 -13.092497050972874 11.255706485282673 0 0 0 0
+175 -18.629733351429998 3.0891111195910255 0 0 0 0
+180 -11.377089533921612 -32.642312935151004 0 0 0 0
+183 16.98608266012383 -18.086224569699457 0 0 0 0
+166 1.0870384651917178 -1.3755712766243393 0 0 0 0
+165 36.430244924498076 27.205965721139687 0 0 0 0
+161 29.994441487583845 -36.261014650164725 0 0 0 0
+177 -9.342518160173503 12.065782261910623 0 0 0 0
+159 30.01805822833796 38.17547622289864 0 0 0 0
+181 -13.175674187191037 -4.417268463982685 0 0 0 0
+188 -18.955413387655582 2.046751799763312 0 0 0 0
+191 -12.925083372373233 -1.9127018122666066 0 0 0 0
+184 -7.625860349182651 -2.552196706675006 0 0 0 0
+182 27.879923579731418 -29.432285040488278 0 0 0 0
+192 -11.998515043258365 22.28905151217061 0 0 0 0
+193 23.407735249492013 -28.819411689962234 0 0 0 0
+178 4.26340103261473 10.047075634704198 0 0 0 0
+171 -0.4540576227788966 36.90736655045829 0 0 0 0
+160 -25.826089166457564 -21.10450595670696 0 0 0 0
+185 -0.33022218434218875 7.613434120881727 0 0 0 0
+194 18.584666296415072 12.836970776099157 0 0 0 0
+203 28.58148116109406 6.631582900343679 0 0 0 0
+187 0.6826182491980247 42.16982260051468 0 0 0 0
+198 22.063443249809136 18.241987793169333 0 0 0 0
+196 4.817640100513876 -33.9241866062329 0 0 0 0
+202 0.06312784100370138 21.51229831909818 0 0 0 0
+204 18.409548155738715 -22.503929177651656 0 0 0 0
+190 15.982761855938607 -4.522447965715638 0 0 0 0
+186 0.8765014879529501 9.353224253975519 0 0 0 0
+189 -2.99383298937737 -25.68696839820174 0 0 0 0
+213 21.393232040907744 -4.598375236591818 0 0 0 0
+212 -22.99407949889213 17.298549679867094 0 0 0 0
+201 -1.8382386861143298 5.540420283423596 0 0 0 0
+226 -49.65678376147854 -30.41608512100365 0 0 0 0
+211 4.1326605531871845 1.9653777572922257 0 0 0 0
+207 2.6573676916586972 -23.82992275082158 0 0 0 0
+206 12.993666677942578 72.36604058112188 0 0 0 0
+209 -7.723825768270404 28.72538740745799 0 0 0 0
+217 -17.5461736089461 13.473291595363023 0 0 0 0
+195 -62.25531875957269 6.2382613392992114 0 0 0 0
+199 -13.961146122436524 -14.069872529186572 0 0 0 0
+227 -2.4265258037316766 -9.69780722752886 0 0 0 0
+225 25.05101253424116 2.684420024554805 0 0 0 0
+232 18.632405888370506 -17.036106900587907 0 0 0 0
+222 57.782599157262005 -20.423719661812278 0 0 0 0
+221 4.8142586700946595 -18.66120961563487 0 0 0 0
+220 -20.84779715619434 22.39267534254681 0 0 0 0
+218 -42.641969107743094 -11.64320166131944 0 0 0 0
+210 6.840416073838118 -20.49266575066874 0 0 0 0
+216 -6.668755204548992 -42.47374099990411 0 0 0 0
+205 27.647729015938626 -2.9448310597935152 0 0 0 0
+238 -16.669980657408857 -42.93909339676423 0 0 0 0
+239 -33.3524103987407 14.86975142271083 0 0 0 0
+231 -4.712126115656503 -7.949712915302133 0 0 0 0
+5 11.615377579292852 0.9090315127035734 0 0 0 0
+228 -14.596072571459707 4.5320887969352555 0 0 0 0
+233 6.582238259057673 -10.306639470447784 0 0 0 0
+230 10.335827865122631 8.192454554093972 0 0 0 0
+234 -1.9462296217243074 19.64321849945518 0 0 0 0
+219 14.821462991511613 -18.473445435227763 0 0 0 0
+236 -10.829769751183083 16.534535841456666 0 0 0 0
+224 -15.050289182992582 -20.150819141138992 0 0 0 0
+237 29.992009625039234 0.13980740288324014 0 0 0 0
+214 -39.06391799664032 -20.461098732815593 0 0 0 0
diff --git a/DATASET/P=80000Pa/confined.restart b/DATASET/P=80000Pa/confined.restart
new file mode 100644
index 0000000..4ecc661
Binary files /dev/null and b/DATASET/P=80000Pa/confined.restart differ
diff --git a/DATASET/P=80000Pa/log.lammps b/DATASET/P=80000Pa/log.lammps
new file mode 100644
index 0000000..c4f6928
--- /dev/null
+++ b/DATASET/P=80000Pa/log.lammps
@@ -0,0 +1,148 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.027756202 0.027756202 -0.00050000000) to (0.072243798 0.072243798 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.001 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 224782
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 225
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.027756202 0.027756202 -0.00050000000) to (0.072243798 0.072243798 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.44875962223795e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 225 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 224782
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 20 20 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.044487596 0 3424.0255 0 224782
+ 2005000 240 0.044487596 9.8957311e-05 -481.69738 0.0022243798 224782
+ 2010000 240 0.044487596 0.00019791462 -4399.8604 0.0044487596 224782
+ 2015000 240 0.044487596 0.00029687193 -8331.9386 0.0066731394 224782
+ 2020000 240 0.044487596 0.00039582924 -12271.719 0.0088975192 224782
+ 2025000 240 0.044487596 0.00049478655 -16210.756 0.011121899 224782
+ 2030000 240 0.044487596 0.00059374387 -20149.376 0.013346279 224782
+ 2035000 240 0.044487596 0.00069270118 -24092.748 0.015570659 224782
+ 2040000 240 0.044487596 0.00079165849 -28030.038 0.017795038 224782
+ 2045000 240 0.044487596 0.0008906158 -31979.481 0.020019418 224782
+ 2050000 240 0.044487596 0.00098957311 -35923.076 0.022243798 224782
+ 2055000 240 0.044487596 0.0010885304 -39843.81 0.024468178 224782
+ 2060000 240 0.044487596 0.0011874877 -43764.646 0.026692558 224782
+ 2065000 240 0.044487596 0.001286445 -47675.665 0.028916938 224782
+ 2070000 240 0.044487596 0.0013854024 -51564.702 0.031141317 224782
+ 2075000 240 0.044487596 0.0014843597 -55444.376 0.033365697 224782
+ 2080000 240 0.044487596 0.001583317 -59328.189 0.035590077 224782
+ 2085000 240 0.044487596 0.0016822743 -63210.821 0.037814457 224782
+ 2090000 240 0.044487596 0.0017812316 -67101.967 0.040038837 224782
+ 2095000 240 0.044487596 0.0018801889 -71012.755 0.042263216 224782
+ 2100000 240 0.044487596 0.0019791462 -74951.019 0.044487596 224782
+ 2105000 240 0.044487596 0.0020781035 -78930.037 0.046711976 224782
+ 2110000 240 0.044487596 0.0021770608 -82948.369 0.048936356 224782
+ 2115000 240 0.044487596 0.0022760182 -86998.681 0.051160736 224782
+ 2120000 240 0.044487596 0.0023749755 -91096.612 0.053385115 224782
+ 2125000 240 0.044487596 0.0024739328 -95245.012 0.055609495 224782
+ 2130000 240 0.044487596 0.0025728901 -99443.183 0.057833875 224782
+ 2135000 240 0.044487596 0.0026718474 -103688.63 0.060058255 224782
+ 2140000 240 0.044487596 0.0027708047 -107978.81 0.062282635 224782
+ 2145000 240 0.044487596 0.002869762 -112307.39 0.064507015 224782
+ 2150000 240 0.044487596 0.0029687193 -116677.44 0.066731394 224782
+ 2155000 240 0.044487596 0.0030676766 -121089.54 0.068955774 224782
+ 2160000 240 0.044487596 0.0031666339 -125541.58 0.071180154 224782
+ 2165000 240 0.044487596 0.0032655913 -130030.22 0.073404534 224782
+ 2170000 240 0.044487596 0.0033645486 -134561.5 0.075628914 224782
+ 2175000 240 0.044487596 0.0034635059 -139136.99 0.077853293 224782
+ 2180000 240 0.044487596 0.0035624632 -143747.18 0.080077673 224782
+ 2185000 240 0.044487596 0.0036614205 -148396.98 0.082302053 224782
+ 2190000 240 0.044487596 0.0037603778 -153089.45 0.084526433 224782
+ 2195000 240 0.044487596 0.0038593351 -157822.96 0.086750813 224782
+ 2200000 240 0.044487596 0.0039582924 -162597.32 0.088975192 224782
+ 2205000 240 0.044487596 0.0040572497 -167418.46 0.091199572 224782
+ 2210000 240 0.044487596 0.0041562071 -172284.59 0.093423952 224782
+ 2215000 240 0.044487596 0.0042551644 -177190.28 0.095648332 224782
+ 2220000 240 0.044487596 0.0043541217 -182132.35 0.097872712 224782
+ 2224782 240 0.044487596 0.0044487645 -186891.07 0.10000011 224782
+Loop time of 4.89495 on 1 procs for 224782 steps with 240 atoms
+
+99.6% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 3.6142 | 3.6142 | 3.6142 | 0.0 | 73.84
+Neigh | 0.00071168 | 0.00071168 | 0.00071168 | 0.0 | 0.01
+Comm | 0.50048 | 0.50048 | 0.50048 | 0.0 | 10.22
+Output | 0.005923 | 0.005923 | 0.005923 | 0.0 | 0.12
+Modify | 0.56646 | 0.56646 | 0.56646 | 0.0 | 11.57
+Other | | 0.2072 | | | 4.23
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 106.000 ave 106 max 106 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 700.000 ave 700 max 700 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 700
+Ave neighs/atom = 2.9166667
+Neighbor list builds = 17
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:04
diff --git a/DATASET/P=90000Pa/1_generate_conf_90000Pa.in b/DATASET/P=90000Pa/1_generate_conf_90000Pa.in
new file mode 100644
index 0000000..611a8af
--- /dev/null
+++ b/DATASET/P=90000Pa/1_generate_conf_90000Pa.in
@@ -0,0 +1,265 @@
+atom_style sphere
+atom_modify map array
+dimension 2
+boundary p p p
+newton off
+comm_modify vel yes
+units si
+
+region reg block 0.0 0.1 0 0.1 -0.0005 0.0005 units box
+variable confinement_pressure equal 90000
+
+# How many grain/atom types
+create_box 6 reg
+
+# Size of bins for more efficiently searching for grain contacts.
+neighbor 0.001 bin
+
+# Reconstruct the neighbor list without any delay, every time-step
+neigh_modify delay 0
+
+# Glass marbles, tangential force
+pair_style gran/hertz/history 36630036630.0 0.0 0.2 NULL 0.0 0
+
+pair_coeff * *
+
+timestep 1e-8
+
+fix gravi all gravity 0.0 vector 0.0 -1.0 0.0
+
+# Particle insertion in regions
+
+region region_gouge_1 block 0.00 0.1 0.0000 0.0025 -0.0005 0.0005 units box
+region region_gouge_2 block 0.00 0.1 0.0025 0.0050 -0.0005 0.0005 units box
+region region_gouge_3 block 0.00 0.1 0.0050 0.0075 -0.0005 0.0005 units box
+region region_gouge_4 block 0.00 0.1 0.0075 0.0100 -0.0005 0.0005 units box
+region region_gouge_5 block 0.00 0.1 0.0100 0.0125 -0.0005 0.0005 units box
+region region_gouge_6 block 0.00 0.1 0.0125 0.0150 -0.0005 0.0005 units box
+region region_gouge_7 block 0.00 0.1 0.0150 0.0175 -0.0005 0.0005 units box
+region region_gouge_8 block 0.00 0.1 0.0175 0.0200 -0.0005 0.0005 units box
+region region_gouge_9 block 0.00 0.1 0.0200 0.0225 -0.0005 0.0005 units box
+region region_gouge_10 block 0.00 0.1 0.0225 0.0250 -0.0005 0.0005 units box
+region region_gouge_11 block 0.00 0.1 0.0250 0.0275 -0.0005 0.0005 units box
+region region_gouge_12 block 0.00 0.1 0.0275 0.0300 -0.0005 0.0005 units box
+region region_gouge_13 block 0.00 0.1 0.0300 0.0325 -0.0005 0.0005 units box
+region region_gouge_14 block 0.00 0.1 0.0325 0.0350 -0.0005 0.0005 units box
+region region_gouge_15 block 0.00 0.1 0.0350 0.0375 -0.0005 0.0005 units box
+region region_gouge_16 block 0.00 0.1 0.0375 0.0400 -0.0005 0.0005 units box
+region region_gouge_17 block 0.00 0.1 0.0400 0.0425 -0.0005 0.0005 units box
+region region_gouge_18 block 0.00 0.1 0.0425 0.0450 -0.0005 0.0005 units box
+region region_gouge_19 block 0.00 0.1 0.0450 0.0475 -0.0005 0.0005 units box
+region region_gouge_20 block 0.00 0.1 0.0475 0.0500 -0.0005 0.0005 units box
+region region_gouge_21 block 0.00 0.1 0.0500 0.0525 -0.0005 0.0005 units box
+region region_gouge_22 block 0.00 0.1 0.0525 0.0550 -0.0005 0.0005 units box
+region region_gouge_23 block 0.00 0.1 0.0550 0.0575 -0.0005 0.0005 units box
+region region_gouge_24 block 0.00 0.1 0.0575 0.0600 -0.0005 0.0005 units box
+region region_gouge_25 block 0.00 0.1 0.0600 0.0625 -0.0005 0.0005 units box
+region region_gouge_26 block 0.00 0.1 0.0625 0.0650 -0.0005 0.0005 units box
+region region_gouge_27 block 0.00 0.1 0.0650 0.0675 -0.0005 0.0005 units box
+region region_gouge_28 block 0.00 0.1 0.0675 0.0700 -0.0005 0.0005 units box
+region region_gouge_29 block 0.00 0.1 0.0700 0.0725 -0.0005 0.0005 units box
+region region_gouge_30 block 0.00 0.1 0.0725 0.0750 -0.0005 0.0005 units box
+region region_gouge_31 block 0.00 0.1 0.0750 0.0775 -0.0005 0.0005 units box
+region region_gouge_32 block 0.00 0.1 0.0775 0.0800 -0.0005 0.0005 units box
+region region_gouge_33 block 0.00 0.1 0.0800 0.0825 -0.0005 0.0005 units box
+region region_gouge_34 block 0.00 0.1 0.0825 0.0850 -0.0005 0.0005 units box
+region region_gouge_35 block 0.00 0.1 0.0850 0.0875 -0.0005 0.0005 units box
+region region_gouge_36 block 0.00 0.1 0.0875 0.0900 -0.0005 0.0005 units box
+region region_gouge_37 block 0.00 0.1 0.0900 0.0925 -0.0005 0.0005 units box
+region region_gouge_38 block 0.00 0.1 0.0925 0.0950 -0.0005 0.0005 units box
+region region_gouge_39 block 0.00 0.1 0.0950 0.0975 -0.0005 0.0005 units box
+region region_gouge_40 block 0.00 0.1 0.0975 0.1000 -0.0005 0.0005 units box
+
+group nve_group region region_gouge_1
+group nve_group region region_gouge_2
+group nve_group region region_gouge_3
+group nve_group region region_gouge_4
+group nve_group region region_gouge_5
+group nve_group region region_gouge_6
+group nve_group region region_gouge_7
+group nve_group region region_gouge_8
+group nve_group region region_gouge_9
+group nve_group region region_gouge_10
+group nve_group region region_gouge_11
+group nve_group region region_gouge_12
+group nve_group region region_gouge_13
+group nve_group region region_gouge_14
+group nve_group region region_gouge_15
+group nve_group region region_gouge_16
+group nve_group region region_gouge_17
+group nve_group region region_gouge_18
+group nve_group region region_gouge_19
+group nve_group region region_gouge_20
+group nve_group region region_gouge_21
+group nve_group region region_gouge_22
+group nve_group region region_gouge_23
+group nve_group region region_gouge_24
+group nve_group region region_gouge_25
+group nve_group region region_gouge_26
+group nve_group region region_gouge_27
+group nve_group region region_gouge_28
+group nve_group region region_gouge_29
+group nve_group region region_gouge_30
+group nve_group region region_gouge_31
+group nve_group region region_gouge_32
+group nve_group region region_gouge_33
+group nve_group region region_gouge_34
+group nve_group region region_gouge_35
+group nve_group region region_gouge_36
+group nve_group region region_gouge_37
+group nve_group region region_gouge_38
+group nve_group region region_gouge_39
+group nve_group region region_gouge_40
+
+fix ins_1 nve_group pour 50000 1 144 region region_gouge_1 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_2 nve_group pour 50000 1 609 region region_gouge_2 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_3 nve_group pour 50000 1 201 region region_gouge_3 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_4 nve_group pour 50000 1 124 region region_gouge_4 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_5 nve_group pour 50000 1 187 region region_gouge_5 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_6 nve_group pour 50000 1 326 region region_gouge_6 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_7 nve_group pour 50000 1 464 region region_gouge_7 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_8 nve_group pour 50000 1 349 region region_gouge_8 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_9 nve_group pour 50000 1 771 region region_gouge_9 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_10 nve_group pour 50000 1 660 region region_gouge_10 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_11 nve_group pour 50000 1 764 region region_gouge_11 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_12 nve_group pour 50000 1 955 region region_gouge_12 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_13 nve_group pour 50000 1 932 region region_gouge_13 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_14 nve_group pour 50000 1 403 region region_gouge_14 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_15 nve_group pour 50000 1 346 region region_gouge_15 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_16 nve_group pour 50000 1 963 region region_gouge_16 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_17 nve_group pour 50000 1 511 region region_gouge_17 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_18 nve_group pour 50000 1 147 region region_gouge_18 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_19 nve_group pour 50000 1 148 region region_gouge_19 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_20 nve_group pour 50000 1 864 region region_gouge_20 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_21 nve_group pour 50000 1 711 region region_gouge_21 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_22 nve_group pour 50000 1 820 region region_gouge_22 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_23 nve_group pour 50000 1 489 region region_gouge_23 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_24 nve_group pour 50000 1 929 region region_gouge_24 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_25 nve_group pour 50000 1 936 region region_gouge_25 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_26 nve_group pour 50000 1 640 region region_gouge_26 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_27 nve_group pour 50000 1 551 region region_gouge_27 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_28 nve_group pour 50000 1 338 region region_gouge_28 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_29 nve_group pour 50000 1 872 region region_gouge_29 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_30 nve_group pour 50000 1 641 region region_gouge_30 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_31 nve_group pour 50000 1 779 region region_gouge_31 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_32 nve_group pour 50000 1 988 region region_gouge_32 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_33 nve_group pour 50000 1 953 region region_gouge_33 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_34 nve_group pour 50000 1 473 region region_gouge_34 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_35 nve_group pour 50000 1 946 region region_gouge_35 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_36 nve_group pour 50000 1 151 region region_gouge_36 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_37 nve_group pour 50000 1 415 region region_gouge_37 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_38 nve_group pour 50000 1 990 region region_gouge_38 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_39 nve_group pour 50000 1 298 region region_gouge_39 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+fix ins_40 nve_group pour 50000 1 611 region region_gouge_40 vol 0.2 200 diam poly 2 0.0025 0.5 0.0035 0.5
+
+run 1
+
+set group nve_group density/disc 2.5
+fix integr nve_group nve/sphere disc
+fix makeit2d all enforce2d
+
+thermo 1
+thermo_modify lost ignore norm no
+
+# Unfix particle insertion
+
+unfix ins_1
+unfix ins_2
+unfix ins_3
+unfix ins_4
+unfix ins_5
+unfix ins_6
+unfix ins_7
+unfix ins_8
+unfix ins_9
+unfix ins_10
+unfix ins_11
+unfix ins_12
+unfix ins_13
+unfix ins_14
+unfix ins_15
+unfix ins_16
+unfix ins_17
+unfix ins_18
+unfix ins_19
+unfix ins_20
+unfix ins_21
+unfix ins_22
+unfix ins_23
+unfix ins_24
+unfix ins_25
+unfix ins_26
+unfix ins_27
+unfix ins_28
+unfix ins_29
+unfix ins_30
+unfix ins_31
+unfix ins_32
+unfix ins_33
+unfix ins_34
+unfix ins_35
+unfix ins_36
+unfix ins_37
+unfix ins_38
+unfix ins_39
+unfix ins_40
+
+run 100 upto
+
+# Set gouge layer grain density
+set group all density/disc 2.5
+
+# Apply NVE integration to all particles
+fix integr all nve/sphere disc
+
+# Output settings
+compute 1 all erotate/sphere
+compute 2 all contact/atom
+compute 3 all ke
+
+variable Sxx equal pxx
+variable Syy equal pyy
+variable TotalPressure equal (v_Sxx+v_Syy)/2.0
+
+thermo_style custom step atoms ke pxx pyy v_TotalPressure ly
+thermo 50000
+thermo_modify lost ignore norm no
+
+set group all density/disc 2.5
+
+# Stop the confining pressure once the pressure is superior to the desired pressure
+fix condition all halt 1 v_Syy > ${confinement_pressure} error continue
+fix def all deform 1 x erate -50 y erate -50 z erate 0
+
+run 1500000
+unfix def
+unfix condition
+
+run 10000
+
+# Check if the pressure does not decrease
+label loopa
+variable a loop 1000
+ label loopb
+ variable P equal pyy
+ variable b loop 1000
+ if "${P} > ${confinement_pressure}" then "jump SELF break"
+ fix def all deform 1 x erate -10 y erate -10 z erate 0
+ run 1000
+ unfix def
+ run 10000
+ next b
+ jump SELF loopb
+ label break
+ variable b delete
+if "${P} > ${confinement_pressure}" then "jump SELF break2"
+next a
+jump SELF loopa
+label break2
+print "Over"
+
+restart 1000000 confined.restart confined2.restart
+
+run 1000000
+
+write_data box_confined.data
\ No newline at end of file
diff --git a/DATASET/P=90000Pa/2_shear.in b/DATASET/P=90000Pa/2_shear.in
new file mode 100644
index 0000000..1547629
--- /dev/null
+++ b/DATASET/P=90000Pa/2_shear.in
@@ -0,0 +1,36 @@
+read_restart confined.restart
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+
+fix 2 all deform 1 xy erate ${rate}
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+
+write_data box_sheared.data
+
diff --git a/DATASET/P=90000Pa/StrainStress.txt b/DATASET/P=90000Pa/StrainStress.txt
new file mode 100644
index 0000000..0a56ceb
--- /dev/null
+++ b/DATASET/P=90000Pa/StrainStress.txt
@@ -0,0 +1,1003 @@
+# Fix print output for fix output_file
+3.89411564999845e-05 2122.1195192834784393
+0.000138755844999997 1944.3955508980116065
+0.000238570533500009 1766.7027887707715763
+0.000338385222000021 1589.0514723082617365
+0.000438199910500033 1411.4667559519423321
+0.000538014599000045 1233.9248092975687996
+0.000637829287500057 1056.4114334454441178
+0.000737643976000069 878.93199746492314262
+0.000837458664499926 701.49322743715583783
+0.000937273352999938 524.10727148230046168
+0.00103708804149995 346.78372527956884142
+0.00113690272999996 169.47548722646868669
+0.00123671741849997 -7.827995952816717562
+0.00133653210699999 -185.09522793907288474
+0.0014363467955 -362.31254704666423549
+0.00153616148400001 -539.50824124424718775
+0.00163597617250002 -716.67650819698530995
+0.00173579086100003 -893.81158708749705966
+0.00183560554950005 -1070.9077084355844818
+0.00193542023800006 -1247.9626712753733955
+0.00203523492650007 -1424.9653918787589646
+0.00213504961499993 -1601.8997087236887182
+0.00223486430349994 -1778.7267865645790152
+0.00233467899199995 -1955.5011827148798602
+0.00243449368049996 -2132.2362563734372998
+0.00253430836899998 -2308.9236327371027073
+0.00263412305749999 -2485.5462827769310934
+0.002733937746 -2662.0805159556230137
+0.00283375243450001 -2838.5898054061749463
+0.00293356712300002 -3015.074294316065334
+0.00303338181150004 -3191.5315629932401862
+0.00313319650000005 -3367.9591484876223149
+0.00323301118850006 -3544.3545249249464177
+0.00333282587700007 -3720.7150780581077925
+0.00343264056549993 -3897.038069925471973
+0.00353245525399994 -4073.3205852795294959
+0.00363226994249995 -4249.5594419014441883
+0.00373208463099997 -4425.7510177553913309
+0.00383189931949998 -4601.8908336799859171
+0.00393171400799999 -4778.0235702498175669
+0.0040315286965 -4954.1506034385229214
+0.00413134338500001 -5130.2619131586188814
+0.00423115807350003 -5306.3451334937599313
+0.00433097276200004 -5482.385532498129578
+0.00443078745050005 -5658.3986333791945071
+0.00453060213900006 -5834.3814341921415689
+0.00463041682750007 -6010.3297046358993612
+0.00473023151599993 -6186.2394182054831617
+0.00483004620449994 -6362.1066342342101052
+0.00492986089299996 -6537.9274082072488454
+0.00502967558149997 -6713.7210320025060355
+0.00512949026999998 -6889.492249911950239
+0.00522930495849999 -7065.2230242856749101
+0.005329119647 -7240.9045792853439707
+0.00542893433550002 -7416.5292811873714527
+0.00552874902400003 -7592.0892188436118886
+0.00562856371250004 -7767.5749624025556841
+0.00572837840100005 -7942.9721569450357492
+0.00582819308950006 -8118.2508288123499369
+0.00592800777800008 -8293.4505487389196787
+0.00602782246649993 -8468.5727988981689123
+0.00612763715499995 -8643.6037922349241853
+0.00622745184349996 -8818.5073315803820151
+0.00632726653199997 -8993.3111543795239413
+0.00642708122049998 -9168.0341078023611772
+0.00652689590899999 -9342.7044217607071914
+0.00662671059750001 -9517.3283781075533625
+0.00672652528600002 -9691.8937789533647447
+0.00682633997450003 -9866.3796449350065814
+0.00692615466300004 -10040.804289265075568
+0.00702596935150005 -10215.159922174692838
+0.00712578404000007 -10389.419731099756973
+0.00722559872850008 -10563.620630156956395
+0.00732541341699994 -10737.788115120642033
+0.00742522810549995 -10911.919128912140877
+0.00752504279399996 -11086.009996437225709
+0.00762485748249997 -11260.053651657686714
+0.00772467217099998 -11434.051187395720262
+0.0078244868595 -11608.007400302099995
+0.00792430154800001 -11781.919316828914816
+0.00802411623650002 -11955.782934980496066
+0.00812393092500003 -12129.591186187406493
+0.00822374561350004 -12303.351926815672414
+0.00832356030200006 -12477.064903124713965
+0.00842337499050007 -12650.727886365864833
+0.00852318967899992 -12824.338601537589057
+0.00862300436749994 -12997.894719820817045
+0.00872281905599995 -13171.393850176536944
+0.00882263374449996 -13344.833529706516856
+0.00892244843299997 -13518.218924485658135
+0.00902226312149999 -13691.56034779968104
+0.00912207781 -13864.84587346126682
+0.00922189249850001 -14038.069907785660689
+0.00932170718700002 -14211.228024433215978
+0.00942152187550003 -14384.316105374746257
+0.00952133656400005 -14557.330051610719238
+0.00962115125250006 -14730.265614520185409
+0.00972096594100007 -14903.118241473703165
+0.00982078062949993 -15075.88286124051956
+0.00992059531799994 -15248.553367520362372
+0.0100204100065 -15421.121910639958514
+0.010120224695 -15593.584235724350947
+0.0102200393835 -15765.92732328402235
+0.010319854072 -15938.128038800785362
+0.0104196687605 -16110.225610314153528
+0.010519483449 -16282.215782921693972
+0.0106192981375 -16454.086877166559134
+0.010719112826 -16625.82116277030218
+0.0108189275145 -16797.388182613522076
+0.0109187422030001 -16968.835087239378481
+0.0110185568915001 -17140.141858259470609
+0.0111183715799999 -17311.393403685517114
+0.0112181862684999 -17482.601010086076712
+0.011318000957 -17653.753224706681067
+0.0114178156455 -17824.841896679441561
+0.011517630334 -17995.860032077474898
+0.0116174450225 -18166.800685966998572
+0.011717259711 -18337.656230321521434
+0.0118170743995 -18508.41722781273711
+0.011916889088 -18679.068211634486943
+0.0120167037765 -18849.586229964512313
+0.012116518465 -19020.008654299304908
+0.0122163331535001 -19190.327388191533828
+0.0123161478420001 -19360.521156572474865
+0.0124159625304999 -19530.577487143647886
+0.0125157772189999 -19700.509508658768027
+0.0126155919075 -19870.323700061879208
+0.012715406596 -20039.980282340042322
+0.0128152212845 -20209.495584486765438
+0.012915035973 -20378.915679762914806
+0.0130148506615 -20548.262327173652011
+0.01311466535 -20717.526746884825116
+0.0132144800385 -20886.727496064995648
+0.013314294727 -21055.896789381007693
+0.0134141094155001 -21225.055987318541156
+0.0135139241040001 -21394.183318944764324
+0.0136137387925001 -21563.269557821662602
+0.0137135534809999 -21732.305292862129136
+0.0138133681694999 -21901.284387365172734
+0.013913182858 -22070.208417766723869
+0.0140129975465 -22239.081990441132803
+0.014112812235 -22407.900268172827055
+0.0142126269235 -22576.655291362567368
+0.014312441612 -22745.348526788955496
+0.0144122563005 -22913.976440955793805
+0.014512070989 -23082.536539504886605
+0.0146118856775 -23251.034379577467917
+0.0147117003660001 -23419.484152861139592
+0.0148115150545001 -23587.876206245891808
+0.0149113297430001 -23756.201698590484739
+0.0150111444314999 -23924.462535629332706
+0.0151109591199999 -24092.66656366328607
+0.0152107738085 -24260.793194206577027
+0.015310588497 -24428.822143319663155
+0.0154104031855 -24596.757212552231067
+0.015510217874 -24764.584608678171207
+0.0156100325625 -24932.265008963768196
+0.015709847251 -25099.804998509313009
+0.0158096619395 -25267.276721206479124
+0.015909476628 -25434.67055752109809
+0.0160092913165001 -25602.002300493517396
+0.0161091060050001 -25769.272301700522803
+0.0162089206934999 -25936.480230273580673
+0.0163087353819999 -26103.626291220225539
+0.0164085500704999 -26270.711188532710366
+0.016508364759 -26437.72228720297062
+0.0166081794475 -26604.642086322848627
+0.016707994136 -26771.498963961297704
+0.0168078088245 -26938.297629684289859
+0.016907623513 -27105.023295297120058
+0.0170074382015 -27271.690364247260732
+0.01710725289 -27438.304920896956901
+0.0172070675785 -27604.861119561421219
+0.0173068822670001 -27771.352653911704692
+0.0174066969555001 -27937.771945940799924
+0.0175065116439999 -28104.108457309950609
+0.0176063263324999 -28270.340451371816016
+0.0177061410209999 -28436.438080899137276
+0.0178059557095 -28602.460069519183889
+0.017905770398 -28768.431232037015434
+0.0180055850865 -28934.350356166731217
+0.018105399775 -29100.257916699010821
+0.0182052144635 -29266.134085623241845
+0.018305029152 -29431.964356653264986
+0.0184048438405 -29597.738692048620578
+0.018504658529 -29763.467409095981566
+0.0186044732175001 -29929.138314190007804
+0.0187042879060001 -30094.752605250982015
+0.0188041025944999 -30260.291564954670321
+0.0189039172829999 -30425.735439561223757
+0.0190037319715 -30591.125134485646413
+0.01910354666 -30756.463888287864393
+0.0192033613485 -30921.713692267963779
+0.019303176037 -31086.908611342012591
+0.0194029907255 -31252.061396304128721
+0.019502805414 -31417.177901710172591
+0.0196026201025 -31582.308407437139977
+0.019702434791 -31747.486833125098201
+0.0198022494795 -31912.681501969356759
+0.0199020641680001 -32077.915369491882302
+0.0200018788565001 -32243.162413297446619
+0.0201016935449999 -32408.442415510548017
+0.0202015082334999 -32573.796233370521804
+0.020301322922 -32739.188146869109914
+0.0204011376105 -32904.603480330537423
+0.020500952299 -33070.031989546543628
+0.0206007669875 -33235.465216386925022
+0.020700581676 -33400.895519141471596
+0.0208003963645 -33566.315526048994798
+0.020900211053 -33731.717670581208949
+0.0210000257415 -33897.093536393651448
+0.0210998404300001 -34062.432079438098299
+0.0211996551185001 -34227.71169627852214
+0.0212994698070001 -34392.949903826833179
+0.0213992844954999 -34558.146867707386264
+0.0214990991839999 -34723.290680538550077
+0.0215989138725 -34888.361420970140898
+0.021698728561 -35053.313029543038283
+0.0217985432495 -35218.287086386917508
+0.021898357938 -35383.285917218439863
+0.0219981726265 -35548.288462174845336
+0.022097987315 -35713.278726638491207
+0.0221978020035 -35878.233696688737837
+0.022297616692 -36043.124995318234141
+0.0223974313805001 -36208.004334424389526
+0.0224972460690001 -36372.86923445204593
+0.0225970607575001 -36537.735972408154339
+0.0226968754459999 -36702.600472633770551
+0.0227966901344999 -36867.459828988779918
+0.022896504823 -37032.306925492084702
+0.0229963195115 -37197.134855807111308
+0.0230961342 -37361.935669864127703
+0.0231959488885 -37526.69912922479125
+0.023295763577 -37691.409136033362302
+0.0233955782655 -37856.033814902795712
+0.023495392954 -38020.567088118186803
+0.0235952076425 -38185.053906024841126
+0.0236950223310001 -38349.551487950775481
+0.0237948370195001 -38514.064926002349239
+0.0238946517079999 -38678.604323612249573
+0.0239944663964999 -38843.158248960637138
+0.0240942810849999 -39007.742942708347982
+0.0241940957735 -39172.353819096613734
+0.024293910462 -39336.99699935328681
+0.0243937251505 -39501.720890904223779
+0.024493539839 -39666.496108295716112
+0.0245933545275 -39831.309324246241886
+0.024693169216 -39996.182026335591218
+0.0247929839045 -40161.119829311472131
+0.024892798593 -40326.099552266678074
+0.0249926132815001 -40491.110765368415741
+0.0250924279700001 -40656.145277199488191
+0.0251922426585001 -40821.195525298615394
+0.0252920573469999 -40986.253746534261154
+0.0253918720354999 -41151.311030074255541
+0.025491686724 -41316.354972958666622
+0.0255915014125 -41481.357390692763147
+0.025691316101 -41646.340075906016864
+0.0257911307895 -41811.296558703863411
+0.025890945478 -41976.237122054393694
+0.0259907601665 -42141.182515584405337
+0.026090574855 -42306.136217666382436
+0.0261903895435 -42471.140689700456278
+0.0262902042320001 -42636.203491689586372
+0.0263900189205001 -42801.314089704683283
+0.0264898336089999 -42966.463816339324694
+0.0265896482974999 -43131.646008799201809
+0.026689462986 -43296.854891629940539
+0.0267892776745 -43462.085092074768909
+0.026889092363 -43627.359176600781211
+0.0269889070515 -43792.673217588984699
+0.02708872174 -43958.010093750803208
+0.0271885364285 -44123.359801167011028
+0.027288351117 -44288.712129744897538
+0.0273881658055 -44454.050859567469161
+0.027487980494 -44619.380197735052207
+0.0275877951825001 -44784.694636399908632
+0.0276876098710001 -44949.970007299634744
+0.0277874245594999 -45115.198381919304666
+0.0278872392479999 -45280.418230021365162
+0.0279870539365 -45445.623298421167419
+0.028086868625 -45610.805153394700028
+0.0281866833135 -45776.007515699013311
+0.028286498002 -45941.220345756373717
+0.0283863126905 -46106.432666320353746
+0.028486127379 -46271.640862081185332
+0.0285859420675 -46436.801200279369368
+0.028685756756 -46601.911962537102227
+0.0287855714445001 -46767.02103561640979
+0.0288853861330001 -46932.159198788292997
+0.0289852008215001 -47097.362394141644472
+0.0290850155099999 -47262.617604000595747
+0.0291848301984999 -47427.89715164800873
+0.029284644887 -47593.19765703779558
+0.0293844595755 -47758.529316048567125
+0.029484274264 -47923.885647992865415
+0.0295840889525 -48089.251521808633697
+0.029683903641 -48254.609264637001615
+0.0297837183295 -48420.013635490540764
+0.029883533018 -48585.466174332184892
+0.0299833477065 -48750.963443121348973
+0.0300831623950001 -48916.502073501498671
+0.0301829770835001 -49082.078683797291887
+0.0302827917720001 -49247.689810894305992
+0.0303826064604999 -49413.331841901293956
+0.0304824211489999 -49579.000934132636758
+0.0305822358375 -49744.692908986864495
+0.030682050526 -49910.403095364250476
+0.0307818652145 -50076.155089950356341
+0.030881679903 -50242.032983826204145
+0.0309814945915 -50407.982202084305754
+0.03108130928 -50573.975860167971405
+0.0311811239685 -50740.002380680947681
+0.031280938657 -50906.079899870492227
+0.0313807533455001 -51072.173280770046404
+0.0314805680340001 -51238.292909917101497
+0.0315803827224999 -51404.452950070510269
+0.0316801974109999 -51570.660152643278707
+0.0317800120994999 -51736.932403931961744
+0.031879826788 -51903.287726524315076
+0.0319796414765 -52069.67294285591197
+0.032079456165 -52236.125273536876193
+0.0321792708535 -52402.66887447341287
+0.032279085542 -52569.302515088202199
+0.0323789002305 -52736.009325259838079
+0.032478714919 -52902.796148338537023
+0.0325785296075 -53069.66349313272076
+0.0326783442960001 -53236.607659323555708
+0.0327781589845001 -53403.631575560968486
+0.0328779736729999 -53570.732969539429178
+0.0329777883614999 -53737.905620132041804
+0.0330776030499999 -53905.145407834585058
+0.0331774177385 -54072.448568406660343
+0.033277232427 -54239.811409515066771
+0.0333770471155 -54407.230162413325161
+0.033476861804 -54574.705249983097019
+0.0335766764925 -54742.236915961097111
+0.033676491181 -54909.816082613251638
+0.0337763058695 -55077.435082722506195
+0.033876120558 -55245.082600569468923
+0.0339759352465001 -55412.735120084085793
+0.0340757499350001 -55580.425322647890425
+0.0341755646234999 -55748.156479619210586
+0.0342753793119999 -55915.933702126247226
+0.0343751940005 -56083.75285352866922
+0.034475008689 -56251.608881608772208
+0.0345748233775 -56419.498143059783615
+0.034674638066 -56587.414691157100606
+0.0347744527545 -56755.348000113182934
+0.034874267443 -56923.287661396883777
+0.0349740821315 -57091.248520510227536
+0.03507389682 -57259.224187282692583
+0.0351737115085 -57427.223343404431944
+0.0352735261970001 -57595.211421393658384
+0.0353733408855001 -57763.241065709284157
+0.0354731555739999 -57931.301237222287455
+0.0355729702624999 -58099.373217515356373
+0.035672784951 -58267.420050271844957
+0.0357725996395 -58435.50369349958055
+0.035872414328 -58603.624553687754087
+0.0359722290165 -58771.767173917607579
+0.036072043705 -58939.890746538651001
+0.0361718583935 -59108.003030720108654
+0.036271673082 -59276.185227392408706
+0.0363714877705 -59444.449776066474442
+0.0364713024590001 -59612.794810554012656
+0.0365711171475001 -59781.218141733093944
+0.0366709318360001 -59949.716264170281647
+0.0367707465244999 -60118.287803595107107
+0.0368705612129999 -60286.927964763410273
+0.0369703759015 -60455.642505000287201
+0.03707019059 -60624.435037059607566
+0.0371700052785 -60793.30406393645535
+0.037269819967 -60962.247792872869468
+0.0373696346555 -61131.262924213187944
+0.037469449344 -61300.358408881322248
+0.0375692640325 -61469.551183865471103
+0.037669078721 -61638.831476163511979
+0.0377688934095 -61808.195153213047888
+0.0378687080980001 -61977.639481737998722
+0.0379685227865001 -62147.162299645024177
+0.0380683374749999 -62316.761727254925063
+0.0381681521634999 -62486.436041997061693
+0.038267966852 -62656.183611558233679
+0.0383677815405 -62826.002852013756637
+0.038467596229 -62995.89219724915165
+0.0385674109175 -63165.850072295485006
+0.038667225606 -63335.874864960278501
+0.0387670402945 -63505.964888637827244
+0.038866854983 -63676.118322104863182
+0.0389666696715 -63846.333085767320881
+0.03906648436 -64016.606476591281535
+0.0391662990485001 -64186.932887708841008
+0.0392661137369999 -64357.313640463493357
+0.0393659284254999 -64527.75433481582877
+0.0394657431139999 -64698.253048958242289
+0.0395655578025 -64868.806871612723626
+0.039665372491 -65039.413451415952295
+0.0397651871795 -65210.07623498376779
+0.039865001868 -65380.793559754194575
+0.0399648165565 -65551.563643960122135
+0.040064631245 -65722.384545488283038
+0.0401644459335 -65893.254096254211618
+0.040264260622 -66064.169787566483137
+0.0403640753105001 -66235.128541165715433
+0.0404638899990001 -66406.131479404692072
+0.0405637046875001 -66577.181111562123988
+0.0406635193759999 -66748.25372215808602
+0.0407633340644999 -66919.377990320208482
+0.040863148753 -67090.556574410278699
+0.0409629634415 -67261.786890292074531
+0.04106277813 -67433.066353158996208
+0.0411625928185 -67604.392236693311133
+0.041262407507 -67775.761536674312083
+0.0413622221955 -67947.170787933646352
+0.041462036884 -68118.615756825893186
+0.0415618515725 -68290.090806895546848
+0.0416616662610001 -68461.587148338338011
+0.0417614809495001 -68633.080816258589039
+0.0418612956379999 -68804.570161791169085
+0.0419611103264999 -68976.107388868680573
+0.042060925015 -69147.686826255710912
+0.0421607397035 -69319.290879659107304
+0.042260554392 -69490.935667090830975
+0.0423603690805 -69662.641016490786569
+0.042460183769 -69834.405924310762202
+0.0425599984575 -70006.229374538612319
+0.042659813146 -70178.110336519632256
+0.0427596278345 -70350.047762718968443
+0.042859442523 -70522.040586291856016
+0.0429592572115001 -70694.087718454451533
+0.0430590719000001 -70866.188045616756426
+0.0431588865884999 -71038.340426154973102
+0.0432587012769999 -71210.543686783552403
+0.0433585159655 -71382.796618409411167
+0.043458330654 -71555.09797130759398
+0.0435581453425 -71727.446449466675404
+0.043657960031 -71899.840703879162902
+0.0437577747195 -72072.279324398230528
+0.043857589408 -72244.760829795835889
+0.0439574040965 -72417.28365526838752
+0.044057218785 -72589.846136460822891
+0.0441570334735 -72762.468073342097341
+0.0442568481620001 -72935.148651135299588
+0.0443566628505001 -73107.87687640771037
+0.0444564775389999 -73280.647605253150687
+0.0445562922274999 -73453.45654216154071
+0.044656106916 -73626.299367349478416
+0.0447559216045 -73799.171045667128055
+0.044855736293 -73972.063826634912402
+0.0449555509815 -74144.966118980650208
+0.04505536567 -74317.895084139803657
+0.0451551803585 -74490.846962245443137
+0.045254995047 -74663.814660552816349
+0.0453548097355 -74836.786159571667667
+0.045454624424 -75009.735083444902557
+0.0455544391125001 -75182.688011936130351
+0.0456542538010001 -75355.617630035427283
+0.0457540684894999 -75528.581602965496131
+0.0458538831779999 -75701.598003671228071
+0.0459536978665 -75874.665209354061517
+0.046053512555 -76047.781434679433005
+0.0461533272435 -76220.944658444132074
+0.046253141932 -76394.15249580591626
+0.0463529566205 -76567.401945502570015
+0.046452771309 -76740.688779651507502
+0.0465525859975 -76914.005335043941159
+0.046652400686 -77087.330147203130764
+0.0467522153745 -77260.697257482344867
+0.0468520300630001 -77434.117553366348147
+0.0469518447514999 -77607.589923455801909
+0.0470516594399999 -77781.113214499288006
+0.0471514741284999 -77954.686224036573549
+0.047251288817 -78128.307691324691405
+0.0473511035055 -78301.976285923301475
+0.047450918194 -78475.690592930695857
+0.0475507328825 -78649.449093476869166
+0.047650547571 -78823.250138081202749
+0.0477503622595 -78997.091909029215458
+0.047850176948 -79170.972364730972913
+0.0479499916365 -79344.889185170744895
+0.0480498063250001 -79518.83956504004891
+0.0481496210135001 -79692.819948924792698
+0.0482494357020001 -79866.825955681677442
+0.0483492503904999 -80040.863628683204297
+0.0484490650789999 -80214.914270847250009
+0.0485488797675 -80388.959193524628063
+0.048648694456 -80563.045520275933086
+0.0487485091445 -80737.202715221268591
+0.048848323833 -80911.459191703019314
+0.0489481385215 -81085.792682479601353
+0.04904795321 -81260.195220761408564
+0.0491477678985 -81434.66143554316659
+0.049247582587 -81609.222747433188488
+0.0493473972755001 -81783.879356280740467
+0.0494472119640001 -81958.620002808151185
+0.0495470266524999 -82133.437926106882514
+0.0496468413409999 -82308.328504577788408
+0.0497466560295 -82483.288067139714258
+0.049846470718 -82658.313457762953476
+0.0499462854065 -82833.4018235673866
+0.050046100095 -83008.55049189546844
+0.0501459147835 -83183.756888467367389
+0.050245729472 -83359.018475428994861
+0.0503455441605 -83534.332697667123284
+0.050445358849 -83709.696929447614821
+0.0505451735375 -83885.108413319903775
+0.0506449882260001 -84060.564180082088569
+0.0507448029145001 -84236.060928717968636
+0.0508446176029999 -84411.594815174670657
+0.0509444322914999 -84587.160973284728243
+0.05104424698 -84762.752523550836486
+0.0511440616685 -84938.367724494164577
+0.051243876357 -85114.005436002160423
+0.0513436910455 -85289.646875767619349
+0.051443505734 -85465.30463909280661
+0.0515433204225 -85641.004304634363507
+0.051643135111 -85816.751640989241423
+0.0517429497995 -85992.544376125413692
+0.051842764488 -86168.379562510570395
+0.0519425791765001 -86344.253848491745885
+0.0520423938649999 -86520.163232813923969
+0.0521422085534999 -86696.102540001549642
+0.0522420232419999 -86872.065385952213546
+0.0523418379305 -87048.076412478927523
+0.052441652619 -87224.139985644505941
+0.0525414673075 -87400.260218310984783
+0.052641281996 -87576.426635451673064
+0.0527410966845 -87752.626188128997455
+0.052840911373 -87928.829750094257179
+0.0529407260615 -88105.053941686390317
+0.05304054075 -88281.338697647763183
+0.0531403554385 -88457.679633362800814
+0.0532401701270001 -88634.070917651130003
+0.0533399848155001 -88810.500855477075675
+0.0534397995039999 -88986.963558605217258
+0.0535396141924999 -89163.454315407929244
+0.053639428881 -89340.006921637104824
+0.0537392435695 -89516.620782113284804
+0.053839058258 -89693.290224171811133
+0.0539388729465 -89870.001254066446563
+0.054038687635 -90046.774272030044813
+0.0541385023235 -90223.61431607088889
+0.054238317012 -90400.519514385232469
+0.0543381317005 -90577.490316416078713
+0.054437946389 -90754.54329071797838
+0.0545377610775001 -90931.667180786360404
+0.0546375757660001 -91108.854586291432497
+0.0547373904544999 -91286.102236541584716
+0.0548372051429999 -91463.404223785371869
+0.0549370198315 -91640.750486467586597
+0.05503683452 -91818.126790310634533
+0.0551366492085 -91995.538926734094275
+0.055236463897 -92173.001224801177159
+0.0553362785855 -92350.527724217390642
+0.055436093274 -92528.12533420904947
+0.0555359079625 -92705.791125669216854
+0.055635722651 -92883.521710796019761
+0.0557355373395001 -93061.316676613321761
+0.0558353520280001 -93239.169186273007654
+0.0559351667165001 -93417.083610176152433
+0.0560349814049999 -93595.058100313952309
+0.0561347960934999 -93773.08557858155109
+0.056234610782 -93951.145904109856929
+0.0563344254705 -94129.241479972115485
+0.056434240159 -94307.404350869939663
+0.0565340548475 -94485.650571014426532
+0.056633869536 -94663.979919207500643
+0.0567336842245 -94842.391723489519791
+0.056833498913 -95020.885303558563464
+0.0569333136015 -95199.459968073337222
+0.0570331282900001 -95378.115011600893922
+0.0571329429785001 -95556.849710984679405
+0.0572327576669999 -95735.663321009487845
+0.0573325723554999 -95914.555068928690162
+0.0574323870439999 -96093.524147561125574
+0.0575322017325 -96272.569706145935925
+0.057632016421 -96451.690838027716381
+0.0577318311095 -96630.88656323273608
+0.057831645798 -96810.155802884415607
+0.0579314604865 -96989.497339399589691
+0.058031275175 -97168.909750168197206
+0.0581310898635 -97348.391285571196931
+0.058230904552 -97527.939609891502187
+0.0583307192405001 -97707.551094383787131
+0.0584305339290001 -97887.217188191483729
+0.0585303486175001 -98066.928908240879537
+0.0586301633059999 -98246.71818197570974
+0.0587299779945 -98426.584958528037532
+0.058829792683 -98606.528675244495389
+0.0589296073715 -98786.5487573674327
+0.05902942206 -98966.644615612196503
+0.0591292367485 -99146.815939772597631
+0.059229051437 -99327.075809911635588
+0.0593288661255 -99507.419646151334746
+0.059428680814 -99687.843493953245343
+0.0595284955025 -99868.345313143014209
+0.0596283101910001 -100048.93912837427342
+0.0597281248795001 -100229.62720266301767
+0.0598279395679999 -100410.39873926929431
+0.0599277542564999 -100591.25254837909597
+0.0600275689449999 -100772.18823149563104
+0.0601273836335 -100953.20401278008649
+0.060227198322 -101134.29835504569928
+0.0603270130105 -101315.46985564942588
+0.060426827699 -101496.71718699624762
+0.0605266423875 -101678.03905704850331
+0.060626457076 -101859.43417924844834
+0.0607262717645 -102040.90124595619272
+0.060826086453 -102222.4389014801709
+0.0609259011415001 -102404.04571058959118
+0.0610257158300001 -102585.74455514986767
+0.0611255305184999 -102767.54976387185161
+0.0612253452069999 -102949.44176351158239
+0.0613251598955 -103131.41307619336294
+0.061424974584 -103313.45751406891213
+0.0615247892725 -103495.56675034611544
+0.061624603961 -103677.72636689349019
+0.0617244186495 -103859.96133739128709
+0.061824233338 -104042.27238573617069
+0.0619240480265 -104224.65670366457198
+0.062023862715 -104407.11079436012369
+0.0621236774035 -104589.628277552285
+0.0622234920920001 -104772.20793480909197
+0.0623233067804999 -104954.84223427371762
+0.0624231214689999 -105137.53430804357049
+0.0625229361574999 -105320.29862230453
+0.062622750846 -105503.12609503604472
+0.0627225655345 -105686.02531424653716
+0.062822380223 -105869.00220561020251
+0.0629221949115 -106052.0548254022433
+0.0630220096 -106235.18064609308203
+0.0631218242885 -106418.40075084772252
+0.063221638977 -106601.72407660118188
+0.0633214536655 -106785.11519225688244
+0.0634212683540001 -106968.60561694562784
+0.0635210830425001 -107152.19758372676733
+0.0636208977310001 -107335.88879455589631
+0.0637207124194999 -107519.67745505568746
+0.0638205271079999 -107703.56207598854962
+0.0639203417965 -107887.54136938822921
+0.064020156485 -108071.63099961243279
+0.0641199711735 -108255.83782159913972
+0.064219785862 -108440.15035671148507
+0.0643196005505 -108624.5646934837132
+0.064419415239 -108809.0783245206112
+0.0645192299275 -108993.68933701331844
+0.064619044616 -109178.39614088994858
+0.0647188593045001 -109363.19734414189588
+0.0648186739930001 -109548.09168459943612
+0.0649184886814999 -109733.11039848357905
+0.0650183033699999 -109918.28763722001167
+0.0651181180584999 -110103.59241660145926
+0.065217932747 -110289.01516536739655
+0.0653177474355 -110474.5503436687286
+0.065417562124 -110660.19396705580584
+0.0655173768125 -110845.94281995166966
+0.065617191501 -111031.79408933605009
+0.0657170061895 -111217.74513522793131
+0.065816820878 -111403.79328416429053
+0.0659166355665 -111589.93553455059009
+0.0660164502550001 -111776.16785467234149
+0.0661162649435001 -111962.48056820510828
+0.0662160796320001 -112148.872365490417
+0.0663158943204999 -112335.36460073263152
+0.0664157090089999 -112521.95628264310653
+0.0665155236975 -112708.64647004516155
+0.066615338386 -112895.43426405293576
+0.0667151530745 -113082.31880160620494
+0.066814967763 -113269.29925008372811
+0.0669147824515 -113456.41054592197179
+0.06701459714 -113643.65435994800646
+0.0671144118285 -113831.01494807306153
+0.067214226517 -114018.48691876836529
+0.0673140412055001 -114206.0669119025988
+0.0674138558940001 -114393.75244769122219
+0.0675136705824999 -114581.54152545292163
+0.0676134852709999 -114769.43243875305052
+0.0677132999595 -114957.42367537748942
+0.067813114648 -115145.51385655885679
+0.0679129293365 -115333.70243737306737
+0.068012744025 -115521.99066043020866
+0.0681125587135 -115710.37595735149807
+0.068212373402 -115898.85667944690795
+0.0683121880905 -116087.43133545097953
+0.068412002779 -116276.09846117765119
+0.0685118174675 -116464.85752007890551
+0.0686116321560001 -116653.70727573732438
+0.0687114468445001 -116842.64639817169518
+0.0688112615329999 -117031.67341137738549
+0.0689110762214999 -117220.78655046659696
+0.06901089091 -117409.98337771392835
+0.0691107055985 -117599.25826462263649
+0.069210520287 -117788.60961122445588
+0.0693103349755 -117978.04907059254765
+0.069410149664 -118167.57409315259429
+0.0695099643525 -118357.18439710915845
+0.069609779041 -118546.88313436838507
+0.0697095937295 -118736.66947115935909
+0.0698094084180001 -118926.54252240079222
+0.0699092231065001 -119116.50132371374639
+0.0700090377949999 -119306.54478129751806
+0.0701088524834999 -119496.67156726789835
+0.0702086671719999 -119686.87983713121503
+0.0703084818605 -119877.16571617034788
+0.070408296549 -120067.52555958424637
+0.0705081112375 -120257.97130810699309
+0.070607925926 -120448.50237474343157
+0.0707077406145 -120639.1180350589857
+0.070807555303 -120829.81751466766582
+0.0709073699915 -121020.59996805783885
+0.07100718468 -121211.46444391018304
+0.0711069993685001 -121402.40982234018156
+0.0712068140570001 -121593.43468395070522
+0.0713066287455001 -121784.53790976619348
+0.0714064434340001 -121975.71677087256103
+0.0715062581224999 -122166.96444770220842
+0.071606072811 -122358.2970455637842
+0.0717058874995 -122549.71419622575922
+0.071805702188 -122741.21504003697191
+0.0719055168765 -122932.79857645106677
+0.072005331565 -123124.46334203408333
+0.0721051462535 -123316.20567488024244
+0.072204960942 -123508.05537474855373
+0.0723047756305 -123700.03202872459951
+0.0724045903190001 -123892.11647770632408
+0.0725044050075001 -124084.30291168158874
+0.0726042196959999 -124276.58794276580738
+0.0727040343844999 -124468.96912777345278
+0.0728038490729999 -124661.44446109440469
+0.0729036637615 -124854.01206713098509
+0.07300347845 -125046.66960024596483
+0.0731032931385 -125239.43608410521119
+0.073203107827 -125432.33614384163229
+0.0733029225155 -125625.35051482195558
+0.073402737204 -125818.47314023962826
+0.0735025518925 -126011.70048380013031
+0.073602366581 -126205.03002711990848
+0.0737021812695001 -126398.45979438172071
+0.0738019959580001 -126591.98814307893917
+0.0739018106465001 -126785.61913875008759
+0.0740016253349999 -126979.38694642068003
+0.0741014400234999 -127173.27406838767638
+0.074201254712 -127367.27271360607119
+0.0743010694005 -127561.37884504097747
+0.074400884089 -127755.58966735360445
+0.0745006987775 -127949.90300057451532
+0.074600513466 -128144.32525466101652
+0.0747003281545 -128338.91146945524088
+0.074800142843 -128533.63454175676452
+0.0748999575315 -128728.48235398708493
+0.0749997722200001 -128923.44881973022711
+0.0750995869084999 -129118.52981508955418
+0.0751994015969999 -129313.72217189062212
+0.0752992162854999 -129509.02326990704751
+0.0753990309739999 -129704.4308224680135
+0.0754988456625 -129899.9426848191215
+0.075598660351 -130095.55701359373052
+0.0756984750395 -130291.27221905435727
+0.075798289728 -130487.08638225206232
+0.0758981044165 -130682.99707169017347
+0.075997919105 -130879.00040810361679
+0.0760977337935 -131075.10086344339652
+0.076197548482 -131271.29809714821749
+0.0762973631705001 -131467.59095104926382
+0.0763971778590001 -131663.97827923009754
+0.0764969925475001 -131860.45893293514382
+0.0765968072359999 -132057.03176452332991
+0.0766966219245 -132253.69568365137093
+0.076796436613 -132450.44921445797081
+0.0768962513015 -132647.28998964265338
+0.07699606599 -132844.21798008683254
+0.0770958806785 -133041.23404244985431
+0.077195695367 -133238.33703424670966
+0.0772955100555 -133435.5257587461092
+0.077395324744 -133632.7989445833955
+0.0774951394325 -133830.15521818370325
+0.0775949541210001 -134027.59306430563447
+0.0776947688095001 -134225.11076603093534
+0.0777945834979999 -134422.70630631537642
+0.0778943981864999 -134620.37718927432434
+0.077994212875 -134818.12006135590491
+0.0780940275635 -135015.92963972795405
+0.078193842252 -135213.79197173312423
+0.0782936569405 -135411.70598848492955
+0.078393471629 -135609.69362007899326
+0.0784932863175 -135807.76425310820923
+0.078593101006 -136005.9098011496244
+0.0786929156945 -136204.14137418064638
+0.0787927303830001 -136402.54175637621665
+0.0788925450715001 -136601.08388625452062
+0.0789923597600001 -136799.75206840463215
+0.0790921744484999 -136998.53941983712139
+0.0791919891369999 -137197.44161592223099
+0.0792918038255 -137396.45551742258249
+0.079391618514 -137595.57864353165496
+0.0794914332025 -137794.80891366748256
+0.079591247891 -137994.14449676172808
+0.0796910625795 -138193.58370525689679
+0.079790877268 -138393.12489625005401
+0.0798906919565 -138592.76632893623901
+0.079990506645 -138792.50578956570826
+0.0800903213335001 -138992.33819757425226
+0.0801901360220001 -139192.26790981183876
+0.0802899507104999 -139392.29817543836543
+0.0803897653989999 -139592.42820528309676
+0.0804895800874999 -139792.66537996611441
+0.080589394776 -139993.00949716902687
+0.0806892094645 -140193.4564629230299
+0.080789024153 -140394.00454891167465
+0.0808888388415 -140594.65250473460765
+0.08098865353 -140795.39929362374824
+0.0810884682185 -140996.24399821896804
+0.081188282907 -141197.1857750552881
+0.0812880975955 -141398.22382728473167
+0.0813879122840001 -141599.3573839358578
+0.0814877269725001 -141800.58567788120126
+0.0815875416610001 -142001.90790867427131
+0.0816873563494999 -142203.32856075878954
+0.0817871710379999 -142404.85055524203926
+0.0818869857265 -142606.47072806535289
+0.081986800415 -142808.18777381221298
+0.0820866151035 -143010.0004700817226
+0.082186429792 -143211.93281761443359
+0.0822862444805 -143413.97962590158568
+0.082386059169 -143616.13289122792776
+0.0824858738575 -143818.3892907705158
+0.082585688546 -144020.74889931321377
+0.0826855032345001 -144223.21036723884754
+0.0827853179230001 -144425.77119491994381
+0.0828851326114999 -144628.4297919323144
+0.0829849472999999 -144831.18480823241407
+0.0830847619884999 -145034.03500833682483
+0.083184576677 -145236.9792055049038
+0.0832843913655 -145440.01620806090068
+0.083384206054 -145643.14475500982371
+0.0834840207425 -145846.36340584672871
+0.083583835431 -146049.67026874679141
+0.0836836501195 -146253.06166728920653
+0.083783464808 -146456.53329648138606
+0.0838832794965 -146660.0970890391327
+0.0839830941850001 -146863.75265104486607
+0.0840829088735001 -147067.50701037939871
+0.0841827235620001 -147271.39030402083881
+0.0842825382504999 -147475.38544902973808
+0.084382352939 -147679.48584341030801
+0.0844821676275 -147883.68777828462771
+0.084581982316 -148087.98827315159724
+0.0846817970045 -148292.38390689718653
+0.084781611693 -148496.86862269826815
+0.0848814263815 -148701.45081832798314
+0.08498124107 -148906.13141165496199
+0.0850810557585 -149110.90952020164696
+0.085180870447 -149315.78433902774123
+0.0852806851355001 -149520.75512411538512
+0.0853804998239999 -149725.82118057043408
+0.0854803145124999 -149930.98185385775287
+0.0855801292009999 -150136.23652321254485
+0.0856799438895 -150341.58459641475929
+0.085779758578 -150547.0255057970935
+0.0858795732665 -150752.55870490078814
+0.085979387955 -150958.18366582682938
+0.0860792026435 -151163.89987699029734
+0.086179017332 -151369.70684126496781
+0.0862788320205 -151575.60407439232222
+0.086378646709 -151781.59110356942983
+0.0864784613975001 -151987.66746636221069
+0.0865782760860001 -152193.83270958159119
+0.0866780907745001 -152400.08638840646017
+0.0867779054629999 -152606.42806556867436
+0.0868777201514999 -152812.85731061120168
+0.08697753484 -153019.3736992313643
+0.0870773495285 -153225.97681266110158
+0.087177164217 -153432.66623711626744
+0.0872769789055 -153639.44156331906561
+0.087376793594 -153846.30238592304522
+0.0874766082825 -154053.24830311996629
+0.087576422971 -154260.27891617294517
+0.0876762376595 -154467.39382901019417
+0.0877760523480001 -154674.59264781654929
+0.0878758670365001 -154881.87498056676122
+0.0879756817249999 -155089.2404366976989
+0.0880754964134999 -155296.68862667286885
+0.0881753111019999 -155504.21916155642248
+0.0882751257905 -155711.83165259895031
+0.088374940479 -155919.52571081338101
+0.0884747551675 -156127.30094650556566
+0.088574569856 -156335.15696880206815
+0.0886743845445 -156543.09338511849637
+0.088774199233 -156751.10980057885172
+0.0888740139215 -156959.20581742087961
+0.08897382861 -157167.38103432624484
+0.0890736432985001 -157375.63504562660819
+0.0891734579870001 -157583.96744045938249
+0.0892732726755001 -157792.3778017994191
+0.0893730873639999 -158000.86570528498851
+0.0894729020524999 -158209.43071793054696
+0.089572716741 -158418.07239652940189
+0.0896725314295 -158626.79028577328427
+0.089772346118 -158835.58391594819841
+0.0898721608065 -159044.45280010934221
+0.089971975495 -159253.39643044979312
+0.0900717901835 -159462.41427369343
+0.090171604872 -159671.50576496811118
+0.0902714195605 -159880.67029943561647
+0.0903712342490001 -160089.90722050188924
+0.0904710489375001 -160299.21580227967934
+0.0905708636259999 -160508.59522181755165
+0.0906706783144999 -160718.04451126896311
+0.0907704930029999 -160927.56246365752304
+0.0908703076915 -161137.14750763532356
+0.09097012238 -161346.79687136600842
+0.0910699370685 -161556.50423322970164
+0.091169751757 -161766.28093243925832
+0.0912695664455 -161976.127243476687
+0.091369381134 -162186.04143922234653
+0.0914691958225 -162396.02056114826701
+0.091569010511 -162606.05489472081535
+0.0916688251995001 -162816.15335272529046
+0.0917686398880001 -163026.32808537984965
+0.0918684545765001 -163236.57880841539009
+0.0919682692649999 -163446.90523715660674
+0.0920680839535 -163657.30708616945776
+0.092167898642 -163867.7840688751603
+0.0922677133305 -164078.33589724075864
+0.092367528019 -164288.9622814192262
+0.0924673427075 -164499.66292945682653
+0.092567157396 -164710.4375468698272
+0.0926669720845 -164921.28583628017805
+0.092766786773 -165132.20749694094411
+0.0928666014615 -165343.20222426601686
+0.0929664161500001 -165554.26970927073853
+0.0930662308384999 -165765.40963789547095
+0.0931660455269999 -165976.62169029394863
+0.0932658602154999 -166187.90553996060044
+0.093365674904 -166399.26085270332987
+0.0934654895925 -166610.68728542455938
+0.093565304281 -166822.18448464493849
+0.0936651189695 -167033.75208470053622
+0.093764933658 -167245.38970549195074
+0.0938647483465 -167457.0969496704929
+0.093964563035 -167668.87339901208179
+0.0940643777235 -167880.71860963845393
+0.0941641924120001 -168092.63210560794687
+0.0942640071005001 -168304.61337003737572
+0.0943638217890001 -168516.6618323904404
+0.0944636364775001 -168728.77684933476849
+0.0945634511659999 -168940.95767447692924
+0.0946632658545 -169153.20340667426353
+0.094763080543 -169365.51289183218614
+0.0948628952315 -169577.88450446096249
+0.09496270992 -169790.3154963432462
+0.0950625246085 -170002.79699610191165
+0.095162339297 -170215.33381004174589
+0.0952621539855 -170427.94134216598468
+0.095361968674 -170640.61934268142795
+0.0954617833625001 -170853.36755845800508
+0.0955615980510001 -171066.18573247879976
+0.0956614127394999 -171279.07360320087173
+0.0957612274279999 -171492.03090371721191
+0.0958610421164999 -171705.06598964511068
+0.095960856805 -171918.18978275722475
+0.0960606714935 -172131.41468252401683
+0.096160486182 -172344.72752164688427
+0.0962603008705 -172558.1237597114814
+0.096360115559 -172771.60081077733776
+0.0964599302475 -172985.15683340531541
+0.096559744936 -173198.79034932568902
+0.0966595596245 -173412.50005602597957
+0.0967593743130001 -173626.28468070138479
+0.0968591890015001 -173840.14272967816214
+0.0969590036900001 -174054.07102868464426
+0.0970588183784999 -174268.07180665706983
+0.0971586330669999 -174482.14713218729594
+0.0972584477555 -174696.29643259034492
+0.097358262444 -174910.51916020052158
+0.0974580771325 -175124.81478529790184
+0.097557891821 -175339.18278977333102
+0.0976577065095 -175553.62266121862922
+0.097757521198 -175768.1338868890889
+0.0978573358865 -175982.715946958313
+0.097957150575 -176197.36830629096949
+0.0980569652635001 -176412.09040347771952
+0.0981567799520001 -176626.88163495159824
+0.0982565946404999 -176841.74132943319273
+0.0983564093289999 -177056.66870211789501
+0.0984562240174999 -177271.66275876326836
+0.098556038706 -177486.72203706105938
+0.0986558533945 -177701.84325479817926
+0.098755668083 -177917.02298338481341
+0.0988554827715 -178132.27285746138659
+0.09895529746 -178347.59270139754517
+0.0990551121485 -178562.98216668277746
+0.099154926837 -178778.44088592467597
+0.0992547415255 -178993.96845835578279
+0.0993545562140001 -179209.56441751736565
+0.0994543709025001 -179425.22813213730115
+0.0995541855910001 -179640.95805421646219
+0.0996540002794999 -179856.75504414134775
+0.099753814968 -180072.62066998815862
+0.0998536296565 -180288.55467163701542
+0.099953444345 -180504.55678964310209
diff --git a/DATASET/P=90000Pa/box_confined.data b/DATASET/P=90000Pa/box_confined.data
new file mode 100644
index 0000000..151340c
--- /dev/null
+++ b/DATASET/P=90000Pa/box_confined.data
@@ -0,0 +1,494 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2114901
+
+240 atoms
+6 atom types
+
+0.027620025000000006 0.072379975 xlo xhi
+0.027620025000000006 0.072379975 ylo yhi
+-0.0005 0.0005 zlo zhi
+
+Atoms # sphere
+
+3 1 0.0025 1500.0000000000005 0.030822534281036405 0.027987626643888704 0 0 0 0
+9 1 0.0025 1500.0000000000005 0.033272696355308204 0.027870687823220646 0 0 0 0
+6 1 0.0025 1500.0000000000005 0.037665863904143546 0.029177251941289208 0 0 0 0
+12 1 0.0025 1500.0000000000005 0.04007571198305629 0.02974703196648313 0 0 0 0
+237 1 0.0035 1071.4285714285713 0.04241319420083355 0.027903731017253647 0 0 1 0
+4 1 0.0035 1071.4285714285713 0.0452487292491096 0.02982422899643475 0 0 0 0
+230 1 0.0035 1071.4285714285713 0.048426946652515394 0.028426293050406812 0 0 1 0
+17 1 0.0025 1500.0000000000005 0.051434482005358426 0.028885812464398475 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.05438997399797011 0.028890778212353377 0 0 0 0
+8 1 0.0025 1500.0000000000005 0.05742077297905736 0.029267159237912125 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.060198801457885046 0.02798458949251593 0 0 0 0
+1 1 0.0035 1071.4285714285713 0.06363376386927065 0.02853925005363942 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.07098430550821908 0.02943462883161827 0 -1 0 0
+16 1 0.0035 1071.4285714285713 0.029048030270193276 0.030346158080960643 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.03201675455779029 0.030091401585172154 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.03496229660413216 0.030360481747505486 0 0 0 0
+15 1 0.0025 1500.0000000000005 0.03763447036358592 0.03158564289711867 0 0 0 0
+35 1 0.0025 1500.0000000000005 0.03999355033569735 0.032204747962946575 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.04250066133633515 0.03134509343969506 0 0 0 0
+23 1 0.0025 1500.0000000000005 0.05001419669852393 0.030921638063795668 0 0 0 0
+31 1 0.0025 1500.0000000000005 0.0524683101628924 0.031127545348071863 0 0 0 0
+22 1 0.0025 1500.0000000000005 0.05671373649025273 0.03164303345249888 0 0 0 0
+13 1 0.0025 1500.0000000000005 0.05913712573620474 0.031010846409828825 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.061585408053563974 0.03068800908100667 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.06390269147506941 0.031578239931143254 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.06599815168830359 0.0302237919581375 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.06850346189223591 0.03006973829293752 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.07030134063850291 0.032215617991947734 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.028076986324251627 0.033684832923609756 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.03145814794606131 0.032952140754006036 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.03479990202715737 0.033801856450167825 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.03819004815905254 0.034545716814860974 0 0 0 0
+39 1 0.0035 1071.4285714285713 0.04205520453675908 0.034394792272841916 0 0 0 0
+29 1 0.0025 1500.0000000000005 0.04454246258322073 0.03272950089755453 0 0 0 0
+10 1 0.0035 1071.4285714285713 0.047500687022977856 0.032466341342709606 0 0 0 0
+26 1 0.0025 1500.0000000000005 0.051083202779964074 0.033160003108742515 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.0544159103816836 0.03345334791232992 0 0 0 0
+33 1 0.0025 1500.0000000000005 0.05731425752404045 0.03397554663396044 0 0 0 0
+37 1 0.0035 1071.4285714285713 0.06068532913165037 0.03354766985483128 0 0 0 0
+44 1 0.0035 1071.4285714285713 0.06399502817469091 0.0345111746514284 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.06716181766156966 0.03292607227105519 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.027681013361876144 0.03658873774583207 0 1 0 0
+42 1 0.0025 1500.0000000000005 0.030105650178819755 0.03585901824783021 0 0 0 0
+48 1 0.0025 1500.0000000000005 0.03252023110740328 0.03568007235912214 0 0 0 0
+52 1 0.0025 1500.0000000000005 0.04020083188678604 0.0366676802167677 0 0 0 0
+47 1 0.0035 1071.4285714285713 0.045600607871554476 0.035513809000302834 0 0 0 0
+59 1 0.0035 1071.4285714285713 0.049162004885675466 0.035534973149484284 0 0 0 0
+40 1 0.0025 1500.0000000000005 0.05210145215566719 0.035348432722909925 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.05596137965530233 0.03602114019352152 0 0 0 0
+60 1 0.0035 1071.4285714285713 0.058925665648494906 0.03653358102192806 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.06225982781145139 0.036857986790567926 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.0666866705204722 0.03586130781669964 0 0 0 0
+38 1 0.0035 1071.4285714285713 0.06968516626201313 0.035271644314528436 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.03155227132366631 0.038542298977764934 0 0 0 0
+46 1 0.0035 1071.4285714285713 0.03504260238043098 0.037316056169652584 0 0 0 0
+55 1 0.0025 1500.0000000000005 0.037941737523271034 0.03764836097106576 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.04293759940099078 0.03774349964542176 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.04614931342193293 0.039000564412857916 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.04907181188237358 0.03849361481929715 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.05136767975661979 0.037690408351074164 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.05371702174459703 0.037144026236731194 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.05643676626149562 0.03895801214039447 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.06080791285664657 0.03883676972660003 0 0 0 0
+57 1 0.0025 1500.0000000000005 0.06477656026168742 0.03740560376403611 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.06801250555065358 0.0378985197012294 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.07040187895645272 0.03819216127928409 0 0 0 0
+65 1 0.0035 1071.4285714285713 0.028255187796579984 0.03956011252319746 0 0 0 0
+56 1 0.0035 1071.4285714285713 0.034233958767008424 0.04069161723856219 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.037063943711660025 0.03996356905795431 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.04006263199309775 0.03964527454230771 0 0 0 0
+77 1 0.0035 1071.4285714285713 0.043249256212398855 0.04121063058411097 0 0 0 0
+75 1 0.0035 1071.4285714285713 0.049899358082803824 0.04133870759649973 0 0 0 0
+63 1 0.0035 1071.4285714285713 0.05312620945354888 0.040034997770159744 0 0 0 0
+104 1 0.0025 1500.0000000000005 0.05892623921896572 0.04051556929908113 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.061346966627611445 0.04128535922960831 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.06318965080112708 0.03941797615054334 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.06615426227000704 0.04017911195484327 0 0 0 0
+74 1 0.0035 1071.4285714285713 0.06958691229678757 0.04101329750094276 0 0 0 0
+71 1 0.0035 1071.4285714285713 0.03079069754197958 0.041908645802261224 0 0 0 0
+76 1 0.0035 1071.4285714285713 0.0335238684016502 0.04405709602456756 0 0 0 0
+81 1 0.0035 1071.4285714285713 0.036833141173355635 0.043018775480499705 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.040313392973193585 0.043082025941397734 0 0 0 0
+85 1 0.0035 1071.4285714285713 0.04655556067235878 0.0424840231498312 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.05320152852206759 0.043003750781390425 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.05539686167931377 0.04187616088946636 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.05769162966054885 0.0426812435481214 0 0 0 0
+91 1 0.0035 1071.4285714285713 0.06031323419744842 0.0440231365236285 0 0 0 0
+80 1 0.0035 1071.4285714285713 0.06391135415045587 0.04278050984320904 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.06736164371434736 0.043184784672920265 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.07228685882544779 0.04319959632197077 0 -1 0 0
+83 1 0.0035 1071.4285714285713 0.03030175100141152 0.04541977339532171 0 0 0 0
+99 1 0.0025 1500.0000000000005 0.03853979974824437 0.04541022103259772 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.04087200481001187 0.046049910153538376 0 0 0 0
+112 1 0.0035 1071.4285714285713 0.04354544278313274 0.04472350178001586 0 0 0 0
+92 1 0.0025 1500.0000000000005 0.0478145465759013 0.04510737697773825 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.050735932022087836 0.044678777802703 0 0 0 0
+98 1 0.0025 1500.0000000000005 0.0536271987796552 0.04545358059396071 0 0 0 0
+101 1 0.0025 1500.0000000000005 0.05584828578855679 0.04437250411120097 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.05793096996337226 0.045912097986280424 0 0 0 0
+109 1 0.0035 1071.4285714285713 0.0630564739222718 0.04614738901191895 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.06607128931833103 0.04532393493367686 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.06954036364338631 0.044440912428979226 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.030596727784026376 0.04839784529545488 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.03283761572079114 0.04692759716933018 0 0 0 0
+88 1 0.0035 1071.4285714285713 0.03580691705759164 0.04662727214498553 0 0 0 0
+116 1 0.0035 1071.4285714285713 0.039027789005793144 0.04832893397825369 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.04253178960849752 0.04847082210945894 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.04587555923939308 0.04736331298127058 0 0 0 0
+111 1 0.0025 1500.0000000000005 0.04916059250543924 0.04717417971671462 0 0 0 0
+114 1 0.0035 1071.4285714285713 0.05200981590648154 0.047929852832684736 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.05550356857548632 0.04771908135414688 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.0601698647612747 0.04698689641722013 0 0 0 0
+113 1 0.0025 1500.0000000000005 0.05847119267810448 0.04874423954838058 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.06546093612792028 0.0479301232043417 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.06832356779638754 0.04719641446566204 0 0 0 0
+100 1 0.0035 1071.4285714285713 0.07186298280570641 0.046806403865771035 0 -1 0 0
+106 1 0.0025 1500.0000000000005 0.028333816057211185 0.04961894837264951 0 0 0 0
+126 1 0.0025 1500.0000000000005 0.0308163985970996 0.050798407132910686 0 0 0 0
+96 1 0.0025 1500.0000000000005 0.03292644727623051 0.049421987142950846 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.036001286044749836 0.05005885212364848 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.045138142518461155 0.050728894409069414 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.04798128690715054 0.04946005131366924 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.05030892050993157 0.05036546494451078 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.053597625497155604 0.05096514888537245 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.056516455979646114 0.05054672418667006 0 0 0 0
+115 1 0.0035 1071.4285714285713 0.06203105012308226 0.049451364882774206 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.06529732217723606 0.05092829726330444 0 0 0 0
+110 1 0.0035 1071.4285714285713 0.07013659454629398 0.050118260720334096 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.028495035864279726 0.052066682285013724 0 1 0 0
+146 1 0.0025 1500.0000000000005 0.030618318315366478 0.05331797051230075 0 0 0 0
+142 1 0.0035 1071.4285714285713 0.03341016720153368 0.05232423945358646 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.036286951666897625 0.05300977185110306 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.03900937674701639 0.051814058021895044 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.04200615188897054 0.051361690929898965 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.04813681375671917 0.05243669889370506 0 0 0 0
+131 1 0.0025 1500.0000000000005 0.051128495572341705 0.05265599441819909 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.059230734174910364 0.05172094170358005 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.06247671213074416 0.0528845273421333 0 0 0 0
+141 1 0.0035 1071.4285714285713 0.06806132166569698 0.05294851830563335 0 0 0 0
+134 1 0.0025 1500.0000000000005 0.0710777065656906 0.053231117841055185 0 0 0 0
+143 1 0.0035 1071.4285714285713 0.028414525440446644 0.05529954610831804 0 1 0 0
+148 1 0.0025 1500.0000000000005 0.03174478698696004 0.05556771541061744 0 0 0 0
+155 1 0.0035 1071.4285714285713 0.03471451596080075 0.05557657553168985 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.03817097416381959 0.05523591413643076 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.04150475878525043 0.0542311263530867 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.04502278964150247 0.05418111680733213 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.0477681767593939 0.055362738973247796 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.05083793824149653 0.05556721688546217 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.05327222122867025 0.053899209377529046 0 0 0 0
+136 1 0.0035 1071.4285714285713 0.05618959366464125 0.05346981526093355 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.05984415827883931 0.05516331826872638 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.06525486273449976 0.053898606374880545 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.06688620609360033 0.05570527977666396 0 0 0 0
+166 1 0.0025 1500.0000000000005 0.030333623392165807 0.05760517397676118 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.0366839659031198 0.057801533381880724 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.040609307997689005 0.05711457966562237 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.043231698322026946 0.05660377193783434 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.046231673417941606 0.05724086426360454 0 0 0 0
+168 1 0.0025 1500.0000000000005 0.048685258500727115 0.057656855404073414 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.054100214750282864 0.05671092747682623 0 0 0 0
+144 1 0.0025 1500.0000000000005 0.05705788874034333 0.05643048115649211 0 0 0 0
+145 1 0.0025 1500.0000000000005 0.05914109349238867 0.05807527896022151 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.06321246873695896 0.05623671642959869 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.06979229516831922 0.05603100393554358 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.07224304144475763 0.058130949764291846 0 -1 0 0
+182 1 0.0035 1071.4285714285713 0.030169952747149686 0.06052501451171257 0 0 0 0
+152 1 0.0035 1071.4285714285713 0.03317046309722261 0.05873795030577163 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.038813847612552535 0.05892984878445826 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.041252253047663015 0.059503347291647204 0 0 0 0
+173 1 0.0035 1071.4285714285713 0.044239886025863435 0.059464883582102175 0 0 0 0
+180 1 0.0035 1071.4285714285713 0.04758178301712297 0.06038587805789019 0 0 0 0
+172 1 0.0035 1071.4285714285713 0.051316599402517336 0.059009678120180264 0 0 0 0
+164 1 0.0035 1071.4285714285713 0.05634664508278315 0.059320106026997686 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.061815336845622335 0.059382043267685876 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.06585084615459816 0.05853641564069978 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.06918486050780367 0.05943242711876975 0 0 0 0
+190 1 0.0025 1500.0000000000005 0.033179080668759305 0.061685367084825984 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.03609632506375042 0.06063691828318014 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.03934491149500196 0.06187530559042978 0 0 0 0
+179 1 0.0025 1500.0000000000005 0.04228982898643911 0.06170281832689461 0 0 0 0
+188 1 0.0025 1500.0000000000005 0.04461276470693445 0.06255073354618786 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.050392934882218444 0.06239470939709384 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.053717663429819776 0.06156710057934719 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.05701124186123721 0.06276646773259927 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.05911647625980142 0.06066941807629092 0 0 0 0
+174 1 0.0025 1500.0000000000005 0.06107721954660014 0.06224369669592701 0 0 0 0
+178 1 0.0025 1500.0000000000005 0.06359746972596106 0.06177451475664769 0 0 0 0
+176 1 0.0035 1071.4285714285713 0.06665007330532119 0.061913896005415414 0 0 0 0
+184 1 0.0025 1500.0000000000005 0.07191536305995344 0.06059837370712715 0 0 0 0
+191 1 0.0035 1071.4285714285713 0.069983323439287 0.06288861425176931 0 0 0 0
+189 1 0.0035 1071.4285714285713 0.028429213765321825 0.06423648020420561 0 1 0 0
+203 1 0.0025 1500.0000000000005 0.03128293657250855 0.06323824912185871 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.033559554254588675 0.06412998511294199 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.03646769658583184 0.06404537054039318 0 0 0 0
+186 1 0.0025 1500.0000000000005 0.03936061165319515 0.06482321379072037 0 0 0 0
+196 1 0.0025 1500.0000000000005 0.04166771401578342 0.06416905083515136 0 0 0 0
+181 1 0.0035 1071.4285714285713 0.04726809799799307 0.06386856946581553 0 0 0 0
+206 1 0.0025 1500.0000000000005 0.052665535314404405 0.0643773663655138 0 0 0 0
+207 1 0.0025 1500.0000000000005 0.05513220396026129 0.06508846958232767 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.059680845093852276 0.06422028299836706 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.06214498105583069 0.06460177395221707 0 0 0 0
+198 1 0.0025 1500.0000000000005 0.06454653090189205 0.06407521953281695 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.031110822944173572 0.06580173114151147 0 1 0 0
+204 1 0.0035 1071.4285714285713 0.03374047392126883 0.06713378248098359 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.036705606599568535 0.06695964430023423 0 0 0 0
+205 1 0.0025 1500.0000000000005 0.039143883815870514 0.06727369580281804 0 0 0 0
+187 1 0.0025 1500.0000000000005 0.04153476836106304 0.06665866687787553 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.04425030873405268 0.06553702815056514 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.050116625528310255 0.06587472631907634 0 0 0 0
+214 1 0.0025 1500.0000000000005 0.0529719325464379 0.06702598098606709 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.055364016402979735 0.06760678265051383 0 0 0 0
+224 1 0.0025 1500.0000000000005 0.057734772783227827 0.06567454852478526 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.0605231670605496 0.06709962975659108 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.06397247177167287 0.06698418717136573 0 0 0 0
+192 1 0.0035 1071.4285714285713 0.06718320561654155 0.06543814358233786 0 0 0 0
+195 1 0.0035 1071.4285714285713 0.07053028875818461 0.06634911575448937 0 0 0 0
+225 1 0.0035 1071.4285714285713 0.028982928155104674 0.06782713423256055 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.0317267991114209 0.06993036345410593 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.03471743605269525 0.06998772337987569 0 0 0 0
+212 1 0.0035 1071.4285714285713 0.03762472891351899 0.06978309016289928 0 0 0 0
+218 1 0.0035 1071.4285714285713 0.041060577649296257 0.06953186654669469 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.04405014180814444 0.06854127921256345 0 0 0 0
+219 1 0.0035 1071.4285714285713 0.04696152988912205 0.06769184494723245 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.05058538528575866 0.06882032041269023 0 0 0 0
+234 1 0.0035 1071.4285714285713 0.053462136997955316 0.06990396147328516 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.057743550362469816 0.0681257290919382 0 0 0 0
+240 1 0.0025 1500.0000000000005 0.059467325957076975 0.06987534201091307 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.062374850203363245 0.0700553779962778 0 0 0 0
+215 1 0.0025 1500.0000000000005 0.06528106795043319 0.06968372069403027 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.06810310655472046 0.06879237361526286 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.07109391750587722 0.06927531937742432 0 0 0 0
+235 1 0.0035 1071.4285714285713 0.02804361823380801 0.07176692960958322 0 0 0 0
+229 1 0.0025 1500.0000000000005 0.03578460984698637 0.07223225205761956 0 0 0 0
+232 1 0.0025 1500.0000000000005 0.03954127976665235 0.07206909221378548 0 0 0 0
+231 1 0.0035 1071.4285714285713 0.04565012971596984 0.07107188906353933 0 0 0 0
+222 1 0.0025 1500.0000000000005 0.04851295777184979 0.07023285988060537 0 0 0 0
+236 1 0.0025 1500.0000000000005 0.0507946437552137 0.07125541270605304 0 0 0 0
+238 1 0.0035 1071.4285714285713 0.0567598049807363 0.0711336654703162 0 0 0 0
+233 1 0.0035 1071.4285714285713 0.06691964721403093 0.0721800403785379 0 0 0 0
+239 1 0.0025 1500.0000000000005 0.06981508671525055 0.07136620863033265 0 0 0 0
+
+Velocities
+
+3 -19.442400836368325 26.641696682537464 0 0 0 0
+9 5.066615094276575 -45.456382979169874 0 0 0 0
+6 -23.281464040323314 7.671356967239576 0 0 0 0
+12 47.10377526345288 -6.887129791593173 0 0 0 0
+237 50.90168050652173 30.621416760925396 0 0 0 0
+4 -6.351307542879739 -5.134180718964454 0 0 0 0
+230 -8.046647081751217 9.930154667691214 0 0 0 0
+17 -24.79700335866855 32.64208125840063 0 0 0 0
+19 -17.593033500504728 4.212673418250185 0 0 0 0
+8 14.102200168410846 4.249759577366145 0 0 0 0
+11 -2.5117963363487563 18.3432698380347 0 0 0 0
+1 23.31715924259171 -4.880125888843565 0 0 0 0
+14 18.075447475616908 -30.235824294996146 0 0 0 0
+16 -28.79284671518865 -4.121646070116337 0 0 0 0
+18 29.721421991230613 1.5360503501509888 0 0 0 0
+5 20.457552555769542 30.723720313381683 0 0 0 0
+15 -59.424185278638305 41.479398769082664 0 0 0 0
+35 -32.41160031979667 -15.774587351490252 0 0 0 0
+24 28.924250106425752 -16.12490981675764 0 0 0 0
+23 15.105099669563744 24.858278219482678 0 0 0 0
+31 -13.950469319960163 1.723494149103481 0 0 0 0
+22 -53.462067430429904 36.68837097251757 0 0 0 0
+13 18.589439822360692 6.680239242930007 0 0 0 0
+20 31.213664272608355 -13.387836544977795 0 0 0 0
+34 -27.007703049516323 -23.74722772484706 0 0 0 0
+7 -10.944740453375273 -30.880091811005396 0 0 0 0
+2 -4.148852494188589 -2.7984788799010536 0 0 0 0
+28 18.11813072276797 33.58732537093423 0 0 0 0
+25 -7.996539938642116 -47.868359953635974 0 0 0 0
+27 13.923454449001502 -4.244441737971221 0 0 0 0
+30 -31.08210174402565 -15.452631007625016 0 0 0 0
+41 -26.959733347324843 15.121805582858093 0 0 0 0
+39 -12.385633154154538 -0.13456184864531204 0 0 0 0
+29 -28.21054363028557 4.5830732448754 0 0 0 0
+10 43.81558360043482 14.26949488891517 0 0 0 0
+26 46.42241846919214 -19.727423782328238 0 0 0 0
+21 -5.1992683358558525 -17.738919182056193 0 0 0 0
+33 27.8961008018844 -21.407597345138313 0 0 0 0
+37 -10.705280425835511 0.7662725722874478 0 0 0 0
+44 -41.052314291157664 13.441006137115833 0 0 0 0
+36 12.055047062016353 10.362619791683747 0 0 0 0
+54 -8.180445961981027 -0.7829732112138188 0 0 0 0
+42 -1.750990070676921 -0.9734453238882049 0 0 0 0
+48 -8.805527137313483 11.712164814502797 0 0 0 0
+52 -34.043825363883435 13.448686203234997 0 0 0 0
+47 11.798946663060788 -4.32700463979457 0 0 0 0
+59 -0.5461424136961541 -6.777321167498222 0 0 0 0
+40 23.238630895931394 18.34974388739839 0 0 0 0
+43 9.88228270592024 11.460059831249799 0 0 0 0
+60 -18.07969351967361 19.897272193133176 0 0 0 0
+51 25.643338748664654 6.841085324861549 0 0 0 0
+45 -5.8179692963171785 7.743989341394119 0 0 0 0
+38 12.978204328340833 -19.139061482994563 0 0 0 0
+50 -26.31153405575665 -20.46931994845418 0 0 0 0
+46 -3.488614923718985 1.599184831497678 0 0 0 0
+55 18.65149360429747 10.558318542092318 0 0 0 0
+49 -1.1939285154819093 -23.892530267373026 0 0 0 0
+64 -3.5357596288806135 15.14615378895294 0 0 0 0
+68 20.722925324206717 -4.944909313762074 0 0 0 0
+61 -54.51872328427067 21.011930272737462 0 0 0 0
+32 -29.411460685333207 -8.922036896038058 0 0 0 0
+66 23.60155997120873 -18.714145871838085 0 0 0 0
+70 -5.150258427412524 -8.337211268644483 0 0 0 0
+57 -32.38162763008147 -31.27706033687237 0 0 0 0
+62 -27.076783086724742 6.23945761860286 0 0 0 0
+53 2.24962316967018 -26.824184154176145 0 0 0 0
+65 18.111748690873572 -12.366735137406712 0 0 0 0
+56 -24.60190817697608 -30.716171434364764 0 0 0 0
+69 -5.943764635424513 -24.269617244719086 0 0 0 0
+58 -12.585327310604322 -34.51412145033825 0 0 0 0
+77 -16.933790520364226 18.48308612699669 0 0 0 0
+75 25.4704135461318 -24.60108788310888 0 0 0 0
+63 22.61593936171571 -17.99422585756043 0 0 0 0
+104 -31.441339578654187 2.367256947395502 0 0 0 0
+79 19.34837357096583 10.776227644130604 0 0 0 0
+72 -25.748789230940773 -40.88605766706619 0 0 0 0
+82 0.7862074069929885 -7.005123060783671 0 0 0 0
+74 13.006559444299478 -12.14886404423955 0 0 0 0
+71 -12.144963355780323 29.01379048243976 0 0 0 0
+76 -11.620015455135183 27.180079997989377 0 0 0 0
+81 6.628768325660589 21.742183548710354 0 0 0 0
+67 -17.253304370237885 -16.192874465004774 0 0 0 0
+85 44.17823785046586 -31.790648031336385 0 0 0 0
+84 -29.198411419155047 24.274116027152715 0 0 0 0
+78 45.754714619311706 13.72962910150618 0 0 0 0
+73 19.99159506456512 25.253201680214353 0 0 0 0
+91 -47.72452858438335 7.040747705489457 0 0 0 0
+80 38.360957718612966 -19.671316596130175 0 0 0 0
+93 13.954371648743608 14.206338179879934 0 0 0 0
+90 13.088724741449031 -19.846949209781652 0 0 0 0
+83 12.095631536496633 6.556832074665257 0 0 0 0
+99 59.38870779183832 25.248266017602564 0 0 0 0
+95 41.15426002970383 0.24435453239630933 0 0 0 0
+112 -20.324116359469894 -9.367625073413832 0 0 0 0
+92 -8.503221677797564 -43.77773186454387 0 0 0 0
+86 25.840853774965453 -41.19182962977397 0 0 0 0
+98 -7.99357213456299 6.985227757937786 0 0 0 0
+101 11.402662003553825 -10.898727733536406 0 0 0 0
+89 2.2124116688884508 14.788639435832167 0 0 0 0
+109 -6.487901032291766 -18.310093501870067 0 0 0 0
+117 27.323988010217562 26.95736492581175 0 0 0 0
+94 18.48261202251739 24.515584166315307 0 0 0 0
+97 -35.855998308673044 -17.831372732547408 0 0 0 0
+87 -19.203515705033062 8.728031051613064 0 0 0 0
+88 -47.69383208037435 -14.156499591089508 0 0 0 0
+116 3.761482390416298 -4.905140956230868 0 0 0 0
+120 -0.3949025292859184 5.866487667516723 0 0 0 0
+107 -12.425801114304722 -16.191017069315155 0 0 0 0
+111 -13.916977390652104 7.486020504816283 0 0 0 0
+114 -2.582441353918057 23.522924319564577 0 0 0 0
+108 -8.493552104889204 3.7652198796429412 0 0 0 0
+105 -14.575845188825424 38.91415937558879 0 0 0 0
+113 45.32625002049817 -9.206608305959644 0 0 0 0
+130 -17.35461753724449 13.05931860774001 0 0 0 0
+102 20.327736638076466 29.323599807219082 0 0 0 0
+100 13.68831625484066 12.854794011756093 0 0 0 0
+106 -21.78838792221692 -4.132330503712045 0 0 0 0
+126 31.44613495330072 10.11451087019626 0 0 0 0
+96 -57.257115009444234 -22.228638393462155 0 0 0 0
+123 35.19963190686046 6.29253840808352 0 0 0 0
+137 -4.684380914844904 -34.18086646778372 0 0 0 0
+125 16.377115684176065 -15.373952604992972 0 0 0 0
+119 11.037223610851058 -27.857669078160907 0 0 0 0
+121 2.051878250483494 -33.27438743864515 0 0 0 0
+118 51.45389626749306 -12.923583391537543 0 0 0 0
+115 -29.132800240980803 -12.533121610944017 0 0 0 0
+122 16.89290477901092 29.32509572291616 0 0 0 0
+110 34.58449487237421 8.432614245270859 0 0 0 0
+103 -7.043600974356853 -12.524995796290392 0 0 0 0
+146 -54.21540970865874 -16.95996722365707 0 0 0 0
+142 -6.539947150017649 -11.11193108461101 0 0 0 0
+127 -0.6379681757423905 -16.21358588663138 0 0 0 0
+124 -15.121615319224913 7.70437953814348 0 0 0 0
+135 31.151685106830044 -3.331094676639833 0 0 0 0
+138 12.562342489954734 42.124869814088804 0 0 0 0
+131 -8.57203664756552 32.77736447446804 0 0 0 0
+132 2.215749611686966 -28.129656381568804 0 0 0 0
+129 31.99178299166888 -25.91717717888261 0 0 0 0
+141 10.628530172866707 -0.645323853317398 0 0 0 0
+134 7.379182329745726 35.417270594349006 0 0 0 0
+143 16.422175041045147 -3.881951544151208 0 0 0 0
+148 -51.67240024831337 -51.96072380091787 0 0 0 0
+155 -14.76684903056651 12.433864128869937 0 0 0 0
+128 -15.624433904782022 20.701310586186825 0 0 0 0
+133 7.650742894596104 -10.7585368696286 0 0 0 0
+147 18.368972468925865 -42.59595201385102 0 0 0 0
+160 17.65873513396199 27.840679677887117 0 0 0 0
+153 -7.411956276729896 1.068007414538218 0 0 0 0
+149 -1.0441053241111398 14.862348665250563 0 0 0 0
+136 0.7244760709804625 -7.379607577180174 0 0 0 0
+140 -32.165290086945 -2.040432146855421 0 0 0 0
+139 36.323900503059896 18.954593152224525 0 0 0 0
+156 -0.3457865644345399 -24.15649527973271 0 0 0 0
+166 -8.87419752602254 -21.298364235774855 0 0 0 0
+159 68.69738315924812 -7.20196991988052 0 0 0 0
+154 -23.203901997844092 24.019935438416347 0 0 0 0
+162 -1.9339336164298162 -9.937241556395607 0 0 0 0
+167 26.830837492428216 -10.98610749743286 0 0 0 0
+168 54.52150119465914 18.686385822063215 0 0 0 0
+157 -10.06621632133163 38.36482553616918 0 0 0 0
+144 -12.967742953934478 6.428404589796486 0 0 0 0
+145 -51.693532601778735 31.428417438559077 0 0 0 0
+158 -10.911630954348439 7.1766216075704925 0 0 0 0
+151 20.540864565513523 10.276623877944136 0 0 0 0
+161 17.009281153705988 -0.7567658513521147 0 0 0 0
+182 4.452685881676937 0.789687229041087 0 0 0 0
+152 2.0017132473250068 18.415381256782485 0 0 0 0
+150 2.3085794261189534 4.880274744705993 0 0 0 0
+165 27.598913133993165 11.357380294002756 0 0 0 0
+173 -33.322128510688394 7.91296826696638 0 0 0 0
+180 10.083283472018143 14.240524057489324 0 0 0 0
+172 14.668267961256982 -2.853662346826252 0 0 0 0
+164 -19.10044417551096 12.079044754010319 0 0 0 0
+163 -11.667859157756906 3.198697222716948 0 0 0 0
+169 -17.495808680926974 17.213486090803787 0 0 0 0
+177 10.577790316812726 -26.107437136853836 0 0 0 0
+190 -29.222353062887468 -14.927511094855253 0 0 0 0
+171 27.146233582772556 -21.01975368126323 0 0 0 0
+175 -13.581251022485842 -16.807210224179777 0 0 0 0
+179 -48.622798172643 14.687988366518688 0 0 0 0
+188 -7.530781075101043 0.6187723992534975 0 0 0 0
+183 -2.0223330064147333 -11.49527886502499 0 0 0 0
+170 3.1472487473550563 13.448855282607127 0 0 0 0
+197 13.553112714613148 -8.66415820716681 0 0 0 0
+185 -27.752335928423257 -18.02463100235497 0 0 0 0
+174 0.13232030558745644 25.4037628167102 0 0 0 0
+178 -28.543918180376597 17.798063455698653 0 0 0 0
+176 -30.39085831015037 9.965992325021883 0 0 0 0
+184 6.298248256646309 4.467435441132373 0 0 0 0
+191 22.868839862178167 18.507444258740406 0 0 0 0
+189 -23.27893103289374 -28.596218521930926 0 0 0 0
+203 -34.97800401874186 -11.018723263136938 0 0 0 0
+193 -20.396869300287655 46.92152301481038 0 0 0 0
+199 5.903217685061079 3.1392374803354612 0 0 0 0
+186 27.17520756108977 2.7817409931101613 0 0 0 0
+196 -4.4406682112721105 -11.966072988927449 0 0 0 0
+181 10.203638655290442 -4.052647204293765 0 0 0 0
+206 -14.100284572481396 39.959606089692315 0 0 0 0
+207 -0.5931277241420043 -9.748509192061569 0 0 0 0
+200 -11.450702856421426 13.080332650917072 0 0 0 0
+210 25.90584438525506 1.6085906634372527 0 0 0 0
+198 -24.183502222232367 26.023264337502024 0 0 0 0
+202 14.162626483160032 11.67823181710488 0 0 0 0
+204 -6.611519098505022 -35.32795920191669 0 0 0 0
+213 88.73548435094264 5.951354090684756 0 0 0 0
+205 27.042422760813082 3.9116574558018273 0 0 0 0
+187 77.60352073507714 -31.903956959418068 0 0 0 0
+201 2.956741141870778 24.552410827234432 0 0 0 0
+194 15.514336282886203 -13.297246857599001 0 0 0 0
+214 6.047844862155959 -6.56016082919987 0 0 0 0
+211 -7.737346582188598 0.15275064630916152 0 0 0 0
+224 22.64442132686906 3.8230720321114577 0 0 0 0
+228 -1.2994256510094866 29.69518877634001 0 0 0 0
+209 -11.520367197295496 -2.388723650287861 0 0 0 0
+192 -4.3526317431914165 -3.9539908965923245 0 0 0 0
+195 -16.842118585856397 -23.469065286461777 0 0 0 0
+225 -21.866484568496993 -25.663985805307032 0 0 0 0
+226 -23.123685561820032 22.266255887160398 0 0 0 0
+220 6.737409779140218 11.921561273021918 0 0 0 0
+212 26.185935089323788 20.664255811209202 0 0 0 0
+218 -17.79887926963056 14.559986660519574 0 0 0 0
+221 -25.3335958667186 -1.3967366120653337 0 0 0 0
+219 -6.329894611523512 -18.089352269887502 0 0 0 0
+216 6.8892049573053145 21.774340733562024 0 0 0 0
+234 -16.055647067274837 5.46963822130292 0 0 0 0
+227 -5.7783600120842635 10.384798786891684 0 0 0 0
+240 -9.263450852146487 3.052222809594737 0 0 0 0
+223 26.95051596175572 25.397584874842085 0 0 0 0
+215 12.193705734519272 21.096823767521094 0 0 0 0
+208 -18.010910148476807 34.647930200990395 0 0 0 0
+217 -20.546330909728937 15.544244079907058 0 0 0 0
+235 -18.37416452238162 -29.013321954823134 0 0 0 0
+229 -18.394442097904875 32.442384548817365 0 0 0 0
+232 25.56332343249977 -21.259305647000037 0 0 0 0
+231 14.501789024876068 10.635457083381866 0 0 0 0
+222 -13.517999871815674 8.089228262363276 0 0 0 0
+236 -20.386042385657955 -33.073836045807745 0 0 0 0
+238 22.43485422370733 -11.15622635844261 0 0 0 0
+233 -9.443947079399862 -5.035918777404621 0 0 0 0
+239 30.491176166137517 25.028151236417305 0 0 0 0
diff --git a/DATASET/P=90000Pa/box_sheared.data b/DATASET/P=90000Pa/box_sheared.data
new file mode 100644
index 0000000..a332e04
--- /dev/null
+++ b/DATASET/P=90000Pa/box_sheared.data
@@ -0,0 +1,495 @@
+LAMMPS data file via write_data, version 29 Sep 2021, timestep = 2223414
+
+240 atoms
+6 atom types
+
+0.027620025000000006 0.072379975 xlo xhi
+0.027620025000000006 0.072379975 ylo yhi
+-0.0005 0.0005 zlo zhi
+0.004475994762458947 0 0 xy xz yz
+
+Atoms # sphere
+
+3 1 0.0025 1500.0000000000005 0.030763886364915005 0.02808387664973998 0 0 0 0
+9 1 0.0025 1500.0000000000005 0.03320300789878839 0.027914992324131194 0 0 0 0
+6 1 0.0025 1500.0000000000005 0.03778921707527602 0.02889077000335065 0 0 0 0
+237 1 0.0035 1071.4285714285713 0.04262288401719927 0.027884708916465568 0 0 1 0
+230 1 0.0035 1071.4285714285713 0.048585487540124636 0.028343198954417812 0 0 1 0
+17 1 0.0025 1500.0000000000005 0.05162674262155449 0.028889110098193106 0 0 0 0
+19 1 0.0035 1071.4285714285713 0.05459923087333278 0.02895636278720452 0 0 0 0
+11 1 0.0035 1071.4285714285713 0.060203156763418725 0.02806510803346365 0 0 0 0
+1 1 0.0035 1071.4285714285713 0.06372959531791042 0.02850637803017505 0 0 0 0
+14 1 0.0025 1500.0000000000005 0.07097241746245372 0.02884933744391794 0 -1 0 0
+8 1 0.0025 1500.0000000000005 0.05758502459478594 0.029152512727983585 0 0 0 0
+2 1 0.0025 1500.0000000000005 0.06878580745919119 0.029796976305298508 0 0 0 0
+12 1 0.0025 1500.0000000000005 0.040409084001912426 0.02984783806780546 0 0 0 0
+4 1 0.0035 1071.4285714285713 0.04564597746483777 0.029808290198997226 0 0 0 0
+18 1 0.0025 1500.0000000000005 0.03231582245718072 0.030187723736112917 0 0 0 0
+7 1 0.0025 1500.0000000000005 0.06641778421201693 0.03021029548602509 0 0 0 0
+16 1 0.0035 1071.4285714285713 0.02896722609934197 0.030244308518286 0 0 0 0
+5 1 0.0035 1071.4285714285713 0.03532678341237644 0.030308354673601975 0 0 0 0
+20 1 0.0025 1500.0000000000005 0.061926778746935585 0.03068558419574928 0 0 0 0
+25 1 0.0035 1071.4285714285713 0.028541036704165863 0.03363670169081838 0 0 0 0
+54 1 0.0025 1500.0000000000005 0.028568293941705434 0.03666032766290302 0 1 0 0
+65 1 0.0035 1071.4285714285713 0.029467896796015698 0.03985084113809279 0 0 0 0
+106 1 0.0025 1500.0000000000005 0.03079565010412281 0.0493794186697793 0 0 0 0
+103 1 0.0025 1500.0000000000005 0.03075322073348754 0.051836464792697684 0 1 0 0
+143 1 0.0035 1071.4285714285713 0.031150848542430803 0.05536796546609224 0 1 0 0
+189 1 0.0035 1071.4285714285713 0.032116175028187505 0.06394937069926306 0 1 0 0
+235 1 0.0035 1071.4285714285713 0.032536123768685185 0.0714369528179665 0 0 0 0
+225 1 0.0035 1071.4285714285713 0.033001767412405764 0.06752138532172447 0 0 0 0
+182 1 0.0035 1071.4285714285713 0.033231261440620094 0.060339103885071195 0 0 0 0
+42 1 0.0025 1500.0000000000005 0.03085281190799096 0.035795331669069036 0 0 0 0
+83 1 0.0035 1071.4285714285713 0.03201932834980646 0.0453487546212245 0 0 0 0
+146 1 0.0025 1500.0000000000005 0.03298456802808597 0.053190995610803926 0 0 0 0
+166 1 0.0025 1500.0000000000005 0.03352360905458433 0.05744362790356652 0 0 0 0
+126 1 0.0025 1500.0000000000005 0.03294839941333201 0.05074970161743701 0 0 0 0
+97 1 0.0025 1500.0000000000005 0.03288150896979577 0.04825295156815963 0 0 0 0
+15 1 0.0025 1500.0000000000005 0.038066533046311565 0.031637161694318294 0 0 0 0
+35 1 0.0025 1500.0000000000005 0.040513404673358525 0.032323806950379515 0 0 0 0
+24 1 0.0025 1500.0000000000005 0.04274194358972444 0.03093910568459163 0 0 0 0
+23 1 0.0025 1500.0000000000005 0.05039208364859953 0.030875714546675752 0 0 0 0
+31 1 0.0025 1500.0000000000005 0.052837530221745865 0.031260369062773484 0 0 0 0
+22 1 0.0025 1500.0000000000005 0.05713005238813285 0.03153561097711162 0 0 0 0
+13 1 0.0025 1500.0000000000005 0.059476345156060116 0.03087503922160024 0 0 0 0
+34 1 0.0025 1500.0000000000005 0.0644878392054144 0.03156631735894063 0 0 0 0
+28 1 0.0025 1500.0000000000005 0.07074372560904207 0.03151823226445487 0 0 0 0
+27 1 0.0035 1071.4285714285713 0.03188570347809669 0.03307473621998324 0 0 0 0
+30 1 0.0035 1071.4285714285713 0.03533670407763174 0.03376237760953305 0 0 0 0
+41 1 0.0035 1071.4285714285713 0.03879580429211409 0.034568192993253054 0 0 0 0
+39 1 0.0035 1071.4285714285713 0.04289279705497457 0.03435491508968365 0 0 0 0
+29 1 0.0025 1500.0000000000005 0.04507108677048521 0.03260037609195479 0 0 0 0
+10 1 0.0035 1071.4285714285713 0.048064945959719454 0.03250918530737624 0 0 0 0
+26 1 0.0025 1500.0000000000005 0.05144473719710978 0.033160221053010884 0 0 0 0
+21 1 0.0035 1071.4285714285713 0.055089168537635694 0.03347264608377874 0 0 0 0
+33 1 0.0025 1500.0000000000005 0.05822244351501357 0.03393502499551512 0 0 0 0
+37 1 0.0035 1071.4285714285713 0.06147179655716935 0.03358724792404124 0 0 0 0
+44 1 0.0035 1071.4285714285713 0.06486578038823704 0.034552908006319986 0 0 0 0
+36 1 0.0035 1071.4285714285713 0.06782884656193314 0.03296682520496858 0 0 0 0
+48 1 0.0025 1500.0000000000005 0.03334973529425928 0.035755387935472324 0 0 0 0
+52 1 0.0025 1500.0000000000005 0.04118008829936118 0.03656850088618828 0 0 0 0
+47 1 0.0035 1071.4285714285713 0.04646323014615758 0.035444616516480024 0 0 0 0
+59 1 0.0035 1071.4285714285713 0.04996442315517378 0.03557512893741473 0 0 0 0
+40 1 0.0025 1500.0000000000005 0.05287442768676852 0.03521814387019177 0 0 0 0
+32 1 0.0025 1500.0000000000005 0.05476857967481766 0.036987541315455674 0 0 0 0
+43 1 0.0025 1500.0000000000005 0.056953779206416894 0.03598170070619883 0 0 0 0
+60 1 0.0035 1071.4285714285713 0.05992667799302094 0.0365334868705025 0 0 0 0
+51 1 0.0025 1500.0000000000005 0.06305928773340849 0.03671071750980349 0 0 0 0
+45 1 0.0025 1500.0000000000005 0.0676475646969809 0.0358792767581568 0 0 0 0
+38 1 0.0035 1071.4285714285713 0.07051785136987462 0.035414625883166004 0 0 0 0
+50 1 0.0035 1071.4285714285713 0.0324701091247127 0.03853952990844754 0 0 0 0
+46 1 0.0035 1071.4285714285713 0.036043305658812974 0.03730591383754365 0 0 0 0
+55 1 0.0025 1500.0000000000005 0.039004193365902357 0.03749681370810889 0 0 0 0
+49 1 0.0035 1071.4285714285713 0.044011309764827526 0.037694667391703345 0 0 0 0
+64 1 0.0035 1071.4285714285713 0.04732370483699055 0.038942205574309656 0 0 0 0
+68 1 0.0025 1500.0000000000005 0.0502475778160557 0.038567784824698054 0 0 0 0
+61 1 0.0025 1500.0000000000005 0.05237517808013553 0.037541794304499145 0 0 0 0
+66 1 0.0035 1071.4285714285713 0.057669241080231096 0.03895420570273046 0 0 0 0
+70 1 0.0025 1500.0000000000005 0.061959906224745696 0.038849590104821294 0 0 0 0
+57 1 0.0025 1500.0000000000005 0.06583260408463193 0.03753332313238204 0 0 0 0
+62 1 0.0025 1500.0000000000005 0.06913341398407596 0.03797008720627849 0 0 0 0
+53 1 0.0025 1500.0000000000005 0.07158843392933684 0.03826254624017322 0 0 0 0
+56 1 0.0035 1071.4285714285713 0.03548037064465774 0.040630582645181365 0 0 0 0
+69 1 0.0025 1500.0000000000005 0.038340349920100276 0.03977594195204039 0 0 0 0
+58 1 0.0035 1071.4285714285713 0.041329999504767956 0.039552882634588955 0 0 0 0
+77 1 0.0035 1071.4285714285713 0.044847567054442164 0.04110025864278103 0 0 0 0
+75 1 0.0035 1071.4285714285713 0.05146032800490892 0.041365814337551925 0 0 0 0
+63 1 0.0035 1071.4285714285713 0.05447007928209508 0.039902059216291995 0 0 0 0
+104 1 0.0025 1500.0000000000005 0.060381975772255694 0.040673980119846166 0 0 0 0
+79 1 0.0025 1500.0000000000005 0.06293808677067209 0.04119739179228087 0 0 0 0
+72 1 0.0025 1500.0000000000005 0.06447750758548892 0.03942785312388196 0 0 0 0
+82 1 0.0035 1071.4285714285713 0.06745634552044708 0.04020796729046136 0 0 0 0
+74 1 0.0035 1071.4285714285713 0.0708463668812791 0.04110948416091198 0 0 0 0
+71 1 0.0035 1071.4285714285713 0.03240760601704662 0.04195557578758639 0 0 0 0
+76 1 0.0035 1071.4285714285713 0.03531186124801638 0.044081417288836 0 0 0 0
+81 1 0.0035 1071.4285714285713 0.03858136252315489 0.04274124045825691 0 0 0 0
+67 1 0.0035 1071.4285714285713 0.04206389185055414 0.04301485387743857 0 0 0 0
+85 1 0.0035 1071.4285714285713 0.048230743957787814 0.042396280753894976 0 0 0 0
+84 1 0.0025 1500.0000000000005 0.054223874296217084 0.042858515960691394 0 0 0 0
+78 1 0.0025 1500.0000000000005 0.0566743126227838 0.04209581348110853 0 0 0 0
+73 1 0.0025 1500.0000000000005 0.05915542644080462 0.04269488253198367 0 0 0 0
+91 1 0.0035 1071.4285714285713 0.06203588429228666 0.043975014547481796 0 0 0 0
+80 1 0.0035 1071.4285714285713 0.06555763306620671 0.0428562429076584 0 0 0 0
+93 1 0.0025 1500.0000000000005 0.0686502126586786 0.04308062643782602 0 0 0 0
+90 1 0.0035 1071.4285714285713 0.07383779585424784 0.04325659986641832 0 -1 0 0
+99 1 0.0025 1500.0000000000005 0.040368730819784364 0.045312784552626606 0 0 0 0
+95 1 0.0025 1500.0000000000005 0.04282048491368423 0.04593530121983867 0 0 0 0
+112 1 0.0035 1071.4285714285713 0.04534606639179154 0.0445648116920276 0 0 0 0
+92 1 0.0025 1500.0000000000005 0.049290175010119966 0.04518068322105242 0 0 0 0
+86 1 0.0035 1071.4285714285713 0.05216184797631748 0.04481251121671374 0 0 0 0
+98 1 0.0025 1500.0000000000005 0.05520200205534537 0.04520055501498418 0 0 0 0
+101 1 0.0025 1500.0000000000005 0.057494509508993624 0.044533592397885166 0 0 0 0
+89 1 0.0025 1500.0000000000005 0.05977956519616705 0.045760034271844975 0 0 0 0
+109 1 0.0035 1071.4285714285713 0.06489421005839316 0.046180870604960886 0 0 0 0
+117 1 0.0025 1500.0000000000005 0.06788471192355175 0.04530059130861637 0 0 0 0
+94 1 0.0025 1500.0000000000005 0.0710748966792938 0.044494311172803946 0 0 0 0
+87 1 0.0025 1500.0000000000005 0.034960110315222656 0.04695690256307544 0 0 0 0
+88 1 0.0035 1071.4285714285713 0.03783911438981535 0.04664017045067326 0 0 0 0
+116 1 0.0035 1071.4285714285713 0.04108591438499652 0.04831445089638387 0 0 0 0
+120 1 0.0035 1071.4285714285713 0.044522897391791175 0.048531443814441584 0 0 0 0
+107 1 0.0035 1071.4285714285713 0.04767058694923114 0.04744403286688518 0 0 0 0
+111 1 0.0025 1500.0000000000005 0.05075169087513688 0.04732844714986912 0 0 0 0
+114 1 0.0035 1071.4285714285713 0.05383859926050104 0.04797782949991631 0 0 0 0
+108 1 0.0035 1071.4285714285713 0.05726808699755205 0.04769662268874438 0 0 0 0
+105 1 0.0025 1500.0000000000005 0.062105072604903055 0.046940862077060795 0 0 0 0
+113 1 0.0025 1500.0000000000005 0.06037585032665454 0.04852221444797716 0 0 0 0
+130 1 0.0025 1500.0000000000005 0.06755520493733602 0.04779852109634031 0 0 0 0
+102 1 0.0035 1071.4285714285713 0.0704544767391404 0.047382129441774244 0 0 0 0
+100 1 0.0035 1071.4285714285713 0.0737878701360081 0.04681727428460451 0 -1 0 0
+96 1 0.0025 1500.0000000000005 0.035231629786508845 0.04945510899034372 0 0 0 0
+123 1 0.0035 1071.4285714285713 0.038256765285998307 0.05008233950366543 0 0 0 0
+137 1 0.0035 1071.4285714285713 0.04728047075619724 0.05093634484789598 0 0 0 0
+125 1 0.0025 1500.0000000000005 0.049968308241792964 0.04958061197852683 0 0 0 0
+119 1 0.0025 1500.0000000000005 0.05233106450713243 0.050445858175149086 0 0 0 0
+121 1 0.0035 1071.4285714285713 0.05589484640976605 0.050983256495844606 0 0 0 0
+118 1 0.0025 1500.0000000000005 0.05870319263185893 0.050439239333346333 0 0 0 0
+115 1 0.0035 1071.4285714285713 0.06415994367062938 0.049411030183916356 0 0 0 0
+122 1 0.0035 1071.4285714285713 0.06751950107075869 0.05074699242851975 0 0 0 0
+110 1 0.0035 1071.4285714285713 0.07283149036350381 0.05025565420625745 0 0 0 0
+142 1 0.0035 1071.4285714285713 0.03582237401139941 0.05242889759931295 0 0 0 0
+127 1 0.0025 1500.0000000000005 0.03878403112525386 0.053070926864052195 0 0 0 0
+124 1 0.0035 1071.4285714285713 0.04147557975778855 0.051851286925582864 0 0 0 0
+135 1 0.0025 1500.0000000000005 0.04437061020322112 0.05144902575616107 0 0 0 0
+138 1 0.0035 1071.4285714285713 0.05051840555605645 0.05257291696470875 0 0 0 0
+131 1 0.0025 1500.0000000000005 0.05360016027649191 0.05264621958735093 0 0 0 0
+136 1 0.0035 1071.4285714285713 0.05890063815021391 0.05346700693671447 0 0 0 0
+132 1 0.0035 1071.4285714285713 0.06157706069476753 0.0515006561398373 0 0 0 0
+129 1 0.0035 1071.4285714285713 0.06494322291160105 0.05281421279045814 0 0 0 0
+141 1 0.0035 1071.4285714285713 0.0705971243962692 0.05276827799693416 0 0 0 0
+134 1 0.0025 1500.0000000000005 0.07357395217858884 0.05329491316909056 0 0 0 0
+148 1 0.0025 1500.0000000000005 0.03450634389950447 0.05530554047529863 0 0 0 0
+155 1 0.0035 1071.4285714285713 0.03744969232815576 0.05558579050612447 0 0 0 0
+128 1 0.0035 1071.4285714285713 0.04088850510465633 0.05536834826818012 0 0 0 0
+133 1 0.0035 1071.4285714285713 0.04414077384719353 0.054382117789962034 0 0 0 0
+147 1 0.0035 1071.4285714285713 0.047651357347922085 0.05450822980641133 0 0 0 0
+160 1 0.0025 1500.0000000000005 0.050554246481806966 0.05549416281924495 0 0 0 0
+153 1 0.0035 1071.4285714285713 0.05358913432962849 0.055647060911206324 0 0 0 0
+149 1 0.0025 1500.0000000000005 0.05603290781634568 0.05397018390492651 0 0 0 0
+140 1 0.0035 1071.4285714285713 0.06260515664668367 0.055083216637491696 0 0 0 0
+139 1 0.0025 1500.0000000000005 0.0678332945928018 0.05378032911808594 0 0 0 0
+156 1 0.0025 1500.0000000000005 0.06933238545996512 0.055813521462948615 0 0 0 0
+159 1 0.0025 1500.0000000000005 0.03954413192731668 0.05791459109542359 0 0 0 0
+154 1 0.0025 1500.0000000000005 0.04334012797493071 0.057257105559996 0 0 0 0
+162 1 0.0025 1500.0000000000005 0.04577808490788822 0.056962607287174574 0 0 0 0
+167 1 0.0025 1500.0000000000005 0.049261833033907874 0.05750825628328293 0 0 0 0
+168 1 0.0025 1500.0000000000005 0.0517402508526303 0.05779694856198028 0 0 0 0
+157 1 0.0035 1071.4285714285713 0.05707283459757386 0.056813952017367685 0 0 0 0
+144 1 0.0025 1500.0000000000005 0.06002100178425715 0.05633718523585918 0 0 0 0
+145 1 0.0025 1500.0000000000005 0.062126840180360625 0.05794050714975898 0 0 0 0
+158 1 0.0035 1071.4285714285713 0.06605258903097797 0.05612821834174357 0 0 0 0
+151 1 0.0035 1071.4285714285713 0.07253332070712501 0.0559879180827965 0 0 0 0
+161 1 0.0025 1500.0000000000005 0.07521006499824257 0.05821949982955715 0 -1 0 0
+152 1 0.0035 1071.4285714285713 0.03631745804237409 0.05876988933040442 0 0 0 0
+150 1 0.0025 1500.0000000000005 0.041778751743815234 0.05910069779772393 0 0 0 0
+165 1 0.0025 1500.0000000000005 0.04440810114731668 0.059648487567404776 0 0 0 0
+173 1 0.0035 1071.4285714285713 0.04740705579615227 0.05963828526770243 0 0 0 0
+180 1 0.0035 1071.4285714285713 0.050795674006589575 0.06051877029916514 0 0 0 0
+172 1 0.0035 1071.4285714285713 0.05461952030784474 0.05912950469011484 0 0 0 0
+164 1 0.0035 1071.4285714285713 0.05959955682480063 0.059398336585666935 0 0 0 0
+163 1 0.0035 1071.4285714285713 0.06495093697276355 0.059293254129353073 0 0 0 0
+169 1 0.0035 1071.4285714285713 0.06871294859307392 0.05862827471439373 0 0 0 0
+177 1 0.0035 1071.4285714285713 0.0721895828194648 0.05941379036857649 0 0 0 0
+190 1 0.0025 1500.0000000000005 0.03673551760934622 0.061673343220615136 0 0 0 0
+171 1 0.0035 1071.4285714285713 0.039451560819032 0.06083797327309492 0 0 0 0
+175 1 0.0035 1071.4285714285713 0.04283906361475723 0.06198859380505184 0 0 0 0
+179 1 0.0025 1500.0000000000005 0.045808329721632 0.06191644246973183 0 0 0 0
+188 1 0.0025 1500.0000000000005 0.04826032287800415 0.06251190270171696 0 0 0 0
+183 1 0.0035 1071.4285714285713 0.05387899178996965 0.06244076236264345 0 0 0 0
+170 1 0.0035 1071.4285714285713 0.05719013312133096 0.06170617458272394 0 0 0 0
+197 1 0.0035 1071.4285714285713 0.0606001895470591 0.06293474023088778 0 0 0 0
+185 1 0.0025 1500.0000000000005 0.06242772078463961 0.060650439210734375 0 0 0 0
+174 1 0.0025 1500.0000000000005 0.06448979438481314 0.062249089143045194 0 0 0 0
+178 1 0.0025 1500.0000000000005 0.06696227745503724 0.061753126638744896 0 0 0 0
+176 1 0.0035 1071.4285714285713 0.06995161843480094 0.0619280109832375 0 0 0 0
+191 1 0.0035 1071.4285714285713 0.07334600681764453 0.06281047417407784 0 0 0 0
+184 1 0.0025 1500.0000000000005 0.0750629281040569 0.060626998160618686 0 0 0 0
+203 1 0.0025 1500.0000000000005 0.03480219867044481 0.06296938651960822 0 0 0 0
+193 1 0.0025 1500.0000000000005 0.037061561891787206 0.06414445446957197 0 0 0 0
+199 1 0.0035 1071.4285714285713 0.04003309543296797 0.06431223768691349 0 0 0 0
+186 1 0.0025 1500.0000000000005 0.042913625762936676 0.06500423247956182 0 0 0 0
+196 1 0.0025 1500.0000000000005 0.04517209178738958 0.06416206733813605 0 0 0 0
+181 1 0.0035 1071.4285714285713 0.05090587697416929 0.06405503255509074 0 0 0 0
+206 1 0.0025 1500.0000000000005 0.056352924951733066 0.06446824440631688 0 0 0 0
+207 1 0.0025 1500.0000000000005 0.05881463575710762 0.06521641263215416 0 0 0 0
+200 1 0.0025 1500.0000000000005 0.06335140704110864 0.06427040130134679 0 0 0 0
+210 1 0.0025 1500.0000000000005 0.06587191637851691 0.06464053048452001 0 0 0 0
+198 1 0.0025 1500.0000000000005 0.068168063832064 0.06409670946603965 0 0 0 0
+202 1 0.0025 1500.0000000000005 0.03489959091400607 0.06543776212767788 0 1 0 0
+204 1 0.0035 1071.4285714285713 0.037479839991545826 0.06709108783560382 0 0 0 0
+213 1 0.0025 1500.0000000000005 0.0404681584331593 0.06724674405255729 0 0 0 0
+205 1 0.0025 1500.0000000000005 0.0429692067858571 0.06742538954121033 0 0 0 0
+187 1 0.0025 1500.0000000000005 0.04526963180280434 0.06659085244084087 0 0 0 0
+201 1 0.0035 1071.4285714285713 0.047937202274154954 0.06556443517542095 0 0 0 0
+219 1 0.0035 1071.4285714285713 0.050949269803395064 0.0676412517362726 0 0 0 0
+194 1 0.0035 1071.4285714285713 0.05395747209231752 0.06599186462017835 0 0 0 0
+214 1 0.0025 1500.0000000000005 0.05684204023187672 0.06703113153996504 0 0 0 0
+224 1 0.0025 1500.0000000000005 0.061269305821422246 0.06586121468803281 0 0 0 0
+228 1 0.0035 1071.4285714285713 0.06448618549361657 0.06713549118069455 0 0 0 0
+209 1 0.0035 1071.4285714285713 0.06797943810881847 0.06698524311478016 0 0 0 0
+192 1 0.0035 1071.4285714285713 0.07098978252626306 0.06534824146964026 0 0 0 0
+195 1 0.0035 1071.4285714285713 0.0744258700596814 0.06620173897090337 0 0 0 0
+220 1 0.0025 1500.0000000000005 0.03881385211235158 0.06990245172348913 0 0 0 0
+212 1 0.0035 1071.4285714285713 0.0418838730210567 0.07001558981847739 0 0 0 0
+218 1 0.0035 1071.4285714285713 0.045310813747446554 0.06952245108705198 0 0 0 0
+221 1 0.0025 1500.0000000000005 0.048165695131870065 0.06853592474451017 0 0 0 0
+216 1 0.0025 1500.0000000000005 0.054835375443666595 0.0689089521912864 0 0 0 0
+234 1 0.0035 1071.4285714285713 0.057736078275241805 0.0700158578693424 0 0 0 0
+211 1 0.0025 1500.0000000000005 0.05934091455374714 0.06770813098548081 0 0 0 0
+227 1 0.0025 1500.0000000000005 0.06179333152790961 0.06825343030386098 0 0 0 0
+240 1 0.0025 1500.0000000000005 0.06376325244922534 0.06995459183531376 0 0 0 0
+215 1 0.0025 1500.0000000000005 0.06958387651092249 0.0696529364686374 0 0 0 0
+208 1 0.0035 1071.4285714285713 0.07227977809209332 0.06868786585726616 0 0 0 0
+217 1 0.0025 1500.0000000000005 0.0752551015717742 0.06912997262113743 0 0 0 0
+226 1 0.0035 1071.4285714285713 0.03582107642437782 0.07004187056548902 0 0 0 0
+229 1 0.0025 1500.0000000000005 0.04010496880643754 0.07214422090406424 0 0 0 0
+232 1 0.0025 1500.0000000000005 0.04410435477865668 0.0721984355137149 0 0 0 0
+231 1 0.0035 1071.4285714285713 0.05008141547813799 0.07102825694700061 0 0 0 0
+222 1 0.0025 1500.0000000000005 0.05281934951232715 0.07014561421234547 0 0 0 0
+236 1 0.0025 1500.0000000000005 0.05522631032548439 0.0713140517106038 0 0 0 0
+238 1 0.0035 1071.4285714285713 0.06114711078938757 0.07106424263811974 0 0 0 0
+223 1 0.0035 1071.4285714285713 0.06669944457974583 0.07003881499179906 0 0 0 0
+233 1 0.0035 1071.4285714285713 0.0714868680435527 0.07206181709554244 0 0 0 0
+239 1 0.0025 1500.0000000000005 0.07419311452330446 0.0712211394000944 0 0 0 0
+
+Velocities
+
+3 23.062495147314113 -23.483892499181422 0 0 0 0
+9 21.31478950381047 5.997980966764751 0 0 0 0
+6 26.860940136194245 26.658641520105146 0 0 0 0
+237 25.156893348789634 27.78236783077317 0 0 0 0
+230 32.22962524730343 -0.03659769320978189 0 0 0 0
+17 -43.802903332320255 -27.450453245989845 0 0 0 0
+19 -14.263870398591765 16.48836469563147 0 0 0 0
+11 -33.375484436044836 -7.108247840064093 0 0 0 0
+1 -12.087925061903691 -35.23011117155305 0 0 0 0
+14 39.96358131942492 9.353520212858419 0 0 0 0
+8 27.791947355727867 -29.385025898589756 0 0 0 0
+2 -16.82663256716973 -25.285763226739622 0 0 0 0
+12 13.325303780390005 44.779638230622524 0 0 0 0
+4 -24.06064099115741 13.25400981583592 0 0 0 0
+18 -44.88345483077986 19.931726021334168 0 0 0 0
+7 3.2861179929108664 -2.0917274823242433 0 0 0 0
+16 5.004806706634949 -5.472810574712946 0 0 0 0
+5 13.085390453584738 28.055120316496794 0 0 0 0
+20 -13.34780237564375 -26.051932374089663 0 0 0 0
+25 -19.499371161145476 3.104072515571743 0 0 0 0
+54 38.557902735857795 -9.125954769590113 0 0 0 0
+65 13.40392796949617 24.407516424197155 0 0 0 0
+106 -23.721118171894826 -41.138645483966236 0 0 0 0
+103 24.564399333008623 23.669095485785345 0 0 0 0
+143 -4.858746231596825 -1.8368796880058165 0 0 0 0
+189 13.431062738624055 -0.339044292822853 0 0 0 0
+235 3.6433059342775445 21.357836114856568 0 0 0 0
+225 11.620187844161064 -1.8138018065207033 0 0 0 0
+182 25.951464253641422 -27.207048265006957 0 0 0 0
+42 19.021829946716927 -4.3276528415834115 0 0 0 0
+83 -17.89658231792046 15.640503119296541 0 0 0 0
+146 0.3222542401912364 -33.92354348920982 0 0 0 0
+166 40.64355747710437 -0.09719932794016499 0 0 0 0
+126 -26.569665146337844 -37.96406064815316 0 0 0 0
+97 2.329939101479371 -8.180698942346247 0 0 0 0
+15 51.01216610007202 9.064755192814605 0 0 0 0
+35 22.965245249269344 34.04517876470738 0 0 0 0
+24 -29.97651843453727 -22.815226457507364 0 0 0 0
+23 -4.16087826316979 4.172219471682258 0 0 0 0
+31 -12.262322225461915 -1.5926434010323864 0 0 0 0
+22 50.74282362276771 -23.776163991960846 0 0 0 0
+13 19.392781075887232 6.482866073545223 0 0 0 0
+34 34.54063825944049 8.53522171613106 0 0 0 0
+28 -1.257277287303843 25.233861592791563 0 0 0 0
+27 -1.3317436883267022 30.495388172787443 0 0 0 0
+30 -20.092134006139347 7.673903428820327 0 0 0 0
+41 6.103401710581078 -13.664832142817414 0 0 0 0
+39 -32.989714831248804 3.065317146064881 0 0 0 0
+29 7.323673742574256 -6.1029577475268235 0 0 0 0
+10 15.250498870842893 -0.07787026218679988 0 0 0 0
+26 16.859215646382953 10.482966812342836 0 0 0 0
+21 -18.752263625710153 3.862897299947745 0 0 0 0
+33 -13.79658554586823 50.589531309045306 0 0 0 0
+37 -0.08834278079592137 6.508962960066307 0 0 0 0
+44 20.009731153405397 25.040307327846353 0 0 0 0
+36 39.626136313445095 8.094510866287832 0 0 0 0
+48 -23.52180803814541 1.5788566377742113 0 0 0 0
+52 -28.75256497515988 -7.359580365883442 0 0 0 0
+47 -7.60656531206417 9.076809814524328 0 0 0 0
+59 21.557134441687275 -23.994777762148043 0 0 0 0
+40 18.542239396695823 28.968358506448673 0 0 0 0
+32 4.510000666378219 -22.076377095902092 0 0 0 0
+43 14.03209400380718 5.54547713625217 0 0 0 0
+60 9.66131837569851 -1.6676645659825744 0 0 0 0
+51 22.17508576608347 28.63429824274717 0 0 0 0
+45 -36.105330749663985 -12.633761742296485 0 0 0 0
+38 -9.690115621980034 2.661884819114693 0 0 0 0
+50 -4.031542273936267 12.806537928789893 0 0 0 0
+46 24.6007257734165 -11.124524985339477 0 0 0 0
+55 1.7223367092922643 -25.85778567135799 0 0 0 0
+49 -11.406862570225112 16.957054644181767 0 0 0 0
+64 -16.075212790605377 37.14850058572625 0 0 0 0
+68 41.696592897145514 48.32316019807132 0 0 0 0
+61 6.914188422017462 -6.5513094245951145 0 0 0 0
+66 -10.953454811843446 6.859139526258386 0 0 0 0
+70 44.76615866665175 -1.3987168218730104 0 0 0 0
+57 6.989008333109986 35.08471364815174 0 0 0 0
+62 6.790041921699766 25.44830803662925 0 0 0 0
+53 -33.67620703677559 2.7165838433440888 0 0 0 0
+56 -2.148391113961497 15.393237721193012 0 0 0 0
+69 -31.495877546188204 39.27001256852658 0 0 0 0
+58 -2.045295770953269 -9.040753354645163 0 0 0 0
+77 -32.58179934849567 -37.485841216244275 0 0 0 0
+75 43.858998001003 18.785131693095416 0 0 0 0
+63 28.371461045625807 -6.4462053325658335 0 0 0 0
+104 -28.783634152551052 42.19414011925753 0 0 0 0
+79 36.4963684075157 -12.753777251863102 0 0 0 0
+72 35.43584861057084 33.591401504716785 0 0 0 0
+82 9.257199408673655 -0.5998310091916194 0 0 0 0
+74 -15.818671297617078 -6.997792283417219 0 0 0 0
+71 -41.51612759045436 2.6184319820170416 0 0 0 0
+76 -17.516200899390036 -23.70902146032044 0 0 0 0
+81 -13.40750591837418 7.098699575004455 0 0 0 0
+67 -17.30470920904142 -22.681690473651138 0 0 0 0
+85 35.69811477367212 -40.578029742329434 0 0 0 0
+84 -0.8926001649439418 -3.752279784106047 0 0 0 0
+78 -24.9560440914528 -62.78101458029504 0 0 0 0
+73 23.77617150856393 -28.42568938055782 0 0 0 0
+91 -20.060872398345616 -16.547386657959738 0 0 0 0
+80 2.0368804106872416 3.219009920166764 0 0 0 0
+93 -3.2403920440619616 8.959240921853867 0 0 0 0
+90 -17.110592687695863 -36.97709737956705 0 0 0 0
+99 -39.51502832284593 -5.096679315683359 0 0 0 0
+95 16.881790070706565 -9.61483079885351 0 0 0 0
+112 0.19568916622774524 1.8666710081856155 0 0 0 0
+92 33.538835920325695 -35.00359502469433 0 0 0 0
+86 10.586512049504286 15.65197176672373 0 0 0 0
+98 21.40217316834789 38.75374878225785 0 0 0 0
+101 3.603774578656523 16.63772744748151 0 0 0 0
+89 13.61300504430755 11.879764890549723 0 0 0 0
+109 3.421868571995922 28.1102585497435 0 0 0 0
+117 -14.066976382729612 -7.192390804225332 0 0 0 0
+94 23.97227447823194 -19.8138184198399 0 0 0 0
+87 -31.54325641833096 6.4124800610377255 0 0 0 0
+88 -20.38270788983028 13.611562648967334 0 0 0 0
+116 -9.070979766672865 -11.255690165479981 0 0 0 0
+120 6.491931333851818 -19.319521036392306 0 0 0 0
+107 -25.88911446970828 -28.684043939590996 0 0 0 0
+111 1.2982658730055288 -16.59081876761978 0 0 0 0
+114 -7.161530853621814 -24.73005173824687 0 0 0 0
+108 32.07839373121808 -1.0195448799892943 0 0 0 0
+105 47.174016619148176 -38.58917298597026 0 0 0 0
+113 4.607471644916084 -27.189158674517834 0 0 0 0
+130 45.12099920725956 29.352127479836472 0 0 0 0
+102 9.803749355200077 0.520133454028141 0 0 0 0
+100 -6.952916299038714 10.719686160898897 0 0 0 0
+96 21.10027181429808 19.20250508285358 0 0 0 0
+123 -0.30518885416595093 -19.674575089008865 0 0 0 0
+137 50.05260455778285 16.630420892133174 0 0 0 0
+125 49.018906490317825 42.417688193127965 0 0 0 0
+119 -49.07265222913004 -3.2201997847913924 0 0 0 0
+121 -15.079351043974114 18.187264129151302 0 0 0 0
+118 -29.494672925891177 -7.001613215907889 0 0 0 0
+115 -1.9222760420613814 -3.58051070318953 0 0 0 0
+122 -18.901336633185053 16.210014149454558 0 0 0 0
+110 -13.260701066442312 -11.556565969069885 0 0 0 0
+142 25.12859637375618 25.2843231486999 0 0 0 0
+127 -28.066246277745158 7.6185207550615734 0 0 0 0
+124 9.799344317015416 -14.45134161356202 0 0 0 0
+135 -7.364379399694805 -17.816409034624556 0 0 0 0
+138 5.559070565763292 -3.7710588865915957 0 0 0 0
+131 -2.3687436953611636 20.043144566899077 0 0 0 0
+136 26.385141205836206 6.8678624187064425 0 0 0 0
+132 34.36749741326336 -6.535266231310726 0 0 0 0
+129 -15.974031067173568 1.4552954912009877 0 0 0 0
+141 -1.5894861964252631 13.374418226512464 0 0 0 0
+134 -37.209567953482555 -23.607374159557956 0 0 0 0
+148 33.252062561158425 16.811823268002886 0 0 0 0
+155 -25.920175351807387 31.65667819378911 0 0 0 0
+128 6.37103203799909 1.3100788764758533 0 0 0 0
+133 -0.8123198644518889 -10.21580479045542 0 0 0 0
+147 18.45033968837614 1.2671623803692846 0 0 0 0
+160 44.06801631016213 15.963952777914376 0 0 0 0
+153 22.188097747181324 -13.77487807940423 0 0 0 0
+149 -13.322036069558285 -20.065505389318584 0 0 0 0
+140 -9.651242261290728 -21.18120943611695 0 0 0 0
+139 -5.003680566009495 -28.300578901110182 0 0 0 0
+156 19.154261414538485 -56.299315725923684 0 0 0 0
+159 -3.0864785778022106 -9.028731613124355 0 0 0 0
+154 -10.522773399997794 -24.558362810448447 0 0 0 0
+162 0.9565221478756869 -14.793188987041855 0 0 0 0
+167 -31.684344178738105 7.562877996094467 0 0 0 0
+168 -13.926181829175121 -7.689676057134039 0 0 0 0
+157 -32.86005944507171 9.99623992155111 0 0 0 0
+144 -18.35257852463333 11.871631103339096 0 0 0 0
+145 7.559060282303129 -32.113062876492286 0 0 0 0
+158 3.487497394170221 -43.52414442129142 0 0 0 0
+151 -42.97463387026772 -8.30948511452287 0 0 0 0
+161 4.099978255198221 -31.377268690348217 0 0 0 0
+152 12.657212301756296 21.728698554080342 0 0 0 0
+150 28.34804854669226 17.60410806530982 0 0 0 0
+165 -19.17125990519231 -8.210302382832147 0 0 0 0
+173 40.78403735897183 18.330246310686185 0 0 0 0
+180 7.181633157240396 -7.996250990631394 0 0 0 0
+172 16.037620240840557 -12.794069283912672 0 0 0 0
+164 -1.5027744494724324 17.704121419403872 0 0 0 0
+163 -9.709695961939365 8.521617289689999 0 0 0 0
+169 -18.12546915520073 -16.44507002737319 0 0 0 0
+177 22.388076413316732 3.7483674362761668 0 0 0 0
+190 37.74890658320478 -19.80973403147275 0 0 0 0
+171 -15.26927761002875 -28.775255577120724 0 0 0 0
+175 10.277274322916305 10.448728290959467 0 0 0 0
+179 49.499100328182315 -33.07830453464054 0 0 0 0
+188 29.514259558710357 -36.58951368533586 0 0 0 0
+183 23.162142364540596 4.566835654649173 0 0 0 0
+170 -2.4906038385889944 0.4013529591207808 0 0 0 0
+197 -38.497042014424856 14.728818546065337 0 0 0 0
+185 15.379737052907858 26.24407752489111 0 0 0 0
+174 14.737756370111093 9.724242877681522 0 0 0 0
+178 -11.962177180293764 -30.47085186195272 0 0 0 0
+176 -8.454125340427593 1.660740764113977 0 0 0 0
+191 -15.754246892486968 0.7100258136786404 0 0 0 0
+184 -9.165716102969037 -37.898411591243445 0 0 0 0
+203 5.669909475650151 -28.715399028845127 0 0 0 0
+193 -11.38467992320776 -49.90523980692202 0 0 0 0
+199 4.793696908273436 -0.3638837451528844 0 0 0 0
+186 2.410531772894767 -10.538035852652811 0 0 0 0
+196 0.5895472945513386 39.473657308899675 0 0 0 0
+181 14.103229797307861 3.225019898848361 0 0 0 0
+206 34.31394136606365 17.8714713991429 0 0 0 0
+207 -64.88560050108764 -3.7164318884367264 0 0 0 0
+200 48.04322519635389 18.202774064775966 0 0 0 0
+210 31.13127642359238 -31.606312686891563 0 0 0 0
+198 2.463317598881861 2.8737308549645944 0 0 0 0
+202 -2.505955776792171 -5.162621496781546 0 0 0 0
+204 5.514163476690286 -7.297173097172888 0 0 0 0
+213 -21.25399830948153 -45.520555684349524 0 0 0 0
+205 -31.56629761524035 35.08093927951443 0 0 0 0
+187 -7.938268080033505 8.040749971984456 0 0 0 0
+201 -27.27005353905803 -23.904113537995098 0 0 0 0
+219 -21.348233283503127 -8.836146068664453 0 0 0 0
+194 -40.25471998740067 -12.92579592795452 0 0 0 0
+214 0.21809031476714077 -31.21817044195044 0 0 0 0
+224 -9.495116467860903 0.5193731007913178 0 0 0 0
+228 -35.68140411769551 2.731929867291665 0 0 0 0
+209 -14.012737508606085 5.969977450857931 0 0 0 0
+192 -37.12373182665269 19.594455731715207 0 0 0 0
+195 -32.034065165705165 -4.49208332283922 0 0 0 0
+220 9.736804015563582 43.2045436750767 0 0 0 0
+212 -60.766526685261084 -16.371195883810824 0 0 0 0
+218 -5.487995192250284 34.502291628187024 0 0 0 0
+221 -24.0087261377868 13.819140658520709 0 0 0 0
+216 17.120019911517833 79.22001837689525 0 0 0 0
+234 -2.29094713520396 -19.593910537031764 0 0 0 0
+211 -28.76590378588837 28.610135848567023 0 0 0 0
+227 15.65341914472381 23.190576117726994 0 0 0 0
+240 -16.156117333809945 -33.16864330905943 0 0 0 0
+215 -14.093295591856055 57.81544337312918 0 0 0 0
+208 18.438450470283467 -30.51375074940687 0 0 0 0
+217 35.24768651690771 -2.011044927534507 0 0 0 0
+226 4.067854471696368 0.7169786266842892 0 0 0 0
+229 -17.207049896675876 -3.977375611833552 0 0 0 0
+232 -0.4352986830123887 -22.10317884810676 0 0 0 0
+231 4.466522929011716 -2.002213672363744 0 0 0 0
+222 -33.92462007685808 60.34042831451804 0 0 0 0
+236 10.462279341879885 1.9678192596991793 0 0 0 0
+238 -29.357758835410827 -0.35889774136649255 0 0 0 0
+223 -3.750004263378807 14.396271594174275 0 0 0 0
+233 32.61693573221615 27.182441978724967 0 0 0 0
+239 17.161631808681477 16.142630535799437 0 0 0 0
diff --git a/DATASET/P=90000Pa/confined.restart b/DATASET/P=90000Pa/confined.restart
new file mode 100644
index 0000000..21f4017
Binary files /dev/null and b/DATASET/P=90000Pa/confined.restart differ
diff --git a/DATASET/P=90000Pa/log.lammps b/DATASET/P=90000Pa/log.lammps
new file mode 100644
index 0000000..418825d
--- /dev/null
+++ b/DATASET/P=90000Pa/log.lammps
@@ -0,0 +1,148 @@
+LAMMPS (29 Sep 2021 - Update 3)
+OMP_NUM_THREADS environment is not set. Defaulting to 1 thread. (src/comm.cpp:98)
+ using 1 OpenMP thread(s) per MPI task
+read_restart confined.restart
+Reading restart file ...
+ restart file = 29 Sep 2021, LAMMPS = 29 Sep 2021
+ restoring atom style sphere from restart
+ orthogonal box = (0.027620025 0.027620025 -0.00050000000) to (0.072379975 0.072379975 0.00050000000)
+ 1 by 1 by 1 MPI processor grid
+ restoring pair style gran/hertz/history from restart
+ 240 atoms
+ read_restart CPU = 0.001 seconds
+
+variable nb_points equal 1000
+variable eps_max equal 0.1
+variable shearrate equal 1e-1
+variable dt equal 0.01
+
+# Don't touch
+variable eps equal xy/lx
+variable rate equal v_shearrate*lx*v_dt
+variable nb_step equal $(round(v_eps_max/(v_rate*v_dt)))
+variable nb_step equal 223414
+variable print_freq equal $(round(v_nb_step/v_nb_points))
+variable print_freq equal 223
+
+# ===== GEOMETRY ====
+
+change_box all triclinic
+Changing box ...
+ triclinic box = (0.027620025 0.027620025 -0.00050000000) to (0.072379975 0.072379975 0.00050000000) with tilt (0.0000000 0.0000000 0.0000000)
+
+# ==== DUMP ====
+
+thermo_style custom step atoms lx xy pxy v_eps v_nb_step
+thermo_modify norm no flush yes
+thermo 5000
+
+# ==== FIXES ====
+
+timestep ${dt}
+timestep 0.01
+
+fix 2 all deform 1 xy erate ${rate}
+fix 2 all deform 1 xy erate 4.475995e-05
+fix FIX5 all enforce2d
+
+fix output_file all print ${print_freq} "${eps} $(pxy)" file StrainStress.txt screen no
+fix output_file all print 223 "${eps} $(pxy)" file StrainStress.txt screen no
+
+run ${nb_step}
+run 223414
+Resetting global fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+Resetting peratom fix info from restart file:
+ fix style: NEIGH_HISTORY, fix ID: NEIGH_HISTORY_HH0
+All restart file global fix info was re-assigned
+All restart file peratom fix info was re-assigned
+Neighbor list info ...
+ update every 1 steps, delay 10 steps, check yes
+ max neighbors/atom: 2000, page size: 100000
+ master list distance cutoff = 0.0045
+ ghost atom cutoff = 0.0045
+ binsize = 0.00225, bins = 20 20 1
+ 1 neighbor lists, perpetual/occasional/extra = 1 0 0
+ (1) pair gran/hertz/history, perpetual
+ attributes: half, newton on, size, history
+ pair build: half/size/bin/newton/tri
+ stencil: half/bin/2d/tri
+ bin: standard
+Per MPI rank memory allocation (min/avg/max) = 9.981 | 9.981 | 9.981 Mbytes
+Step Atoms Lx Xy Pxy v_eps v_nb_step
+ 2000000 240 0.04475995 0 2190.6656 0 223414
+ 2005000 240 0.04475995 0.00010017266 -1784.2763 0.0022379975 223414
+ 2010000 240 0.04475995 0.00020034531 -5738.1079 0.004475995 223414
+ 2015000 240 0.04475995 0.00030051797 -9669.9791 0.0067139925 223414
+ 2020000 240 0.04475995 0.00040069062 -13569.527 0.00895199 223414
+ 2025000 240 0.04475995 0.00050086328 -17434.238 0.011189987 223414
+ 2030000 240 0.04475995 0.00060103594 -21248.569 0.013427985 223414
+ 2035000 240 0.04475995 0.00070120859 -25026.188 0.015665982 223414
+ 2040000 240 0.04475995 0.00080138125 -28765.455 0.01790398 223414
+ 2045000 240 0.04475995 0.00090155391 -32475.171 0.020141978 223414
+ 2050000 240 0.04475995 0.0010017266 -36179.171 0.022379975 223414
+ 2055000 240 0.04475995 0.0011018992 -39871.964 0.024617973 223414
+ 2060000 240 0.04475995 0.0012020719 -43572.509 0.02685597 223414
+ 2065000 240 0.04475995 0.0013022445 -47277.44 0.029093968 223414
+ 2070000 240 0.04475995 0.0014024172 -50990.99 0.031331965 223414
+ 2075000 240 0.04475995 0.0015025898 -54730.966 0.033569963 223414
+ 2080000 240 0.04475995 0.0016027625 -58495.059 0.03580796 223414
+ 2085000 240 0.04475995 0.0017029352 -62278.728 0.038045957 223414
+ 2090000 240 0.04475995 0.0018031078 -66097.898 0.040283955 223414
+ 2095000 240 0.04475995 0.0019032805 -69940.729 0.042521952 223414
+ 2100000 240 0.04475995 0.0020034531 -73806.148 0.04475995 223414
+ 2105000 240 0.04475995 0.0021036258 -77687.731 0.046997947 223414
+ 2110000 240 0.04475995 0.0022037984 -81588.865 0.049235945 223414
+ 2115000 240 0.04475995 0.0023039711 -85518.876 0.051473942 223414
+ 2120000 240 0.04475995 0.0024041437 -89468.304 0.05371194 223414
+ 2125000 240 0.04475995 0.0025043164 -93443.417 0.055949937 223414
+ 2130000 240 0.04475995 0.0026044891 -97450.637 0.058187935 223414
+ 2135000 240 0.04475995 0.0027046617 -101495.09 0.060425933 223414
+ 2140000 240 0.04475995 0.0028048344 -105578.57 0.06266393 223414
+ 2145000 240 0.04475995 0.002905007 -109702.4 0.064901928 223414
+ 2150000 240 0.04475995 0.0030051797 -113878.92 0.067139925 223414
+ 2155000 240 0.04475995 0.0031053523 -118106.37 0.069377923 223414
+ 2160000 240 0.04475995 0.003205525 -122377.18 0.07161592 223414
+ 2165000 240 0.04475995 0.0033056977 -126692.7 0.073853917 223414
+ 2170000 240 0.04475995 0.0034058703 -131063.67 0.076091915 223414
+ 2175000 240 0.04475995 0.003506043 -135483.61 0.078329912 223414
+ 2180000 240 0.04475995 0.0036062156 -139949.88 0.08056791 223414
+ 2185000 240 0.04475995 0.0037063883 -144467.57 0.082805907 223414
+ 2190000 240 0.04475995 0.0038065609 -149034.68 0.085043905 223414
+ 2195000 240 0.04475995 0.0039067336 -153649.64 0.087281902 223414
+ 2200000 240 0.04475995 0.0040069062 -158307.66 0.0895199 223414
+ 2205000 240 0.04475995 0.0041070789 -163003.7 0.091757898 223414
+ 2210000 240 0.04475995 0.0042072516 -167735.36 0.093995895 223414
+ 2215000 240 0.04475995 0.0043074242 -172501.66 0.096233893 223414
+ 2220000 240 0.04475995 0.0044075969 -177305.41 0.09847189 223414
+ 2223414 240 0.04475995 0.0044759948 -180605.32 0.099999995 223414
+Loop time of 4.83004 on 1 procs for 223414 steps with 240 atoms
+
+99.3% CPU use with 1 MPI tasks x 1 OpenMP threads
+
+MPI task timing breakdown:
+Section | min time | avg time | max time |%varavg| %total
+---------------------------------------------------------------
+Pair | 3.5191 | 3.5191 | 3.5191 | 0.0 | 72.86
+Neigh | 0.00072289 | 0.00072289 | 0.00072289 | 0.0 | 0.01
+Comm | 0.50831 | 0.50831 | 0.50831 | 0.0 | 10.52
+Output | 0.0063334 | 0.0063334 | 0.0063334 | 0.0 | 0.13
+Modify | 0.58593 | 0.58593 | 0.58593 | 0.0 | 12.13
+Other | | 0.2097 | | | 4.34
+
+Nlocal: 240.000 ave 240 max 240 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Nghost: 109.000 ave 109 max 109 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+Neighs: 700.000 ave 700 max 700 min
+Histogram: 1 0 0 0 0 0 0 0 0 0
+
+Total # of neighbors = 700
+Ave neighs/atom = 2.9166667
+Neighbor list builds = 17
+Dangerous builds = 0
+
+write_data box_sheared.data
+System init for write_data ...
+
+Total wall time: 0:00:04
diff --git a/DATASET/dataset b/DATASET/dataset
new file mode 100644
index 0000000..1245542
Binary files /dev/null and b/DATASET/dataset differ
diff --git a/DATASET/dataset.csv b/DATASET/dataset.csv
new file mode 100644
index 0000000..06a688b
--- /dev/null
+++ b/DATASET/dataset.csv
@@ -0,0 +1,2004 @@
+,Strain P=100000Pa,Stress P=100000Pa,Strain P=10000Pa,Stress P=10000Pa,Strain P=110000Pa,Stress P=110000Pa,Strain P=120000Pa,Stress P=120000Pa,Strain P=130000Pa,Stress P=130000Pa,Strain P=140000Pa,Stress P=140000Pa,Strain P=150000Pa,Stress P=150000Pa,Strain P=160000Pa,Stress P=160000Pa,Strain P=170000Pa,Stress P=170000Pa,Strain P=180000Pa,Stress P=180000Pa,Strain P=190000Pa,Stress P=190000Pa,Strain P=200000Pa,Stress P=200000Pa,Strain P=20000Pa,Stress P=20000Pa,Strain P=30000Pa,Stress P=30000Pa,Strain P=40000Pa,Stress P=40000Pa,Strain P=50000Pa,Stress P=50000Pa,Strain P=60000Pa,Stress P=60000Pa,Strain P=70000Pa,Stress P=70000Pa,Strain P=80000Pa,Stress P=80000Pa,Strain P=90000Pa,Stress P=90000Pa
+0,-0.09990756469251548,-215210.8620232507,-0.09993840784286864,-84398.37691521972,-0.09990041599999996,-212689.39680009728,-0.09994353426070328,-209299.183963012,-0.0998923956531069,-231531.69352017276,-0.09995587601999993,-239769.50818905857,-0.09985911836474469,-232436.2303100287,-0.09991651456156148,-259979.07490242974,-0.09992477095455682,-262083.50375567842,-0.09982025820323788,-257241.40536654214,-0.09994273234316597,-270418.2959750289,-0.09990880699999997,-287231.18415651703,-0.09989126041255209,-123739.95652784979,-0.09994748379682936,-120869.49891230938,-0.09990902599359854,-141402.16129611587,-0.09981157947505546,-159566.49131570986,-0.09988160741691489,-170197.4674931143,-0.0998685503410386,-177274.89834840872,-0.09989689731735327,-190089.7457227775,-0.09991450318850002,-182626.67630892657
+1,-0.09980735650325517,-214973.1631032063,-0.09983856927359504,-84256.59236919986,-0.09980051558400006,-212451.17887385676,-0.09984349068286477,-209071.3250308738,-0.09979220267853009,-231287.08843178643,-0.09985602000000003,-239507.09552650581,-0.09975925924637999,-232212.21717420925,-0.09981659804699979,-259719.46188015127,-0.09982464593356032,-261826.71403625983,-0.09972013758317448,-256979.77107512188,-0.09984288945371228,-270161.2229123853,-0.09980889819300007,-286955.1522411656,-0.09979116896925289,-123559.60125197915,-0.09984763616066875,-120694.51454639103,-0.09980901695856984,-141214.4936450556,-0.09971146755983487,-159367.88170787873,-0.0997814252630362,-169986.9023394055,-0.0997683812835251,-177062.7689701291,-0.09979680022585287,-189865.19505166865,-0.09981468850000003,-182410.6741909205
+2,-0.09970714831399488,-214735.51594030272,-0.09973873070432134,-84114.89530551535,-0.09970061516799997,-212213.03362022855,-0.09974344710502618,-208843.52848179216,-0.0996920097039532,-231042.53726113067,-0.09975616397999984,-239244.75376564954,-0.09965940012801519,-231988.23606408917,-0.09971668153243828,-259459.89346918167,-0.09972452091256381,-261569.9517641949,-0.09962001696311097,-256718.18008903041,-0.09974304656425868,-269904.1842597597,-0.09970898938599997,-286679.1383702512,-0.09969107752595378,-123379.3337815096,-0.09974778852450805,-120519.61859245309,-0.09970900792354123,-141026.9018153487,-0.09961135564461407,-159169.32920356593,-0.0996812431091578,-169776.45448633615,-0.0996682122260116,-176850.70219210282,-0.09969670313435257,-189640.71387932755,-0.09971487381150002,-182194.74018927163
+3,-0.09960694012473448,-214497.9210409617,-0.09963889213504794,-83973.28617353842,-0.09960071475200007,-211974.96163809273,-0.09964340352718767,-208615.79503160605,-0.09959181672937639,-230798.04056536758,-0.09965630795999994,-238982.48318148256,-0.09955954100965049,-231764.28729565383,-0.09961676501787678,-259200.35953224005,-0.09962439589156721,-261313.21750441697,-0.09951989634304767,-256456.63274960345,-0.09964320367480498,-269647.1802244326,-0.09960908057899998,-286403.1428643262,-0.09959098608265468,-123199.15452479185,-0.09964794088834725,-120344.81145702995,-0.09960899888851253,-140839.38617420127,-0.09951124372939348,-158970.83415023374,-0.09958106095527909,-169566.1489487399,-0.0995680431684979,-176638.69817847607,-0.09959660604285217,-189416.30241827123,-0.09961505912299992,-181978.87456342482
+4,-0.09950673193547428,-214260.37901210214,-0.09953905356577424,-83831.76544829141,-0.09950081433599997,-211736.96357907087,-0.09954335994934918,-208388.12542736676,-0.09949162375479949,-230553.59881930175,-0.09955645193999993,-238720.28404923415,-0.09945968189128569,-231540.37118420115,-0.09951684850331508,-258940.84433109127,-0.09952427087057072,-261056.51152547367,-0.09941977572298408,-256195.12938772264,-0.09954336078535128,-269390.21101275465,-0.09950917177199997,-286127.16603987984,-0.09949089463935548,-123019.06391941156,-0.09954809325218665,-120170.09355568161,-0.09950898985348403,-140651.94708805677,-0.09941113181417267,-158772.396873811,-0.09948087880140069,-169355.94423427878,-0.0994678741109843,-176426.75709368594,-0.09949650895135177,-189191.9608800402,-0.09951524443450012,-181763.07757349993
+5,-0.09940652374621398,-214022.89065086743,-0.09943921499650064,-83690.33363522882,-0.09940091391999996,-211499.04016190395,-0.09944331637151058,-208160.52045840636,-0.0993914307802227,-230309.21245496307,-0.09945659591999993,-238458.15664461837,-0.09935982277292099,-231316.4880447453,-0.09941693198875358,-258681.35955352586,-0.09942414584957401,-260799.83403980074,-0.09931965510292078,-255933.67032498764,-0.09944351789589748,-269133.27683022333,-0.09940926296499987,-285851.20820970554,-0.09939080319605638,-122839.06244089644,-0.09944824561602596,-119995.46531373075,-0.09940898081845533,-140464.5849260135,-0.09931101989895197,-158574.01768463088,-0.099380696647522,-169145.82792262232,-0.0993677050534708,-176214.8791024739,-0.09939641185985147,-188967.68947545093,-0.09941542974600012,-181547.34765142077
+6,-0.09930631555695357,-213785.45721129785,-0.09933937642722694,-83548.99127635587,-0.09930101350399996,-211261.19219355335,-0.09934327279367208,-207932.98092346016,-0.09929123780564579,-230064.88188018004,-0.09935673990000003,-238196.1012440109,-0.09925996365455629,-231092.63819242892,-0.09931701547419208,-258421.89717993236,-0.09932402082857753,-260543.18523743923,-0.09921953448285738,-255672.2558746262,-0.09934367500644378,-268876.37788161845,-0.09930935415799998,-285575.2696832757,-0.09929071175275718,-122659.15061601615,-0.09934839797986535,-119820.92716705744,-0.09930897178342674,-140277.30006258623,-0.09921090798373117,-158375.696881416,-0.09928051449364349,-168935.80114345803,-0.0992675359959571,-176003.064369931,-0.09929631476835107,-188743.48841482002,-0.09931561505750013,-181331.68393680084
+7,-0.09920610736769338,-213548.082448888,-0.09923953785795345,-83407.73891635636,-0.09920111308799996,-211023.42060167907,-0.09924322921583358,-207705.50273829434,-0.099191044831069,-229820.60748884344,-0.09925688388000004,-237934.11812467422,-0.09916010453619149,-230868.82194292988,-0.09921709895963057,-258162.46224645447,-0.09922389580758102,-260286.565296491,-0.09911941386279388,-255410.8863422651,-0.09924383211699007,-268619.5143710827,-0.09920944535099997,-285299.3507670841,-0.09919062030945808,-122479.32904462834,-0.09924855034370465,-119646.4795630113,-0.09920896274839804,-140090.0928801951,-0.09911079606851037,-158177.43475405147,-0.09918033233976489,-168725.8651631078,-0.09916736693844361,-175791.3130615131,-0.09919621767685077,-188519.35790816252,-0.09921580036900002,-181116.08797763925
+8,-0.09910589917843309,-213310.7645844528,-0.09913969928867984,-83266.57702514408,-0.09910121267199987,-210785.72648818733,-0.09914318563799498,-207478.08812536302,-0.0990908518564921,-229576.3896671911,-0.09915702785999994,-237672.20756494332,-0.09906024541782679,-230645.03961289185,-0.09911718244506888,-257903.05893751368,-0.09912377078658442,-260029.9743877,-0.09901929324273047,-255149.56202673705,-0.09914398922753638,-268362.6865022362,-0.09910953654400007,-285023.45176500274,-0.09909052886615888,-122299.59843884874,-0.09914870270754406,-119472.12296138871,-0.09910895371336943,-139902.96377162717,-0.09901068415328977,-157979.23158565286,-0.0990801501858864,-168516.0214267287,-0.09906719788093,-175579.62534311184,-0.09909612058535038,-188295.2981653239,-0.09911598568050002,-180900.56040520815
+9,-0.09900569098917278,-213073.49733367836,-0.09903986071940624,-83125.5064077125,-0.09900131225599997,-210548.11122615507,-0.09904314206015648,-207250.7335703436,-0.0989906588819154,-229332.22879820882,-0.09905717183999993,-237410.36984441927,-0.098960386299462,-230421.29152032378,-0.09901726593050737,-257643.68936388887,-0.09902364576558792,-259773.4126768041,-0.09891917262266707,-254888.27767272378,-0.09904414633808267,-268105.89447827195,-0.09900962773699996,-284747.5729786047,-0.09899043742285978,-122119.95970320751,-0.09904885507138325,-119297.85783552685,-0.09900894467834093,-139715.91314263036,-0.09891057223806918,-157781.08765422745,-0.0989799680320078,-168306.27162132514,-0.0989670288234165,-175367.99939132456,-0.09899602349384998,-188071.3093961688,-0.09901617099200002,-180685.10168596625
+10,-0.09890548279991258,-212836.28091516424,-0.09894002215013274,-82984.52790502449,-0.09890141184000006,-210310.57666010663,-0.09894309848231798,-207023.4254547855,-0.09889046590733849,-229088.12526478316,-0.09895731581999993,-237148.60524418898,-0.0988605271810973,-230197.5779850473,-0.09891734941594588,-257384.3549905781,-0.09892352074459142,-259516.8803258815,-0.09881905200260357,-254627.0236053845,-0.09894430344862888,-267849.13850205584,-0.09890971892999997,-284471.7147075104,-0.09889034597956058,-121940.41413795624,-0.09894900743522266,-119123.68467360156,-0.09890893564331213,-139528.94141481447,-0.09881046032284838,-157583.00323391394,-0.09887978587812929,-168096.61777671284,-0.0988668597659029,-175156.43205524795,-0.09889592640234968,-187847.3918106511,-0.09891635630350001,-180469.71222068102
+11,-0.09880527461065218,-212599.112966607,-0.09884018358085904,-82843.64247037533,-0.09880151142399997,-210073.12562572377,-0.09884305490447938,-206796.17497310205,-0.0987902729327617,-228844.07878048363,-0.09885745979999994,-236886.91404703166,-0.09876066806273248,-229973.8993291665,-0.09881743290138417,-257125.05684046654,-0.09882339572359491,-259260.3774942231,-0.09871893138254018,-254365.79620250865,-0.09884446055917517,-267592.41877621325,-0.09880981012300007,-284195.8772497332,-0.09879025453626149,-121760.96427615476,-0.09884915979906195,-118949.60398000121,-0.09880892660828364,-139342.0480854887,-0.09871034840762757,-157384.97859609916,-0.0987796037242507,-167887.06244094938,-0.0987666907083892,-174944.92585436397,-0.09879582931084928,-187623.54561897312,-0.09881654161500002,-180254.39237674486
+12,-0.09870506642139187,-212361.9940327925,-0.09874034501158545,-82702.85123754865,-0.09870161100799986,-209835.76423844876,-0.09874301132664087,-206568.98724126673,-0.0986900799581848,-228600.0841040197,-0.09875760378000004,-236625.29653761658,-0.0986608089443678,-229750.2558775501,-0.09871751638682268,-256865.79583679204,-0.09872327070259822,-259003.904338896,-0.09861881076247668,-254104.6006837731,-0.09874461766972148,-267335.73550319794,-0.09870990131599996,-283920.0609020247,-0.09869016309296239,-121581.61564027517,-0.09874931216290135,-118775.61627697712,-0.09870891757325494,-139155.23232995413,-0.09861023649240687,-157187.01401032446,-0.0986794215703722,-167677.60902670075,-0.09866652165087571,-174733.4816492627,-0.09869573221934907,-187399.77103165243,-0.09871672692650002,-180039.14250266828
+13,-0.09860485823213168,-212124.92514518325,-0.09864050644231194,-82562.15562448285,-0.09860171059199996,-209598.50403487403,-0.09864296774880228,-206341.86649162095,-0.09858988698360799,-228356.14406976517,-0.09865774775999994,-236363.75300275808,-0.09856094982600298,-229526.6479583672,-0.09861759987226108,-256606.57282971047,-0.09862314568160171,-258747.4610151391,-0.09851869014241328,-253843.4409369792,-0.09864477478026788,-267079.0888854365,-0.09860999250899997,-283644.2659602357,-0.09859007164966307,-121402.35693977783,-0.09864946452674066,-118601.7221065386,-0.09860890853822633,-138968.49563894919,-0.09851012457718628,-156989.109745134,-0.09857923941649359,-167468.26265907005,-0.0985663525933621,-174522.0999618536,-0.09859563512784857,-187176.06825962517,-0.09861691223800002,-179823.96277408165
+14,-0.09850465004287128,-211887.90679946475,-0.09854066787303835,-82421.55753551259,-0.09850181017600007,-209361.3170602428,-0.09854292417096377,-206114.81776787338,-0.0984896940090311,-228112.2601884872,-0.09855789173999993,-236102.28373165042,-0.09846109070763828,-229303.07590361807,-0.09851768335769957,-256347.38854032944,-0.09852302066060512,-258491.04767661783,-0.09841856952234998,-253582.31889252708,-0.09854493189081417,-266822.4791253411,-0.09851008370200007,-283368.49271974363,-0.09848998020636408,-121223.18688361585,-0.09854961689057985,-118427.92203264608,-0.09850889950319773,-138781.83883236005,-0.09841001266196547,-156791.2660688657,-0.09847905726261509,-167259.03318051255,-0.0984661835358484,-174310.78118680275,-0.09849553803634817,-186952.43751434176,-0.09851709754950001,-179608.84155634453
+15,-0.09840444185361098,-211650.9393710373,-0.09844082930376465,-82281.05984941928,-0.09840190975999996,-209124.20135614154,-0.09844288059312528,-205887.85011141168,-0.09838950103445429,-227868.43336987073,-0.09845803571999993,-235840.88901615725,-0.09836123158927348,-229079.54004979559,-0.09841776684313798,-256088.24349652676,-0.09842289563960863,-258234.66447572564,-0.09831844890228647,-253321.2358724846,-0.09844508900136027,-266565.90642544534,-0.09841017489499987,-283092.74147582595,-0.09838988876306479,-121044.10580862018,-0.09844976925441926,-118254.21664382628,-0.09840889046816903,-138595.2626388055,-0.09830990074674467,-156593.48325031716,-0.0983788751087365,-167049.94620207805,-0.0983660144783349,-174099.52565412447,-0.09839544094484798,-186728.87900782024,-0.09841728286099992,-179393.78227804674
+16,-0.09830423366435068,-211414.02318152008,-0.09834099073449123,-82140.66818140785,-0.09830200934400006,-208887.15737494372,-0.09834283701528668,-205660.98302352565,-0.0982893080598774,-227624.66434650382,-0.09835817969999994,-235579.56915107695,-0.09826137247090878,-228856.04073855234,-0.09831785032857637,-255829.12115628834,-0.09832277061861212,-257978.31156367456,-0.09821832828222307,-253060.1928942411,-0.09834524611190658,-266309.3709884933,-0.09831026608799998,-282817.01252414647,-0.09828979731976578,-120865.11406070112,-0.09834992161825865,-118080.60655632764,-0.09830888143314054,-138408.76779728167,-0.09820978883152406,-156395.7615595982,-0.098278692954858,-166840.95718594283,-0.0982658454208214,-173888.33365576883,-0.09829534385334757,-186505.39295275434,-0.09831746817249992,-179178.78822140137
+17,-0.09820402547509048,-211177.1585225555,-0.09824115216521755,-82000.3993406391,-0.09820210892799996,-208650.1855917608,-0.09824279343744818,-205434.1770874324,-0.0981891150853006,-227380.9537773355,-0.09825832368000004,-235318.32443452286,-0.09816151335254408,-228632.57831743924,-0.09821793381401488,-255570.02603985948,-0.09822264559761552,-257721.9890906544,-0.09811820766215967,-252799.1907934232,-0.09824540322245298,-266052.87301751715,-0.09821035728099997,-282541.30616127176,-0.09818970587646648,-120686.21199572505,-0.09825007398209795,-117907.09241789725,-0.09820887239811184,-138222.3551098841,-0.09810967691630328,-156198.1012688011,-0.09817851080097949,-166632.0579736579,-0.09816567636330781,-173677.20545906675,-0.09819524676184728,-186281.97244550378,-0.09821765348399993,-178963.86084871666
+18,-0.09810381728583017,-210940.34566691951,-0.09814131359594394,-81860.22552136888,-0.09810220851200006,-208413.28650821082,-0.09814274985960958,-205207.42754593195,-0.0980889221107239,-227137.3022908525,-0.09815846766000004,-235057.1533675561,-0.09806165423417929,-228409.15314081055,-0.09811801729945317,-255310.96311606668,-0.09812252057661902,-257465.69720592935,-0.09801808704209618,-252538.23028578906,-0.09814556033299927,-265796.4127159029,-0.09811044847399987,-282265.6226852372,-0.09808961443316738,-120507.39998041972,-0.09815022634593736,-117733.67491247389,-0.09810886336308323,-138036.02550305703,-0.09800956500108257,-156000.5026528466,-0.09807832864710089,-166423.25354197828,-0.0980655073057943,-173466.14131452513,-0.09809514967034687,-186058.60685345714,-0.09811783879550012,-178749.00115423507
+19,-0.09800360909656979,-210703.58487453856,-0.09804147502667024,-81720.1370842406,-0.09800230809599997,-208176.46065730372,-0.09804270628177107,-204980.7355303505,-0.097988729136147,-226893.71050931557,-0.09805861163999993,-234796.04022266238,-0.09796179511581458,-228185.7655707386,-0.09801810078489168,-255051.93440864634,-0.09802239555562232,-257209.43605793864,-0.09791796642203278,-252277.31200268146,-0.09804571744354558,-265539.99028751906,-0.09801053966699998,-281989.96239623375,-0.09798952298986818,-120328.67839353516,-0.09805037870977665,-117560.35476612352,-0.09800885432805453,-137849.78014641174,-0.09790945308586187,-155802.965990411,-0.0979781464932224,-166214.56080127094,-0.0979653382482806,-173255.14146058785,-0.09799505257884657,-185835.30435670802,-0.09801802410700013,-178534.2099227612
+20,-0.09790340090730958,-210466.87639603557,-0.09794163645739674,-81580.13429949681,-0.09790240767999997,-207939.7086099358,-0.09794266270393258,-204754.10231211086,-0.09788853616157009,-226650.17906634172,-0.09795875561999993,-234534.99209613615,-0.09786193599744979,-227962.4159781923,-0.09791818427033018,-254792.92564611576,-0.09792227053462582,-256953.2057943551,-0.09781784580196927,-252016.4365129698,-0.09794587455409177,-265283.6059368149,-0.09791063085999997,-281714.3255974201,-0.09788943154656908,-120150.04762711536,-0.09795053107361605,-117387.13275464994,-0.09790884529302593,-137663.62082864222,-0.09780934117064118,-155605.49156496156,-0.09787796433934379,-166005.96517297233,-0.0978651691907671,-173044.20612685144,-0.09789495548734617,-185612.06670631727,-0.09791820941850002,-178319.48782557444
+21,-0.09780319271804928,-210230.22047511392,-0.09784179788812314,-81440.21744005755,-0.09780250726399997,-207703.03098381017,-0.09784261912609397,-204527.52764091574,-0.0977883431869933,-226406.70862310307,-0.09785889959999994,-234274.01244104977,-0.09776207687908509,-227739.10474428837,-0.09781826775576868,-254533.91441446808,-0.09782214551362932,-256697.00656214566,-0.09771772518190598,-251755.60433770774,-0.09784603166463808,-265027.2598688741,-0.09781072205299987,-281438.71259586286,-0.09778934010326988,-119971.5080880629,-0.09785068343745525,-117214.00971371676,-0.09780883625799723,-137477.55215095368,-0.09770922925542037,-155408.07966599613,-0.09777778218546529,-165797.44326978098,-0.0977650001332535,-172833.33553618132,-0.09779485839584577,-185388.8953118926,-0.09781839473000002,-178104.83546624178
+22,-0.09770298452878888,-209993.61735006658,-0.09774195931884955,-81300.38678164277,-0.09770260684799996,-207466.42845628384,-0.09774257554825527,-204301.01360688743,-0.09768815021241639,-226163.29988691164,-0.09775904358000004,-234013.10296213994,-0.09766221776072029,-227515.82432867237,-0.09771835124120698,-254274.89753095212,-0.09772202049263272,-256440.8385076432,-0.09761760456184257,-251494.815960193,-0.09774618877518437,-264770.9231559147,-0.09771081324599996,-281163.12370378606,-0.09768924865997078,-119793.06019995314,-0.09775083580129465,-117040.98655274534,-0.09770882722296863,-137291.5690998525,-0.09760911734019977,-155210.73059065346,-0.0976776000315867,-165588.9953742998,-0.0976648310757398,-172622.52990634987,-0.09769476130434547,-185165.79146087132,-0.09771858004150002,-177890.25340617256
+23,-0.09760277633952857,-209757.06725492567,-0.09764212074957584,-81160.64260290381,-0.09760270643199996,-207229.90178401652,-0.09764253197041697,-204074.56542283908,-0.0975879572378396,-225919.95363641586,-0.09765918755999983,-233752.2648292604,-0.09756235864235559,-227292.56082253723,-0.09761843472664548,-254015.89142120662,-0.09762189547163622,-256184.70177656697,-0.09751748394177907,-251234.07183326565,-0.09764634588573068,-264514.583374976,-0.09761090443899997,-280887.5592400719,-0.09758915721667158,-119614.70440529539,-0.09765098816513396,-116868.06427484701,-0.09760881818794014,-137105.66940269546,-0.09750900542497896,-155013.4446457554,-0.0975774178777082,-165380.6217722293,-0.0975646620182263,-172411.78945116562,-0.09759466421284507,-184942.75601433552,-0.09761876535300001,-177675.7421805021
+24,-0.09750256815026838,-209520.57042031578,-0.09754228218030234,-81020.98518552813,-0.09750280601599996,-206993.45183595136,-0.09754248839257827,-203848.1673650108,-0.0974877642632627,-225676.67076122295,-0.09755933153999993,-233491.49896644946,-0.09746249952399079,-227069.31564412598,-0.09751851821208397,-253756.90223333114,-0.09752177045063971,-255928.5965140733,-0.09741736332171567,-250973.37238469537,-0.09754650299627697,-264258.258422827,-0.09751099563200007,-280612.01674783335,-0.09748906577337248,-119436.44116822096,-0.09755114052897335,-116695.24400726473,-0.09750880915291144,-136919.85405963755,-0.09740889350975837,-154816.22215066003,-0.09747723572382959,-165172.32275252446,-0.0974644929607127,-172201.11438140078,-0.09749456712134477,-184719.789661684,-0.09751895066450002,-177461.3023090568
+25,-0.09740235996100807,-209284.12707403314,-0.09744244361102875,-80881.41481440426,-0.09740290560000006,-206757.07965926733,-0.09744244481473968,-203621.8165516021,-0.0973875712886859,-225433.45233310218,-0.09745947551999994,-233230.80617150158,-0.09736264040562609,-226846.08837978134,-0.09741860169752228,-253497.93368693668,-0.09742164542964322,-255672.5228647793,-0.09731724270165218,-250712.71802130493,-0.09744666010682318,-264001.95357605006,-0.09741108682499997,-280336.4836867529,-0.09738897433007337,-119258.27097791724,-0.09745129289281265,-116522.52705175219,-0.09740880011788283,-136734.1242994643,-0.09730878159453757,-154619.063441384,-0.09737705356995109,-164964.09860761891,-0.0973643239031992,-171990.50490543357,-0.09739447002984437,-184496.89298976999,-0.09741913597600002,-177246.93430458137
+26,-0.09730215177174768,-209047.73744158007,-0.09734260504175514,-80741.93177769729,-0.09730300518399997,-206520.78132939682,-0.09734240123690117,-203395.518213127,-0.097287378314109,-225190.2997579273,-0.09735961949999994,-232970.18719822605,-0.09726278128726129,-226622.88633622223,-0.09731868518296077,-253238.98845356863,-0.09732152040864651,-255416.48097279872,-0.09721712208158878,-250452.1091322419,-0.09734681721736947,-263745.665926388,-0.09731117801799997,-280060.9669622456,-0.09728888288677418,-119080.19435295496,-0.09735144525665185,-116349.91497938293,-0.09730879108285413,-136548.48172907502,-0.09720866967931686,-154421.96887719212,-0.0972768714160724,-164755.949633637,-0.09726415484568571,-171779.96122986724,-0.09729437293834398,-184274.06651732113,-0.09731932128750002,-177032.638679484
+27,-0.09720194358248747,-208811.40174656297,-0.09724276647248165,-80602.53636704138,-0.09720310476799987,-206284.55772422842,-0.09724235765906268,-203169.2744867908,-0.0971871853395323,-224947.21520247665,-0.09725976347999994,-232709.6429563393,-0.09716292216889659,-226399.7124855501,-0.09721876866839928,-252980.06862426645,-0.09722139538765003,-255160.47098178664,-0.09711700146152538,-250191.54609145538,-0.09724697432791578,-263489.38506941264,-0.09721126921100007,-279785.4693723454,-0.09718879144347509,-118902.21184686288,-0.09725159762049125,-116177.4098553206,-0.09720878204782553,-136362.9286707829,-0.09710855776409608,-154224.93885226466,-0.097176689262194,-164547.8761306236,-0.09716398578817201,-171569.48355992805,-0.09719427584684368,-184051.3107148701,-0.09721950659900001,-176818.41595187382
+28,-0.09710173539322718,-208575.1202110092,-0.09714292790320794,-80463.22887765241,-0.09710320435199997,-206048.4114014757,-0.09714231408122408,-202943.08697832646,-0.0970869923649555,-224704.204471338,-0.09715990746000004,-232449.17356826118,-0.09706306305053179,-226176.56886227673,-0.09711885215383768,-252721.17592526964,-0.09712127036665343,-254904.49303495002,-0.09701688084146187,-249931.02925980158,-0.09714713143846208,-263233.1206599809,-0.09711136040399987,-279509.99245908513,-0.09708870000017589,-118724.32405564137,-0.09715174998433056,-116005.01545640644,-0.09710877301279704,-136177.4691996414,-0.09700844584887547,-154027.973819586,-0.0970765071083153,-164339.8784027467,-0.0970638167306584,-171359.07209991215,-0.09709417875534328,-183828.62601745647,-0.09711969191049992,-176604.26665147077
+29,-0.09700152720396688,-208338.89305561583,-0.09704308933393434,-80324.0096084703,-0.09700330393600007,-205812.345900678,-0.09704227050338558,-202716.9571158976,-0.09698679939037859,-224461.2686792761,-0.09706005143999993,-232188.77932269388,-0.09696320393216709,-225953.45708781917,-0.09701893563927617,-252462.31183504342,-0.09702114534565692,-254648.54727505313,-0.09691676022139847,-249670.55898672002,-0.09704728854900847,-262976.8764104381,-0.09701145159699998,-279234.53738057107,-0.09698860855687678,-118546.53162806814,-0.09705190234816995,-115832.73417313563,-0.09700876397776823,-135992.11706690714,-0.09690833393365467,-153831.0743552262,-0.0969763249544369,-164131.95675854268,-0.0969636476731449,-171148.72705346753,-0.09699408166384307,-183606.01283318386,-0.09701987722199992,-176390.19132594054
+30,-0.09690131901470649,-208102.7205000586,-0.09694325076466084,-80184.8788623448,-0.09690340351999996,-205576.37029118565,-0.09694222692554698,-202490.88628735472,-0.0968866064158018,-224218.39319042553,-0.09696019541999994,-231928.46073267513,-0.0968633448138023,-225730.37857070006,-0.09691901912471458,-252203.4776547739,-0.09692102032466042,-254392.6338444642,-0.09681663960133498,-249410.13561160132,-0.09694744565955457,-262720.65459609247,-0.09691154278999997,-278959.1051664016,-0.09688851711357759,-118368.83528050595,-0.09695205471200935,-115660.56940226225,-0.09690875494273973,-135806.86090247802,-0.09680822201843407,-153634.24151623683,-0.09687614280055819,-163924.1115112113,-0.0968634786156312,-170938.44862385895,-0.09689398457234258,-183383.47154925362,-0.09692006253350012,-176176.19054796812
+31,-0.09680111082544628,-207866.60276310868,-0.09684341219538724,-80045.83694617177,-0.09680350310400007,-205340.48238154151,-0.09684218334770849,-202264.87593127653,-0.09678641344122489,-223975.57843530955,-0.09686033939999994,-231668.21829698028,-0.09676348569543759,-225507.3346110442,-0.09681910261015297,-251944.67455427133,-0.09682089530366382,-254136.75271263014,-0.09671651898127158,-249149.75946500874,-0.09684760277010097,-262464.45689629717,-0.09681163398300006,-278683.6968935795,-0.09678842567027848,-118191.2358193787,-0.09685220707584866,-115488.52012103579,-0.09680874590771103,-135621.68124086564,-0.09670811010321327,-153437.47617511638,-0.09677596064667979,-163716.3429789089,-0.0967633095581176,-170728.23701425127,-0.09679388748084237,-183161.00253638407,-0.09682024784500012,-175962.26224896163
+32,-0.09670090263618598,-207630.54006285442,-0.09674357362611354,-79906.88417109757,-0.09670360268799996,-205104.6654880414,-0.09674213976986998,-202038.9276389299,-0.096686220466648,-223732.8248559667,-0.09676048337999994,-231408.05250471685,-0.09666362657707289,-225284.32544568536,-0.09671918609559138,-251685.90360357735,-0.09672077028266732,-253880.89868203498,-0.09661639836120828,-248889.4308696457,-0.09674775988064728,-262208.28465705656,-0.09671172517599998,-278408.31409083016,-0.09668833422697919,-118013.73417778038,-0.09675235943968785,-115316.57298998843,-0.09670873687268243,-135436.57833197352,-0.09660799818799257,-153240.77597334105,-0.0966757784928011,-163508.65148499742,-0.09666314050060411,-170518.0924279003,-0.09669379038934198,-182938.60615212767,-0.09672043315650011,-175748.40419998486
+33,-0.09660069444692578,-207394.53261685258,-0.09664373505684004,-79768.02085270143,-0.09660370227200006,-204868.92025330782,-0.09664209619203137,-201813.04334814392,-0.0965860274920712,-223490.13290765148,-0.09666062736000004,-231147.96383889602,-0.0965637674587081,-225061.3405353916,-0.09661926958102988,-251427.1657960685,-0.09662064526167062,-253625.0735520079,-0.09651627774114478,-248629.1501412329,-0.09664791699119357,-261952.13901054082,-0.09661181636899997,-278132.9594484145,-0.09658824278368018,-117836.33148128053,-0.09665251180352726,-115144.72927444882,-0.09660872783765373,-135251.55242702152,-0.09650788627277176,-153044.1412701568,-0.0965755963389226,-163301.0373584388,-0.0965629714430906,-170308.01506836832,-0.09659369329784158,-182716.2827434624,-0.09662061846800002,-175534.61957530945
+34,-0.09650048625766539,-207158.5806422744,-0.09654389648756644,-79629.24731120019,-0.09650380185599997,-204633.24730824868,-0.09654205261419288,-201587.22608786725,-0.09648583451749429,-223247.50306070276,-0.09656077133999993,-230887.95277936937,-0.0964639083403434,-224838.3859079262,-0.09651935306646828,-251168.46206611127,-0.09652052024067412,-253369.27778964015,-0.09641615712108137,-248368.91758922415,-0.09654807410173988,-261696.02094030989,-0.09651190756200007,-277857.62857295596,-0.09648815134038088,-117659.02918573895,-0.09655266416736664,-114972.99041348707,-0.09650871880262513,-135066.60377867767,-0.09640777435755117,-152847.57245456424,-0.0964754141850442,-163093.50093408374,-0.096462802385577,-170098.0051396907,-0.09649359620634128,-182494.03264877904,-0.09652080377950002,-175320.90986860916
+35,-0.09640027806840508,-206922.68435603587,-0.09644405791829275,-79490.56387167054,-0.09640390143999997,-204397.64728400696,-0.09644200903635437,-201361.48055884315,-0.0963856415429175,-223004.93580261807,-0.09646091531999994,-230628.01980535287,-0.0963640492219786,-224615.4654559368,-0.09641943655190678,-250909.7933034518,-0.09642039521967762,-253113.50104393164,-0.09631603650101787,-248108.72693907953,-0.09644823121228607,-261439.9313212502,-0.09641199875499996,-277582.32130901224,-0.09638805989708188,-117481.82945243713,-0.09645281653120595,-114801.3580784067,-0.09640870976759643,-134881.73264116733,-0.09630766244233037,-152651.0699461769,-0.09637523203116549,-162886.04255313752,-0.0963626333280633,-169888.0628465619,-0.09639349911484087,-182271.8561995371,-0.09642098909100003,-175107.2763526888
+36,-0.09630006987914477,-206686.84397488748,-0.09634421934901914,-79351.97086430772,-0.09630400102399997,-204162.12082071602,-0.09634196545851578,-201135.7997976214,-0.0962854485683408,-222762.43164046033,-0.09636105929999994,-230368.1653975931,-0.0962641901036139,-224392.58200635645,-0.09631952003734529,-250651.1555883564,-0.09632027019868111,-252857.74801537028,-0.09621591588095448,-247848.57946308955,-0.09634838832283238,-261183.87094572475,-0.09631208994799997,-277307.03812020406,-0.09628796845378258,-117304.7373874859,-0.09635296889504535,-114629.83426468866,-0.09630870073256793,-134696.93927045076,-0.09620755052710978,-152454.63420428085,-0.0962750498772869,-162678.66256350366,-0.0962624642705498,-169678.18839448225,-0.09629340202334058,-182049.75372160226,-0.09632117440250001,-174893.7203300608
+37,-0.09619986168988438,-206451.05971557595,-0.09624438077974565,-79213.46862466594,-0.09620410060799997,-203926.6685748066,-0.09624192188067728,-200910.1850988216,-0.0961852555937639,-222519.99110360577,-0.09626120327999993,-230108.39004041214,-0.09616433098524908,-224169.73852651945,-0.09621960352278358,-250392.54708906965,-0.09622014517768451,-252602.02127793457,-0.09611579526089108,-247588.47744285624,-0.09624854543337867,-260927.81965726946,-0.09621218114100007,-277031.77946527867,-0.09618787701048348,-117127.7559575984,-0.09625312125888465,-114458.42144769782,-0.09620869169753933,-134512.22392430433,-0.09610743861188897,-152258.26574124407,-0.0961748677234084,-162471.36132032052,-0.09616229521303621,-169468.38198994237,-0.09619330493184017,-181827.7255363473,-0.09622135971400002,-174680.24327899495
+38,-0.09609965350062417,-206215.3317949178,-0.09614454221047204,-79075.05749397093,-0.09610420019199996,-203691.29122576455,-0.09614187830283868,-200684.63901394323,-0.09608506261918709,-222277.6147469556,-0.09616134726000003,-229848.6942235966,-0.09606447186688438,-223946.93900963262,-0.09611968700822209,-250133.9718435176,-0.09612002015668802,-252346.3220767347,-0.09601567464082758,-247328.4218638684,-0.09614870254392498,-260671.7799040337,-0.09611227233399997,-276756.5458048886,-0.09608778556718447,-116950.87116594108,-0.09615327362272386,-114287.12287445528,-0.09610868266251063,-134327.5868624826,-0.09600732669666827,-152061.96514315074,-0.09607468556953,-162264.13918641425,-0.0960621261555225,-169258.6438405701,-0.09609320784033977,-181605.77196163672,-0.09612154502550002,-174466.84704093036
+39,-0.09599944531136388,-205979.66042991367,-0.09604470364119834,-78936.73781941296,-0.09600429977599996,-203455.98948284055,-0.09604183472500018,-200459.16542815114,-0.0959848696446102,-222035.30315475882,-0.09606149124000003,-229589.078444262,-0.09596461274851958,-223724.18678312644,-0.09601977049366058,-249875.43160609863,-0.09601989513569131,-252090.6512429183,-0.09591555402076418,-247068.41341351566,-0.09604885965447128,-260415.7593637236,-0.09601236352699997,-276481.3376086277,-0.09598769412388518,-116774.08394045253,-0.09605342598656325,-114115.94320222009,-0.09600867362748203,-134143.02834678398,-0.09590721478144747,-151865.7331040629,-0.0959745034156513,-162056.99653288905,-0.095961957098009,-169048.97415523956,-0.09599311074883947,-181383.89331260257,-0.09602173033700002,-174253.5342018075
+40,-0.09589923712210367,-205744.04583783014,-0.09594486507192475,-78798.50995451983,-0.09590439936000006,-203220.76409243883,-0.09594179114716168,-200233.7748730433,-0.09588467667003339,-221793.05694519842,-0.09596163521999994,-229329.54320871385,-0.09586475363015488,-223501.48729542218,-0.09591985397909888,-249616.92775569533,-0.09591977011469482,-251835.00940613562,-0.09581543340070067,-246808.45264518168,-0.09594901676501767,-260159.7609951059,-0.09591245471999997,-276206.155363248,-0.09588760268058619,-116597.39537623936,-0.09595357835040255,-113944.89034034306,-0.09590866459245333,-133958.54864120728,-0.09580710286622687,-151669.57048808434,-0.0958743212617728,-161849.93373972128,-0.0958617880404955,-168839.37314430228,-0.09589301365733907,-181162.08990242294,-0.09592191564850001,-174040.3093020407
+41,-0.09579902893284338,-205508.488236318,-0.09584502650265124,-78660.37425953327,-0.09580449894399996,-202985.6158465326,-0.09584174756932308,-200008.465991357,-0.09578448369545649,-221550.87677597455,-0.09586177919999994,-229070.08815586934,-0.09576489451179018,-223278.81191351474,-0.09581993746453737,-249358.4616022053,-0.09581964509369832,-251579.39707838334,-0.09571531278063737,-246548.5400373559,-0.09584917387556378,-259903.78672491907,-0.09581254591299987,-275930.99958312046,-0.09578751123728688,-116420.8068162444,-0.09585373071424196,-113773.98887957027,-0.09580865555742474,-133774.1480120654,-0.09570699095100607,-151473.4784578766,-0.09577413910789419,-161642.95119650502,-0.0957616189829819,-168629.8410196844,-0.09579291656583877,-180940.36204290413,-0.09582210095999992,-173827.18550892858
+42,-0.09569882074358298,-205272.98784347152,-0.09574518793337765,-78522.33110185662,-0.09570459852799987,-202750.5455928214,-0.09574170399148457,-199783.2195753737,-0.0956842907208796,-221308.76335124217,-0.09576192317999993,-228810.69545689053,-0.09566503539342538,-223056.16094804567,-0.09572002094997588,-249100.03466081308,-0.09571952007270172,-251323.81469531104,-0.09561519216057397,-246288.6760211774,-0.09574933098611008,-259647.8380156267,-0.09571263710599998,-275655.87082494254,-0.09568741979398777,-116244.32000174899,-0.09575388307808134,-113603.23453608861,-0.09570864652239623,-133589.82672808893,-0.09560687903578527,-151277.45880779304,-0.09567395695401569,-161436.04930315886,-0.0956614499254684,-168420.37799506774,-0.09569281947433837,-180718.71004512807,-0.09572228627149992,-173614.15042300068
+43,-0.09559861255432268,-205037.54487795336,-0.09564534936410395,-78384.3808565066,-0.09560469811199997,-202515.55424755687,-0.09564166041364608,-199558.03754929418,-0.09558409774630279,-221066.71743036242,-0.09566206716000003,-228551.37192957004,-0.0955651762750608,-222833.53579812025,-0.09562010443541438,-248841.64992574858,-0.09561939505170522,-251068.2626395056,-0.09551507154051048,-246028.86099542977,-0.09564948809665648,-259391.916069505,-0.09561272829899997,-275380.7697101575,-0.09558732835068857,-116067.93739869876,-0.09565403544192055,-113432.57169787127,-0.09560863748736753,-133405.58506056748,-0.09550676712056468,-151081.51409278234,-0.0955737748001371,-161229.228470818,-0.0955612808679547,-168210.98428606577,-0.09559272238283797,-180497.1342199827,-0.09562247158299991,-173401.19312248434
+44,-0.09549840436506248,-204802.15955907258,-0.09554551079483053,-78246.52390670638,-0.09550479769600007,-202280.64281223883,-0.09554161683580747,-199332.92241612778,-0.0954839047717261,-220824.7398391491,-0.09556221113999984,-228292.1221209199,-0.09546531715669589,-222610.9375450153,-0.09552018792085268,-248583.30523705215,-0.09551927003070872,-250812.7412547791,-0.09541495092044708,-245769.095335471,-0.09554964520720277,-259136.0219245874,-0.09551281949199987,-275105.69696257607,-0.09548723690738949,-115891.66311912377,-0.09555418780575985,-113262.00098649805,-0.09550862845233893,-133221.42328346372,-0.09540665520534397,-150885.65155479577,-0.0954735926462586,-161022.48912277006,-0.0954611118104412,-168001.6601104134,-0.09549262529133767,-180275.634878654,-0.09552265689450012,-173188.30525176227
+45,-0.09539819617580209,-204566.83210685258,-0.09544567222555685,-78108.76064449288,-0.09540489727999997,-202045.81239634554,-0.09544157325796898,-199107.87772647082,-0.09538371179714919,-220582.83148479226,-0.09546235511999994,-228032.94825808454,-0.09536545803833119,-222388.3446238499,-0.09542027140629118,-248324.99937700666,-0.09541914500971202,-250557.25085550355,-0.09531483030038358,-245509.37939906077,-0.09544980231774908,-258880.15650745234,-0.09541291068499998,-274830.6534795004,-0.09538714546409029,-115715.50905966283,-0.09545434016959925,-113091.5230661534,-0.09540861941731023,-133037.34167353797,-0.09530654329012327,-150689.8537700471,-0.09537341049237999,-160815.8316956314,-0.0953609427529276,-167792.40568809627,-0.09539252819983728,-180054.21233317532,-0.09542284220600011,-172975.48707774148
+46,-0.09529798798654178,-204331.5627421619,-0.09534583365628324,-77971.09147145475,-0.09530499686400007,-201811.06424986775,-0.09534152968013047,-198882.90935698122,-0.0952835188225724,-220340.9933761134,-0.09536249909999994,-227773.85192910567,-0.09526559891996658,-222165.75103655097,-0.09532035489172967,-248066.73306692374,-0.09531901998871552,-250301.79173307776,-0.09521470968032017,-245249.71353029992,-0.09534995942829527,-258624.32066540947,-0.09531300187799997,-274555.640491081,-0.09528705402079118,-115539.47765222918,-0.09535449253343856,-112921.13865157597,-0.09530861038228162,-132853.3405104927,-0.09520643137490246,-150494.1195011515,-0.09527322833850149,-160609.2566405033,-0.0952607736954139,-167583.21890885106,-0.09529243110833707,-179832.8585011371,-0.09532302751750002,-172762.7388619649
+47,-0.09519777979728147,-204096.35168676722,-0.09524599508700975,-77833.51679953627,-0.09520509644799996,-201576.39981226742,-0.09524148610229188,-198658.0323345495,-0.09518332584799549,-220099.22665216879,-0.09526264307999993,-227514.834442765,-0.09516573980160169,-221943.16968530667,-0.09522043837716798,-247808.50701601154,-0.09521889496771892,-250046.3641604953,-0.09511458906025677,-244990.09806249663,-0.09525011653884158,-258368.5151879288,-0.09521309307100007,-274280.6600467519,-0.09518696257749208,-115363.53581627371,-0.09525464489727795,-112750.84851849255,-0.09520860134725292,-132669.4200770939,-0.09510631945968177,-150298.4490631681,-0.0951730461846229,-160402.76442445396,-0.0951606046379004,-167374.10036616586,-0.09519233401683658,-179611.56622161376,-0.09522321282900002,-172550.06086144946
+48,-0.09509757160802128,-203861.19916346425,-0.09514615651773604,-77696.03705207768,-0.09510519603200006,-201341.82079218287,-0.09514144252445338,-198433.26129029316,-0.0950831328734187,-219857.5326246367,-0.09516278706000003,-227255.8969676599,-0.09506588068323689,-221720.60481804208,-0.09512052186260647,-247550.3219274746,-0.09511876994672241,-249790.96839576698,-0.09501446844019328,-244730.53332023125,-0.09515027364938787,-258112.74082185532,-0.09511318426399996,-274005.71874146815,-0.09508687113419288,-115187.6838434474,-0.09515479726111735,-112580.65351757382,-0.09510859231222443,-132485.5806593392,-0.09500620754446097,-150102.84273561786,-0.0950728640307444,-160196.355532133,-0.0950604355803868,-167165.05099102072,-0.09509223692533618,-179390.34250647324,-0.09512339814050003,-172337.45332932522
+49,-0.09499736341876087,-203626.1053961463,-0.09504631794846244,-77558.65266494801,-0.09500529561599996,-201107.32931136162,-0.09504139894661477,-198208.53809405735,-0.0949829398988418,-219615.91284449561,-0.09506293104000003,-226997.04060196385,-0.09496602156487229,-221498.05907603801,-0.09502060534804488,-247292.17850410833,-0.09501864492572593,-249535.60468444575,-0.09491434782012997,-244471.0037260167,-0.09505043075993418,-257856.99236345955,-0.09501327545699997,-273730.811609793,-0.09498677969089368,-115011.92203050983,-0.09505494962495656,-112410.55459376187,-0.09500858327719564,-132301.82254659245,-0.09490609562924036,-149907.30077948267,-0.09497268187686579,-159990.03046769818,-0.0949602665228733,-166956.07126383003,-0.09499213983383598,-179169.18977449794,-0.09502358345200002,-172124.91651538538
+50,-0.09489715522950058,-203391.07060990972,-0.09494647937918894,-77421.36408798386,-0.09490539519999996,-200872.92821023831,-0.09494135536877628,-197983.86241182082,-0.09488274692426499,-219374.3692166057,-0.09496307501999994,-226738.2664155129,-0.09486616244650758,-221275.5344237169,-0.09492068883348338,-247034.07745354946,-0.09491851990472942,-249280.27326164383,-0.09481422720006658,-244211.50128904078,-0.09495058787048048,-257601.26421034453,-0.09491336665000007,-273455.9292795536,-0.09488668824759458,-114836.25067970005,-0.09495510198879585,-112240.55281403077,-0.09490857424216713,-132118.1460317279,-0.09480598371401958,-149711.8234449367,-0.0948724997229873,-159783.78975700992,-0.0948600974653598,-166747.16156404992,-0.09489204274233547,-178948.10943738706,-0.09492376876350002,-171912.43501562672
+51,-0.09479694704024037,-203156.09503115903,-0.09484664080991534,-77284.17178675944,-0.09480549478399997,-200638.62192958337,-0.09484131179093779,-197759.2344960725,-0.0947825539496881,-219132.90258577786,-0.09486321899999993,-226479.57547985858,-0.09476630332814279,-221053.03246846434,-0.09482077231892168,-246776.01949367145,-0.09481839488373282,-249024.97435357654,-0.09471410658000308,-243951.99199985462,-0.09485074498102668,-257345.56243068466,-0.09481345784299987,-273181.07197557105,-0.09478659680429548,-114660.67009900244,-0.09485525435263525,-112070.64940932153,-0.09480856520713853,-131934.55141133253,-0.09470587179879897,-149516.410975464,-0.0947723175691088,-159577.63395025706,-0.0947599284078461,-166538.3221723566,-0.09479194565083528,-178727.10252526784,-0.09482395407500002,-171700.00402374443
+52,-0.09469673885098008,-202921.178887744,-0.09474680224064164,-77147.07624477756,-0.09470559436799997,-200404.42267749156,-0.09474126821309918,-197534.65459651797,-0.0946823609751114,-218891.51398674917,-0.09476336297999993,-226220.9688932351,-0.09466644420977809,-220830.55461116834,-0.09472085580436018,-246518.0053584399,-0.09471826986273613,-248769.7081787864,-0.09461398595993968,-243692.4640633027,-0.09475090209157298,-257089.88922678487,-0.09471354903599997,-272906.23991963646,-0.09468650536099628,-114485.18060256598,-0.09475540671647455,-111900.84584198189,-0.09470855617210983,-131751.03898585547,-0.09460575988357817,-149321.06361030435,-0.09467213541523019,-159371.56362505033,-0.0946597593503325,-166329.5504611151,-0.09469184855933488,-178506.1698742207,-0.09472413938650003,-171487.63241111566
+53,-0.09459653066171968,-202686.32240903995,-0.09464696367136805,-77010.07796628268,-0.09460569395199986,-200170.3241073907,-0.09464122463526048,-197310.1229603738,-0.0945821680005344,-218650.21205120924,-0.09466350696000003,-225962.44780497326,-0.09456658509141339,-220608.1021334008,-0.09462093928979867,-246260.03580446664,-0.09461814484173962,-248514.47110415922,-0.09451386533987617,-243432.93003232137,-0.09465105920211928,-256834.2460754163,-0.09461364022899997,-272631.4333307208,-0.09458641391769718,-114309.78251111878,-0.09465555908031395,-111731.14392416591,-0.09460854713708124,-131567.60905980077,-0.09450564796835748,-149125.78158606906,-0.0945719532613516,-159165.57939013746,-0.094559590292819,-166120.84755714872,-0.09459175146783437,-178285.312207399,-0.09462432469800001,-171275.32292595773
+54,-0.09449632247245938,-202451.52582603364,-0.09454712510209454,-76873.17748005874,-0.09450579353599997,-199936.32066963142,-0.09454118105742218,-197085.63983253847,-0.09448197502595769,-218409.01344179106,-0.09456365094000004,-225704.01344259648,-0.09446672597304859,-220385.6762591558,-0.09452102277523698,-246002.11161874162,-0.09451801982074312,-248259.25707702903,-0.09441374471981277,-243173.38289738167,-0.09455121631266558,-256578.63417564187,-0.09451373142200006,-272356.6524252121,-0.09448632247439798,-114134.47615243406,-0.09455571144415326,-111561.54605424944,-0.09450853810205254,-131384.26194193427,-0.09440553605313667,-148930.56513779142,-0.0944717711074731,-158959.68188990367,-0.0944594212353053,-165912.2144683012,-0.09449165437633417,-178064.53017735612,-0.09452451000949992,-171063.0771937604
+55,-0.09439611428319918,-202216.7893715647,-0.09444728653282095,-76736.3753446111,-0.09440589312000007,-199702.40651294615,-0.09444113747958348,-196861.20545588736,-0.0943817820513808,-218167.89027525077,-0.09446379491999983,-225445.66714558567,-0.09436686685468389,-220163.27821017522,-0.09442110626067547,-245744.23362820075,-0.09441789479974662,-248004.04776602957,-0.09431362409974937,-242913.83859172926,-0.09445137342321197,-256323.05459334675,-0.09441382261499998,-272081.89741706743,-0.09438623103109887,-113959.26186183673,-0.09445586380799255,-111392.05580088442,-0.09440852906702403,-131200.99794550776,-0.09430542413791607,-148735.41449972754,-0.0943715889535946,-158753.87180988505,-0.0943592521777917,-165703.65176839952,-0.09439155728483377,-177843.82439142992,-0.09442469532100012,-170850.89636861824
+56,-0.09429590609393888,-201982.1132803643,-0.09434744796354724,-76599.6721555763,-0.09430599270399996,-199468.57444138074,-0.09434109390174508,-196636.82007136784,-0.09428158907680399,-217926.83898661536,-0.09436393889999993,-225187.410411419,-0.09426700773631909,-219940.9092715751,-0.09432118974611398,-245486.40271175487,-0.09431776977875002,-247748.83163448612,-0.09421350347968588,-242654.30546586323,-0.09435153053375808,-256067.5083294587,-0.09431391380799997,-271807.16851797886,-0.09428613958779958,-113784.13998280693,-0.09435601617183186,-111222.68022735843,-0.09430852003199543,-131017.81738845164,-0.09420531222269526,-148540.32990595602,-0.09427140679971599,-158548.149883712,-0.0942590831202782,-165495.15991749003,-0.09429146019333347,-177623.19542871971,-0.09432488063250012,-170638.7813516739
+57,-0.09419569790467848,-201747.49778922807,-0.09424760939427373,-76463.06855703518,-0.09420609228799987,-199234.82682216482,-0.09424105032390638,-196412.48391823482,-0.09418139610222709,-217685.86000029277,-0.09426408287999993,-224929.24496376287,-0.09416714861795439,-219718.57089612674,-0.09422127323155248,-245228.61981624385,-0.09421764475775352,-247493.62505451165,-0.09411338285962248,-242394.78848410829,-0.09425168764430437,-255811.99636175166,-0.09421400500100006,-271532.4659374969,-0.09418604814450059,-113609.11086764206,-0.09425616853567124,-111053.43569104296,-0.09420851099696673,-130834.72059365919,-0.09410520030747467,-148345.31159084584,-0.09417122464583749,-158342.5169017296,-0.0941589140627647,-165286.73932582102,-0.09419136310183307,-177402.6438531317,-0.09422506594400012,-170426.73288932085
+58,-0.09409548971541828,-201512.9431371768,-0.09414777082500014,-76326.56525997272,-0.09410619187199996,-199001.16701706967,-0.09414100674606787,-196188.19723418198,-0.0940812031276503,-217444.94952928452,-0.09416422685999994,-224671.17286232903,-0.09406728949958959,-219496.25555897015,-0.09412135671699078,-244970.88597817218,-0.09411751973675701,-247238.41285093213,-0.09401326223955897,-242135.29123217508,-0.09415184475485078,-255556.51967720198,-0.09411409619399996,-271257.7898831977,-0.09408595670120128,-113434.17487820046,-0.09415632089951055,-110884.29161226047,-0.09410850196193814,-130651.70788922753,-0.09400508839225387,-148150.3597894052,-0.0940710424919589,-158136.9737223505,-0.0940587450052511,-165078.3903784798,-0.09409126601033267,-177182.16875395953,-0.09412525125550011,-170214.75162489142
+59,-0.09399528152615798,-201278.4495656529,-0.09404793225572654,-76190.1630755065,-0.09400629145600006,-198767.6006822438,-0.09404096316822928,-195963.96025548826,-0.09398101015307339,-217204.11963778877,-0.09406437084000004,-224413.1966985324,-0.09396743038122489,-219273.9661692275,-0.09402144020242928,-244713.2010804097,-0.09401739471576032,-246983.19132881289,-0.09391314161949567,-241875.81651911075,-0.09405200186539708,-255301.0793033745,-0.09401418738699997,-270983.14056074806,-0.09398586525790219,-113259.33238678561,-0.09405647326334995,-110715.24221746705,-0.09400849292690944,-130468.7796087748,-0.09390497647703316,-147955.47473766768,-0.0939708603380804,-157931.52128679308,-0.0939585759477374,-164870.11344775636,-0.09399116891883237,-176961.7701031475,-0.09402543656700002,-170002.83812892193
+60,-0.09389507333689757,-201044.01731870972,-0.09394809368645284,-76053.8629843088,-0.09390639103999997,-198534.14545836253,-0.09394091959039078,-195739.76437801064,-0.0938808171784966,-216963.40014052932,-0.09396451482000004,-224155.31999569497,-0.09386757126286009,-219051.71060758532,-0.09392152368786778,-244455.54433076098,-0.09391726969476381,-246727.97361869697,-0.09381302099943227,-241616.36665435258,-0.09395215897594338,-255045.67634565773,-0.09391427858000007,-270708.51817406947,-0.09388577381460318,-113084.58377713904,-0.09395662562718915,-110546.28924462198,-0.09390848389188083,-130285.93609172954,-0.09380486456181238,-147760.65667293986,-0.0938706781842017,-157726.16063936226,-0.0938584068902239,-164661.90890051122,-0.09389107182733197,-176741.44936898566,-0.09392562187850002,-169790.99291829555
+61,-0.09379486514763728,-200809.64664317315,-0.09384825511717934,-75917.66632197554,-0.09380649062400007,-198300.79604942637,-0.09384087601255219,-195515.54517994338,-0.09378062420391989,-216722.76471604206,-0.09386465879999993,-223897.54823169296,-0.09376771214449539,-218829.48108306213,-0.09382160717330608,-244197.9235264813,-0.09381714467376721,-246472.7644515786,-0.09371290037936877,-241356.94360031682,-0.09385231608648968,-254790.31203902935,-0.09381436977299996,-270433.92292538343,-0.09378568237130389,-112909.92944560872,-0.09385677799102846,-110377.43535287537,-0.09380847485685213,-130103.1776836769,-0.09370475264659177,-147565.90583406232,-0.0937704960303233,-157520.89295561143,-0.0937582378327103,-164453.77710330664,-0.09379097473583167,-176521.2074550959,-0.09382580719000001,-169579.21646895396
+62,-0.09369465695837707,-200575.33778893953,-0.09374841654790574,-75781.57571498728,-0.09370659020799997,-198067.5167400278,-0.09374083243471368,-195291.33176778877,-0.093680431229343,-216482.1780786449,-0.09376480277999993,-223639.8931600495,-0.09366785302613059,-218607.27297816973,-0.09372169065874458,-243940.3461878733,-0.09371701965277072,-246217.56681004874,-0.09361277975930538,-241097.54906599212,-0.09375247319703588,-254534.98783080227,-0.09371446096599997,-270159.35501534777,-0.09368559092800488,-112735.36980250399,-0.09375693035486785,-110208.68629099306,-0.09370846582182363,-129920.50473672846,-0.09360464073137097,-147371.22246163516,-0.09367031387644459,-157315.71957442566,-0.0936580687751967,-164245.71842637836,-0.09369087764433127,-176301.04527837448,-0.09372599250150002,-169367.50922477542
+63,-0.09359444876911678,-200341.09100921778,-0.09364857797863205,-75645.59422590326,-0.09360668979200007,-197834.30834508358,-0.09364078885687518,-195067.13680612497,-0.09358023825476619,-216241.6408061483,-0.09366494675999994,-223382.37975933045,-0.09356799390776589,-218385.0875307665,-0.09362177414418307,-243682.81700143006,-0.09361689463177422,-245962.38286856315,-0.09351265913924198,-240838.18456855285,-0.09365263030758218,-254279.70553217933,-0.09361455215900007,-269884.81464312744,-0.09358549948470558,-112560.90527376319,-0.09365708271870725,-110040.05228899095,-0.09360845678679493,-129737.91760995296,-0.09350452881615037,-147176.60679825957,-0.09357013172256619,-157110.6410932789,-0.09355789971768311,-164037.73324710943,-0.09359078055283088,-176080.96408200258,-0.09362617781300002,-169155.871603984
+64,-0.09349424057985659,-200106.90656082166,-0.09354873940935864,-75509.7136106913,-0.09350678937599996,-197601.17181489532,-0.09354074527903658,-194842.96610260263,-0.0934800452801893,-216001.1533815479,-0.09356509074000004,-223124.9512451123,-0.0934681347894011,-218162.9257368805,-0.09352185762962148,-243425.34093256562,-0.09351676961077772,-245707.2143335822,-0.09341253851917848,-240578.8514762452,-0.09355278741812847,-254024.46764925343,-0.09351464335199987,-269610.2993812812,-0.09348540804140648,-112386.5363028312,-0.09355723508254656,-109871.50784471512,-0.09350844775176634,-129555.41666980767,-0.09340441690092957,-146982.05908876125,-0.0934699495686875,-156905.65968472257,-0.0934577306601696,-163829.82194155676,-0.09349068346133058,-175860.96655520407,-0.09352636312450002,-168944.3040039284
+65,-0.09339403239059618,-199872.7847044966,-0.09344890084008495,-75373.93427912898,-0.09340688896000006,-197368.10829194007,-0.09344070170119807,-194618.82328926082,-0.09337985230561249,-215760.71622659767,-0.09346523471999983,-222867.59664349403,-0.0933682756710364,-217940.788454491,-0.09342194111505987,-243167.92538786482,-0.09341664458978112,-245452.06260685402,-0.09331241789911507,-240319.55075320543,-0.09345294452867478,-253769.27835217875,-0.09341473454499997,-269335.80396927614,-0.09338531659810728,-112212.26335310737,-0.09345738744638594,-109703.05154297102,-0.09340843871673774,-129373.00229065692,-0.09330430498570887,-146787.57958038355,-0.093369767414809,-156700.77806780848,-0.093357561602656,-163621.9848982729,-0.09339058636983018,-175641.04929689542,-0.09342654843600003,-168732.80680470803
+66,-0.09329382420133588,-199638.7257053696,-0.09334906227081134,-75238.25685773189,-0.09330698854399996,-197135.11920867948,-0.09334065812335958,-194394.7109555584,-0.09327965933103559,-215520.329720625,-0.09336537869999993,-222610.31599908505,-0.09326841655267158,-217718.67645276157,-0.09332202460049828,-242910.59326112026,-0.09331651956878452,-245196.92885317182,-0.09321229727905157,-240060.27856345888,-0.09335310163922118,-253514.15081562748,-0.09331482573799997,-269061.3321802094,-0.09328522515480818,-112038.08691081103,-0.09335753981022525,-109534.68387092231,-0.09330842968170903,-129190.67485531331,-0.09320419307048806,-146593.16852298914,-0.09326958526093039,-156495.9997636469,-0.0932573925451425,-163414.22254944293,-0.09329048927832988,-175421.2115335185,-0.09332673374750002,-168521.3803719868
+67,-0.09319361601207568,-199404.72983337523,-0.09324922370153785,-75102.68200617356,-0.09320708812799997,-196902.20647554245,-0.09324061454552098,-194170.6310933579,-0.0931794663564587,-215279.9942121983,-0.09326552267999993,-222353.11000466862,-0.0931685574343069,-217496.59043999412,-0.09322210808593678,-242653.32628746377,-0.09321639454778792,-244941.78529184838,-0.09311217665898827,-239801.03777267906,-0.09325325874976728,-253259.07964471236,-0.09321491693099987,-268786.8852987339,-0.09318513371150898,-111864.00748869941,-0.09325769217406445,-109366.40534582714,-0.09320842064668053,-129008.43475569611,-0.09310408115526747,-146398.82616932076,-0.09316940310705189,-156291.3304148829,-0.0931572234876288,-163206.53534205086,-0.09319039218682948,-175201.4537084254,-0.09322691905899992,-168310.02505924407
+68,-0.09309340782281518,-199170.79736378588,-0.09314938513226424,-74967.21042278988,-0.09310718771199997,-196669.37290929124,-0.09314057096768248,-193946.58170681132,-0.09307927338188189,-215039.71002669868,-0.09316566665999994,-222095.97986814647,-0.0930686983159422,-217274.53108164,-0.09312219157137527,-242396.09342306157,-0.09311626952679142,-244686.63800442894,-0.09301205603892487,-239541.83046085064,-0.09315341586031357,-253004.0396340749,-0.09311500812399998,-268512.46406617557,-0.09308504226820988,-111690.02563072533,-0.09315784453790385,-109198.2165204391,-0.09310841161165173,-128826.28239350104,-0.09300396924004667,-146204.55277514702,-0.0930692209531733,-156086.78667357125,-0.09305705443011521,-162998.92375076897,-0.09309029509532928,-174981.77626105063,-0.09312710437049992,-168098.74120957742
+69,-0.09299319963355498,-198936.92857790476,-0.09304954656299054,-74831.84285155183,-0.09300728729599997,-196436.6235763451,-0.09304052738984388,-193722.56112117515,-0.092979080407305,-214799.47747161685,-0.09306581064000004,-221838.92767607226,-0.09296883919757738,-217052.494701088,-0.09302227505681358,-242138.89533295395,-0.09301614450579491,-244431.47429462327,-0.09291193541886138,-239282.65185342863,-0.09305357297085988,-252749.03111890593,-0.09301509931699997,-268238.0690229505,-0.09298495082491068,-111516.14191821853,-0.09305799690174325,-109030.11799003198,-0.09300840257662323,-128644.21818104967,-0.09290385732482608,-146010.34859956053,-0.0929690387992948,-155882.36428644045,-0.0929568853726017,-162791.38828694622,-0.09299019800382877,-174762.17962911158,-0.09302728968199991,-167887.52915717894
+70,-0.09289299144429468,-198703.1237638867,-0.09294970799371695,-74696.58009139526,-0.09290738688000007,-196203.96261631837,-0.09294048381200538,-193498.57341525776,-0.09287888743272829,-214559.2968402887,-0.09296595462000004,-221581.95480223277,-0.09286898007921268,-216830.46597823664,-0.09292235854225207,-241881.73263041198,-0.09291601948479843,-244176.3032828623,-0.09281181479879798,-239023.48300927808,-0.09295373008140628,-252494.05442637528,-0.09291519051000006,-267963.7006072261,-0.09288485938161158,-111342.35697819821,-0.09295814926558255,-108862.11040166425,-0.09290839354159464,-128462.2425421679,-0.09280374540960527,-145816.21390520284,-0.09286885664541619,-155678.03191465937,-0.092856716315088,-162583.92719417677,-0.09289010091232837,-174542.664250387,-0.09292747499350013,-167676.3892285542
+71,-0.09279278325503448,-198469.38321771327,-0.09284986942444344,-74561.42300892065,-0.09280748646399997,-195971.35738401514,-0.09284044023416688,-193274.62043765935,-0.0927786944581515,-214319.1679901827,-0.09286609859999993,-221325.06251063367,-0.09276912096084788,-216608.45415964507,-0.09282244202769058,-241624.60588904598,-0.09281589446380183,-243921.13275470218,-0.09271169417873447,-238764.33638518088,-0.09285388719195257,-252239.10987637704,-0.09281528170299996,-267689.359196429,-0.09278476793831238,-111168.67149492876,-0.09285830162942195,-108694.19446672245,-0.09280838450656594,-128280.3559132704,-0.09270363349438457,-145622.1489584608,-0.0927686744915377,-155473.79169255644,-0.0927565472575745,-162376.53881896098,-0.09279000382082818,-174323.23056423408,-0.09282766030500002,-167465.3217435495
+72,-0.09269257506577418,-198235.70724448937,-0.09275003085516983,-74426.3725564303,-0.09270758604799986,-195738.79914598135,-0.09274039665632827,-193050.7035443316,-0.0926785014835746,-214079.0774777188,-0.09276624257999994,-221068.2520817794,-0.09266926184248318,-216386.46284461027,-0.09272252551312887,-241367.51565148434,-0.09271576944280532,-243665.96654902087,-0.09261157355867107,-238505.216808367,-0.09275404430249867,-251984.1977821323,-0.09271537289599997,-267415.03420567943,-0.09268467649501329,-110995.08622674264,-0.09275845399326116,-108526.37097848859,-0.09270837547153733,-128098.55874457501,-0.09260352157916386,-145428.15402979226,-0.0926684923376592,-155269.64673318656,-0.0926563782000609,-162169.22590131915,-0.09268990672932777,-174103.87901296632,-0.09272784561650002,-167254.32701622442
+73,-0.09259236687651377,-198002.09616016646,-0.09265019228589615,-74291.42979868666,-0.09260768563199996,-195506.2918987137,-0.09264035307848978,-192826.82385200635,-0.0925783085089978,-213839.02979796,-0.09266638655999994,-220811.52489310765,-0.09256940272411839,-216164.49409618397,-0.09262260899856738,-241110.46243573743,-0.09261564442180861,-243410.807299282,-0.09251145293860767,-238246.11672101618,-0.09265420141304508,-251729.31845082412,-0.09261546408900007,-267140.7173543094,-0.09258458505171419,-110821.60203178378,-0.09265860635710045,-108358.64083776686,-0.09260836643650863,-127916.85150154974,-0.09250340966394317,-145234.22939396848,-0.09256831018378059,-155065.60256374977,-0.0925562091425474,-161961.98985213388,-0.09258980963782747,-173884.61004309202,-0.09262803092800002,-167043.40535556365
+74,-0.09249215868725348,-197768.55029378715,-0.09255035371662254,-74156.59595511846,-0.09250778521600006,-195273.83795460698,-0.09254030950065129,-192602.98232780042,-0.0924781155344209,-213599.02834003023,-0.09256653053999994,-220554.88250498235,-0.09246954360575368,-215942.5495052269,-0.09252269248400588,-240853.44674007955,-0.09251551940081212,-243155.6570240748,-0.09241133231854418,-237987.00606283746,-0.09255435852359138,-251474.47218405743,-0.09251555528199996,-266866.4174687553,-0.09248449360841499,-110648.21991026415,-0.09255875872093985,-108191.00509234042,-0.09250835740148013,-127735.2346666496,-0.09240329774872237,-145040.37533040243,-0.09246812802990209,-154861.6779993296,-0.0924560400850339,-161754.83199846596,-0.09248971254632707,-173665.42410659182,-0.09252821623950001,-166832.5570661533
+75,-0.09239195049799329,-197535.06999078896,-0.09245051514734905,-74021.872471775,-0.09240788479999996,-195041.43905351034,-0.09244026592281268,-192379.1798336831,-0.09237792255984409,-213359.07461190203,-0.09246667451999983,-220298.3267870593,-0.09236968448738889,-215720.63058842008,-0.09242277596944438,-240596.4690469033,-0.09241539437981562,-242900.5173663828,-0.09231121169848078,-237727.8939968021,-0.09245451563413767,-251219.65927838025,-0.09241564647499997,-266592.09867472865,-0.09238440216511588,-110474.94108053713,-0.09245891108477926,-108023.46500204003,-0.09240834836645143,-127553.70874135155,-0.09230318583350178,-144846.592123453,-0.0923679458760235,-154657.85623676423,-0.0923558710275202,-161547.75386769863,-0.09238961545482667,-173446.32166212006,-0.09242840155100002,-166621.7824487403
+76,-0.09229174230873288,-197301.6556177148,-0.09235067657807534,-73887.26115859878,-0.09230798438400006,-194809.09681990938,-0.09234022234497417,-192155.41715246177,-0.0922777295852672,-213119.1696051101,-0.09236681849999993,-220041.86015029254,-0.09226982536902419,-215498.73852683976,-0.09232285945488268,-240339.52982579707,-0.09231526935881902,-242645.38971541755,-0.09221109107841728,-237468.79402639964,-0.09235467274468398,-250964.87807893503,-0.09231573766799997,-266317.76077306876,-0.09228431072181668,-110301.76713660518,-0.09235906344861855,-107856.0221579204,-0.09230833933142284,-127372.2742487036,-0.09220307391828098,-144652.88006279533,-0.092267763722145,-154454.11196230858,-0.0922557019700066,-161340.7572214291,-0.09228951836332637,-173227.30317631576,-0.09232858686250002,-166411.0818007027
+77,-0.09219153411947258,-197068.3075697659,-0.09225083800880174,-73752.76450078093,-0.09220808396799997,-194576.81376152553,-0.09224017876713558,-191931.69500487112,-0.0921775366106903,-212879.31407248293,-0.09226696247999994,-219785.4852008773,-0.09216996625065939,-215276.8699056037,-0.09222294294032118,-240082.62851571548,-0.09221514433782252,-242390.27527733063,-0.09211097045835387,-237209.69073157955,-0.09225482985523017,-250710.11952335638,-0.09221582886100008,-266043.4205419065,-0.09218421927851758,-110128.70045894492,-0.09225921581245775,-107688.67873935128,-0.09220833029639414,-127190.93173643984,-0.09210296200306017,-144459.2394438024,-0.09216758156826639,-154250.4454868204,-0.09215553291249311,-161133.84058596377,-0.09218942127182597,-173008.36912514266,-0.09222877217400002,-166200.45541652423
+78,-0.09209132593021238,-196835.02628352513,-0.09215099943952824,-73618.3866365767,-0.09210818355200007,-194344.5909891474,-0.09214013518929708,-191708.01406148425,-0.0920773436361135,-212639.50863216745,-0.09216710645999994,-219529.20543889917,-0.09207010713229469,-215055.0253712362,-0.09212302642575967,-239825.76562224847,-0.09211501931682602,-242135.17511995416,-0.09201084983829058,-236950.588324561,-0.09215498696577648,-250455.38860665023,-0.09211592005399998,-265769.0837349901,-0.09208412783521829,-109955.74608098953,-0.09215936817629715,-107521.43827501795,-0.09210832126136553,-127009.68178095965,-0.09200285008783957,-144265.670567938,-0.0920673994143879,-154046.85712745864,-0.09205536385497941,-160927.01677441862,-0.09208932418032567,-172789.51999535176,-0.09212895748550003,-165989.90358815863
+79,-0.09199111774095207,-196601.81226118747,-0.09205116087025464,-73484.14053191114,-0.09200828313599997,-194112.42435345633,-0.09204009161145858,-191484.3749514096,-0.09197715066153679,-212399.75381716265,-0.09206725043999994,-219273.0427031536,-0.09197024801392999,-214833.20610491768,-0.09202310991119808,-239568.94195145887,-0.09201489429582951,-241880.09020292328,-0.09191072921822707,-236691.49725126292,-0.09205514407632277,-250200.68737269446,-0.09201601124699997,-265494.7538284788,-0.09198403639191928,-109782.9124903314,-0.09205952054013646,-107354.31089145089,-0.09200831222633703,-126828.52499245548,-0.09190273817261888,-144072.17374324915,-0.0919672172605093,-153843.34720857674,-0.0919551947974658,-160720.2792661697,-0.09198922708882527,-172570.7562860726,-0.09202914279700002,-165779.42660545293
+80,-0.09189090955169169,-196368.66612516006,-0.09195132230098094,-73350.01405551152,-0.09190838271999996,-193880.31443508365,-0.09194004803361998,-191260.77292629602,-0.0918769576869599,-212160.0484173262,-0.09196739442000004,-219016.96999236115,-0.09187038889556519,-214611.41299321532,-0.09192319339663647,-239312.15806250845,-0.09191476927483282,-241625.0213989147,-0.09181060859816367,-236432.41537437754,-0.09195530118686908,-249946.0169228369,-0.09191610244000006,-265220.43327788514,-0.09188394494861998,-109610.1784858953,-0.09195967290397584,-107187.28921117734,-0.09190830319130823,-126647.46202180895,-0.09180262625739807,-143878.7492848649,-0.09186703510663079,-153639.91606281084,-0.0918550257399523,-160513.61137954457,-0.09188912999732497,-172352.07851066475,-0.09192932810849992,-165569.02475644008
+81,-0.09179070136243138,-196135.58878684018,-0.09185148373170744,-73215.9930956548,-0.09180848230399996,-193648.26176541086,-0.09184000445578148,-191037.19572741148,-0.0917767647123831,-211920.37957529663,-0.09186753840000003,-218760.97186366445,-0.09177052977720049,-214389.6467958797,-0.09182327688207498,-239055.41446102536,-0.09181464425383622,-241369.96950924356,-0.09171048797810018,-236173.35189016763,-0.09185545829741537,-249691.37804139123,-0.09181619363299998,-264946.1239672253,-0.09178385350532098,-109437.5432541159,-0.09185982526781515,-107020.36602159664,-0.09180829415627974,-126466.4935700014,-0.09170251434217727,-143685.3975155571,-0.09176685295275219,-153436.56403239764,-0.0917548566824388,-160307.01365801974,-0.09178903290582457,-172133.48719874758,-0.09182951342000012,-165358.69832769886
+82,-0.09169049317317118,-195902.5827207619,-0.09175164516243384,-73082.07875844577,-0.09170858188799996,-193416.26683862996,-0.09173996087794298,-190813.65188231622,-0.09167657173780619,-211680.75351568294,-0.09176768237999994,-218505.04912610332,-0.09167067065883569,-214167.9081985391,-0.09172336036751338,-238798.71162912904,-0.09171451923283971,-241114.93527558987,-0.09161036735803678,-235914.3195668599,-0.09175561540796158,-249436.77135665555,-0.09171628482599997,-264671.82741934934,-0.09168376206202168,-109265.00741824137,-0.09175997763165455,-106853.55273649904,-0.09170828512125104,-126285.62040168408,-0.09160240242695666,-143492.1187663577,-0.0916666707988737,-153233.29147085757,-0.09165468762492521,-160100.48656206828,-0.09168893581432418,-171914.9828986038,-0.09172969873150012,-165148.44760466332
+83,-0.09159028498391088,-195669.64622396114,-0.09165180659316025,-72948.27287457472,-0.09160868147199996,-193184.33012054127,-0.09163991730010437,-190590.1444049452,-0.0915763787632294,-211441.17319387844,-0.09166782635999994,-218249.20177874438,-0.09157081154047099,-213946.19783710112,-0.09162344385295178,-238542.04691816444,-0.09161439421184323,-240859.9193890903,-0.09151024673797338,-235655.30764696834,-0.09165577251850787,-249182.1974055584,-0.09161637601900006,-264397.5449104495,-0.09158367061872258,-109092.57164911984,-0.09166012999549396,-106686.83915857396,-0.09160827608622243,-126104.84336563516,-0.09150229051173607,-143298.91337729502,-0.0915664886449951,-153030.09874522174,-0.09155451856741151,-159894.03050742598,-0.09158883872282388,-171696.56618000317,-0.09162988404300013,-164938.27287200876
+84,-0.09149007679465047,-195436.77294728023,-0.09155196802388674,-72814.5745429121,-0.09150878105599997,-192952.45032465007,-0.09153987372226588,-190366.67503284157,-0.09147618578865249,-211201.640118975,-0.09156797033999993,-217993.40078612458,-0.09147095242210619,-213724.51631151116,-0.09152352733839018,-238285.4110603342,-0.09151426919084672,-240604.92249749912,-0.09141012611790987,-235396.3125245284,-0.09155592962905418,-248927.656665666,-0.09151646721199996,-264123.2775387931,-0.09148357917542338,-108920.236675368,-0.09156028235933315,-106520.20965862408,-0.09150826705119383,-125924.16342779936,-0.09140217859651527,-143105.78169816118,-0.09146630649111659,-152826.98623905925,-0.091454349509898,-159687.64588568395,-0.09148874163132348,-171478.2376375884,-0.09153006935450002,-164728.1744140043
+85,-0.09138986860539028,-195203.94709634728,-0.09145212945461303,-72680.98413849961,-0.09140888063999987,-192720.623691333,-0.09143983014442737,-190143.24503069275,-0.0913759928140757,-210962.15533628475,-0.09146811432000003,-217737.65659780515,-0.09137109330374149,-213502.86190619261,-0.09142361082382867,-238028.81007512775,-0.09141414416985012,-240349.9452109406,-0.09131000549784657,-235137.3360631789,-0.09145608673960058,-248673.1495731888,-0.09141655840499997,-263849.0262690205,-0.09138348773212428,-108748.00329699765,-0.09146043472317245,-106353.66233804423,-0.09140825801616513,-125743.58172942171,-0.09130206668129447,-142912.72408940757,-0.091366124337238,-152623.9543569661,-0.0913541804523844,-159481.33307951555,-0.09138864453982327,-171259.9978949676,-0.09143025466600002,-164518.14008043174
+86,-0.09128966041612997,-194971.17731652848,-0.09135229088533944,-72547.50267956815,-0.09130898022399997,-192488.85224734776,-0.09133978656658868,-189919.85541897616,-0.0912757998394988,-210722.71966471552,-0.09136825829999984,-217481.9768836148,-0.09127123418537669,-213281.23077147757,-0.09132369430926718,-237772.24626493783,-0.09131401914885362,-240094.98810664518,-0.09120988487778298,-234878.37988252388,-0.09135624385014687,-248418.6666565433,-0.09131664959800007,-263574.79196224414,-0.09128339628882517,-108575.87240465259,-0.09136058708701185,-106187.1988100678,-0.09130824898113662,-125563.09970372233,-0.09120195476607378,-142719.7409232292,-0.0912659421833595,-152421.00353145096,-0.0912540113948707,-159275.0924811578,-0.09128854744832278,-171041.84760982654,-0.09133043997750002,-164308.16095850582
+87,-0.09118945222686978,-194738.4669679216,-0.09125245231606584,-72414.13127879743,-0.09120907980799986,-192257.13096910014,-0.09123974298875027,-189696.50707000503,-0.091175606864922,-210483.33379078377,-0.09126840227999994,-217226.3639477038,-0.09117137506701199,-213059.62640054227,-0.09122377779470547,-237515.72098906376,-0.09121389412785692,-239840.0517327671,-0.09110976425771967,-234619.44542202028,-0.09125640096069297,-248164.19941156203,-0.09121674079099987,-263300.5753973167,-0.09118330484552598,-108403.84500783886,-0.09126073945085116,-106020.81981575611,-0.09120823994610792,-125382.71936371805,-0.09110184285085297,-142526.83258466792,-0.09116576002948089,-152218.13423482925,-0.0911538423373572,-159068.92454161303,-0.09118845035682237,-170823.7874803415,-0.09123062528900001,-164098.24676276016
+88,-0.09108924403760928,-194505.8178233516,-0.09115261374679234,-72280.87116548674,-0.09110917939199996,-192025.46355482147,-0.09113969941091157,-189473.20075681657,-0.09107541389034529,-210243.99831505975,-0.09116854625999994,-216970.82066827128,-0.0910715159486472,-212838.0502034875,-0.09112386128014398,-237259.23528060512,-0.09111376910686042,-239585.1366116685,-0.09100964363765628,-234360.53398175412,-0.09115655807123937,-247909.75645709742,-0.09111683198399997,-263026.37728640245,-0.09108321340222689,-108231.92227887241,-0.09116089181469055,-105854.52589259594,-0.09110823091107934,-125202.4444085207,-0.09100173093563237,-142333.99947304203,-0.09106557787560239,-152015.34700192456,-0.0910536732798437,-158862.82994752962,-0.09108835326532218,-170605.81825352667,-0.09113081060050002,-163888.40045172273
+89,-0.09098903584834908,-194273.23112819457,-0.09105277517751864,-72147.72371661782,-0.09100927897600007,-191793.8518400945,-0.09103965583307318,-189249.9371814147,-0.0909752209157684,-210004.71377832023,-0.09106869023999993,-216715.34983426807,-0.0909716568302825,-212616.5031398214,-0.09102394476558248,-237002.78504442004,-0.09101364408586392,-239330.24324265393,-0.09090952301759278,-234101.64675044976,-0.09105671518178568,-247655.34047968834,-0.09101692317699997,-262752.17704204156,-0.09098312195892769,-108060.10562707142,-0.09106104417852975,-105688.31751465239,-0.09100822187605064,-125022.28350138072,-0.09090161902041156,-142141.24200352054,-0.0909653957217239,-151812.64248388374,-0.0909535042223301,-158656.80832544947,-0.09098825617382177,-170387.94073620657,-0.09103099591200002,-163678.62375251317
+90,-0.09088882765908878,-194040.70787736902,-0.09095293660824504,-72014.69050202517,-0.09090937855999996,-191562.29693796855,-0.09093961225523448,-189026.71699238764,-0.0908750279411915,-209765.48067779947,-0.09096883422000003,-216459.95498467764,-0.09087179771191768,-212394.98599736957,-0.09092402825102078,-236746.35921517108,-0.09091351906486732,-239075.37210429754,-0.09080940239752938,-233842.78482550808,-0.09095687229233197,-247400.95306033333,-0.09091701436999987,-262477.96479296207,-0.09088303051562859,-107888.39683918077,-0.09096119654236916,-105522.19513322561,-0.09090821284102203,-124842.21742978462,-0.09080150710519097,-141948.5606090197,-0.0908652135678453,-151610.0216350148,-0.0908533351648166,-158450.8598152186,-0.09088815908232148,-170170.15581007118,-0.09093118122350002,-163468.91639064948
+91,-0.09078861946982839,-193808.24892806163,-0.09085309803897154,-71881.77335394149,-0.09080947814400006,-191330.79971036623,-0.09083956867739598,-188803.54079681422,-0.09077483496661469,-209526.29895046318,-0.09086897820000003,-216204.64411554445,-0.090771938593553,-212173.49947475275,-0.09082411173645928,-236489.96593223538,-0.09081339404387082,-238820.52365642128,-0.09070928177746587,-233583.9492280736,-0.09085702940287828,-247146.59533542482,-0.09081710556299998,-262203.751371218,-0.09078293907232939,-107716.79839883251,-0.09086134890620845,-105356.15919559078,-0.09080820380599333,-124662.24459345934,-0.09070139518997017,-141755.95574245922,-0.0907650314139666,-151407.48670231656,-0.0907531661073029,-158244.98474977096,-0.09078806199082107,-169952.4644528437,-0.09083136653500001,-163259.2670269188
+92,-0.09068841128056818,-193575.85505661412,-0.09075325946969794,-71748.97448175208,-0.09070957772799997,-191099.36089415025,-0.09073952509955738,-188580.409168537,-0.0906746419920378,-209287.16229496387,-0.09076912217999994,-215949.41049224883,-0.0906720794751883,-211952.04421697487,-0.09072419522189779,-236233.6082258508,-0.09071326902287431,-238565.6983418381,-0.09060916115740247,-233325.14091453786,-0.09075718651342447,-246892.26820582536,-0.09071719675599997,-261929.5428565335,-0.09068284762903028,-107545.31452640842,-0.09076150127004785,-105190.21015670958,-0.09070819477096473,-124482.36628645769,-0.09060128327474946,-141563.42787945108,-0.09066484926008819,-151205.0351159279,-0.09065299704978941,-158039.18350308036,-0.09068796489932067,-169734.8677696068,-0.09073155184649992,-163049.681982941
+93,-0.09058820309130788,-193343.5269916367,-0.09065342090042425,-71616.2966817146,-0.09060967731200006,-190867.98115527938,-0.09063948152171888,-188357.32265427965,-0.09057444901746099,-209048.07373863063,-0.09066926615999994,-215694.25197219555,-0.09057222035682348,-211730.6208341691,-0.09062427870733628,-235977.28796030692,-0.09061314400187782,-238310.8965878904,-0.09050904053733907,-233066.36078561682,-0.09065734362397078,-246637.97014894462,-0.09061728794899987,-261655.34225666116,-0.09058275618573108,-107373.95782681635,-0.09066165363388715,-105024.34848889131,-0.09060818573593624,-124302.5835176743,-0.09050117135952868,-141370.97752164557,-0.0905646671062097,-151002.66604442307,-0.0905528279922758,-157833.45665162208,-0.09058786780782037,-169517.3666647979,-0.09063173715799992,-162840.16403055243
+94,-0.09048799490204767,-193111.26543569926,-0.09055358233115064,-71483.74378386544,-0.09050977689599997,-190636.66111790104,-0.09053943794388038,-188134.28177820053,-0.09047425604288409,-208809.03506561436,-0.09056941013999993,-215439.1778285515,-0.09047236123845878,-211509.2299128663,-0.09052436219277459,-235720.99868074208,-0.09051301898088111,-238056.11880774764,-0.09040891991727558,-232807.6096936569,-0.09055750073451707,-246383.70151668956,-0.09051737914199998,-261381.15163866608,-0.09048266474243198,-107202.71364503696,-0.09056180599772655,-104858.57469155228,-0.09050817670090754,-124122.89724173087,-0.09040105944430807,-141178.6052008351,-0.0904644849523311,-150800.37993288485,-0.0904526589347621,-157627.8040554647,-0.09048777071631997,-169299.9597004535,-0.09053192246949993,-162630.71474110102
+95,-0.09038778671278738,-192879.07108117396,-0.09045374376187715,-71351.32190240723,-0.09040987647999997,-190405.40138270624,-0.09043939436604177,-187911.28704552352,-0.0903740630683073,-208570.04725846072,-0.09046955412000003,-215184.17950793853,-0.09037250212009398,-211287.87202342995,-0.09042444567821308,-235464.7426290894,-0.09041289395988451,-237801.3654015649,-0.09030879929721228,-232548.88844853293,-0.09045765784506338,-246129.46394602468,-0.09041747033499997,-261106.97259092215,-0.09038257329913288,-107031.57278286405,-0.09046195836156586,-104692.8893031398,-0.09040816766587893,-123943.30842481033,-0.09030094752908727,-140986.3114841171,-0.09036430279845259,-150598.17725372122,-0.0903524898772486,-157422.2257729394,-0.09038767362481967,-169082.6501237218,-0.09043210778100012,-162421.33532156315
+96,-0.09028757852352698,-192646.94462309225,-0.09035390519260354,-71219.04805694972,-0.09030997606399996,-190174.2025402053,-0.09033935078820328,-187688.33894535044,-0.09027387009373039,-208331.1110545944,-0.09036969809999984,-214929.24691899595,-0.09027264300172928,-211066.54772547138,-0.09032452916365158,-235208.5234945375,-0.09031276893888802,-237546.63675751447,-0.09020867867714888,-232290.1978225902,-0.09035781495560968,-245875.2582969015,-0.09031756152800006,-260832.80641250664,-0.09028248185583368,-106860.53692764346,-0.09036211072540515,-104527.29291743076,-0.09030815863085023,-123763.81808379009,-0.09020083561386667,-140794.09698061246,-0.0902641206445739,-150396.05851459954,-0.090252320819735,-157216.72209280328,-0.09028757653331927,-168865.44118595019,-0.09033229309250013,-162212.02673978536
+97,-0.09018737033426667,-192414.88677087406,-0.09025406662332984,-71086.92354181684,-0.09021007564799996,-189943.0651602378,-0.09023930721036477,-187465.43795297953,-0.0901736771191537,-208092.22707295738,-0.09026984207999994,-214674.38055206087,-0.09017278388336449,-210845.2575719772,-0.09022461264908987,-234952.34330178134,-0.09021264391789152,-237291.93325271402,-0.09010855805708537,-232031.5385547063,-0.09025797206615588,-245621.0852518855,-0.09021765272099996,-260558.65420949404,-0.09018239041253438,-106689.60836216442,-0.09026226308924445,-104361.78620818435,-0.09020814959582163,-123584.42733105278,-0.09010072369864587,-140601.96235026084,-0.0901639384906955,-150194.0242717979,-0.09015215176222151,-157011.29330599812,-0.09018747944181887,-168648.3374350567,-0.09023247840400002,-162002.7898187191
+98,-0.09008716214500648,-192182.8982602562,-0.09015422805405635,-70954.90903540762,-0.09011017523199996,-189711.98875130262,-0.09013926363252618,-187242.58453186732,-0.0900734841445769,-207853.39586357816,-0.09016998605999993,-214419.58087000344,-0.09007292476499978,-210624.00211270578,-0.09012469613452838,-234696.2037436881,-0.09011251889689502,-237037.2529026391,-0.09000843743702197,-231772.91135381346,-0.09015812917670217,-245366.94540360745,-0.09011774391399997,-260284.51695040922,-0.09008229896923538,-106518.78946715423,-0.09016241545308386,-104196.36997011602,-0.09010814056079314,-123405.13749476561,-0.09000061178342528,-140409.90831573596,-0.09006375633681679,-149992.0713930342,-0.0900519827047078,-156805.93970634518,-0.09008738235031857,-168431.34931143705,-0.09013266371550002,-161793.62528425158
+99,-0.08998695395574607,-191950.97986663008,-0.09005438948478274,-70823.00669128253,-0.09001027481599996,-189480.9742466133,-0.09003922005468767,-187019.77641447884,-0.08997329117,-207614.61793206856,-0.09007013003999993,-214164.8479035983,-0.08997306564663499,-210402.7818972835,-0.09002477961996679,-234440.10644214117,-0.09001239387589842,-236782.5962749339,-0.08990831681695848,-231514.31690183887,-0.09005828628724857,-245112.83928796614,-0.09001783510700007,-260010.39550099612,-0.08998220752593628,-106348.08135773048,-0.09006256781692315,-104031.04519499032,-0.09000813152576444,-123225.95028037316,-0.08990049986820436,-140217.93567920921,-0.08996357418293839,-149790.19455676747,-0.0899518136471942,-156600.66159122062,-0.08998728525881818,-168214.48108701577,-0.09003284902700003,-161584.5337929769
+100,-0.08988674576648578,-191719.13242146888,-0.08995455091550913,-70691.2194112332,-0.08991037439999987,-189250.02256785287,-0.08993917647684908,-186797.0089852594,-0.08987309819542309,-207375.8937536338,-0.08997027401999994,-213910.18184847446,-0.08987320652827029,-210181.59747793584,-0.08992486310540528,-234184.05309910548,-0.08991226885490192,-236527.9645035662,-0.08980819619689508,-231255.75585623836,-0.08995844339779488,-244858.7674010943,-0.08991792629999987,-259736.29064745552,-0.08988211608263708,-106177.50808315323,-0.08996272018076255,-103865.81323752507,-0.08990812249073583,-123046.8656750576,-0.08980038795298377,-140026.04534676683,-0.0898633920290597,-149588.39921583576,-0.0898516445896807,-156395.45926235232,-0.08988718816731787,-167997.69763109405,-0.08993303433850001,-161375.51594973326
+101,-0.08978653757722557,-191487.3568339623,-0.08985471234623564,-70559.55162559761,-0.08981047398399997,-189019.13452531394,-0.08983913289901058,-186574.27568332254,-0.0897729052208463,-207137.22378190645,-0.08987041800000004,-213655.58338141462,-0.08977334740990549,-209960.449412235,-0.08982494659084359,-233928.04566020973,-0.08981214383390522,-236273.3581921676,-0.08970807557683168,-230997.2288522186,-0.08985860050834117,-244604.73020936907,-0.08981801749299997,-259462.20311273143,-0.08978202463933799,-106007.03920080618,-0.08986287254460175,-103700.67328057064,-0.08980811345570713,-122867.88498921375,-0.08970027603776297,-139834.2383660683,-0.08976320987518119,-149386.6892182053,-0.0897514755321672,-156190.33302655246,-0.08978709107581748,-167781.0001999917,-0.08983321965000002,-161166.5723193928
+102,-0.08968632938796528,-191255.65412170545,-0.08975487377696194,-70428.0125775447,-0.08971057356799987,-188788.3109569286,-0.08973908932117208,-186351.5827940257,-0.0896727122462694,-206898.59921580995,-0.08977056198000004,-213401.05297048375,-0.08967348829154079,-209739.33826591808,-0.08972503007628208,-233672.08659345238,-0.08971201881290872,-236018.77782424062,-0.08960795495676818,-230738.73650470644,-0.08975875761888728,-244350.72815610928,-0.08971810868599997,-259188.13356838044,-0.08968193319603868,-105836.65948709124,-0.08976302490844106,-103535.63154029369,-0.08970810442067853,-122689.00988531069,-0.08960016412254238,-139642.51598834418,-0.0896630277213026,-149185.06292891828,-0.0896513064746535,-155985.28319657862,-0.08968699398431708,-167564.38975014273,-0.08973340496150002,-160957.70343523167
+103,-0.08958612119870488,-191024.02545749143,-0.08965503520768835,-70296.61866480236,-0.08961067315199997,-188557.5527823788,-0.08963904574333348,-186128.9079042278,-0.08957251927169259,-206659.99109481936,-0.08967070595999993,-213146.5910366132,-0.08957362917317609,-209518.264615882,-0.08962511356172058,-233416.17957434768,-0.08961189379191221,-235764.22382654733,-0.08950783433670477,-230480.27940998322,-0.08965891472943367,-244096.7616662466,-0.08961819987900008,-258914.08264353397,-0.08958184175273957,-105666.36949815396,-0.08966317727228044,-103370.68875379341,-0.08960809538564983,-122510.24233228221,-0.08950005220732157,-139450.87978058826,-0.0895628455674241,-148983.51949315972,-0.0895511374171399,-155780.31009216415,-0.08958689689281678,-167347.86714422208,-0.08963359027300002,-160748.90980505676
+104,-0.08948591300944458,-190792.47224632575,-0.08955519663841464,-70165.3305013687,-0.08951077273600007,-188326.86106058248,-0.08953900216549499,-185906.25572835156,-0.0894723262971157,-206421.4165374994,-0.08957084993999993,-212892.19797611012,-0.08947377005481129,-209297.22905355023,-0.08952519704715887,-233160.33257298023,-0.08951176877091573,-235509.6965919336,-0.08940771371664127,-230221.858147254,-0.08955907183997998,-243842.83114981992,-0.08951829107199998,-258640.05093187364,-0.08948175030944037,-105496.16970405554,-0.08956332963611985,-103205.83054264689,-0.08950808635062123,-122331.58475713951,-0.08939994029210097,-139259.33185858457,-0.08946266341354549,-148782.05980739265,-0.0894509683596264,-155575.4140410759,-0.08948679980131637,-167131.43321845008,-0.08953377558450001,-160540.19191581287
+105,-0.08938570482018438,-190560.99626631258,-0.08945535806914114,-70034.15001291834,-0.08941087231999996,-188096.23707859922,-0.08943895858765638,-185683.6351124818,-0.08937213332253889,-206182.88151310332,-0.08947099391999994,-212637.87416884943,-0.08937391093644659,-209076.23218863725,-0.08942528053259738,-232904.55886883553,-0.08941164374991913,-235255.1907254946,-0.08930759309657797,-229963.47327991182,-0.08945922895052627,-243588.93700473045,-0.08941838226499997,-258366.03899715157,-0.08938165886614129,-105326.0605265945,-0.08946348199995915,-103041.05740695773,-0.08940807731559253,-122153.04033448933,-0.08929982837688018,-139067.8754963064,-0.08936248125966699,-148580.68474165627,-0.0893507993021129,-155370.59538031218,-0.08938670270981618,-166915.08881423686,-0.08943396089599992,-160331.55023721402
+106,-0.08928549663092408,-190329.59996718884,-0.08935551949986754,-69903.0703448063,-0.08931097190400006,-187865.66574373856,-0.08933891500981787,-185461.0496312887,-0.0892719403479622,-205944.38912352998,-0.08937113790000004,-212383.6199824727,-0.08927405181808179,-208855.27465370303,-0.08932536401803588,-232648.82350660296,-0.08931151872892262,-235000.70533082567,-0.08920747247651457,-229705.12535680665,-0.08935938606107258,-243335.07961890448,-0.08931847345800006,-258092.0473777546,-0.08928156742284209,-105156.04235804007,-0.08936363436379835,-102876.36977510207,-0.08930806828056394,-121974.61364362901,-0.08919971646165947,-138876.5179000663,-0.08926229910578849,-148379.39517449724,-0.0892506302445992,-155165.85445765578,-0.08928660561831567,-166698.8347986958,-0.08933414620749992,-160122.98522456846
+107,-0.08918528844166368,-190098.28145926684,-0.08925568093059394,-69772.09102511466,-0.08921107148799996,-187635.14245740062,-0.08923887143197938,-185238.50160666925,-0.08917174737338529,-205705.94146440423,-0.08927128187999994,-212129.43577505884,-0.08917419269971709,-208634.3571096424,-0.08922544750347437,-232393.12478316674,-0.08921139370792612,-234746.2436265122,-0.08910735185645108,-229446.81491321977,-0.08925954317161877,-243081.25809457953,-0.08921856465099998,-257818.07659052295,-0.08918147597954298,-104986.1155716478,-0.08926378672763775,-102711.76803812527,-0.08920805924553543,-121796.31272830785,-0.08909960454643867,-138685.27138457503,-0.0891621169519099,-148178.19202046393,-0.0891504611870856,-154961.19163337132,-0.08918650852681527,-166482.6720816346,-0.08923433151900012,-159914.4973210829
+108,-0.08908508025240337,-189867.0419915844,-0.08915584236132044,-69641.21472498542,-0.08911117107200006,-187404.68184336336,-0.08913882785414078,-185015.99278026886,-0.0890715543988085,-205467.54013327888,-0.08917142585999993,-211875.32189694908,-0.08907433358135229,-208413.4802524866,-0.08912553098891288,-232137.43225566548,-0.08911126868692942,-234491.80679708705,-0.08900723123638768,-229188.54247188877,-0.08915970028216508,-242827.46250997533,-0.08911865584399997,-257544.12687536384,-0.08908138453624388,-104816.28052814786,-0.08916393909147705,-102547.25256559758,-0.08910805021050673,-121618.1643364198,-0.08899949263121808,-138494.1041274693,-0.08906193479803129,-147977.0762571535,-0.0890502921295721,-154756.60728228992,-0.08908641143531507,-166266.60163253918,-0.08913451683050012,-159706.08695974285
+109,-0.08898487206314318,-189635.89305273307,-0.08905600379204674,-69510.44862460194,-0.08901127065599997,-187174.3013354825,-0.08903878427630228,-184793.52191169994,-0.0889713614242316,-205229.1864390324,-0.08907156983999993,-211621.27869220494,-0.08897447446298759,-208192.6448221401,-0.08902561447435117,-231881.75159758318,-0.08901114366593292,-234237.39563998915,-0.08890711061632428,-228930.28893765062,-0.08905985739271138,-242573.69771915948,-0.08901874703700006,-257270.19417922397,-0.08898129309294468,-104646.5375800047,-0.08906409145531645,-102382.82371423398,-0.08900804117547813,-121440.14263881503,-0.08889938071599728,-138303.014595848,-0.08896175264415279,-147776.04895682816,-0.0889501230720585,-154552.10179640117,-0.08898631434381457,-166050.62449994317,-0.08903470214200011,-159497.75456491008
+110,-0.08888466387388289,-189404.79114992966,-0.08895616522277314,-69379.78172324503,-0.08891137024000006,-186943.9824076344,-0.08893874069846378,-184571.0673812818,-0.08887116844965469,-204990.8815072407,-0.08897171381999994,-211367.3064997435,-0.08887461534462279,-207971.85161385848,-0.08892569795978968,-231626.09214195432,-0.08891101864493632,-233983.00911798957,-0.08880698999626077,-228672.01952679062,-0.08896001450325768,-242319.96608756378,-0.08891883822999996,-256996.28058566703,-0.08888120164964558,-104476.88707444364,-0.08896424381915585,-102218.48183310169,-0.08890803214044943,-121262.21567458026,-0.08879926880077667,-138112.00336140028,-0.0888615704902743,-147575.11132872934,-0.0888499540145448,-154347.675587995,-0.08888621725231437,-165834.74183571394,-0.08893488745350002,-159289.50055360972
+111,-0.08878445568462248,-189173.73901011448,-0.08885632665349955,-69249.21052785391,-0.08881146982399997,-186713.7139422369,-0.08883869712062518,-184348.6399992402,-0.0887709754750779,-204752.61829247006,-0.08887185780000004,-211113.40565436284,-0.08877475622625809,-207751.09914555162,-0.08882578144522818,-231370.45745746637,-0.08881089362393982,-233728.64721998118,-0.08870686937619747,-228413.7590375148,-0.08886017161380408,-242066.26886775956,-0.08881892942299997,-256722.3875159558,-0.08878111020634638,-104307.32935561783,-0.08886439618299515,-102054.22726711801,-0.08880802310542082,-121084.38440278718,-0.08869915688555587,-137921.0710349033,-0.0887613883363957,-147374.26478177242,-0.0887497849570313,-154143.32909371576,-0.08878612016081397,-165618.95492747697,-0.08883507276500002,-159081.32533670435
+112,-0.08868424749536227,-188942.71889668197,-0.08875648808422604,-69118.73549506094,-0.08871156940799997,-186483.49696606453,-0.08873865354278668,-184126.24517091078,-0.08867078250050099,-204514.37795514104,-0.08877200178000004,-210859.57648762024,-0.0886748971078933,-207530.32799967512,-0.08872586493066648,-231114.8497568351,-0.08871076860294332,-233474.3113431341,-0.08860674875613388,-228155.5053962335,-0.08876032872435018,-241812.606962618,-0.08871902061599997,-256448.51582417925,-0.08868101876304728,-104137.86476631746,-0.08876454854683435,-101890.06035949998,-0.08870801407039233,-120906.64989380272,-0.08859904497033506,-137730.2182726593,-0.08866120618251709,-147173.5110267891,-0.08864961589951781,-153939.0533626449,-0.08868602306931347,-165403.25729855258,-0.08873525807650003,-158873.22931986232
+113,-0.08858403930610198,-188711.74279824088,-0.08865664951495233,-68988.35708672056,-0.08861166899199996,-186253.33231472626,-0.08863860996494807,-183903.88573793587,-0.0885705895259243,-204276.17356971643,-0.08867214575999993,-210605.81932867249,-0.0885750379895286,-207309.5588374131,-0.08862594841610498,-230859.27064430324,-0.08861064358194681,-233220.00218901766,-0.08850662813607058,-227897.24357855623,-0.08866048583489648,-241558.98110855676,-0.08861911180899987,-256174.66619927096,-0.08858092731974808,-103968.49364930394,-0.08866470091067376,-101725.98145369843,-0.08860800503536363,-120729.01336091761,-0.08849893305511437,-137539.44578429734,-0.0885610240286386,-146972.85226227625,-0.0885494468420042,-153734.8492714832,-0.08858592597781327,-165187.65044313145,-0.08863544338800002,-158665.21290440197
+114,-0.08848383111684179,-188480.8159528241,-0.08855681094567874,-68858.0757721576,-0.08851176857599996,-186023.22069870587,-0.08853856638710958,-183681.563708568,-0.0884703965513473,-204038.00978917335,-0.08857228973999993,-210352.13450506123,-0.0884751788711638,-207088.80630891008,-0.08852603190154337,-230603.7213854446,-0.08851051856095012,-232965.7203090515,-0.08840650751600718,-227638.9822436973,-0.08856064294544287,-241305.3919480091,-0.08851920300199997,-255900.8392551941,-0.08848083587644898,-103799.216348442,-0.08856485327451305,-101561.99089495534,-0.08850799600033503,-120551.47620749963,-0.08839882113989377,-137348.75434281846,-0.0884608418747601,-146772.29156607433,-0.08844927778449051,-153530.7207857135,-0.08848582888631287,-164972.13960682493,-0.08853562869950002,-158457.27648808554
+115,-0.08838362292758128,-188249.9413277137,-0.08845697237640524,-68727.89203015617,-0.08841186816000006,-185793.1627406987,-0.08843852280927107,-183459.2806759985,-0.0883702035767706,-203799.88930535773,-0.08847243371999994,-210098.52234355637,-0.0883753197527991,-206868.07736291445,-0.08842611538698188,-230348.20303300145,-0.08841039353995352,-232711.4661810482,-0.08830638689594368,-227380.70645231457,-0.08846080005598918,-241051.84006553265,-0.08841929419499997,-255627.03556878516,-0.08838074443314978,-103630.03320967274,-0.08846500563835245,-101398.08903167096,-0.08840798696530633,-120374.04009954899,-0.08829870922467298,-137158.14479739332,-0.08836065972088149,-146571.833951135,-0.088349108726977,-153326.6696271591,-0.08838573179481257,-164756.72844273777,-0.08843581401100002,-158249.42046578904
+116,-0.08828341473832108,-188019.12109887597,-0.08835713380713164,-68597.80635078915,-0.08831196774399996,-185563.15899876493,-0.08833847923143248,-183237.03798611794,-0.08827001060219379,-203561.8140958325,-0.08837257770000004,-209844.98317093577,-0.08827546063443428,-206647.37714031403,-0.08832619887242028,-230092.71649494403,-0.08831026851895701,-232457.24023721332,-0.08820626627588028,-227122.43194968812,-0.08836095716653548,-240798.32600865408,-0.08831938538799987,-255353.2557029592,-0.08828065298985067,-103460.94458190925,-0.08836515800219175,-101234.27621668315,-0.08830797793027773,-120196.70708482635,-0.08819859730945218,-136967.61809030327,-0.08826047756700299,-146371.49174813533,-0.0882489396694634,-153122.6971176508,-0.08828563470331217,-164541.42117959732,-0.08833599932250003,-158041.64523009685
+117,-0.08818320654906078,-187788.35706635236,-0.08825729523785794,-68467.8192372656,-0.08821206732799987,-185333.209981663,-0.08823843565359397,-183014.83682172917,-0.0881698176276169,-203323.78578297168,-0.08827272167999983,-209591.51731494587,-0.08817560151606958,-206426.71047363814,-0.08822628235785868,-229837.2625750585,-0.08821014349796052,-232203.04287800187,-0.08810614565581677,-226864.1653807222,-0.08826111427708178,-240544.8503015531,-0.08821947658099998,-255079.5002275059,-0.08818056154655159,-103291.95081779381,-0.08826531036603115,-101070.55280850099,-0.08820796889524903,-120019.47980598107,-0.08809848539423157,-136777.17527968084,-0.0881602954131244,-146171.27943197763,-0.0881487706119499,-152918.80447598358,-0.08818553761181187,-164326.21550675412,-0.08823618463400001,-157833.95117188242
+118,-0.08808299835980057,-187557.65085028714,-0.08815745666858445,-68337.93120787095,-0.08811216691199997,-185103.31615949507,-0.08813839207575548,-182792.67825097276,-0.0880696246530401,-203085.80578918147,-0.08817286565999993,-209338.12510527333,-0.0880757423977049,-206206.08313082607,-0.08812636584329718,-229581.84142170651,-0.08811001847696402,-231948.87448007098,-0.08800602503575337,-226605.91080450555,-0.08816127138762797,-240291.41345516272,-0.08811956777399997,-254805.76706786215,-0.08808047010325239,-103123.05227454938,-0.08816546272987034,-100906.91917258606,-0.08810795986022044,-119842.36193394357,-0.08799837347901088,-136586.81757103928,-0.0880601132592459,-145971.1468806248,-0.0880486015544362,-152714.99295861987,-0.08808544052031148,-164111.1257539141,-0.08813636994549992,-157626.3386808399
+119,-0.08798279017054018,-187327.00403111166,-0.08805761809931084,-68208.14279808692,-0.08801226649600007,-184873.47797134912,-0.08803834849791678,-182570.56325795085,-0.08796943167846319,-202847.874311112,-0.08807300963999994,-209084.80687474043,-0.08797588327934008,-205985.50552714407,-0.08802644932873557,-229326.45288611675,-0.08800989345596742,-231694.73540137487,-0.08790590441568998,-226347.6712087448,-0.08806142849817428,-240038.0159756134,-0.08801965896700006,-254532.05383950967,-0.08798037865995308,-102954.24931470255,-0.08806561509370975,-100743.37568276082,-0.08800795082519174,-119665.3578597342,-0.08789826156379008,-136396.5463625017,-0.08795993110536729,-145771.0933763241,-0.0879484324969227,-152511.26398342903,-0.08798534342881117,-163896.15241298403,-0.08803655525699992,-157418.80814595634
+120,-0.08788258198127988,-187096.41833002816,-0.08795777953003724,-68078.45456298286,-0.08791236607999997,-184643.6958309821,-0.08793830492007838,-182348.49276343524,-0.0878692387038864,-202609.9893552714,-0.08797315361999994,-208831.56296072525,-0.08787602416097538,-205764.99024750572,-0.08792653281417398,-229071.0982060459,-0.08790976843497092,-231440.62598463765,-0.08780578379562648,-226089.42386638146,-0.08796158560872058,-239784.65837245632,-0.08791975015999998,-254258.36402410822,-0.08788028721665408,-102785.54230690868,-0.08796576745754905,-100579.92272272686,-0.08790794179016323,-119488.47719304262,-0.08779814964856927,-136206.36331257204,-0.08785974895148879,-145571.11922115917,-0.0878482634394091,-152307.6193099445,-0.08788524633731078,-163681.27106065775,-0.08793674056849991,-157211.35995598117
+121,-0.08778237379201959,-186865.89611568872,-0.08785794096076374,-67948.8670799727,-0.08781246566400007,-184413.97013115336,-0.08783826134223968,-182126.46763978462,-0.08776904572930949,-202372.15403961713,-0.08787329759999994,-208578.39370696095,-0.08777616504261058,-205544.46367355122,-0.08782661629961248,-228815.7781397446,-0.08780964341397422,-231186.53662394176,-0.08770566317556308,-225831.1660159184,-0.08786174271926687,-239531.34116779338,-0.08781984135299997,-253984.7007024995,-0.08778019577335498,-102616.93162675554,-0.08786591982138846,-100416.56068784429,-0.08780793275513463,-119311.75306397674,-0.08769803773334867,-136016.27044742985,-0.0877595667976101,-145371.2247180407,-0.0877480943818956,-152104.06142032734,-0.08778514924581038,-163466.49060907264,-0.08783692588000012,-157003.99449985023
+122,-0.08768216560275918,-186635.44012627806,-0.08775810239149004,-67819.38095207722,-0.08771256524799996,-184184.30124700366,-0.08773821776440117,-181904.48872215484,-0.0876688527547326,-202134.37021933089,-0.08777344158000004,-208325.29946584022,-0.08767630592424588,-205323.9385264407,-0.08772669978505097,-228560.49332618937,-0.08770951839297772,-230932.4671694679,-0.08760554255549957,-225572.91148888375,-0.08776189982981318,-239278.0598659541,-0.08771993254600007,-253711.06292003844,-0.08768010433005569,-102448.41765767259,-0.08776607218522785,-100253.28998722334,-0.08770792372010593,-119135.12314454826,-0.08759792581812807,-135826.27034379082,-0.0876593846437317,-145171.41017118032,-0.0876479253243819,-151900.59474647228,-0.08768505215431008,-163251.83292191027,-0.08773711119150011,-156796.71216710002
+123,-0.08758195741349897,-186405.0444392279,-0.08765826382221645,-67689.99681185503,-0.08761266483200006,-183954.68953874204,-0.08763817418656258,-181682.5568172719,-0.08756865978015599,-201896.63948602977,-0.08767358555999993,-208072.28060158496,-0.08757644680588109,-205103.42171618162,-0.08762678327048928,-228305.24434384654,-0.08760939337198122,-230678.42197898816,-0.08750542193543627,-225314.66541906467,-0.08766205694035938,-239024.81384356628,-0.08762002373899987,-253437.44815648664,-0.08758001288675668,-102280.00079185689,-0.08766622454906695,-100090.11104632527,-0.08760791468507734,-118958.57572960819,-0.08749781390290727,-135636.3664744553,-0.087559202489853,-144971.67588646206,-0.0875477562668683,-151697.23372401443,-0.08758495506280967,-163037.25739340662,-0.08763729650300002,-156589.51334829367
+124,-0.08748174922423868,-186174.7090781256,-0.08755842525294284,-67560.71532622888,-0.08751276441599996,-183725.13535379223,-0.08753813060872408,-181460.67271069688,-0.0874684668055791,-201658.96341929288,-0.08757372953999994,-207819.33749473962,-0.08747658768751639,-204882.91692974314,-0.08752686675592777,-228050.03173094656,-0.08750926835098462,-230424.40261831082,-0.08740530131537287,-225056.4298536346,-0.08756221405090568,-238771.60632192815,-0.08752011493199997,-253163.84616441058,-0.08747992144345738,-102111.68143132936,-0.08756637691290635,-99927.02431010778,-0.08750790565004864,-118782.11129881428,-0.08739770198768647,-135446.56397299137,-0.0874590203359746,-144772.02217185934,-0.0874475872093548,-151493.9600333965,-0.08748485797130927,-162822.75571284315,-0.08753748181450002,-156382.39843545642
+125,-0.08738154103497849,-185944.4351717503,-0.08745858668366935,-67431.53720255553,-0.08741286400000006,-183495.63902854832,-0.08743808703088547,-181238.83717299407,-0.0873682738310022,-201421.34371080922,-0.08747387351999994,-207566.4705488884,-0.08737672856915159,-204662.4267663908,-0.08742695024136628,-227794.85599567936,-0.08740914332998811,-230170.41009680767,-0.08730518069530938,-224798.18735882436,-0.08746237116145197,-238518.4380663692,-0.08742020612499997,-252890.26014604693,-0.08737983000015838,-101943.45998916683,-0.08746652927674575,-99764.03024712033,-0.08740789661502013,-118605.73028763414,-0.08729759007246576,-135256.87188680941,-0.08735883818209589,-144572.44933777265,-0.0873474181518413,-151290.76080705374,-0.08738476087980908,-162608.32844445025,-0.08743766712600003,-156175.36782240344
+126,-0.08728133284571818,-185714.2238128174,-0.08735874811439565,-67302.46319637117,-0.08731296358399997,-183266.19630824067,-0.08733804345304698,-181017.0509652854,-0.0872680808564254,-201183.78229750146,-0.08737401749999994,-207313.6802014353,-0.08727686945078689,-204441.95329373685,-0.08732703372680457,-227539.717622399,-0.08730901830899163,-229916.4451797275,-0.08720506007524598,-224539.94746074665,-0.08736252827199838,-238265.28352580988,-0.08732029731800008,-252616.69319395424,-0.08727973855685908,-101775.33689080314,-0.08736668164058504,-99601.12935486922,-0.08730788757999153,-118429.43310766038,-0.08719747815724507,-135067.3198027226,-0.08725865602821749,-144372.95697957824,-0.0872472490943276,-151087.63634419587,-0.08728466378830857,-162393.97610446764,-0.08733785243750002,-155968.42190520652
+127,-0.08718112465645778,-185484.0761193863,-0.08725890954512204,-67173.49412159239,-0.08721306316799997,-183036.80654519444,-0.08723799987520847,-180795.30770405987,-0.0871678878818485,-200946.28157775893,-0.08727416148000004,-207060.96694222855,-0.08717701033242219,-204221.49828210112,-0.08722711721224308,-227284.61707583556,-0.08720889328799512,-229662.50849725617,-0.08710493945518248,-224281.71612957751,-0.08726268538254468,-238012.15288794617,-0.08722038851099997,-252343.1467254758,-0.08717964711355998,-101607.31257559714,-0.08726683400442445,-99438.32216709774,-0.08720787854496283,-118253.2201571347,-0.08709736624202437,-134877.89599402974,-0.08715847387433899,-144173.54075446606,-0.087147080036814,-150884.58693709917,-0.08718456669680837,-162179.69917325012,-0.08723803774900002,-155761.56108260254
+128,-0.08708091646719748,-185253.99327913095,-0.08715907097584843,-67044.63086424964,-0.08711316275199997,-182807.47232390035,-0.08713795629736988,-180573.60075383497,-0.08706769490727169,-200708.8448747094,-0.08717430545999984,-206808.33135008832,-0.08707715121405739,-204001.0633344351,-0.08712720069768158,-227029.55480419326,-0.08710876826699843,-229408.60059458553,-0.08700481883511907,-224023.4967135676,-0.08716284249309078,-237759.0575898806,-0.08712047970399997,-252069.62171340917,-0.08707955567026078,-101439.38749866374,-0.08716698636826375,-99275.60926398897,-0.08710786950993424,-118077.09182717065,-0.08699725432680357,-134688.54012999331,-0.0870582917204603,-143974.203130518,-0.0870469109793005,-150681.6128725034,-0.08708446960530797,-161965.49810353163,-0.08713822306050002,-155554.78575639974
+129,-0.08698070827793727,-185023.97659872705,-0.08705923240657494,-66915.8744016404,-0.08701326233599997,-182578.19462625287,-0.08703791271953137,-180351.93728482723,-0.0869675019326948,-200471.47784005187,-0.08707444943999994,-206555.77417838358,-0.08697729209569269,-203780.64998150163,-0.08702728418312008,-226774.53124152258,-0.08700864324600181,-229154.72195876646,-0.08690469821505578,-223765.2916935379,-0.08706299960363718,-237505.9936510155,-0.08702057089700008,-251796.1175177551,-0.08697946422696168,-101271.56213301035,-0.08706713873210316,-99112.99128716125,-0.08700786047490554,-117901.04850577583,-0.08689714241158297,-134499.25247867202,-0.0869581095665819,-143774.94531841727,-0.086946741921787,-150478.7144327287,-0.08698437251380767,-161751.37332622454,-0.08703840837200003,-155348.09633194457
+130,-0.08688050008867688,-184794.0219458593,-0.08695939383730124,-66787.2258300635,-0.08691336191999996,-182348.9741303397,-0.08693786914169288,-180130.3198894326,-0.08686730895811799,-200234.1991194358,-0.08697459341999994,-206303.29664237844,-0.08687743297732789,-203560.259782832,-0.08692736766855838,-226519.5468096338,-0.08690851822500532,-228900.87303466193,-0.08680457759499217,-223507.10309340546,-0.08696315671418348,-237252.9592647807,-0.08692066208999998,-251522.6324285918,-0.08687937278366269,-101103.83697212308,-0.08696729109594235,-98950.46896280162,-0.08690785143987693,-117725.0905806881,-0.08679703049636217,-134310.0333233565,-0.08685792741270319,-143575.76804872337,-0.0868465728642733,-150275.8918965266,-0.08688427542230727,-161537.3252548312,-0.08693859368350002,-155141.49321851484
+131,-0.08678029189941658,-184564.12434525182,-0.08685955526802765,-66658.68640702339,-0.08681346150399996,-182119.8113826084,-0.08683782556385428,-179908.75031848814,-0.0867671159835413,-199996.99332058086,-0.08687473739999993,-206050.90224125376,-0.08677757385896319,-203339.89449838363,-0.08682745115399688,-226264.60191961212,-0.08680839320400882,-228647.0542351108,-0.08670445697492887,-223248.93264813998,-0.08686331382472978,-236999.9558399657,-0.08682075328299997,-251249.16867730475,-0.08677928134036338,-100936.21253308392,-0.08686744345978176,-98788.04314010363,-0.08680784240484823,-117549.21844162232,-0.08669691858114158,-134120.88296576578,-0.08675774525882479,-143376.67190119874,-0.0867464038067597,-150073.14553982657,-0.08678417833080687,-161323.35428866115,-0.08683877899499992,-154934.97682989467
+132,-0.08668008371015638,-184334.29161445829,-0.08675971669875414,-66530.25761951807,-0.08671356108799987,-181890.70685689786,-0.08673778198601578,-179687.22319169037,-0.08666692300896439,-199759.83463136217,-0.08677488138000003,-205798.58677898112,-0.08667771474059839,-203119.55660932837,-0.08672753463943528,-226009.696973119,-0.08670826818301232,-228393.26594780403,-0.08660433635486528,-222990.78189054527,-0.08676347093527607,-236746.98450689012,-0.08672084447600006,-250975.72726560105,-0.08667918989706429,-100768.68936044027,-0.08676759582362105,-98625.71486152575,-0.08670783336981973,-117373.43248202538,-0.08659680666592078,-133931.80173030432,-0.0866575631049461,-143177.65738628735,-0.0866462347492462,-149870.47563639632,-0.08668408123930657,-161109.4608154042,-0.08673896430649992,-154728.54758485215
+133,-0.08657987552089608,-184104.52864653888,-0.08665987812948044,-66401.94130436896,-0.08661366067199996,-181661.6609813562,-0.08663773840817728,-179465.73988662288,-0.0865667300343875,-199522.7234813415,-0.08667502536000003,-205546.3477141835,-0.08657785562223369,-202899.2521865766,-0.08662761812487378,-225754.83236347028,-0.08660814316201572,-228139.50854017332,-0.08650421573480198,-222732.65220265955,-0.08666362804582228,-236494.04621852355,-0.08662093566899998,-250702.308913844,-0.08657909845376507,-100601.26803104533,-0.08666774818746045,-98463.48551169624,-0.08660782433479103,-117197.73310068672,-0.08649669475070007,-133742.7793441309,-0.0865573809510677,-142978.72284539338,-0.08654606569173261,-149667.88245833234,-0.08658398414780617,-160895.64521314917,-0.08663914961800012,-154522.20590768993
+134,-0.08647966733163567,-183874.8426629664,-0.08656003956020684,-66273.73988720468,-0.08651376025600006,-181432.6741528765,-0.08653769483033869,-179244.30421765134,-0.0864665370598107,-199285.66028663807,-0.08657516933999994,-205294.185308737,-0.08647799650386889,-202678.97400351072,-0.08652770161031217,-225500.00847658544,-0.08650801814101912,-227885.7823628605,-0.08640409511473858,-222474.54484896798,-0.08656378515636858,-236241.14180627803,-0.08652102686199997,-250428.9142203007,-0.08647900701046599,-100433.94916025524,-0.08656790055129975,-98301.35722662682,-0.08650781529976243,-117022.12070323547,-0.08639658283547927,-133553.81445092076,-0.086457198797189,-142779.8673454479,-0.08644589663421891,-149465.3658560033,-0.08648388705630587,-160681.90785202984,-0.08653933492950013,-154315.95222886506
+135,-0.08637945914237538,-183645.24423493387,-0.08646020099093334,-66145.6569589064,-0.08641385983999997,-181203.74674572572,-0.08643765125250018,-179022.91824467876,-0.08636634408523379,-199048.64545156521,-0.08647531331999994,-205042.09982445007,-0.08637813738550419,-202458.71893266722,-0.08642778509575058,-225245.22569183214,-0.08640789312002252,-227632.08775245803,-0.08630397449467507,-222216.4609994489,-0.08646394226691488,-235988.27201383613,-0.08642111805499997,-250155.5391656445,-0.08637891556716679,-100266.73341000623,-0.08646805291513895,-98139.33549625224,-0.08640780626473384,-116846.59570359137,-0.08629647092025867,-133364.91249131804,-0.0863570166433105,-142581.09285154258,-0.0863457275767054,-149262.92605473037,-0.08638378996480547,-160468.24909555685,-0.08643952024100011,-154109.78698564568
+136,-0.08627925095311519,-183415.73981089334,-0.08636036242165974,-66017.69933727078,-0.08631395942400007,-180974.87911707992,-0.08633760767466157,-178801.58370732653,-0.086266151110657,-198811.67520431947,-0.08637545729999993,-204790.0915231525,-0.0862782782671394,-202238.48766841454,-0.08632786858118909,-224990.48438268303,-0.08630776809902602,-227378.4250335515,-0.08620385387461167,-221958.40174614158,-0.08636409937746117,-235735.43751911804,-0.08632120924799987,-249882.16097562504,-0.08627882412386768,-100099.62149966102,-0.08636820527897836,-97977.41964545516,-0.08630779722970514,-116671.15852551509,-0.08619635900503787,-133176.07547537467,-0.08625683448943189,-142382.40023271408,-0.0862455585191919,-149060.5635123608,-0.08628369287330508,-160254.66930172787,-0.08633970555250002,-153903.7106228529
+137,-0.08617904276385488,-183186.2889759768,-0.08626052385238604,-65889.88738897051,-0.08621405900799997,-180746.07161086096,-0.08623756409682308,-178580.30226986328,-0.08616595813608009,-198574.7429697834,-0.08627560128000003,-204538.16066676955,-0.0861784191487747,-202018.28087481577,-0.08622795206662738,-224735.78491740033,-0.08620764307802951,-227124.7945203156,-0.08610373325454827,-221700.36811566795,-0.08626425648800748,-235482.6366419566,-0.08622130044099997,-249608.7915734982,-0.08617873268056848,-99932.61422090638,-0.08626835764281775,-97815.59643741837,-0.08620778819467663,-116495.80960424761,-0.08609624708981727,-132987.3048482985,-0.08615665233555339,-142183.79016076037,-0.0861453894616783,-148858.2785566817,-0.08618359578180478,-160041.1688239929,-0.08623989086400002,-153697.7235936758
+138,-0.08607883457459448,-182956.89166169852,-0.08616068528311244,-65762.1886863485,-0.08611415859200007,-180517.32456044602,-0.08613752051898457,-178359.07564823274,-0.0860657651615033,-198337.85075432787,-0.08617574525999984,-204286.29675656045,-0.0860785600304099,-201798.0991897775,-0.08612803555206588,-224481.12765958405,-0.08610751805703291,-226871.1965178099,-0.08600361263448478,-221442.36107883882,-0.08616441359855367,-235229.85788454383,-0.08612139163399997,-249335.43575430257,-0.08607864123726938,-99765.71245903695,-0.08616851000665705,-97653.86967201073,-0.08610777915964783,-116320.54938839845,-0.08599613517459648,-132798.60192150626,-0.0860564701816748,-141985.26323211106,-0.0860452204041646,-148656.07149064046,-0.08608349869030438,-159827.7480120639,-0.08614007617550001,-153491.82636054844
+139,-0.08597862638533428,-182727.54837197246,-0.08606084671383894,-65634.5912999429,-0.08601425817599996,-180288.63829069716,-0.08603747694114598,-178137.90572671528,-0.0859655721869264,-198100.9679453214,-0.08607588923999994,-204034.49197652494,-0.0859787009120452,-201577.94322847988,-0.08602811903750437,-224226.51296873996,-0.08600739303603643,-226617.63132308537,-0.08590349201442138,-221184.38155839685,-0.08606457070909998,-234977.1077291493,-0.08602148282699987,-249062.0959440659,-0.08597854979397018,-99598.91722468735,-0.08606866237049646,-97492.23510768032,-0.08600777012461933,-116145.37834205305,-0.08589602325937577,-132609.96810617714,-0.0859562880277963,-141786.82000998766,-0.0859450513466511,-148453.94260691755,-0.08598340159880408,-159614.4072126195,-0.08604026148700002,-153286.01939627377
+140,-0.08587841819607397,-182498.2595736541,-0.08596100814456534,-65507.09579338055,-0.08591435776000006,-180060.01109382257,-0.08593743336330747,-177916.79472010484,-0.08586537921234959,-197864.10904769602,-0.08597603321999994,-203782.75482210508,-0.08587884179368038,-201357.81358632358,-0.08592820252294288,-223971.9412006778,-0.08590726801503992,-226364.09922602656,-0.08580337139435787,-220926.43043513634,-0.08596472781964638,-234724.38898315147,-0.08592157401999997,-248788.77377299065,-0.08587845835067108,-99432.22970381299,-0.08596881473433575,-97330.69221885406,-0.08590776108959074,-115970.29694732008,-0.08579591134415497,-132421.40522303205,-0.08585610587391769,-141588.4610456805,-0.0858448822891375,-148251.89219315586,-0.08588330450730368,-159401.14676991937,-0.08594044679850002,-153080.3031851103
+141,-0.08577821000681368,-182269.02570452206,-0.08586116957529163,-65379.70275209813,-0.08581445734399996,-179831.43743882142,-0.08583738978546898,-177695.7454742378,-0.08576518623777289,-197627.28130729918,-0.08587617719999993,-203531.08788548803,-0.08577898267531568,-201137.7108413293,-0.08582828600838117,-223717.4127080063,-0.08580714299404323,-226110.60051008358,-0.08570325077429458,-220668.50855298102,-0.08586488493019268,-234471.70260588155,-0.08582166521299997,-248515.4704778416,-0.08577836690737178,-99265.65134225982,-0.08586896709817494,-97169.24148681438,-0.08580775205456204,-115795.30570743143,-0.08569579942893438,-132232.9164322073,-0.08575592372003919,-141390.1868930191,-0.085744713231624,-148049.9205344028,-0.08578320741580327,-159187.96702633626,-0.08584063211000002,-152874.67822418426
+142,-0.08567800181755328,-182039.84717887896,-0.08576133100601824,-65252.412785666544,-0.08571455692799997,-179602.92083043093,-0.08573734620763038,-177474.76220147745,-0.08566499326319599,-197390.48821740516,-0.08577632118000003,-203279.4926816247,-0.085679123556951,-200917.6355562968,-0.08572836949381968,-223462.92784049598,-0.08570701797304672,-225857.13545290634,-0.08560313015423117,-220410.61672326652,-0.08576504204073898,-234219.04016925846,-0.08572175640600008,-248242.18706385366,-0.08567827546407278,-99099.18400442075,-0.08576911946201435,-97007.88337040097,-0.08570774301953343,-115620.4051505679,-0.08559568751371358,-132044.51074677665,-0.0856557415661606,-141191.99812126628,-0.0856445441741103,-147848.02791468476,-0.08568311032430297,-158974.86832290664,-0.08574081742150003,-152669.14502508056
+143,-0.08557779362829308,-181810.72439168708,-0.08566149243674454,-65125.22653057117,-0.08561465651199997,-179374.46278765987,-0.08563730262979188,-177253.8534427899,-0.0855648002886192,-197153.7320786633,-0.08567646516000003,-203027.9702922616,-0.08557926443858618,-200697.58828063594,-0.08562845297925818,-223208.48694549565,-0.08560689295205022,-225603.70432685898,-0.08550300953416767,-220152.7557282572,-0.08566519915128508,-233966.38825197145,-0.08562184759899986,-247968.92438502537,-0.08557818402077368,-98932.83031995432,-0.08566927182585375,-96846.61831974918,-0.08560773398450473,-115445.59583479755,-0.08549557559849297,-131856.17413998008,-0.0855555594122821,-140993.89533026633,-0.08554437511659681,-147646.2146178653,-0.08558301323280257,-158761.85099970948,-0.08564100273300002,-152463.70411569823
+144,-0.08547758543903278,-181581.65772163396,-0.08556165386747094,-64998.14465339175,-0.08551475609599997,-179146.0641846335,-0.08553725905195328,-177033.03896639583,-0.08546460731404229,-196917.0146103236,-0.08557660913999983,-202776.52157177564,-0.08547940532022148,-200477.56955198868,-0.08552853646469667,-222954.0853232045,-0.08550676793105362,-225350.30739947976,-0.08540288891410427,-219894.92632427183,-0.08556535626183148,-233713.7583043075,-0.08552193879199997,-247695.68318933705,-0.08547809257747448,-98766.59468044982,-0.08556942418969306,-96685.44678464373,-0.08550772494947623,-115270.87835459174,-0.08539546368327217,-131667.90146232053,-0.08545537725840349,-140795.87917272258,-0.0854442060590832,-147444.48092837978,-0.08548291614130238,-158548.91539633108,-0.08554118804449992,-152258.35604249602
+145,-0.08537737724977258,-181352.6475335805,-0.08546181529819724,-64871.16785468569,-0.08541485567999997,-178917.72456442154,-0.08543721547411477,-176812.2775482646,-0.0853644143394654,-196680.33719266026,-0.08547675311999993,-202525.14723758216,-0.08537954620185668,-200257.5798976731,-0.08542861995013498,-222699.67934558002,-0.08540664291005712,-225096.9449338818,-0.08530276829404078,-219637.12924433505,-0.08546551337237777,-233461.15429079294,-0.08542202998500006,-247422.4641465695,-0.08537800113417537,-98600.49041170084,-0.08546957655353245,-96524.36922052324,-0.08540771591444753,-115096.2533497135,-0.08529535176805148,-131479.69293909165,-0.085355195104525,-140597.95039470986,-0.0853440370015697,-147242.8271318418,-0.08538281904980197,-158336.0618522315,-0.08544137335599992,-152053.10137314122
+146,-0.08527716906051218,-181123.6941804385,-0.08536197672892375,-64744.296873648724,-0.08531495526399996,-178689.44401483968,-0.08533717189627628,-176591.56335023715,-0.08526422136488859,-196443.70098668238,-0.08537689709999993,-202273.84791708158,-0.08527968708349198,-200037.61983593553,-0.08532870343557347,-222445.28807892834,-0.08530651788906062,-224843.61718909498,-0.08520264767397738,-219379.35844861716,-0.08536567048292408,-233208.57853557804,-0.08532212117799987,-247149.26786655778,-0.08527790969087608,-98434.51615044796,-0.08536972891737175,-96363.38609362514,-0.08530770687941894,-114921.72151794356,-0.08519523985283067,-131291.54886811422,-0.0852550129506464,-140400.10992815212,-0.085243867944056,-147041.25351548177,-0.08528272195830147,-158123.29070707763,-0.08534155866749991,-151847.9406998539
+147,-0.08517696087125187,-180894.79800473613,-0.08526213815965014,-64617.532493792,-0.08521505484799986,-178461.2236789981,-0.08523712831843767,-176370.896886002,-0.08516402839031169,-196207.10700146007,-0.08527704107999994,-202022.62417496362,-0.08517982796512719,-199817.68987714592,-0.08522878692101198,-222190.92045321298,-0.08520639286806413,-224590.32442037613,-0.08510252705391398,-219121.60815285516,-0.08526582759347037,-232956.03272430558,-0.08522221237099997,-246876.09491179383,-0.08517781824757709,-98268.64079612576,-0.08526988128121095,-96202.49788615886,-0.08520769784439033,-114747.28363423012,-0.08509512793761007,-131103.46951121607,-0.08515483079676789,-140202.35920451817,-0.0851436988865425,-146839.76036860034,-0.08518262486680127,-157910.60230113953,-0.08524174397900013,-151642.87464339886
+148,-0.08507675268199158,-180665.95933982005,-0.08516229959037654,-64490.87555003665,-0.08511515443199996,-178233.0641878315,-0.08513708474059918,-176150.27865892125,-0.0850638354157349,-195970.55613556545,-0.08517718506000004,-201771.47653023258,-0.08507996884676249,-199597.79052486317,-0.08512887040645029,-221936.58059962123,-0.08510626784706742,-224337.06687947526,-0.08500240643385047,-218863.88485072236,-0.08516598470401668,-232703.5182056344,-0.08512230356399997,-246602.94580642157,-0.08507772680427778,-98102.86474390027,-0.08517003364505035,-96041.70506659313,-0.08510768880936163,-114572.94058164618,-0.08499501602238928,-130915.45511472375,-0.08505464864288939,-140004.70198801777,-0.08504352982902891,-146638.34798300872,-0.08508252777530087,-157697.99697557034,-0.08514192929050002,-151437.9038583112
+149,-0.08497654449273138,-180437.1785109731,-0.08506246102110304,-64364.32693764293,-0.08501525401600006,-178004.96604547315,-0.08503704116276067,-175929.70916371525,-0.0849636424411582,-195734.04920424288,-0.08507732903999983,-201520.40546758816,-0.08498010972839769,-199377.92227678478,-0.08502895389188878,-221682.27115835392,-0.08500614282607082,-224083.84481486786,-0.08490228581378717,-218606.1908486223,-0.08506614181456287,-232451.03612237325,-0.08502239475699987,-246329.82104292844,-0.08497763536097869,-97937.18840116581,-0.08507018600888964,-95881.00530105154,-0.08500767977433313,-114398.69340659052,-0.08489490410716867,-130727.50591454818,-0.0849544664890108,-139807.1337543593,-0.0849433607715154,-146437.0166534112,-0.08498243068380057,-157485.47507274803,-0.08504211460200002,-151233.02903948512
+150,-0.08487633630347098,-180208.45583628566,-0.08496262245182934,-64237.887623790295,-0.08491535359999997,-177776.92926151288,-0.08493699758492208,-175709.188887921,-0.0848634494665813,-195497.58695816938,-0.08497747301999993,-201269.41144526337,-0.08488025061003299,-199158.0856256811,-0.08492903737732718,-221427.9940601109,-0.08490601780507431,-223830.6584719892,-0.08480216519372358,-218348.52766414828,-0.08496629892510918,-232198.58748008788,-0.08492248594999997,-246056.71270913427,-0.08487754391767949,-97771.61218892231,-0.08497033837272905,-95720.39989999119,-0.08490767073930433,-114224.54343272913,-0.08479479219194787,-130539.62213848274,-0.0848542843351323,-139609.65239061648,-0.0848431917140017,-146235.76667791017,-0.08488233359230017,-157273.036936591,-0.08494229991350002,-151028.25093093843
+151,-0.08477612811421067,-179979.79162736965,-0.08486278388255575,-64111.55866279301,-0.08481545318400006,-177548.9544019163,-0.08483695400708358,-175488.71763332677,-0.08476325649200449,-195261.17009697,-0.08487761699999993,-201018.4949007569,-0.08478039149166819,-198938.28106025443,-0.08482912086276567,-221173.750830754,-0.08480589278407782,-223577.50809341134,-0.08470204457366028,-218090.89649611214,-0.08486645603565547,-231946.1731875912,-0.08482257714299997,-245783.5928864267,-0.08477745247438039,-97606.1365434018,-0.08487049073656845,-95559.89020636863,-0.08480766170427582,-114050.49256300357,-0.08469468027672707,-130351.80400770936,-0.08475410218125369,-139412.25554141737,-0.0847430226564881,-146034.5983584551,-0.08478223650079977,-157060.68131755758,-0.08484248522500001,-150823.57033761145
+152,-0.08467591992495048,-179751.1861900475,-0.08476294531328224,-63985.34121694802,-0.08471555276799997,-177321.0419763049,-0.08473691042924487,-175268.29524054538,-0.0846630635174276,-195024.7992792832,-0.08477776097999994,-200767.65625501858,-0.08468053237330349,-198718.5090659429,-0.08472920434820398,-220919.54273920326,-0.08470576776308132,-223324.39391904406,-0.08460192395359688,-217833.29837265497,-0.08476661314620187,-231693.76665504015,-0.08472266833600008,-245510.47778899298,-0.08467736103108119,-97440.76191804337,-0.08477064310040765,-95399.47719612623,-0.08470765266924714,-113876.5448310691,-0.08459456836150638,-130164.05173790919,-0.08465392002737519,-139214.9429328028,-0.0846428535989746,-145833.51200142418,-0.08468213940929947,-156848.40037709323,-0.08474267053650002,-150618.98814198174
+153,-0.08457571173569017,-179522.6389025818,-0.08466310674400865,-63859.236585887644,-0.08461565235200007,-177093.1924162965,-0.08463686685140648,-175047.9227685081,-0.08456287054285079,-194788.4751304591,-0.08467790496000004,-200516.89591573275,-0.08458067325493879,-198498.75484091003,-0.08462928783364247,-220665.37087934784,-0.08460564274208472,-223071.31618626844,-0.08450180333353338,-217575.73421634545,-0.08466677025674818,-231441.3419483807,-0.08462275952899997,-245237.37315615444,-0.08457726958778208,-97275.48878586278,-0.08467079546424695,-95239.16184350973,-0.08460764363421854,-113702.70455925986,-0.08449445644628577,-129976.36554002759,-0.08455373787349649,-139017.71651994484,-0.08454268454146101,-145632.50791827598,-0.08458204231779907,-156636.19849585718,-0.08464285584800002,-150414.50342618066
+154,-0.08447550354642978,-179294.1493274591,-0.08456326817473495,-63733.246250082324,-0.08451575193599996,-176865.4061252336,-0.08453682327356778,-174827.6008554333,-0.0844626775682739,-194552.1841996913,-0.08457804894000004,-200266.21427979795,-0.08448081413657399,-198279.0048435519,-0.08452937131908098,-220411.23621974693,-0.08450551772108822,-222818.27513010538,-0.08440168271346997,-217318.20487854816,-0.08456692736729428,-231188.920146871,-0.08452285072199997,-244964.28194554415,-0.08447717814448288,-97110.31764247302,-0.08457094782808636,-95078.94525371645,-0.08450763459918993,-113528.95878785494,-0.08439434453106497,-129788.7456209991,-0.0844535557196181,-138820.57723243823,-0.08444251548394731,-145431.57042098072,-0.08448194522629877,-156424.07756432224,-0.08454304115950002,-150210.10779243507
+155,-0.08437529535716948,-179065.7184790003,-0.08446342960546144,-63607.37193908846,-0.08441585152000007,-176637.68349048437,-0.08443677969572938,-174607.3300602528,-0.084362484593697,-194315.92065028523,-0.08447819291999993,-200015.61173538078,-0.08438095501820929,-198059.27242274868,-0.08442945480451927,-220157.13963581133,-0.08440539270009152,-222565.27098329883,-0.08430156209340657,-217060.71115997568,-0.08446708447784057,-230936.51031305848,-0.08442294191500006,-244691.20613773452,-0.08437708670118378,-96945.24900978195,-0.08447110019192565,-94918.82884330075,-0.08440762556416123,-113355.30824656627,-0.08429423261584416,-129601.19218429356,-0.0843533735657394,-138623.52582377093,-0.0843423464264338,-145230.69630051125,-0.08438184813479838,-156212.0386506317,-0.08444322647100001,-150005.8072975681
+156,-0.08427508716790928,-178837.3468487082,-0.08436359103618785,-63481.61574770439,-0.08431595110399996,-176410.02488922558,-0.08433673611789068,-174387.11091064478,-0.08426229161912019,-194079.69374382898,-0.08437833689999993,-199765.08866355717,-0.08428109589984449,-197839.5616951019,-0.08432953828995778,-219903.08193175454,-0.08430526767909502,-222312.30397651767,-0.08420144147334307,-216803.25382427932,-0.08436724158838697,-230684.1171744399,-0.08432303310799998,-244418.14722435197,-0.08427699525788468,-96780.28344093877,-0.08437125255576505,-94758.81482672492,-0.08430761652913273,-113181.75405957342,-0.08419412070062357,-129413.7054303717,-0.084253191411861,-138426.56298461696,-0.0842421773689203,-145029.89389000842,-0.08428175104329798,-156000.08255307455,-0.08434341178250002,-149801.60536269378
+157,-0.08417487897864888,-178609.03482954676,-0.08426375246691424,-63355.98035749468,-0.08421605068800006,-176182.4306919103,-0.08423669254005219,-174166.94391876904,-0.0841620986445433,-193843.50213446034,-0.08427848087999994,-199514.6454396853,-0.08418123678147989,-197619.87507019774,-0.08422962177539628,-219649.06385622142,-0.08420514265809852,-222059.3743383917,-0.08410132085327977,-216545.8336080583,-0.08426739869893328,-230431.7439556426,-0.08422312430099997,-244145.10640805238,-0.08417690381458548,-96615.42152694718,-0.08427140491960446,-94598.90988201633,-0.08420760749410393,-113008.29776524857,-0.08409400878540277,-129226.285557075,-0.08415300925798229,-138229.68938303043,-0.0841420083114067,-144829.16591344425,-0.08418165395179768,-155788.20994090012,-0.08424359709399992,-149597.5049683132
+158,-0.08407467078938857,-178380.78277314853,-0.08416391389764054,-63230.469542445295,-0.08411615027199996,-175954.90126471064,-0.08413664896221368,-173946.8295889294,-0.08406190566996659,-193607.3485256139,-0.08417862486000004,-199264.28238191453,-0.08408137766311499,-197400.20636953023,-0.08412970526083478,-219395.07087551488,-0.08410501763710192,-221806.48229568443,-0.08400120023321618,-216288.43804562822,-0.08416755580947957,-230179.393126451,-0.08412321549400006,-243872.08470250588,-0.08407681237128638,-96450.66390583072,-0.08417155728344365,-94439.10984831312,-0.08410759845907544,-112834.94107266508,-0.08399389687018217,-129038.9327599752,-0.08405282710410389,-138032.90568447855,-0.084041839253893,-144628.5141026045,-0.08408155686029728,-155576.42141084626,-0.08414378240550012,-149393.5098233043
+159,-0.08397446260012838,-178152.59100820735,-0.08406407532836704,-63105.08979339473,-0.08401624985599997,-175727.43697136486,-0.08403660538437507,-173726.76706132427,-0.0839617126953898,-193371.23558779957,-0.08407876883999983,-199013.9963346791,-0.08398151854475029,-197180.5515174669,-0.08402978874627308,-219141.10296541153,-0.08400489261610541,-221553.62807333254,-0.08390107961315288,-216031.03770125745,-0.08406771292002578,-229927.06671257614,-0.08402330668699987,-243599.08298898875,-0.08397672092798718,-96286.01127642694,-0.08407170964728296,-94279.40498013346,-0.08400758942404674,-112661.68841415651,-0.08389378495496137,-128851.64723262616,-0.0839526449502252,-137836.21256452918,-0.0839416701963795,-144427.93957940885,-0.08398145976879698,-155364.71751512575,-0.08404396771700012,-149189.62652966287
+160,-0.08387425441086808,-177924.45984863068,-0.08396423675909344,-62979.86156655042,-0.08391634943999987,-175500.03817472336,-0.08393656180653658,-173506.74570533555,-0.08386151972081289,-193135.16494012938,-0.08397891281999993,-198763.78859267518,-0.08388165942638569,-196960.91748565796,-0.08392987223171158,-218887.1669609137,-0.08390476759510893,-221300.8099961637,-0.08380095899308948,-215773.65234413993,-0.08396787003057207,-229674.76645413684,-0.08392339787999997,-243326.1020512385,-0.08387662948468808,-96121.46442027086,-0.08397186201112235,-94119.79569112218,-0.08390758038901813,-112488.53922666909,-0.08379367303974067,-128664.42916684737,-0.0838524627963467,-137639.61071859935,-0.083841501138866,-144227.44328720786,-0.08388136267729657,-155153.09877728022,-0.08394415302850013,-148985.87217032834
+161,-0.08377404622160768,-177696.38959790277,-0.08386439818981974,-62854.76244591665,-0.08381644902399997,-175272.7052380969,-0.08383651822869807,-173286.77084387955,-0.0837613267462361,-192899.13785772052,-0.08387905679999993,-198513.66038113544,-0.08378180030802089,-196741.30694763776,-0.08382995571715007,-218633.2647881887,-0.08380464257411242,-221048.01103714528,-0.08370083837302597,-215516.28858866353,-0.08386802714111838,-229422.4938976263,-0.08382348907299997,-243053.14259834858,-0.08377653804138888,-95957.0242409999,-0.08387201437496165,-93960.28239939394,-0.08380757135398953,-112315.4922069941,-0.08369356112451987,-128477.27875294308,-0.08375228064246809,-137443.10087084913,-0.0837413320813524,-144027.026085895,-0.08378126558579638,-154941.56570201615,-0.08384433834000002,-148782.2166083226
+162,-0.08367383803234738,-177468.380551614,-0.08376455962054614,-62729.7734523217,-0.08371654860799986,-175045.43458210374,-0.08373647465085948,-173066.8451463611,-0.0836611337716592,-192663.1554298532,-0.08377920077999994,-198263.61239393073,-0.08368194118965619,-196521.72172775626,-0.08373003920258838,-218379.39655244257,-0.08370451755311573,-220795.2386959417,-0.08360071775296257,-215258.9501265708,-0.08376818425166467,-229170.25045468955,-0.08372358026599987,-242780.205280544,-0.08367644659808979,-95792.69184836876,-0.08377216673880106,-93800.8655291919,-0.08370756231896083,-112142.55513525932,-0.08359344920929927,-128290.19617989234,-0.0836520984885896,-137246.68378343794,-0.0836411630238387,-143826.6887503884,-0.08368116849429587,-154730.11878177882,-0.08374452365150002,-148578.65281576486
+163,-0.08357362984308718,-177240.43299920036,-0.08366472105127264,-62604.89609893237,-0.08361664819199996,-174818.22663305292,-0.08363643107302098,-172846.97008995686,-0.0835609407970824,-192427.2186299993,-0.08367934475999994,-198013.64456138306,-0.08358208207129139,-196302.1632789286,-0.08363012268802687,-218125.56453941265,-0.08360439253211913,-220542.49658404416,-0.08350059713289908,-215001.6396783091,-0.08366834136221098,-228918.03744286142,-0.08362367145899997,-242507.2907004855,-0.08357635515479057,-95628.46880691577,-0.08367231910264045,-93641.54551244027,-0.08360755328393234,-111969.71081574957,-0.08349333729407847,-128103.18163549184,-0.083551916334711,-137050.36026709128,-0.08354099396632521,-143626.4320016574,-0.08358107140279547,-154518.75850146695,-0.08364470896300003,-148375.18118657268
+164,-0.08347342165382687,-177012.5472250888,-0.08356488248199904,-62480.13216665379,-0.08351674777600006,-174591.08325115332,-0.08353638749518238,-172627.14678888518,-0.0834607478225055,-192191.32835492495,-0.08357948874000004,-197763.7548138884,-0.08348222295292669,-196082.62404465833,-0.08353020617346538,-217871.77016100823,-0.08350426751112262,-220289.78641322532,-0.08340047651283568,-214744.359983261,-0.08356849847275717,-228665.85611609262,-0.08352376265199997,-242234.3994216195,-0.08347626371149149,-95464.35896301095,-0.08357247146647966,-93482.32279031341,-0.08350754424890353,-111796.95785491436,-0.08339322537885788,-127916.23530654698,-0.08345173418083249,-136854.1311941023,-0.0834408249088116,-143426.25652774057,-0.08348097431129527,-154307.48534196665,-0.08354489427450001,-148171.78978803026
+165,-0.08337321346456648,-176784.72350949523,-0.08346504391272534,-62355.48381791531,-0.08341684735999996,-174364.00529342043,-0.08343634391734388,-172407.37619635917,-0.08336055484792869,-191955.48544972276,-0.08347963271999993,-197513.94495678338,-0.08338236383456199,-195863.10118638392,-0.08343028965890378,-217618.00260248967,-0.08340414249012612,-220037.10930670807,-0.08330035589277228,-214487.11274706628,-0.08346865558330348,-228413.6855204615,-0.08342385384500008,-241961.5319745274,-0.08337617226819238,-95300.36028900785,-0.08347262383031895,-93323.19781489608,-0.08340753521387503,-111624.29673380338,-0.08329311346363708,-127729.35737902024,-0.08335155202695409,-136657.99751531996,-0.0833406558512981,-143226.1629997967,-0.08338087721979477,-154096.29967294284,-0.08344507958600002,-147968.4829251302
+166,-0.08327300527530627,-176556.96212911716,-0.08336520534345195,-62230.953794394125,-0.08331694694400006,-174136.99341759083,-0.08333630033950538,-172187.65918887928,-0.0832603618733518,-191719.690725768,-0.08337977669999994,-197264.21590759396,-0.08328250471619719,-195643.60113697808,-0.08333037314434218,-217364.23718083889,-0.08330401746912962,-219784.4661072835,-0.08320023527270877,-214229.89684672307,-0.08336881269384978,-228161.5256588643,-0.08332394503799997,-241688.688861831,-0.08327608082489318,-95136.46945891563,-0.08337277619415835,-93164.16586922632,-0.08330752617884633,-111451.72795703188,-0.08319300154841637,-127542.54803811866,-0.0832513698730754,-136461.96028432637,-0.0832404867937844,-143026.15208606128,-0.08328078012829457,-153885.20163004752,-0.08334526489750002,-147765.2642742933
+167,-0.08317279708604598,-176329.26335760942,-0.08326536677417824,-62106.545801846856,-0.08321704652799997,-173910.0481994756,-0.08323625676166678,-171967.9966154952,-0.08316016889877509,-191483.94497499397,-0.08327992067999994,-197014.5683181474,-0.08318264559783249,-195424.12640712608,-0.08323045662978058,-217110.49140230735,-0.08320389244813302,-219531.85749718308,-0.08310011465264548,-213972.71346467972,-0.08326896980439617,-227909.38561086747,-0.08322403623099997,-241415.87056212442,-0.08317598938159389,-94972.68753987104,-0.08327292855799766,-93005.22483115217,-0.08320751714381773,-111279.25205664817,-0.08309288963319557,-127355.80746840996,-0.0831511877191969,-136266.02070090402,-0.0831403177362709,-142826.2244660824,-0.08318068303679417,-153674.1918965664,-0.08324545020900002,-147562.13572734437
+168,-0.08307258889678577,-176101.6274660123,-0.08316552820490464,-61982.265405628,-0.08311714611200006,-173683.17017520717,-0.08313621318382827,-171748.38933913055,-0.0830599759241982,-191248.24898259473,-0.08318006465999994,-196765.0027459937,-0.0830827864794677,-195204.67876572174,-0.08313054011521907,-216856.77118759404,-0.08310376742713652,-219279.28405620126,-0.08299999403258188,-213715.56367115123,-0.08316912691494248,-227657.2538368127,-0.08312412742400006,-241143.07753308394,-0.08307589793829478,-94809.01578670373,-0.08317308092183705,-92846.37851792085,-0.08310750810878924,-111106.8695970268,-0.08299277771797497,-127169.13585396906,-0.08305100556531829,-136070.1800880154,-0.08304014867875731,-142626.38084781705,-0.08308058594529368,-153463.27102848404,-0.08314563552050001,-147359.09872478837
+169,-0.08297238070752527,-175874.05472305667,-0.08306568963563114,-61858.12299395081,-0.08301724569599997,-173456.35986178022,-0.08303616960598978,-171528.8382910186,-0.08295978294962139,-191012.60353959998,-0.08308020864000004,-196515.51754052183,-0.08298292736110299,-194985.25730892102,-0.08303062360065748,-216603.07987540902,-0.08300364240613982,-219026.74603346206,-0.08289987341251857,-213458.44845067733,-0.08306928402548858,-227405.13926663497,-0.08302421861699998,-240870.31021404793,-0.08297580649499578,-94645.4557282939,-0.08307323328567626,-92687.62839115677,-0.08300749907376043,-110934.58118115731,-0.08289266580275417,-126982.53337845481,-0.08295082341143979,-135874.44003381956,-0.0829399796212438,-142426.62199216202,-0.08298048885379347,-153252.43955508963,-0.08304582083199992,-147156.1545276203
+170,-0.08287217251826508,-175646.54539546475,-0.08296585106635754,-61734.15236322505,-0.08291734528000007,-173229.617769004,-0.08293612602815117,-171309.34458559717,-0.0828595899750445,-190777.00945695472,-0.08298035261999993,-196266.11096159706,-0.0828830682427382,-194765.86035640258,-0.08293070708609587,-216349.41984170838,-0.08290351738514332,-218774.23780001802,-0.08279975279245518,-213201.36872033338,-0.08296944113603488,-227153.04752906572,-0.08292430980999997,-240597.56902810917,-0.08287571505169648,-94482.00932486964,-0.08297338564951565,-92528.97550588075,-0.08290749003873193,-110762.3874588616,-0.08279255388753357,-126796.00022516603,-0.0828506412575612,-135678.8025211701,-0.0828398105637301,-142226.9487545748,-0.08288039176229307,-153041.6980030043,-0.08294600614349992,-146953.30432751589
+171,-0.08277196432900479,-175419.09974820496,-0.08286601249708384,-61610.31449907678,-0.08281744486399996,-173002.94440784436,-0.08283608245031268,-171089.90999425278,-0.0827593970004677,-190541.4675829845,-0.08288049659999994,-196016.78540855236,-0.0827832091243735,-194546.49145451654,-0.08283079057153438,-216095.79297002498,-0.08280339236414681,-218521.74273627502,-0.08269963217239168,-212944.325342949,-0.08286959824658127,-226900.98229281808,-0.08282440100299997,-240324.85438388423,-0.08277562360839738,-94318.67929672064,-0.08287353801335495,-92370.42076777646,-0.08280748100370323,-110590.28913790078,-0.08269244197231278,-126609.53657718103,-0.0827504591036827,-135483.27015381103,-0.0827396415062165,-142027.36217132577,-0.08278029467079277,-152831.04690448465,-0.08284619145499993,-146750.5493112158
+172,-0.08267175613974458,-175191.71804470237,-0.08276617392781024,-61486.5718171583,-0.08271754444800007,-172776.34029693488,-0.08273603887247417,-170870.53734249706,-0.08265920402589079,-190305.97882741917,-0.08278064057999994,-195767.5418864559,-0.08268335000600868,-194327.15240511973,-0.08273087405697288,-215842.2008518674,-0.08270326734315021,-218269.2152542751,-0.08259951155232828,-212687.3191368667,-0.08276975535712758,-226648.94673788946,-0.08272449219599987,-240052.16667705108,-0.08267553216509818,-94155.4699923797,-0.08277369037719436,-92211.96502163884,-0.08270747196867463,-110418.28699925399,-0.08259233005709207,-126423.14261737066,-0.08265027694980409,-135287.84672882324,-0.082639472448703,-141827.8636983332,-0.08268019757929237,-152620.4789094631,-0.08274637676650012,-146547.89071420341
+173,-0.08257154795048417,-174964.40054699872,-0.08266633535853674,-61362.92476409643,-0.08261764403199996,-172549.80596856526,-0.08263599529463558,-170651.22153416695,-0.082559011051314,-190070.5441978805,-0.08268078455999994,-195518.38113593246,-0.082583490887644,-194107.8446529425,-0.08263095754241118,-215588.64489054194,-0.08260314232215372,-218016.6853656371,-0.08249939093226477,-212430.3508833282,-0.08266991246767388,-226396.94405014667,-0.08262458338899997,-239779.506291572,-0.08257544072179908,-93992.39145786708,-0.08267384274103365,-92053.60909535685,-0.08260746293364593,-110246.38191906814,-0.08249221814187137,-126236.81852854132,-0.0825500947959256,-135092.53933282313,-0.0825393033911895,-141628.4568153735,-0.08258010048779198,-152409.98209100423,-0.08264656207800011,-146345.32988652232
+174,-0.08247133976122388,-174737.14751594258,-0.08256649678926305,-61239.373818656146,-0.08251774361599996,-172323.3419746336,-0.08253595171679708,-170431.96274422324,-0.08245881807673709,-189835.16486152328,-0.08258092854000004,-195269.30379381875,-0.0824836317692793,-193888.56950646656,-0.08253104102784968,-215335.126362233,-0.08250301730115722,-217764.162888001,-0.08239927031220137,-212173.4213323505,-0.08257006957822008,-226144.97786517325,-0.08252467458199997,-239506.8697606206,-0.08247534927849988,-93829.45953892244,-0.08257399510487305,-91895.35382886052,-0.08250745389861733,-110074.57490140534,-0.08239210622665068,-126050.5644934436,-0.082449912642047,-134897.36261844356,-0.0824391343336758,-141429.14236689836,-0.08248000339629168,-152199.55643115644,-0.08254674738950002,-146142.86841859668
+175,-0.08237113157196357,-174509.95921137743,-0.08246665821998944,-61115.91950592348,-0.08241784319999997,-172096.94889324918,-0.08243590813895847,-170212.75852633512,-0.0823586251021603,-189599.84226429553,-0.08248107252000003,-195020.31044492358,-0.08238377265091448,-193669.3282182488,-0.08243112451328818,-215081.64292253376,-0.08240289228016072,-217511.65289707787,-0.08229914969213807,-211916.53120730133,-0.08247022668876637,-225893.05309092122,-0.08242476577500008,-239234.25684420942,-0.08237525783520078,-93666.62972781574,-0.08247414746871236,-91737.2000991006,-0.08240744486358884,-109902.86712985409,-0.08229199431142988,-125864.3806948773,-0.08234973048816849,-134702.3089207298,-0.0823389652761622,-141229.91248473615,-0.08237990630479128,-151989.20997746685,-0.08244693270100002,-145940.508810054
+176,-0.08227092338270338,-174282.83589220102,-0.08236681965071595,-60992.56242528343,-0.08231794278399997,-171870.62733649198,-0.08233586456111998,-169993.58629196597,-0.08225843212758359,-189364.57841841146,-0.08238121649999994,-194771.4016458719,-0.08228391353254978,-193450.1220311027,-0.08233120799872667,-214828.19511455751,-0.08230276725916402,-217259.15872770737,-0.08219902907207448,-211659.66769024378,-0.08237038379931268,-225641.1789262951,-0.08232485696799997,-238961.6696839224,-0.08227516639190158,-93503.90023000848,-0.08237429983255155,-91579.14884771893,-0.08230743582856004,-109731.26005506862,-0.08219188239620927,-125678.26731573038,-0.0822495483342899,-134507.35120313903,-0.0822387962186487,-141030.76766690693,-0.08227980921329098,-151778.94598034676,-0.08234711801250003,-145738.2524105114
+177,-0.08217071519344298,-174055.7778165819,-0.08226698108144234,-60869.30331747816,-0.08221804236799987,-171644.3734697951,-0.08223582098328149,-169774.4571450587,-0.0821582391530067,-189129.37666114053,-0.08228136047999994,-194522.57793877003,-0.08218405441418498,-193230.9522148958,-0.08223129148416498,-214574.78392357117,-0.08220264223816752,-217006.68282897337,-0.08209890845201118,-211402.80219471842,-0.08227054090985898,-225389.3769984335,-0.08222494816099997,-238689.109163999,-0.08217507494860248,-93341.27152562134,-0.08227445219639096,-91421.20112000573,-0.08220742679353153,-109559.7555587444,-0.08209177048098847,-125492.22453904717,-0.0821493661804114,-134312.47974482478,-0.08213862716113521,-140831.70842269214,-0.08217971212179058,-151568.76678965575,-0.08224730332400002,-145536.09914518506
+178,-0.08207050700418268,-173828.78524202993,-0.08216714251216864,-60746.14330560259,-0.08211814195199997,-171418.1789572045,-0.08213577740544288,-169555.37649511744,-0.08205804617842989,-188894.2319612891,-0.08218150445999993,-194273.83986063476,-0.08208419529582028,-193011.82010458433,-0.08213137496960347,-214321.4103462936,-0.08210251721717092,-216754.2271227231,-0.08199878783194757,-211145.95426487844,-0.08217069802040528,-225137.60493237214,-0.08212503935400008,-238416.57592480478,-0.08207498350530339,-93178.74414753962,-0.08217460456023035,-91263.35806523685,-0.08210741775850283,-109388.35631134332,-0.08199165856576777,-125306.25254809619,-0.08204918402653279,-134117.69696698996,-0.0820384581036215,-140632.73527555828,-0.08207961503029028,-151358.67159698525,-0.08214748863550002,-145334.0523368979
+179,-0.08197029881492247,-173601.85842551375,-0.08206730394289515,-60623.08504648533,-0.08201824153600007,-171192.05056466223,-0.08203573382760437,-169336.3476628132,-0.081957853203853,-188659.14403482754,-0.08208164844000003,-194025.1879514803,-0.08198433617745549,-192792.72714851407,-0.08203145845504198,-214068.07671332362,-0.08200239219617442,-216501.79318550412,-0.08189866721188428,-210889.1303362412,-0.08207085513095148,-224885.85592168907,-0.08202513054699986,-238144.0527018298,-0.08197489206200419,-93016.31870477868,-0.08207475692406965,-91105.6188237265,-0.08200740872347423,-109217.06679422359,-0.08189154665054707,-125120.35152640719,-0.08194900187265429,-133923.00473347923,-0.0819382890461079,-140433.84876656366,-0.08197951793878987,-151148.66139479718,-0.08204767394700002,-145132.1199893652
+180,-0.08187009062566218,-173374.9968285993,-0.08196746537362154,-60500.12512505055,-0.08191834111999996,-170965.98929125935,-0.08193569024976578,-169117.37478208606,-0.0818576602292761,-188424.10009880355,-0.08198179241999984,-193776.6227631159,-0.08188447705909079,-192573.67498021718,-0.08193154194048027,-213814.78457643208,-0.08190226717517791,-216249.37725277626,-0.08179854659182087,-210632.33394040083,-0.08197101224149778,-224634.13071252356,-0.08192522173999997,-237871.53133646713,-0.08187480061870508,-92853.99592464969,-0.08197490928790906,-90947.98600265058,-0.08190739968844553,-109045.90048692923,-0.08179143473532637,-124934.52165783409,-0.0818488197187757,-133728.40639112622,-0.0818381199885944,-140235.04945844234,-0.08187942084728947,-150938.7382710434,-0.08194785925850002,-144930.30729309568
+181,-0.08176988243640178,-173148.19902099177,-0.08186762680434795,-60377.26262377941,-0.08181844070400006,-170739.99348625707,-0.08183564667192728,-168898.45559935077,-0.08175746725469929,-188189.10161188728,-0.08188193639999994,-193528.14487227995,-0.08178461794072599,-192354.6653190198,-0.08183162542591878,-213561.53533792723,-0.08180214215418143,-215996.97336084288,-0.08169842597175737,-210375.56753714004,-0.08187116935204408,-224382.43000703925,-0.08182531293300006,-237599.0235484043,-0.08177470917540589,-92691.77673923784,-0.08187506165174825,-90790.46056898848,-0.08180739065341693,-108874.85733039991,-0.08169132282010558,-124748.76312662176,-0.0817486375648972,-133533.9060702897,-0.0817379509310808,-140036.33794069084,-0.08177932375578928,-150728.90370011763,-0.08184804457000001,-144728.59024734882
+182,-0.08166967424714149,-172921.46636252909,-0.08176778823507425,-60254.497985107046,-0.08171854028799996,-170514.0672588652,-0.08173560309408878,-168679.59007032486,-0.0816572742801224,-187954.14958649353,-0.08178208037999994,-193279.74463515703,-0.08168475882236129,-192135.66926306178,-0.08173170891135728,-213308.3180008979,-0.08170201713318472,-215744.58659040937,-0.08159830535169398,-210118.83304053,-0.08177132646259047,-224130.75446980158,-0.08172540412599986,-237326.53296614514,-0.08167461773210678,-92529.662506007,-0.08177521401558756,-90633.04572004078,-0.08170738161838843,-108703.9036823177,-0.08159121090488497,-124563.07611743719,-0.08164845541101859,-133339.49216394313,-0.0816377818735671,-139837.71483604587,-0.08167922666428877,-150519.15424268207,-0.08174822988149992,-144526.9700745255
+183,-0.08156946605788128,-172694.79944817512,-0.08166794966580074,-60131.83166707833,-0.08161863987200006,-170288.2132211221,-0.08163555951625018,-168460.7797467948,-0.08155708130554559,-187719.2448268572,-0.08168222435999993,-193031.41934283677,-0.08158489970399649,-191916.69778966496,-0.08163179239679567,-213055.13374332793,-0.08160189211218812,-215492.22011209134,-0.08149818473163058,-209862.13203963655,-0.08167148357313678,-223879.10473274902,-0.08162549531899997,-237054.06173624803,-0.08157452628880758,-92367.65592497506,-0.08167536637942695,-90475.74830224346,-0.08160737258335973,-108533.03985743661,-0.08149109898966417,-124377.4608154261,-0.08154827325714009,-133145.16477018577,-0.0815376128160536,-139639.18080913945,-0.08157912957278857,-150309.48946954342,-0.08164841519299992,-144325.44808004226
+184,-0.08146925786862087,-172468.19809566703,-0.08156811109652715,-60009.26414543167,-0.08151873945599997,-170062.43400192654,-0.08153551593841168,-168242.02730111784,-0.08145688833096869,-187484.38801859974,-0.08158236834000003,-192783.1759327461,-0.08148504058563179,-191697.76637944218,-0.08153187588223408,-212801.98890466394,-0.08150176709119163,-215239.87574538225,-0.08139806411156708,-209605.46591052704,-0.08157164068368288,-223627.4813993603,-0.08152558651199997,-236781.6113862441,-0.08147443484550848,-92205.76224839575,-0.08157551874326635,-90318.5761055908,-0.08150736354833113,-108362.26617434784,-0.08139098707444348,-124191.91740627443,-0.0814480911032614,-132950.92431532094,-0.0814374437585401,-139440.73657817353,-0.08147903248128817,-150099.9134003612,-0.08154860050450012,-144124.02742795774
+185,-0.08136904967936058,-172241.642217957,-0.08146827252725354,-59886.795916194256,-0.08141883904000007,-169836.73291167585,-0.08143547236057298,-168023.33093386836,-0.08135669535639199,-187249.5797715835,-0.08148251232000003,-192535.01510629297,-0.08138518146726699,-191478.89468370558,-0.08143195936767259,-212548.88664256784,-0.08140164207019512,-214987.55486216358,-0.08129794349150368,-209348.83588017055,-0.08147179779422928,-223375.88504793003,-0.08142567770499987,-236509.18310998712,-0.08137434340220918,-92043.95517352886,-0.08147567110710566,-90161.51184593524,-0.08140735451330243,-108191.58295566861,-0.08129087515922277,-124006.44607625347,-0.081347908949383,-132756.77122236352,-0.0813372747010265,-139242.38293170783,-0.08137893538978767,-149890.42780297884,-0.08144878581600012,-143922.70519716467
+186,-0.08126884149010039,-172015.1383843344,-0.08136843395798005,-59764.427499051395,-0.08131893862399997,-169611.11523745474,-0.08133542878273457,-167804.69025871865,-0.0812565023818152,-187014.82064348244,-0.08138265629999994,-192286.93619535977,-0.08128532234890229,-191260.04888101335,-0.08133204285311098,-212295.82968120984,-0.08130151704919862,-214735.2585955616,-0.08119782287144017,-209092.24306622287,-0.08137195490477557,-223124.30734894896,-0.08132576889799997,-236236.77789537792,-0.08127425195891018,-91882.23794952927,-0.08137582347094485,-90004.54608520065,-0.08130734547827383,-108020.99052817599,-0.08119076324400197,-123821.04701228278,-0.08124772679550449,-132562.70591463931,-0.0812371056435128,-139044.12075384066,-0.08127883829828747,-149681.03396305628,-0.08134897112750011,-143721.47690321933
+187,-0.08116863330084008,-171788.69158643688,-0.08126859538870634,-59642.15944188445,-0.08121903820799997,-169385.59610184873,-0.08123538520489589,-167586.1061174507,-0.0811563094072383,-186780.11115401317,-0.08128280027999994,-192038.94108293924,-0.08118546323053749,-191041.2117842671,-0.08123212633854948,-212042.82084033117,-0.08120139202820202,-214482.98792548172,-0.08109770225137687,-208835.68850328197,-0.08127211201532188,-222872.7300959976,-0.08122586009099997,-235964.3965917337,-0.08117416051561088,-91720.61399775319,-0.08127597583478426,-89847.67938145933,-0.08120733644324513,-107850.48922300566,-0.08109065132878127,-123635.72040197664,-0.0811475446416259,-132368.72881841174,-0.0811369365859993,-138845.95106416062,-0.08117874120678707,-149471.73418497923,-0.08124915643900002,-143520.3433465682
+188,-0.08106842511157968,-171562.30399412714,-0.08116875681943274,-59519.99232715223,-0.08111913779199996,-169160.17182022374,-0.08113534162705738,-167367.5793523721,-0.0810561164326615,-186545.4517942027,-0.08118294425999993,-191791.03124240943,-0.08108560411217279,-190822.39034729108,-0.08113220982398778,-211789.86346685924,-0.08110126700720552,-214230.74372324048,-0.08099758163131347,-208579.17316115816,-0.08117226912586818,-222621.16602728658,-0.08112595128400008,-235692.03994931528,-0.08107406907231188,-91559.08488601912,-0.08117612819862355,-89690.91230462723,-0.08110732740821654,-107680.07937579197,-0.08099053941356067,-123450.46643366881,-0.0810473624877474,-132174.84036504556,-0.0810367675284857,-138647.87508679528,-0.08107864411528677,-149262.53062290372,-0.08114934175050002,-143319.30529433876
+189,-0.08096821692231938,-171335.97700480316,-0.08106891825015924,-59397.92678152921,-0.08101923737599996,-168934.80953271544,-0.08103529804921888,-167149.11082275616,-0.0809559234580846,-186310.8430327623,-0.08108308823999993,-191543.20783058874,-0.08098574499380809,-190603.58871081052,-0.08103229330942628,-211536.9622263584,-0.08100114198620902,-213978.52677827244,-0.08089746101124998,-208322.69795803944,-0.08107242623641447,-222369.61937777206,-0.08102604247699997,-235419.70864439572,-0.08097397762901258,-91397.65166880585,-0.08107628056246295,-89534.24544193478,-0.08100731837318803,-107509.76132688929,-0.08089042749833987,-123265.28529653863,-0.08094718033386869,-131981.04099287302,-0.0809365984709722,-138449.89438366468,-0.08097854702378637,-149053.4256812747,-0.08104952706200003,-143118.36351750244
+190,-0.08086800873305917,-171109.7116597133,-0.08096907968088564,-59275.96349173036,-0.08091933695999996,-168709.5094721862,-0.08093525447138028,-166930.70142553284,-0.08085573048350769,-186076.2853206246,-0.08098323222000003,-191295.47190463776,-0.08088588587544329,-190384.80615727813,-0.08093237679486479,-211284.1258693125,-0.08090101696521232,-213726.32876175834,-0.08079734039118658,-208066.2637703265,-0.08097258334696068,-222118.09250909198,-0.08092613366999997,-235147.40329598586,-0.08087388618571348,-91236.31516593108,-0.08097643292630226,-89377.67940354027,-0.08090730933815933,-107339.53542157584,-0.08079031558311907,-123080.1771805846,-0.08084699817999029,-131787.33114893382,-0.0808364294134585,-138252.01116098335,-0.08087844993228598,-148844.42231025733,-0.08094971237350002,-142917.51881290722
+191,-0.08076780054379888,-170883.50879983904,-0.08086924111161194,-59154.103234289054,-0.08081943654399996,-168484.268790567,-0.08083521089354177,-166712.35212627923,-0.0807555375089309,-185841.77909432288,-0.08088337619999983,-191047.8244892989,-0.08078602675707859,-190166.043694433,-0.08083246028030308,-211031.37813089901,-0.08080089194421582,-213474.1427816072,-0.08069721977112307,-207809.8714402471,-0.08087274045750698,-221866.58708558162,-0.08082622486300008,-234875.12447758182,-0.08077379474241449,-91075.0760673897,-0.08087658529014165,-89221.21482883017,-0.08080730030313073,-107169.40201023003,-0.08069020366789847,-122895.1422767361,-0.0807468160261116,-131593.70711205277,-0.080736260355945,-138054.22925152446,-0.08077835284078567,-148635.52455939265,-0.08084989768500002,-142716.77202401808
+192,-0.08066759235453848,-170657.3691400572,-0.08076940254233834,-59032.34694475381,-0.08071953612799987,-168259.08893400893,-0.08073516731570318,-166494.0640145119,-0.080655344534354,-185607.32477862257,-0.08078352017999993,-190800.26661635647,-0.0806861676387138,-189947.2712090696,-0.08073254376574159,-210778.67715537664,-0.08070076692321922,-213221.97676582087,-0.08059709915105967,-207553.52124053336,-0.08077289756805328,-221615.0973006181,-0.08072631605599986,-234602.8727257191,-0.08067370329911518,-90913.93498335034,-0.08077673765398105,-89064.85239403385,-0.08070729126810203,-106999.36144862711,-0.08059009175267777,-122710.18077690623,-0.0806466338722332,-131400.16111939997,-0.0806360912984314,-137856.5611610719,-0.08067825574928528,-148426.73921086063,-0.08075008299650002,-142516.12406819515
+193,-0.08056738416527828,-170431.2906279274,-0.08066956397306484,-58910.695967158834,-0.08061963571199997,-168033.970964686,-0.08063512373786468,-166275.838425844,-0.08055515155977719,-185372.92278854683,-0.08068366415999993,-190552.79935723555,-0.08058630852034909,-189728.46241470316,-0.08063262725118008,-210526.01213497983,-0.08060064190222271,-212969.8333732368,-0.08049697853099637,-207297.21098046066,-0.08067305467859967,-221363.61894380127,-0.08062640724899997,-234330.6485463293,-0.08057361185581607,-90752.8924716471,-0.08067689001782025,-88908.59282181556,-0.08060728223307344,-106829.41409815868,-0.08048997983745697,-122525.2928740291,-0.08054645171835449,-131206.69914084199,-0.0805359222409179,-137658.99351071136,-0.08057815865778498,-148218.05079815505,-0.08065026830800003,-142315.5759822065
+194,-0.08046717597601798,-170205.2719686311,-0.08056972540379125,-58789.15304392024,-0.08051973529600007,-167808.91551275764,-0.08053508016002618,-166057.6773357855,-0.08045495858520049,-185138.5735310489,-0.08058380813999994,-190305.4238574422,-0.0804864494019843,-189509.64044936956,-0.08053271073661858,-210273.3836760858,-0.08050051688122623,-212717.7142696733,-0.08039685791093278,-207040.94287887003,-0.08057321178914598,-221112.15836628524,-0.08052649844200006,-234058.45241960697,-0.08047352041251687,-90591.94905444422,-0.08057704238165955,-88752.4368939678,-0.08050727319804474,-106659.56032608078,-0.08038986792223628,-122340.47876214264,-0.080446269564476,-131013.32333066221,-0.08043575318340421,-137461.51309494046,-0.08047806156628458,-148009.44288807866,-0.08055045361950001,-142115.1290164525
+195,-0.08036696778675768,-169979.3156572075,-0.08046988683451754,-58667.71509030428,-0.08041983487999997,-167583.9230802512,-0.08043503658218758,-165839.58575383338,-0.08035476561062359,-184904.27740639704,-0.08048395212000004,-190058.14138012897,-0.0803865902836196,-189290.8151807633,-0.08043279422205687,-210020.7923598218,-0.08040039186022972,-212465.62070935813,-0.08029673729086947,-206784.71825784925,-0.08047336889969207,-220860.71793794623,-0.08042658963499986,-233786.2848038747,-0.08037342896921779,-90431.10522914142,-0.08047719474549896,-88596.38546891822,-0.08040726416301623,-106489.80050582599,-0.08028975600701557,-122155.73863646787,-0.0803460874105974,-130820.03504133398,-0.0803355841258906,-137264.12035768118,-0.08037796447478417,-147800.89362559048,-0.08045063893099992,-141914.7848992496
+196,-0.08026675959749728,-169753.42273860725,-0.08037004826524394,-58546.38184158035,-0.08031993446400007,-167358.99410608268,-0.08033499300434908,-165621.55878777607,-0.0802545726360468,-184670.03480932213,-0.08038409610000004,-189810.95336952453,-0.08028673116525478,-189071.96472231968,-0.08033287770749538,-209768.23621728912,-0.08030026683923303,-212213.5537212625,-0.08019661667080588,-206528.53812157136,-0.08037352601023838,-220609.2992454442,-0.08032668082799997,-233514.1461386378,-0.08027333752591859,-90270.36147592677,-0.08037734710933825,-88440.43950704823,-0.08030725512798763,-106320.13501730225,-0.08018964409179477,-121971.0726934427,-0.08024590525671889,-130626.83534298149,-0.0802354150683771,-137066.8157555285,-0.08027786738328388,-147592.40910115305,-0.08035082424249992,-141714.54772456657
+197,-0.08016655140823709,-169527.5939734197,-0.08027020969597044,-58425.154141721694,-0.08022003404799996,-167134.1289911811,-0.08023494942651058,-165403.59485817188,-0.08015437966146989,-184435.84613003075,-0.08028424007999993,-189563.86155476028,-0.0801868720468901,-188853.10109172366,-0.08023296119293388,-209515.7066862093,-0.08020014181823643,-211961.51419183903,-0.08009649605074258,-206272.40336341682,-0.08027368312078478,-220357.90353196912,-0.08022677202099997,-233242.03684709204,-0.08017324608261948,-90109.71826337914,-0.08027749947317765,-88284.60010937975,-0.08020724609295893,-106150.56424724196,-0.08008953217657418,-121786.481130823,-0.0801457231028403,-130433.72517659214,-0.0801352460108636,-136869.59975917666,-0.08017777029178347,-147383.992972654,-0.08025100955399991,-141514.41769472184
+198,-0.08006634321897678,-169301.8299966695,-0.08017037112669684,-58304.0329249563,-0.08012013363200006,-166909.32811094096,-0.08013490584867197,-165185.69344618253,-0.0800541866868931,-184201.71175511254,-0.08018438405999993,-189316.86814286571,-0.08008701292852528,-188634.2327500783,-0.08013304467837218,-209263.20928274342,-0.08010001679723992,-211709.50290876618,-0.07999637543067918,-206016.31481984808,-0.08017384023133108,-220106.53184418028,-0.08012686321400007,-232969.95733818857,-0.08007315463932028,-89949.17605279027,-0.08017765183701685,-88128.86858111245,-0.08010723705793033,-105981.08858956512,-0.07998942026135338,-121601.9641477672,-0.0800455409489618,-130240.70542089445,-0.0800350769533499,-136672.47285511123,-0.08007767320028317,-147175.64789892855,-0.08015119486550012,-141314.3874290953
+199,-0.07996613502971658,-169076.1313712035,-0.08007053255742314,-58183.01924197203,-0.08002023321599996,-166684.59182235028,-0.08003486227083348,-164967.85305438016,-0.0799539937123162,-183967.63206830612,-0.08008452803999994,-189069.97624438105,-0.07998715381016058,-188415.3650228433,-0.08003312816381068,-209010.7462364711,-0.07999989177624342,-211457.51359518603,-0.07989625481061567,-205760.27329312923,-0.08007399734187738,-219855.18510000472,-0.08002695440699997,-232697.90800835728,-0.07997306319602118,-89788.73530175636,-0.08007780420085625,-87973.2465466573,-0.08000722802290162,-105811.70844577113,-0.07988930834613267,-121417.52194489988,-0.07994535879508319,-130047.77692910227,-0.07993490789583631,-136475.43554758653,-0.07997757610878277,-146967.37602047148,-0.08005138017700011,-141114.45771685772
+200,-0.07986592684045618,-168850.49861254948,-0.07997069398814964,-58062.11429866987,-0.07992033280000006,-166459.9204684476,-0.07993481869299497,-164750.06693516622,-0.07985380073773929,-183733.60745125837,-0.07998467202000004,-188823.1911346291,-0.07988729469179588,-188196.50187140482,-0.07993321164924917,-208758.3188725594,-0.07989976675524692,-211205.5294322762,-0.07979613419055227,-205504.26570501216,-0.07997415445242358,-219603.86412585128,-0.07992704559999997,-232425.8892430853,-0.07987297175272198,-89628.39646731412,-0.07997795656469556,-87817.73619246011,-0.07990721898787304,-105642.42422536649,-0.07978919643091197,-121233.15472440682,-0.07984517664120469,-129854.94055300886,-0.0798347388383228,-136278.48836087153,-0.07987747901728237,-146759.17918194897,-0.07995156548850002,-140914.62530884918
+201,-0.07976571865119587,-168624.93220269098,-0.07987085541887604,-57941.31951644862,-0.07982043238399997,-166235.31438139203,-0.07983477511515638,-164532.31379856393,-0.0797536077631625,-183499.63828419047,-0.07988481599999983,-188576.52990979573,-0.07978743557343108,-187977.64656845044,-0.07983329513468758,-208505.9281972231,-0.07979964173425032,-210953.56176802496,-0.07969601357048887,-205248.28475191124,-0.07987431156296988,-219352.569679285,-0.07982713679300008,-232153.88412169565,-0.07977288030942288,-89468.16000892254,-0.07987810892853495,-87662.3409470469,-0.07980720995284434,-105473.23634634195,-0.07968908451569127,-121048.86269013125,-0.0797449944873261,-129662.19716170782,-0.0797345697808092,-136081.6318420142,-0.07977738192578217,-146551.0590586538,-0.07985175080000002,-140714.8858482197
+202,-0.07966551046193558,-168399.43259864007,-0.07977101684960235,-57820.63663265483,-0.07972053196799997,-166010.77388458076,-0.07973473153731787,-164314.60701636676,-0.0796534147885858,-183265.72494656296,-0.07978495997999993,-188329.9836911916,-0.07968757645506638,-187758.80200331204,-0.07973337862012597,-208253.57505545497,-0.07969951671325382,-210701.6071317918,-0.07959589295042538,-204992.34029616203,-0.07977446867351617,-219101.30232138076,-0.07972722798599997,-231881.88833841402,-0.07967278886612378,-89308.0263914197,-0.07977826129237425,-87507.07027565502,-0.07970720091781583,-105304.14523570507,-0.07958897260047047,-120864.6460476641,-0.0796448123334476,-129469.54765853866,-0.0796344007232956,-135884.86656408687,-0.07967728483428167,-146343.0172435036,-0.07975193611150001,-140515.24441553353
+203,-0.07956530227267537,-168174.00023816866,-0.07967117828032894,-57700.067884221644,-0.07962063155199997,-165786.29929437343,-0.07963468795947928,-164096.95141668493,-0.0795532218140089,-183031.8678176751,-0.07968510395999993,-188083.52190147561,-0.07958771733670159,-187539.97088346828,-0.07963346210556438,-208001.26019585767,-0.07959939169225712,-210449.66683340527,-0.07949577233036208,-204736.43251612512,-0.07967462578406248,-218850.06258685488,-0.07962731917899997,-231609.90281546488,-0.07957269742282458,-89147.99608828698,-0.07967841365621366,-87351.92124361059,-0.07960719188278723,-105135.15133004164,-0.07948886068524987,-120680.50500447486,-0.0795446301795691,-129276.99299878324,-0.079534231665782,-135688.19313009898,-0.07957718774278147,-146135.05532256473,-0.07965212142300002,-140315.70322454037
+204,-0.07946509408341498,-167948.6355438647,-0.07957133971105525,-57579.616393037,-0.07952073113599996,-165561.89092126797,-0.07953464438164078,-163879.3497112061,-0.07945302883943209,-182798.0672773277,-0.07958524793999994,-187837.14492988196,-0.07948785821833688,-187321.15604282153,-0.07953354559100288,-207748.98430344698,-0.07949926667126062,-210197.74576853693,-0.07939565171029847,-204480.56500191623,-0.07957478289460877,-218598.85121773096,-0.07952741037200008,-231337.93461836403,-0.07947260597952548,-88988.06958536993,-0.07957856602005285,-87196.88619863769,-0.07950718284775853,-104966.25507613336,-0.07938874877002908,-120496.43976999317,-0.07944444802569049,-129084.53421013209,-0.0794340626082685,-135491.61217793103,-0.07947709065128107,-145927.17496128072,-0.07955230673450002,-140116.2640160452
+205,-0.07936488589415468,-167723.33892618556,-0.07947150114178164,-57459.28718867349,-0.07942083071999996,-165337.549070932,-0.07943460080380228,-163661.8038774766,-0.0793528358648552,-182564.3237064269,-0.07948539192000004,-187590.8531632627,-0.07938799909997209,-187102.3595295578,-0.07943362907644137,-207496.7480183543,-0.07939914165026411,-209945.84618943022,-0.07929553109023517,-204224.74011214607,-0.07947494000515498,-218347.6687006129,-0.07942750156499986,-231065.9867390815,-0.07937251453622628,-88828.2473855968,-0.07947871838389226,-87041.9697236669,-0.07940717381272994,-104797.45693170205,-0.07928863685480837,-120312.45055577777,-0.079344265871812,-128892.1724188183,-0.0793338935507549,-135295.12438639824,-0.07937699355978058,-145719.37803719644,-0.07945249204600002,-139916.92843295095
+206,-0.07926467770489448,-167498.1083631877,-0.07937166257250815,-57339.09206218707,-0.07932093030399996,-165113.27404504173,-0.07933455722596368,-163444.3155412879,-0.07925264289027839,-182330.63748758764,-0.07938553590000004,-187344.64698672498,-0.07928813998160739,-186883.58375034254,-0.07933371256187968,-207244.5519477372,-0.07929901662926751,-209693.96906662808,-0.07919541047017177,-203968.9595896226,-0.07937509711570127,-218096.50496844252,-0.07932759275799997,-230794.061062296,-0.07927242309292717,-88668.53001518156,-0.07937887074773155,-86887.15190760746,-0.07930716477770124,-104628.75736618806,-0.07918852493958767,-120128.53757561801,-0.0792440837179334,-128699.9088851287,-0.0792337244932412,-135098.7304830794,-0.07927689646828037,-145511.6669150909,-0.07935267735750003,-139717.69816281513
+207,-0.07916446951563418,-167272.94419939295,-0.07927182400323445,-57219.048976589955,-0.07922102988799987,-164889.06614194703,-0.07923451364812518,-163226.8861363397,-0.0791524499157015,-182097.0090058534,-0.07928567987999993,-187098.5267841857,-0.07918828086324259,-186664.83179016312,-0.07923379604731817,-206992.39667365537,-0.07919889160827102,-209442.1056252295,-0.07909528985010827,-203713.18720098093,-0.07927525422624758,-217845.33298323402,-0.07922768395099997,-230522.15899280267,-0.07917233164962797,-88508.91803230334,-0.07927902311157095,-86732.43308169354,-0.07920715574267263,-104460.15686161694,-0.07908841302436698,-119944.70104568965,-0.07914390156405489,-128507.74505531313,-0.0791335554357277,-134902.42566571338,-0.07917679937677997,-145304.0452978249,-0.07925286266900002,-139518.57503670605
+208,-0.07906426132637379,-167047.84778197826,-0.07917198543396084,-57099.10582944736,-0.07912112947199997,-164664.9256572553,-0.07913447007028668,-163009.5169864936,-0.0790522569411247,-181863.43864932278,-0.07918582385999993,-186852.4929389557,-0.07908842174487789,-186446.10772550252,-0.07913387953275668,-206740.28275883236,-0.07909876658727452,-209190.2606204442,-0.07899516923004488,-203457.42623441794,-0.07917541133679398,-217594.16425398848,-0.07912777514399987,-230250.28167452978,-0.07907224020632889,-88349.41204042338,-0.07917917547541026,-86577.81364772483,-0.07910714670764393,-104291.65591367039,-0.07898830110914618,-119760.9411847357,-0.0790437194101763,-128315.67916382493,-0.0790333863782141,-134706.21010955246,-0.07907670228527967,-145096.52232786154,-0.07915304798049992,-139319.5611352057
+209,-0.07896405313711348,-166822.81979707576,-0.07907214686468725,-56979.26062228416,-0.07902122905600006,-164440.85288434837,-0.07903442649244807,-162792.20935484293,-0.07895206396654779,-181629.92680994942,-0.07908596783999994,-186606.5458341901,-0.07898856262651309,-186227.41895325662,-0.07903396301819497,-206488.21075083356,-0.07899864156627802,-208938.43710138026,-0.07889504860998138,-203201.69142436842,-0.07907556844734027,-217343.00746383602,-0.07902786633699997,-229978.4301099866,-0.07897214876302958,-88190.01270991925,-0.07907932783924965,-86423.29402764082,-0.07900713767261543,-104123.25503284928,-0.07888818919392557,-119577.25821421035,-0.0789435372562978,-128123.71360388094,-0.0789332173207006,-134510.08727972643,-0.07897660519377928,-144889.06322336604,-0.07905323329199992,-139120.6589391206
+210,-0.07886384494785328,-166597.8607954309,-0.07897230829541374,-56859.51371637385,-0.07892132863999997,-164216.84811480343,-0.07893438291460958,-162574.96447677704,-0.0788518709919711,-181396.4738842948,-0.07898611181999994,-186360.67644353805,-0.07888870350814839,-186008.78082336346,-0.07893404650363348,-206236.18118542712,-0.07889851654528132,-208686.63613740788,-0.07879492798991798,-202945.98877599093,-0.07897572555788637,-217091.86649558292,-0.07892795752999997,-229706.58778676522,-0.07887205731973058,-88030.72081755125,-0.07897948020308886,-86268.87467796117,-0.07890712863758684,-103954.95474584232,-0.07878807727870477,-119393.65235850913,-0.07884335510241919,-127931.85234648417,-0.0788330482631869,-134314.05901452887,-0.07887650810227897,-144681.666479206,-0.07895341860350012,-138921.8715876881
+211,-0.07876363675859298,-166372.97126751553,-0.07887246972614004,-56739.86547944126,-0.07882142822400007,-163992.9116388215,-0.07883433933677098,-162357.78358485422,-0.07875167801739419,-181163.08027440615,-0.07888625580000004,-186114.87206310677,-0.07878884438978359,-185790.1630226068,-0.07883412998907198,-205984.19458928445,-0.07879839152428482,-208434.83544606413,-0.07869480736985457,-202690.32175034282,-0.07887588266843268,-216840.743876554,-0.07882804872300007,-229434.75576257356,-0.07877196587643127,-87871.53732963973,-0.07887963256692825,-86114.55613688141,-0.07880711960255814,-103786.75559723159,-0.07868796536348417,-119210.12384515918,-0.07874317294854069,-127740.09980691994,-0.0787328792056734,-134118.12698102978,-0.07877641101077858,-144474.33755907931,-0.07885360391500013,-138723.203405538
+212,-0.07866342856933257,-166148.1516702593,-0.07877263115686645,-56620.31628605403,-0.07872152780799997,-163769.0437455666,-0.07873429575893248,-162140.6679298176,-0.0786514850428174,-180929.74638879945,-0.07878639977999993,-185869.1430507571,-0.07868898527141889,-185571.56321612786,-0.07873421347451048,-205732.25148221626,-0.07869826650328822,-208183.04320731992,-0.07859468674979107,-202434.69192654366,-0.07877603977897908,-216589.6375983025,-0.07872813991599997,-229162.93833246536,-0.07867187443313219,-87712.46362751452,-0.07877978493076755,-85960.33932354474,-0.07870711056752953,-103618.65815151786,-0.07858785344826337,-119026.6729050622,-0.0786429907946621,-127548.46318620844,-0.0786327101481598,-133922.29293792442,-0.07867631391927818,-144267.07467416435,-0.07875378922650011,-138524.6612756597
+213,-0.07856322038007238,-165923.4024396805,-0.07867279258759294,-56500.86651802597,-0.07862162739200007,-163545.24472350834,-0.07863425218109397,-161923.61880021845,-0.07855129206824049,-180696.47264355657,-0.07868654375999994,-185623.4926749689,-0.07858912615305419,-185352.98205292516,-0.07863429695994878,-205480.35237920578,-0.07859814148229172,-207931.26578870532,-0.07849456612972777,-202179.10155426658,-0.07867619688952537,-216338.53264447273,-0.07862823110899997,-228891.11348738338,-0.07857178298983318,-87553.50269950688,-0.07867993729460696,-85806.22391413907,-0.07860710153250083,-103450.66299585317,-0.07848774153304267,-118843.299772785,-0.0785428086407836,-127356.9657617041,-0.07853254109064631,-133726.5589346364,-0.07857621682777788,-144059.8726348597,-0.07865397453800002,-138326.26089346412
+214,-0.07846301219081207,-165698.72399790978,-0.07857295401831935,-56381.51656493274,-0.07852172697599996,-163321.51486070038,-0.07853420860325538,-161706.63290669673,-0.0784510990936637,-180463.25946350358,-0.07858668773999994,-185377.92281438905,-0.07848926703468939,-185134.4145109902,-0.07853438044538728,-205228.49779218764,-0.07849801646129521,-207679.50618738675,-0.07839444550966418,-201923.5525952212,-0.07857635400007168,-216087.43891724787,-0.07852832230200008,-228619.2931353819,-0.07847169154653388,-87394.65755044075,-0.07858008965844625,-85652.2098498922,-0.07850709249747233,-103282.77074382249,-0.07838762961782188,-118660.00468680137,-0.07844262648690499,-127165.59392810722,-0.07843237203313261,-133530.92763357417,-0.07847611973627747,-143852.73803684136,-0.07855415984950002,-138128.0293204331
+215,-0.07836280400155168,-165474.11675750592,-0.07847311544904564,-56262.2668246044,-0.07842182656000006,-163097.8540627373,-0.07843416502541688,-161489.71208385593,-0.0783509061190868,-180230.10728365788,-0.07848683171999994,-185132.4348164796,-0.07838940791632469,-184915.8617346749,-0.07843446393082577,-204976.68823174224,-0.07839789144029873,-207427.76644050537,-0.07829432488960088,-201668.0458667147,-0.07847651111061787,-215836.36063812344,-0.07842841349499988,-228347.48351096638,-0.07837160010323488,-87235.91825862293,-0.07848024202228565,-85498.29754894142,-0.07840708346244372,-103114.98030754465,-0.07828751770260127,-118476.78788989864,-0.07834244433302649,-126974.30814328567,-0.0783322029756191,-133335.40320017515,-0.07837602264477718,-143645.67248442274,-0.07845434516100001,-137929.88377239168
+216,-0.07826259581229138,-165249.58112442345,-0.07837327687977204,-56143.11770370539,-0.07832192614399996,-162874.25698594292,-0.07833412144757838,-161272.85942033923,-0.07825071314451,-179997.0165508669,-0.07838697570000004,-184887.0297570359,-0.0782895487979599,-184697.3261895739,-0.07833454741626418,-204724.9234355871,-0.07829776641930201,-207176.04812162032,-0.07819420426953748,-201412.561048275,-0.07837666822116418,-215585.29923167443,-0.07832850468799997,-228075.68784133132,-0.07827150865993558,-87077.28513107852,-0.07838039438612485,-85344.48744037664,-0.07830707442741504,-102947.2663749068,-0.07818740578738047,-118293.64962949452,-0.0782422621791478,-126783.10897407946,-0.0782320339181055,-133139.99792136872,-0.07827592555327677,-143438.65614581614,-0.07835453047250002,-137731.81313936246
+217,-0.07816238762303118,-165025.11750016725,-0.07827343831049854,-56024.06961842267,-0.07822202572800006,-162650.7260105497,-0.07823407786973978,-161056.07711518405,-0.0781505201699331,-179763.98772571768,-0.07828711967999984,-184641.70855133608,-0.07818968967959519,-184478.80930041592,-0.07823463090170257,-204473.17109446475,-0.07819764139830541,-206924.35253069917,-0.07809408364947397,-201157.10703959857,-0.07827682533171047,-215334.2414176612,-0.07822859588100008,-227803.90835149915,-0.07817141721663648,-86918.75860476273,-0.07828054674996415,-85190.77996560551,-0.07820706539238644,-102779.6393351901,-0.07808729387215987,-118110.59015806789,-0.0781420800252694,-126591.99702202436,-0.078131864860592,-132944.70384447454,-0.07817582846177637,-143231.69809587635,-0.07825471578400002,-137533.8255077684
+218,-0.07806217943377088,-164800.72628341438,-0.07817359974122494,-55905.12299518168,-0.07812212531199997,-162427.26259281323,-0.07813403429190127,-160839.3603345832,-0.07805032719535629,-179531.021284826,-0.07818726365999994,-184396.47201117026,-0.0780898305612304,-184260.31227034517,-0.07813471438714098,-204221.42811504976,-0.07809751637730893,-206672.68078682033,-0.07799396302941057,-200901.6901714823,-0.07817698244225678,-215083.15733721168,-0.07812868707399986,-227532.14675644645,-0.07807132577333728,-86760.33913115521,-0.07818069911380356,-85037.17557993789,-0.07810705635735773,-102612.10564331673,-0.07798718195693907,-117927.60973369317,-0.0780418978713907,-126400.972949366,-0.0780316958030783,-132749.5052043005,-0.07807573137027617,-143024.80426731767,-0.07815490109550002,-137335.9114910166
+219,-0.07796197124451047,-164576.4078713436,-0.07807376117195124,-55786.2782714984,-0.07802222489599997,-162203.86751567075,-0.07803399071406268,-160622.71070634873,-0.0779501342207796,-179298.1177235496,-0.07808740763999994,-184151.32087771673,-0.0779899714428657,-184041.8362061754,-0.07803479787257948,-203969.70908369275,-0.07799739135631242,-206421.0327440087,-0.07789384240934707,-200646.3139006326,-0.07807713955280307,-214832.06302467646,-0.07802877826699997,-227260.40446202384,-0.07797123433003818,-86602.02717983998,-0.07808085147764295,-84883.67475456864,-0.07800704732232913,-102444.66779214088,-0.07788707004171837,-117744.7086205472,-0.0779417157175123,-126210.03676177307,-0.07793152674556471,-132554.40359744115,-0.07797563427877567,-142817.97773066678,-0.07805508640700001,-137138.04915901143
+220,-0.07786176305525028,-164352.16266077638,-0.07797392260267774,-55667.53589696095,-0.07792232447999997,-161980.5413656565,-0.07793394713622408,-160406.13391765018,-0.07784994124620269,-179065.27755936128,-0.07798755161999994,-183906.25584208485,-0.07789011232450088,-183823.38216592727,-0.07793488135801788,-203718.019300304,-0.07789726633531592,-206169.3927052945,-0.07779372178928368,-200390.98087723323,-0.07797729666334947,-214580.96883653454,-0.07792886945999997,-226988.6775032164,-0.07787114288673898,-86443.82324352402,-0.07798100384148225,-84730.2779790451,-0.07790703828730043,-102277.32762526588,-0.07778695812649757,-117561.88708956269,-0.0778415335636338,-126019.18880891176,-0.0778313576880512,-132359.40101806863,-0.07787553718727547,-142611.21746921595,-0.07795527171850002,-136940.23958063938
+221,-0.07776155486598998,-164127.9910491424,-0.07787408403340414,-55548.89633432512,-0.07782242406399996,-161757.28463837598,-0.07783390355838547,-160189.63401024742,-0.0777497482716259,-178832.50133595447,-0.07788769560000004,-183661.2775590129,-0.0777902532061362,-183604.95118398446,-0.07783496484345628,-203466.3372273696,-0.07779714131431932,-205917.7609898047,-0.07769360116922037,-200135.69339504116,-0.07787745377389557,-214329.8797671168,-0.07782896065300007,-226716.965694952,-0.07777105144343988,-86285.72784555053,-0.07788115620532166,-84576.9857643513,-0.07780702925227193,-102110.08689268806,-0.07768684621127697,-117379.1454192109,-0.07774135140975519,-125828.43108868004,-0.0777311886305377,-132164.50013884917,-0.07777544009577507,-142404.5191196274,-0.07785545702999992,-136742.4967085578
+222,-0.07766134667672968,-163903.89343538266,-0.07777424546413055,-55430.36006081364,-0.07772252364799996,-161534.09777888912,-0.07773385998054698,-159973.21537097203,-0.07764955529704899,-178599.78573660107,-0.07778783957999984,-183416.3866564008,-0.07769039408777138,-183386.54428784642,-0.07773504832889477,-203214.646455145,-0.07769701629332282,-205666.1387964362,-0.07759348054915678,-199880.4535744976,-0.07777761088444188,-214078.7991699349,-0.07772905184599997,-226445.27261333438,-0.07767096000014068,-86127.74155169676,-0.07778130856916085,-84423.79864698669,-0.07770702021724323,-101942.94715346958,-0.07758673429605617,-117196.48389633509,-0.07764116925587669,-125637.76685097843,-0.077631019573024,-131969.70497971724,-0.07767534300427477,-142197.87844935778,-0.07775564234149993,-136544.82582559885
+223,-0.07756113848746927,-163679.87022079556,-0.07767440689485704,-55311.92756960866,-0.07762262323199996,-161310.9812012624,-0.07763381640270837,-159756.88348900568,-0.0775493623224721,-178367.11218928968,-0.07768798355999994,-183171.58374234554,-0.07759053496940668,-183168.16251169058,-0.07763513181433328,-202962.95273616738,-0.07759689127232612,-205414.53240211552,-0.07749335992909348,-199625.2634638151,-0.07767776799498818,-213827.72959004567,-0.07762914303899997,-226173.59989106833,-0.07757086855684159,-85969.86499051159,-0.07768146093300016,-84270.7171944149,-0.07760701118221464,-101775.90987272974,-0.07748662238083558,-117013.902817208,-0.077540987101998,-125447.1995371735,-0.0775308505155104,-131775.023235868,-0.07757524591277437,-141991.3029354648,-0.07765582765300012,-136347.2302853144
+224,-0.07746093029820908,-163455.9218098817,-0.07757456832558335,-55193.59937167121,-0.07752272281599987,-161087.93529940193,-0.07753377282486988,-159540.64624269668,-0.0774491693478953,-178134.49090817932,-0.07758812753999994,-182926.86941041084,-0.07749067585104198,-182949.80690921197,-0.07753521529977157,-202711.27068807263,-0.07749676625132962,-205162.94452435133,-0.07739323930902987,-199370.12511097913,-0.07757792510553457,-213576.64214240783,-0.07752923423200007,-225901.9487467181,-0.07747077711354237,-85812.09889238466,-0.07758161329683955,-84117.74201265156,-0.07750700214718603,-101608.97648064216,-0.07738651046561477,-116831.4024887808,-0.0774408049481196,-125256.71825320205,-0.0774306814579969,-131580.47761013507,-0.07747514882127397,-141784.79570160207,-0.07755601296450013,-136149.7125835891
+225,-0.07736072210894877,-163232.04861114715,-0.07747472975630974,-55075.37599782402,-0.07742282239999997,-160864.9604537093,-0.07743372924703137,-159324.51801735433,-0.07734897637331839,-177901.92620937582,-0.07748827151999993,-182682.24424381877,-0.07739081673267718,-182731.4785673957,-0.07743529878521008,-202459.6063583122,-0.07739664123033312,-204911.3770406273,-0.07729311868896657,-199115.04062906074,-0.07747808221608088,-213325.5318650411,-0.07742932542499997,-225630.3201962419,-0.07737068567024329,-85654.44417962716,-0.07748176566067895,-83964.8737573614,-0.07740699311215733,-101442.1484147159,-0.07728639855039397,-116648.98323015252,-0.07734062279424089,-125066.32319250096,-0.0773305124004833,-131386.02019613507,-0.07737505172977367,-141578.35890818198,-0.07745619827600002,-135952.27473746717
+226,-0.07726051391968858,-163008.2510379152,-0.07737489118703614,-54957.258001346985,-0.07732292198400006,-160642.05703546028,-0.07733368566919278,-159108.53898262908,-0.0772487833987416,-177669.42055758004,-0.07738841550000003,-182437.70881879563,-0.07729095761431248,-182513.17862286326,-0.07733538227064858,-202207.96381147072,-0.07729651620933652,-204659.83142368996,-0.07719299806890317,-198860.01227060173,-0.07737823932662707,-213074.4127600633,-0.07732941661799997,-225358.71512989135,-0.07727059422694418,-85496.90225766732,-0.07738191802451826,-83812.11315101484,-0.07730698407712883,-101275.42715550066,-0.07718628663517337,-116466.64537438085,-0.07724044064036249,-124876.01471945336,-0.0772303433429696,-131191.62084966668,-0.07727495463827327,-141371.99427616748,-0.07735638358750002,-135754.91846386687
+227,-0.07716030573042817,-162784.52950924306,-0.07727505261776264,-54839.24596110421,-0.07722302156799997,-160419.22540997466,-0.07723364209135428,-158892.6671245621,-0.07714859042416469,-177436.9758735444,-0.07728855948000003,-182193.26370740953,-0.07719109849594769,-182294.89209795778,-0.07723546575608688,-201956.3461849524,-0.07719639118834001,-204408.30890529222,-0.07709287744883968,-198605.0425308476,-0.07727839643717338,-212823.2857068522,-0.07722950781099996,-225087.13434995394,-0.07717050278364498,-85339.47704647847,-0.07728207038835745,-83659.4610116884,-0.07720697504210003,-101108.81426188587,-0.07708617471995258,-116284.38927076304,-0.07714025848648379,-124685.79319296536,-0.0771301742854561,-130997.28898870258,-0.07717485754677297,-141165.7024315536,-0.07725656889900002,-135557.64527802958
+228,-0.07706009754116788,-162560.88445079795,-0.07717521404848894,-54721.340485455476,-0.07712312115200007,-160196.4659388126,-0.07713359851351567,-158676.86987362534,-0.077048397449588,-177204.5938963219,-0.07718870345999994,-181948.90947998647,-0.07709123937758298,-182076.6173009171,-0.07713554924152538,-201704.75609605617,-0.07709626616734352,-204156.8105564856,-0.07699275682877628,-198350.13431888746,-0.07717855354771967,-212572.157981905,-0.07712959900399988,-224815.5762401621,-0.07707041134034588,-85182.16472882203,-0.07718222275219686,-83506.91830706966,-0.07710696600707154,-100942.31141103088,-0.07698606280473187,-116102.21528758513,-0.0770400763326054,-124495.65896901496,-0.07703000522794261,-130803.02926562313,-0.07707476045527258,-140959.48500263106,-0.07715675421050001,-135360.45655353018
+229,-0.07695988935190758,-162337.30879671383,-0.07707537547921534,-54603.5422171574,-0.07702322073599996,-159973.7782824601,-0.07703355493567718,-158461.1213850468,-0.07694820447501119,-176972.2763671054,-0.07708884743999994,-181704.64670728333,-0.07699138025921819,-181858.36344447156,-0.07703563272696388,-201453.1945484014,-0.07699614114634702,-203905.33733309899,-0.07689263620871288,-198095.291301045,-0.07707871065826598,-212321.0334361699,-0.07702969019699997,-224544.01685592547,-0.07697031989704668,-85024.96204615595,-0.07708237511603615,-83354.48627505102,-0.07700695697204284,-100775.91598040638,-0.07688595088951107,-115920.12381575,-0.0769398941787267,-124305.61240233722,-0.076929836170429,-130608.84406564341,-0.07697466336377218,-140753.3434539563,-0.07705693952200002,-135163.35356173333
+230,-0.07685968116264738,-162113.7958573284,-0.07697553690994184,-54485.85183978222,-0.07692332032000007,-159751.16202570865,-0.07693351135783869,-158245.41757483268,-0.0768480115004343,-176740.02518117687,-0.07698899141999993,-181460.47596241368,-0.07689152114085349,-181640.1344758824,-0.07693571621240237,-201201.63645359242,-0.07689601612535032,-203653.8901040634,-0.07679251558864937,-197840.51880982015,-0.07697886776881227,-212069.9148673617,-0.07692978138999997,-224272.46433468902,-0.07687022845374758,-84867.86944338556,-0.07698252747987555,-83202.16679482105,-0.07690694793701423,-100609.62950519145,-0.07678583897429048,-115738.11527340133,-0.0768397120248482,-124115.65384785912,-0.0768296671129153,-130414.73502758829,-0.07687456627227188,-140547.277882495,-0.07695712483350002,-134966.3374993703
+231,-0.07675947297338698,-161890.3525356638,-0.07687569834066824,-54368.27008613624,-0.07682341990399996,-159528.61817938328,-0.07683346778000008,-158029.75308752555,-0.07674781852585749,-176507.8425837696,-0.07688913540000003,-181216.39782277995,-0.07679166202248869,-181421.92933091748,-0.07683579969784068,-200950.09310066764,-0.07679589110435373,-203402.46967025596,-0.07669239496858607,-197585.82875992428,-0.07687902487935848,-211818.80453161066,-0.07682987258299986,-224000.92313486233,-0.07677013701044828,-84710.88737907281,-0.07688267984371486,-83049.9651577588,-0.07680693890198563,-100443.4564171758,-0.07668572705906967,-115556.1901121095,-0.07673952987096959,-123925.78366174578,-0.0767294980554018,-130220.70342512375,-0.07677446918077148,-140341.28510071393,-0.07685731014500002,-134769.40950892612
+232,-0.07665926478412668,-161666.98112384832,-0.07677585977139455,-54250.79774987522,-0.07672351948800006,-159306.14729063908,-0.07673342420216157,-157814.1330106601,-0.07664762555128059,-176275.73152859593,-0.07678927938000003,-180972.41287177886,-0.07669180290412399,-181203.75228111993,-0.07673588318327917,-200698.57238647938,-0.07669576608335722,-203151.07517425506,-0.07659227434852248,-197331.2314495104,-0.07677918198990477,-211567.6906332245,-0.07672996377599997,-223729.397459972,-0.07667004556714928,-84554.01632803013,-0.07678283220755425,-82897.87742427053,-0.07670692986695693,-100277.40028216873,-0.07658561514384907,-115374.34882529479,-0.07663934771709109,-123736.00220243377,-0.0766293289978883,-130026.75032183016,-0.07667437208927118,-140135.3686144332,-0.07675749545650001,-134572.56873374144
+233,-0.07655905659486648,-161443.6830681571,-0.07667602120212094,-54133.43570204703,-0.07662361907199997,-159083.7498216868,-0.07663338062432308,-157598.5591313189,-0.0765474325767038,-176043.6965914447,-0.07668942335999994,-180728.52170065363,-0.07659194378575919,-180985.60847598285,-0.07663596666871758,-200447.07881955375,-0.07659564106236072,-202899.69950962567,-0.07649215372845918,-197076.68982481922,-0.07667933910045108,-211316.5566846703,-0.07663005496899997,-223457.88818948192,-0.07656995412384998,-84397.25678488784,-0.07668298457139346,-82745.8979732056,-0.07660692083192844,-100111.46526202015,-0.07648550322862827,-115192.59196008592,-0.0765391655632125,-123546.30983152741,-0.07652915994037471,-129832.87664911228,-0.07657427499777077,-139929.5303469008,-0.07665768076800002,-134375.81520293484
+234,-0.07645884840560618,-161220.45948942238,-0.07657618263284745,-54016.18491653987,-0.07652371865599997,-158861.4262044053,-0.07653333704648448,-157383.0325940999,-0.07644723960212689,-175811.74836306955,-0.07658956733999994,-180484.72491027846,-0.07649208466739449,-180767.5042744156,-0.07653605015415597,-200195.61612503792,-0.07649551604136422,-202648.3441435928,-0.07639203310839578,-196822.2059084909,-0.07657949621099738,-211065.41830611878,-0.07653014616199987,-223186.3669720511,-0.07646986268055098,-84240.60926917035,-0.07658313693523285,-82594.02751817094,-0.07650691179689974,-99945.65701670293,-0.07638539131340757,-115010.92013480511,-0.076438983409334,-123356.70691481236,-0.076428990882861,-129639.08325088525,-0.07647417790627037,-139723.77177039895,-0.07655786607949992,-134179.1512838068
+235,-0.07635864021634578,-160997.31134776655,-0.07647634406357375,-53899.046514228365,-0.07642381823999997,-158639.17685794676,-0.07643329346864598,-157167.5542932441,-0.07634704662755,-175579.901480488,-0.07648971131999993,-180241.0231130548,-0.07639222554902969,-180549.45447607018,-0.07643613363959448,-199944.18797780777,-0.07639539102036762,-202397.01266423464,-0.07629191248833228,-196567.7823688628,-0.07647965332154377,-210814.28092335092,-0.07643023735499997,-222914.84526213093,-0.07636977123725168,-84084.07433285446,-0.07648328929907215,-82442.26684149579,-0.07640690276187113,-99779.98226071328,-0.07628527939818677,-114829.33406580708,-0.07633880125545539,-123167.19382314484,-0.0763288218253475,-129445.37091166344,-0.07637408081477007,-139518.09419853598,-0.07645805139100012,-133982.57845221861
+236,-0.07625843202708547,-160774.2395156975,-0.07637650549430014,-53782.02190084172,-0.07632391782399997,-158417.00219692758,-0.07633324989080748,-156952.12499333042,-0.07624685365297319,-175348.11135605114,-0.07638985529999993,-179997.4169349156,-0.07629236643066499,-180331.4691639886,-0.07633621712503288,-199692.7986427737,-0.07629526599937111,-202145.70677205845,-0.07619179186826888,-196313.4226599779,-0.07637981043208987,-210563.1478978201,-0.07633032854799997,-222643.33069494515,-0.07626967979395258,-83927.65257238816,-0.07638344166291156,-82290.61681551333,-0.07630689372684243,-99614.46707611965,-0.07618516748296617,-114647.83461183756,-0.0762386191015769,-122977.77093360468,-0.0762286527678339,-129251.74037560217,-0.07627398372326967,-139312.4988705644,-0.07635823670250012,-133786.09779851357
+237,-0.07615822383782528,-160551.24481754034,-0.07627666692502665,-53665.112583140675,-0.07622401740799996,-158194.90263628348,-0.07623320631296888,-156736.7314153256,-0.0761466606783965,-175116.37683522663,-0.07628999928000003,-179753.90701749676,-0.07619250731230019,-180113.50060651457,-0.07623630061047137,-199441.45439573005,-0.07619514097837442,-201894.4276024345,-0.07609167124820537,-196059.13177865744,-0.07627996754263618,-210312.02174979588,-0.07623041974100007,-222371.82692302333,-0.07616958835065338,-83771.34464939935,-0.07628359402675094,-82139.0784349156,-0.07620688469181383,-99449.09108858807,-0.07608505556774538,-114466.42285397001,-0.0761384369476983,-122788.43863061037,-0.0761284837103204,-129058.19236040486,-0.07617388663176947,-139106.98699086485,-0.07625842201400011,-133589.71047033273
+238,-0.07605801564856488,-160328.32805409064,-0.07617682835575304,-53548.32013861363,-0.07612411699199996,-157972.87859463817,-0.07613316273513038,-156521.37035924254,-0.07604646770381959,-174884.69830202195,-0.07619014325999983,-179510.49108609575,-0.07609264819393549,-179895.54958183324,-0.07613638409590968,-199190.17366164963,-0.07609501595737792,-201643.1501830714,-0.07599155062814197,-195804.91877316224,-0.07618012465318258,-210060.90453850036,-0.07613051093399988,-222100.29545216236,-0.07606949690735428,-83615.15133073897,-0.07618374639059025,-81987.652869286,-0.07610687565678532,-99283.81261480103,-0.07598494365252477,-114285.10026020026,-0.07603825479381979,-122599.19730737145,-0.0760283146528067,-128864.72756798667,-0.07607378954026897,-138901.55975345342,-0.07615860732550002,-133393.4176164317
+239,-0.07595780745930458,-160105.4900201011,-0.07607698978647934,-53431.64744280427,-0.07602421657599986,-157750.9304969939,-0.07603311915729188,-156306.0497788174,-0.0759462747292428,-174653.07612874592,-0.07609028723999993,-179267.13834424946,-0.07599278907557079,-179677.61685112037,-0.07603646758134817,-198938.9431100711,-0.07599489093638143,-201391.8791360058,-0.07589143000807867,-195550.8132824078,-0.07608028176372887,-209809.79803034526,-0.07603060212699997,-221828.73045115074,-0.07596940546405519,-83459.07358150712,-0.07608389875442945,-81836.34155579019,-0.07600686662175653,-99118.63368568517,-0.07588483173730397,-114103.8691081984,-0.07593807263994119,-122410.0473674915,-0.0759281455952931,-128671.34669339171,-0.07597369244876857,-138696.21836115434,-0.07605879263700002,-133197.22038272687
+240,-0.07585759927004437,-159882.73151850665,-0.07597715121720584,-53315.100012390365,-0.07592431615999996,-157529.0587771902,-0.07593307557945328,-156090.77240881984,-0.0758460817546659,-174421.5106778921,-0.07599043121999993,-179023.86218115507,-0.07589292995720599,-179459.7031343677,-0.07593655106678668,-198687.73139036965,-0.07589476591538483,-201140.6113810113,-0.07579130938801508,-195296.77757098095,-0.07598043887427518,-209558.70378825784,-0.07593069331999996,-221557.1532196073,-0.07586931402075599,-83303.11287083277,-0.07598405111826885,-81685.14638426741,-0.07590685758672804,-98953.55646671633,-0.07578471982208328,-113922.73428575213,-0.0758378904860627,-122220.98922698024,-0.0758279765377796,-128478.050432646,-0.07587359535726837,-138490.96404389985,-0.07595897794850003,-133001.1199273871
+241,-0.07575739108078408,-159660.0533733845,-0.07587731264793224,-53198.69172466655,-0.07582441574399987,-157307.26388033517,-0.07583303200161477,-155875.54001210874,-0.07574588878008909,-174190.00230369717,-0.07589057519999994,-178780.66961212142,-0.07579307083884129,-179241.8091186775,-0.07583663455222497,-198436.50787672237,-0.07579464089438832,-200889.35508348534,-0.07569118876795178,-195042.78526340643,-0.07588059598482137,-209307.62322519888,-0.07583078451299986,-221285.5709737866,-0.07576922257745689,-83147.27321441645,-0.07588420348210816,-81534.07015353903,-0.07580684855169934,-98788.58357618902,-0.07568460790686247,-113741.70596950779,-0.0757377083321842,-122032.0233167299,-0.0757278074802661,-128284.83949022212,-0.07577349826576787,-138285.79807966173,-0.07585916326000001,-132805.11659097366
+242,-0.07565718289152368,-159437.4564434931,-0.07577747407865865,-53082.39734559355,-0.07572451532799997,-157085.54626537467,-0.07573298842377618,-155660.35394012966,-0.0756456958055122,-173958.55135345992,-0.07579071918000004,-178537.56412335736,-0.0756932117204765,-179023.9354644179,-0.07573671803766348,-198185.26818094004,-0.07569451587339182,-200638.11451176836,-0.07559106814788838,-194788.8291412506,-0.07578075309536768,-209056.55763886968,-0.07573087570599997,-221013.97888262052,-0.07566913113415769,-82991.55045405932,-0.07578435584594755,-81383.11818366613,-0.07570683951667073,-98623.71867997372,-0.07558449599164187,-113560.76078095353,-0.07563752617830559,-121843.15008570389,-0.0756276384227524,-128091.71458663723,-0.07567340117426767,-138080.72182266493,-0.07575934857150002,-132609.20590153555
+243,-0.07555697470226339,-159214.94163791282,-0.07567763550938494,-52966.21223888558,-0.07562461491200007,-156863.90640795793,-0.07563294484593767,-155445.21223302893,-0.07554550283093539,-173727.15816857375,-0.07569086315999983,-178294.54815734123,-0.0755933526021118,-178806.08280984405,-0.07563680152310198,-197933.9979247565,-0.07559439085239532,-200386.89224474382,-0.07549094752782487,-194534.90537594407,-0.07568091020591397,-208805.50823569234,-0.07563096689899997,-220742.34811254204,-0.07556903969085858,-82835.94164249056,-0.07568450820978685,-81232.30515815,-0.07560683048164213,-98458.9685505579,-0.07548438407642107,-113379.89642396818,-0.07553734402442709,-121654.37000507665,-0.0755274693652388,-127898.6761569331,-0.07557330408276727,-137875.72567251787,-0.07565953388300002,-132413.39173833784
+244,-0.07545676651300318,-158992.50993568727,-0.07557779694011144,-52850.13771655744,-0.07552471449599997,-156642.3448037984,-0.07553290126809918,-155230.08825999426,-0.0754453098563585,-173495.82308554853,-0.07559100713999993,-178051.6236884846,-0.07549349348374698,-178588.25177470618,-0.07553688500854047,-197682.71656119553,-0.07549426583139862,-200135.6901929577,-0.07539082690776147,-194281.01695293956,-0.07558106731646028,-208554.47614818768,-0.07553105809200007,-220470.67408466368,-0.07546894824755938,-82680.44725587373,-0.07558466057362616,-81081.60855937435,-0.07550682144661343,-98294.35215215977,-0.07538427216120047,-113199.11318728227,-0.0754371618705485,-121465.68357387056,-0.0754273003077253,-127705.72426363525,-0.07547320699126678,-137670.81219808586,-0.07555971919450002,-132217.6765328772
+245,-0.07535655832374288,-158770.16241291811,-0.07547795837083784,-52734.176935000614,-0.07542481408000007,-156420.861972686,-0.07543285769026058,-155014.99462669925,-0.0753451168817816,-173264.5464367103,-0.07549115111999993,-177808.792450256,-0.0753936343653823,-178370.4429632399,-0.07543696849397878,-197431.43320575196,-0.07539414081040212,-199884.50989734888,-0.07529070628769798,-194027.1602680474,-0.07548122442700658,-208303.46244811942,-0.07543114928499997,-220198.97780657516,-0.07536885680426028,-82525.06778294347,-0.07548481293746545,-80931.01767124675,-0.07540681241158494,-98129.83792035295,-0.07528416024597967,-113018.41137689947,-0.07533697971667,-121277.09125935141,-0.0753271312502118,-127512.86018181924,-0.07537310989976657,-137465.98725514076,-0.07545990450600001,-132022.0622041026
+246,-0.07525635013448248,-158547.90028277328,-0.07537811980156424,-52618.32783274412,-0.07532491366399996,-156199.45597420758,-0.07533281411242208,-154799.93761361012,-0.0752449239072049,-173033.32855101972,-0.07539129509999994,-177566.05605020316,-0.07529377524701748,-178152.65696656035,-0.07533705197941729,-197180.15298858195,-0.07529401578940552,-199633.35266337256,-0.07519058566763458,-193773.32819606422,-0.07538138153755278,-208052.46815666804,-0.07533124047799997,-219927.26691210305,-0.07526876536096108,-82369.80372644511,-0.07538496530130485,-80780.53292621557,-0.07530680337655613,-97965.41638073663,-0.07518404833075897,-112837.79132071648,-0.07523679756279139,-121088.59268627677,-0.0752269621926981,-127320.08493545893,-0.07527301280826618,-137261.2556001971,-0.07536008981749992,-131826.55034175148
+247,-0.07515614194522229,-158325.72496006495,-0.07527828123229074,-52502.58809124683,-0.07522501324800006,-155978.12689614441,-0.07523277053458358,-154584.9204470801,-0.07514473093262809,-172802.16975464375,-0.07529143908000004,-177323.41603952675,-0.07519391612865278,-177934.89436469198,-0.07523713546485578,-196928.87952935763,-0.07519389076840902,-199382.2196332163,-0.07509046504757118,-193519.5121946475,-0.07528153864809908,-207801.4930582758,-0.07523133167100007,-219655.54626057073,-0.07516867391766198,-82214.65560500341,-0.07528511766514415,-80630.15477158563,-0.07520679434152763,-97801.0881809995,-0.07508393641553818,-112657.2526247822,-0.0751366154089129,-120900.18886363225,-0.0751267931351845,-127127.39955826808,-0.07517291571676588,-137056.61751115197,-0.07526027512899992,-131631.14278919052
+248,-0.07505593375596198,-158103.63817690566,-0.07517844266301704,-52386.95845968733,-0.07512511283199996,-155756.8765787662,-0.07513272695674497,-154369.94540763495,-0.07504453795805119,-172571.07037156896,-0.07519158306000004,-177080.87396277025,-0.07509405701028808,-177717.1557282792,-0.07513721895029418,-196677.6156396023,-0.07509376574741251,-199131.1118294003,-0.07499034442750768,-193265.7241212431,-0.07518169575864538,-207550.51316419657,-0.07513142286399997,-219383.81942766238,-0.07506858247436278,-82059.6239553335,-0.07518527002898355,-80479.88367211516,-0.07510678530649893,-97636.85397287332,-0.07498382450031757,-112476.7943088879,-0.07503643325503419,-120711.88072987224,-0.07502662407767101,-126934.80516620779,-0.07507281862526548,-136852.06536345425,-0.07516046044049993,-131435.8416911741
+249,-0.07495572556670167,-157881.6422232093,-0.07507860409374344,-52271.43974752936,-0.07502521241599996,-155535.70606472617,-0.07503268337890648,-154155.0143394134,-0.0749443449834744,-172340.03072412196,-0.07509172703999993,-176838.43139949098,-0.07499419789192328,-177499.44162013876,-0.07503730243573258,-196426.36362831478,-0.07499364072641591,-198880.02860544313,-0.07489022380744438,-193011.96820481203,-0.07508185286919168,-207299.53785701873,-0.07503151405699997,-219112.0817228138,-0.07496849103106368,-81904.70933512034,-0.07508542239282286,-80329.72011347309,-0.07500677627147033,-97472.71441601064,-0.07488371258509677,-112296.41776913806,-0.07493625110115579,-120523.66925092535,-0.0749264550201574,-126742.30301148801,-0.07497272153376507,-136647.60212767372,-0.07506064575199992,-131240.64933437304
+250,-0.07485551737744128,-157659.7405876363,-0.07497876552446985,-52156.03283942364,-0.07492531199999997,-155314.6163065045,-0.07493263980106787,-153940.1288610696,-0.07484415200889749,-172109.05113346872,-0.07499187101999993,-176596.08998193755,-0.07489433877355858,-177281.75259656954,-0.07493738592117108,-196175.1254628042,-0.07489351570541943,-198628.9482507244,-0.07479010318738077,-192758.22854438899,-0.07498200997973807,-207048.56616580798,-0.07493160525000007,-218840.3371316613,-0.07486839958776458,-81749.91232672785,-0.07498557475666205,-80179.66460699376,-0.07490676723644163,-97308.67018177138,-0.07478360066987617,-112116.12382072026,-0.0748360689472771,-120335.55560016276,-0.07482628596264371,-126549.89455309769,-0.07487262444226478,-136443.23024451328,-0.07496083106350011,-131045.5683390137
+251,-0.07475530918818107,-157437.94119234636,-0.07487892695519634,-52040.73871688537,-0.07482541158399997,-155093.60827962912,-0.07483259622322917,-153725.29048292772,-0.0747439590343207,-171878.13192009943,-0.07489201499999994,-176353.85116348777,-0.07479447965519379,-177064.08920858288,-0.07483746940660947,-195923.90286357776,-0.07479339068442271,-198377.88003053938,-0.07468998256731747,-192504.4790634367,-0.07488216709028418,-206797.56135379756,-0.07483169644299988,-218568.5897617539,-0.07476830814446538,-81595.23354214782,-0.07488572712050146,-80029.71769645212,-0.07480675820141303,-97144.72195706872,-0.07468348875465537,-111935.91327368455,-0.0747358867933987,-120147.54141769295,-0.0747261169051302,-126357.58157105283,-0.07477252735076437,-136238.9520532446,-0.07486101637500002,-130850.60187327056
+252,-0.07465510099892078,-157216.25339082492,-0.07477908838592265,-51925.55849173309,-0.07472551116799986,-154872.67626200692,-0.07473255264539068,-153510.5006933318,-0.0746437660597438,-171647.2734042926,-0.07479215897999994,-176111.71703073033,-0.07469462053682908,-176846.45200302056,-0.07473755289204788,-195672.69736490343,-0.07469326566342623,-198126.82937061452,-0.07458986194725407,-192250.7422824977,-0.07478232420083047,-206546.5344993893,-0.07473178763599997,-218296.8421837385,-0.07466821670116629,-81440.67362977006,-0.07478587948434084,-79879.87996827954,-0.07470674916638453,-96980.8704485098,-0.07458337683943467,-111755.78713718975,-0.07463570463951999,-119959.62969866797,-0.0746259478476167,-126165.36638144287,-0.07467243025926407,-136034.7699943944,-0.07476120168650002,-130655.75406104024
+253,-0.07455489280966057,-156994.64762346834,-0.07467924981664904,-51810.49346317584,-0.07462561075199997,-154651.77840031343,-0.07463250906755217,-153295.76104600794,-0.074543573085167,-171416.47590654838,-0.07469230296000004,-175869.6898881855,-0.07459476141846429,-176628.84152360493,-0.07463763637748627,-195421.5103557359,-0.07459314064242972,-197875.79896465698,-0.07448974132719058,-191997.02586581983,-0.07468248131137688,-206295.50012804268,-0.07463187882900008,-218025.09646147824,-0.07456812525786709,-81286.23328407871,-0.07468603184818015,-79730.15206781364,-0.07460674013135574,-96817.11638702672,-0.07448326492421398,-111575.74699902172,-0.07453552248564159,-119771.82880649553,-0.0745257787901031,-125973.2523221946,-0.07457233316776367,-135830.6867566083,-0.07466138699800003,-130461.03098873873
+254,-0.07445468462040009,-156773.12417051865,-0.07457941124737553,-51695.545234244426,-0.07452571033600007,-154430.93613895657,-0.07453246548971358,-153081.0732837852,-0.0744433801105901,-171185.73974804636,-0.07459244693999993,-175627.77241940974,-0.07449490230009959,-176411.2583118893,-0.07453771986292478,-195170.34310865635,-0.07449301562143322,-197624.75167543316,-0.07438962070712718,-191743.33442560598,-0.07458263842192318,-206044.46445549262,-0.07453197002199986,-217753.35436496633,-0.07446803381456799,-81131.91326006295,-0.07458618421201955,-79580.53472741682,-0.07450673109632723,-96653.46053331062,-0.07438315300899327,-111395.79776338776,-0.0744353403317629,-119584.12511798703,-0.0744256097325894,-125781.2452688725,-0.07447223607626348,-135626.70545281973,-0.07456157230950002,-130266.4447739445
+255,-0.07435447643113988,-156551.68407264145,-0.07447957267810194,-51580.71607854248,-0.07442580991999996,-154210.15953763443,-0.07443242191187507,-152866.43957899156,-0.0743431871360134,-170955.06525106973,-0.07449259091999993,-175385.96797655363,-0.07439504318173479,-176193.7029082594,-0.07443780334836328,-194919.1968010914,-0.07439289060043662,-197373.62916568623,-0.07428950008706367,-191489.67141438436,-0.07448279553246948,-205793.43159830157,-0.07443206121499997,-217481.6174616926,-0.07436794237126867,-80977.71439609044,-0.07448633657585885,-79431.02882116406,-0.07440672206129853,-96489.90368424731,-0.07428304109377247,-111215.93631433466,-0.0743351581778844,-119396.51445328428,-0.0743254406750759,-125589.36493807734,-0.07437213898476297,-135422.82990004128,-0.07446175762100002,-130072.022519858
+256,-0.07425426824187958,-156330.32854652678,-0.07437973410882824,-51466.0097698746,-0.07432590950399987,-153989.45497008847,-0.07433237833403658,-152651.86276188263,-0.07424299416143659,-170724.45273953516,-0.07439273489999994,-175144.2811517713,-0.07429518406337009,-175976.17585284734,-0.07433788683380158,-194668.07253126535,-0.07429276557944012,-197122.4762038641,-0.07418937946700027,-191236.03973036257,-0.07438295264301567,-205542.40469086374,-0.07433215240799997,-217209.87669674234,-0.07426785092796959,-80823.63765297525,-0.07438648893969806,-79281.63549226537,-0.07430671302626993,-96326.4466810923,-0.07418292917855167,-111036.15519011073,-0.07423497602400579,-119208.99717259534,-0.0742252716175623,-125397.59259166829,-0.07427204189326257,-135219.0651709557,-0.07436194293250002,-129877.70918663708
+257,-0.07415406005261937,-156109.0590700126,-0.07427989553955475,-51351.424677435185,-0.07422600908799996,-153768.82924066257,-0.07423233475619798,-152437.34921896132,-0.07414280118685969,-170493.88854373997,-0.07429287887999994,-174902.71939907764,-0.07419532494500529,-175758.67768646684,-0.07423797031924008,-194416.97133057352,-0.07419264055844361,-196871.30329513518,-0.07408925884693697,-190982.44202394396,-0.07428310975356198,-205291.38630842668,-0.07423224360100007,-216938.0936183672,-0.07416775948467039,-80669.68418856646,-0.07428664130353745,-79132.35657527774,-0.07420670399124134,-96163.09041980267,-0.07408281726333107,-110856.45460832307,-0.0741347938701273,-119021.57364245753,-0.0741251025600488,-125205.90385721475,-0.07417194480176237,-135015.41905047276,-0.07426212824400003,-129683.49836432445
+258,-0.07405385186335899,-155887.8775382758,-0.07418005697028114,-51236.9641996073,-0.07412610867200006,-153548.29868190511,-0.07413229117835948,-152222.89650354025,-0.0740426082122828,-170263.36425809562,-0.07419302286000004,-174661.30488401305,-0.07409546582664059,-175541.20895154204,-0.07413805380467858,-194165.894173287,-0.07409251553744692,-196620.10943836006,-0.07398913822687338,-190728.88093922363,-0.07418326686410828,-205040.37867400152,-0.07413233479399997,-216666.29080852223,-0.07406766804137128,-80515.85552575497,-0.07418679366737685,-78983.19737264326,-0.07410669495621264,-95999.83586481759,-0.07398270534811047,-110676.83478380274,-0.0740346117162489,-118834.24423762584,-0.0740249335025351,-125014.29934194687,-0.07407184771026187,-134811.91152221116,-0.07416231355550001,-129489.39223288954
+259,-0.07395364367409868,-155666.78659425586,-0.07408021840100754,-51122.640095924326,-0.07402620825599997,-153327.85648782566,-0.07403224760052088,-152008.48888191002,-0.07394241523770599,-170032.89004703122,-0.07409316683999993,-174420.03350035523,-0.07399560670827579,-175323.7701931161,-0.07403813729011707,-193914.84198442363,-0.07399239051645042,-196368.90507337576,-0.07388901760681008,-190475.35945539392,-0.07408342397465457,-204789.38262592847,-0.07403242598699997,-216394.47683458362,-0.07396757659807209,-80362.15406877415,-0.07408694603121616,-78834.15186664632,-0.07400668592118413,-95836.68406807595,-0.07388259343288966,-110497.29592952071,-0.07393442956237019,-118647.00920801447,-0.0739247644450216,-124822.77980177847,-0.07397175061876167,-134608.54167320533,-0.07406249886699992,-129295.39358767116
+260,-0.07385343548483837,-155445.7905187117,-0.07398037983173385,-51008.44629706047,-0.07392630784000007,-153107.4776339049,-0.07393220402268239,-151794.12719788396,-0.0738422222631291,-169802.44704237764,-0.07399331081999994,-174178.85872414414,-0.07389574758991109,-175106.3619598482,-0.07393822077555538,-193663.81564609794,-0.07389226549545382,-196117.69570544548,-0.07378889698674647,-190221.8818763062,-0.07398358108520088,-204538.3842928644,-0.07393251718000007,-216122.65629332734,-0.07386748515477298,-80208.58704483655,-0.07398709839505554,-78685.21599161683,-0.07390667688615543,-95673.63619619062,-0.07378248151766897,-110317.83825726747,-0.07383424740849179,-118459.84747730254,-0.073824595387508,-124631.34639673049,-0.07387165352726127,-134405.31152495532,-0.07396268417849992,-129101.50646570415
+261,-0.07375322729557818,-155224.8997185236,-0.07388054126246034,-50894.37215463819,-0.07382640742399997,-152887.16321931916,-0.07383216044484388,-151579.81217520792,-0.0737420292885523,-169572.0263054894,-0.07389345479999994,-173937.78199891368,-0.07379588847154629,-174888.98480508715,-0.07383830426099387,-193412.8160028334,-0.07379214047445731,-195866.48522334758,-0.07368877636668318,-189968.45863874027,-0.07388373819574708,-204287.3913634022,-0.07383260837299997,-215850.81931166787,-0.07376739371147388,-80055.14919244689,-0.07388725075889475,-78536.39021485574,-0.07380666785112683,-95510.6935716394,-0.07368236960244817,-110138.46197821038,-0.0737340652546131,-118272.76439320002,-0.0737244263299943,-124440.00203138983,-0.07377155643576078,-134202.1886606135,-0.07386286949000012,-128907.73865803357
+262,-0.07365301910631777,-155004.1269601884,-0.07378070269318675,-50780.410739060935,-0.07372650700800007,-152666.9142244549,-0.07373211686700527,-151365.54447442695,-0.07364183631397539,-169341.60099261196,-0.07379359877999994,-173696.80498402278,-0.07369602935318159,-174671.63928801555,-0.07373838774643238,-193161.84386601465,-0.07369201545346082,-195615.27669711903,-0.07358865574661977,-189715.07592229528,-0.07378389530629338,-204036.37476568087,-0.07373269956599997,-215578.96421127493,-0.07366730226817468,-79901.83123784949,-0.07378740312273405,-78387.67501696952,-0.07370665881609813,-95347.85773909675,-0.07358225768722756,-109959.16730328347,-0.0736338831007346,-118085.76601684526,-0.0736242572724808,-124248.73878453182,-0.07367145934426057,-133999.1437478663,-0.07376305480150012,-128714.10766236242
+263,-0.07355281091705748,-154783.4294853267,-0.07368086412391305,-50666.561970025636,-0.07362660659199996,-152446.7315442419,-0.07363207328916678,-151151.324716909,-0.0735416433393986,-169111.19228077363,-0.07369374276000004,-173455.92964867837,-0.07359617023481689,-174454.3259748795,-0.07363847123187067,-192910.9000176387,-0.07359189043246422,-195364.06212322428,-0.07348853512655627,-189461.72904397227,-0.07368405241683967,-203785.34114782827,-0.07363279075899996,-215307.10024368425,-0.07356721082487558,-79748.63373235693,-0.07368755548657345,-78239.07089323252,-0.07360664978106952,-95185.12416506727,-0.07348214577200678,-109779.95444361112,-0.07353370094685599,-117898.85115292034,-0.0735240882149673,-124057.52307846343,-0.07357136225276018,-133796.17970457659,-0.07366324011300011,-128520.57931366519
+264,-0.07345260272779727,-154562.7854328638,-0.07358102555463965,-50552.82805201512,-0.07352670617600006,-152226.616011853,-0.07353202971132827,-150937.15349766653,-0.0734414503648219,-168880.81089611707,-0.07359388673999984,-173215.15843162377,-0.07349631111645209,-174237.0454403907,-0.07353855471730918,-192659.98521357242,-0.07349176541146762,-195112.82610568035,-0.07338841450649287,-189208.41606379364,-0.07358420952738598,-203534.3040186231,-0.07353288195199988,-215035.23127211625,-0.07346711938157638,-79595.55724155049,-0.07358770785041276,-78090.57835518123,-0.07350664074604084,-95022.48940148331,-0.07338203385678597,-109600.82361080241,-0.07343351879297749,-117712.01408979075,-0.07342391915745371,-123866.36958719045,-0.07347126516125987,-133593.29188195374,-0.07356342542450002,-128327.14954640338
+265,-0.07335239453853698,-154342.1965382296,-0.07348118698536595,-50439.21305331738,-0.07342680575999996,-152006.56841648897,-0.07343198613348968,-150723.03139353957,-0.073341257390245,-168650.46047203694,-0.07349403071999994,-172974.49454261863,-0.07339645199808739,-174019.79826920782,-0.07343863820274768,-192409.09264844647,-0.07339164039047102,-194861.58308367405,-0.07328829388642938,-188955.12354630438,-0.07348436663793238,-203283.26940570903,-0.07343297314499997,-214763.3600179481,-0.07336702793827728,-79442.60234642975,-0.07348786021425215,-77942.1979324587,-0.07340663171101224,-94859.96246423165,-0.07328192194156537,-109421.77501722,-0.0733333366390989,-117525.26159105301,-0.0733237500999402,-123675.28496341266,-0.07337116806975948,-133390.48072859622,-0.07346361073600002,-128133.82000308362
+266,-0.07325218634927658,-154121.67041872808,-0.07338134841609234,-50325.72923535068,-0.07332690534399997,-151786.58856857917,-0.07333194255565118,-150508.95896903504,-0.07324106441566819,-168420.1186381258,-0.07339417469999994,-172733.94262985126,-0.0732965928797226,-173802.58505765698,-0.07333872168818618,-192158.22379774583,-0.07329151536947452,-194610.33847772094,-0.07318817326636598,-188701.84569990437,-0.07338452374847867,-203032.24172512934,-0.07333306433799996,-214491.4886542407,-0.07326693649497808,-79289.76964474484,-0.07338801257809155,-77793.9301750437,-0.07330662267598373,-94697.54912538352,-0.07318181002634457,-109242.80887632606,-0.0732331544852204,-117338.59705423315,-0.0732235810424265,-123484.25929153847,-0.07327107097825908,-133187.74686373057,-0.07336379604750001,-127940.5926595231
+267,-0.07315197816001628,-153901.20979886167,-0.07328150984681864,-50212.358027617316,-0.07322700492799997,-151566.67463958153,-0.07323189897781258,-150294.9367810274,-0.0731408714410913,-168189.7538262208,-0.07329431867999994,-172493.4904046725,-0.0731967337613579,-173585.40641566965,-0.07323880517362448,-191907.37804677204,-0.07319139034847802,-194359.09574506676,-0.07308805264630268,-188448.54648969602,-0.07328468085902488,-202781.22482920767,-0.07323315553099986,-214219.61902163268,-0.07316684505167897,-79137.05975248115,-0.07328816494193076,-77645.77565591873,-0.07320661364095503,-94535.24811912193,-0.07308169811112387,-109063.92540296103,-0.07313297233134179,-117152.01983798349,-0.0731234119849129,-123293.29007645471,-0.07317097388675878,-132985.0908805545,-0.07326398135900002,-127747.47003410544
+268,-0.07305176997075608,-153680.81636976864,-0.07318167127754514,-50099.091746172475,-0.07312710451199997,-151346.82890421216,-0.07313185539997408,-150080.96538293883,-0.07304067846651449,-167959.35305638344,-0.07319446266000004,-172253.13801683183,-0.0730968746429931,-173368.2629689973,-0.07313888865906287,-191656.55760094844,-0.07309126532748152,-194107.85343309343,-0.07298793202623907,-188195.24564579924,-0.07318483796957118,-202530.22254689745,-0.07313324672399997,-213947.75273372026,-0.07306675360837978,-78984.47330560857,-0.07318831730577005,-77497.7333376505,-0.07310660460592643,-94373.02476229725,-0.07298158619590307,-108885.12481369021,-0.0730327901774633,-116965.53120284437,-0.0730232429273994,-123102.38643030847,-0.07307087679525837,-132782.51335641742,-0.07316416667050002,-127554.45566312512
+269,-0.07295156178149569,-153460.49137049698,-0.07308183270827154,-49985.93078580214,-0.07302720409599986,-151127.052601904,-0.07303181182213558,-149867.04532869943,-0.0729404854919376,-167728.94820254002,-0.07309460664000003,-172012.87072787297,-0.0729970155246284,-173151.1553617891,-0.07303897214450138,-191405.76466881658,-0.07299114030648492,-193856.6086029442,-0.07288781140617577,-187941.95140535248,-0.07308499508011748,-202279.23928663947,-0.07303333791699997,-213675.8912373121,-0.07296666216508069,-78832.01096208459,-0.07308846966960945,-77349.8032762354,-0.07300659557089773,-94210.87918034103,-0.07288147428068247,-108706.40732716527,-0.0729326080235847,-116779.13244298063,-0.0729230738698857,-122911.55190984436,-0.07297077970375808,-132580.00290691244,-0.07306435198200002,-127361.5556033887
+270,-0.07285135359223538,-153240.23579420702,-0.07298199413899795,-49872.8755472683,-0.07292730367999997,-150907.34674765062,-0.07293176824429698,-149653.17717700655,-0.0728402925173607,-167498.55024049422,-0.07299475061999994,-171772.65480598775,-0.07289715640626358,-172934.08425961348,-0.07293905562993978,-191155.00060715596,-0.07289101528548841,-193605.3672563292,-0.07278769078611237,-187688.6664307645,-0.07298515219066377,-202028.28152907683,-0.07293342911000007,-213404.03585057065,-0.07286657072178149,-78679.67340427362,-0.07298862203344875,-77201.98706681063,-0.07290658653586914,-94048.81645895174,-0.07278136236546168,-108527.77316457093,-0.07283242586970619,-116592.82499915645,-0.0728229048123722,-122720.7889638884,-0.07287068261225767,-132377.55684109093,-0.07296453729350003,-127168.78911952945
+271,-0.07275114540297518,-153020.05048342157,-0.07288215556972444,-49759.92643752059,-0.07282740326399986,-150687.71231657578,-0.07283172466645847,-149439.36149602087,-0.07274009954278389,-167268.165968251,-0.07289489459999994,-171532.49689607715,-0.07279729728789888,-172717.05035307974,-0.07283913911537818,-190904.26651419787,-0.07279089026449172,-193354.1322639,-0.07268757016604888,-187435.38528655865,-0.07288530930121008,-201777.36780251522,-0.07283352030299997,-213132.18778884076,-0.07276647927848238,-78527.46134176807,-0.07288877439728815,-77054.28568588961,-0.07280657750084063,-93886.83975776685,-0.07268125045024107,-108349.22255015638,-0.0727322437158276,-116406.61161361726,-0.0727227357548586,-122530.09641475248,-0.07277058552075737,-132175.18199085727,-0.07286472260500002,-126976.13158641447
+272,-0.07265093721371488,-152799.93618133734,-0.07278231700045074,-49647.083870004826,-0.07272750284799996,-150468.15032625396,-0.07273168108861998,-149225.5988691397,-0.0726399065682072,-167037.79924541333,-0.07279503857999993,-171292.39889771596,-0.07269743816953408,-172500.05436215864,-0.07273922260081668,-190653.56335448942,-0.07269076524349521,-193102.90577691625,-0.07258744954598548,-187182.10949324616,-0.07278546641175627,-201526.4794085903,-0.07273361149599997,-212860.34803679283,-0.07266638783518307,-78375.37551478775,-0.07278892676112755,-76906.70003900895,-0.07270656846581193,-93724.94526954016,-0.07258113853502027,-108170.75571195797,-0.0726320615619491,-116220.4903786366,-0.0726225666973451,-122339.47351256262,-0.07267048842925697,-131972.88075350408,-0.07276490791649992,-126783.56398037789
+273,-0.07255072902445468,-152579.89356234376,-0.07268247843117714,-49534.34826493033,-0.07262760243200006,-150248.6619243973,-0.07263163751078137,-149011.8899023083,-0.07253971359363029,-166807.43224758565,-0.07269518256000003,-171052.35790047314,-0.07259757905116938,-172283.09704147524,-0.07263930608625518,-190402.88939976247,-0.07259064022249873,-192851.68960692364,-0.07248732892592198,-186928.80902994832,-0.07268562352230258,-201275.59894000582,-0.07263370268900007,-212588.513264792,-0.07256629639188408,-78223.41669838897,-0.07268907912496675,-76759.23104169074,-0.07260655943078333,-93563.1368125921,-0.07248102661979958,-107992.37288269668,-0.07253187940807049,-116034.46017724037,-0.0725223976398315,-122148.92444091583,-0.07257039133775657,-131770.65471145906,-0.07266509322799992,-126591.08864705692
+274,-0.07245052083519418,-152359.92325176313,-0.07258263986190364,-49421.720049648306,-0.07252770201599996,-150029.24855128166,-0.07253159393294288,-148798.23523397787,-0.0724395206190535,-166577.07577302013,-0.07259532654000003,-170812.379334255,-0.07249771993280468,-172066.17918689526,-0.07253938957169348,-190152.1776330124,-0.07249051520150213,-192600.4792618946,-0.07238720830585857,-186675.5058058374,-0.07258578063284887,-201024.72753878083,-0.07253379388199988,-212316.68584563502,-0.07246620494858498,-78071.58570760695,-0.07258923148880606,-76611.8796576203,-0.07250655039575463,-93401.41936995156,-0.07238091470457877,-107814.07430109954,-0.07243169725419199,-115848.52163631243,-0.0724222285823178,-121958.4516827386,-0.07247029424625637,-131568.50510812225,-0.07256527853949991,-126398.7074620493
+275,-0.07235031264593397,-152140.02583926797,-0.07248280129263004,-49309.199658940764,-0.07242780160000006,-149809.9124127312,-0.07243155035510437,-148584.63554936042,-0.07233932764447659,-166346.72786794725,-0.07249547051999994,-170572.4659908029,-0.07239786081443988,-171849.3016437781,-0.07243947305713198,-189901.45082766842,-0.07239039018050562,-192349.2494976422,-0.07228708768579528,-186422.20939824078,-0.07248593774339518,-200773.8662758246,-0.07243388507499997,-212044.8677182804,-0.07236611350528568,-77919.88340401984,-0.07248938385264544,-76464.64692971217,-0.07240654136072604,-93239.79262514817,-0.07228080278935817,-107635.8602137652,-0.0723315151003134,-115662.67535348171,-0.0723220595248043,-121768.05770462635,-0.07237019715475587,-131366.4330104904,-0.07246546385100013,-126206.42243096506
+276,-0.07225010445667368,-151920.20188862627,-0.07238296272335634,-49196.78753543316,-0.07232790118399997,-149590.66003751464,-0.07233150677726578,-148371.09160227657,-0.0722391346698998,-166116.39153775806,-0.07239561449999994,-170332.61939128017,-0.07229800169607518,-171632.4653176561,-0.07233955654257047,-189650.7248722365,-0.07229026515950912,-192098.00426313808,-0.07218696706573167,-186168.92558122688,-0.07238609485394147,-200523.01616197889,-0.07233397626799996,-211773.06018331528,-0.07226602206198668,-77768.31070417183,-0.07238953621648475,-76317.53401564492,-0.07230653232569734,-93078.2499215307,-0.07218069087413737,-107457.73087810575,-0.0722313329464349,-115476.92190305129,-0.0722218904672908,-121577.74575278457,-0.07227010006325567,-131164.4393842794,-0.07236564916250011,-126014.2359969898
+277,-0.07214989626741328,-151700.4519451212,-0.07228312415408274,-49084.48413001085,-0.07222800076800007,-149371.48658477148,-0.07223146319942728,-148157.60425114303,-0.0721389416953229,-165886.07475336015,-0.07229575847999993,-170092.74906341184,-0.07219814257771039,-171415.67118821118,-0.07223964002800898,-189400.0067884206,-0.07219014013851262,-191846.74429506727,-0.07208684644566837,-185915.65879083434,-0.07228625196448768,-200272.17815678637,-0.07223406746099988,-211501.26433846477,-0.07216593061868738,-77616.868590797,-0.07228968858032415,-76170.54223709961,-0.07220652329066873,-92916.79648139351,-0.07208057895891677,-107279.68656720145,-0.07213115079255619,-115291.26184063022,-0.0721217214097771,-121387.52435395648,-0.07217000297175527,-130962.52513602788,-0.07226583447400002,-125822.15154800809
+278,-0.07204968807815308,-151480.7765414778,-0.07218328558480924,-48972.289902231474,-0.07212810035199997,-149152.38379708328,-0.07213141962158869,-147944.1745245086,-0.0720387487207461,-165655.7819207524,-0.07219590246000003,-169852.83949588382,-0.07209828345934569,-171198.91900742415,-0.07213972351344727,-189149.30131334922,-0.07209001511751592,-191595.47132615134,-0.07198672582560478,-185662.41284771508,-0.07218640907503397,-200021.35317555364,-0.07213415865399997,-211229.48117098992,-0.07206583917538838,-77465.55812803669,-0.07218984094416356,-76023.67315700739,-0.07210651425564003,-92755.43596475794,-0.07198046704369597,-107101.72757872382,-0.07203096863867779,-115105.69570671515,-0.0720215523522635,-121197.38900731377,-0.07206990588025478,-130760.67533756942,-0.07216601978550002,-125630.17489403204
+279,-0.07194947988889278,-151261.17620289858,-0.07208344701553564,-48860.205320866684,-0.07202819993599996,-148933.3521106095,-0.07203137604375018,-147730.80375873827,-0.0719385557461692,-165425.49888268972,-0.07209604644000003,-169612.93535503183,-0.07199842434098089,-170982.20830809604,-0.07203980699888578,-188898.57813390848,-0.07198989009651932,-191344.14936888663,-0.07188660520554148,-185409.19132114082,-0.07208656618558038,-199770.54209520193,-0.07203424984699996,-210957.71159426673,-0.07196574773208908,-77314.38048303079,-0.07208999330800275,-75876.9287158038,-0.07200650522061153,-92594.17155261351,-0.07188035512847527,-106923.85425390101,-0.0719307864847993,-114920.22402956139,-0.07192138329475001,-121007.32809343355,-0.07196980878875457,-130558.87678178342,-0.07206620509700001,-125438.32519416371
+280,-0.07184927169963258,-151041.65145162205,-0.07198360844626195,-48748.23086440737,-0.07192829951999996,-148714.3919545528,-0.07193133246591168,-147517.49396497238,-0.0718383627715925,-165195.22880510526,-0.07199619041999984,-169373.05132250467,-0.07189856522261619,-170765.54175956477,-0.07193989048432428,-188647.8209898552,-0.07188976507552282,-191092.8024053929,-0.07178648458547808,-185155.9978112255,-0.07198672329612668,-199519.745759224,-0.07193434103999986,-210685.9564665483,-0.07186565628878998,-77163.33695788601,-0.07199014567184205,-75730.31150913579,-0.07190649618558294,-92433.00685410896,-0.07178024321325448,-106746.06702923847,-0.0718306043309207,-114734.84732750943,-0.0718212142372364,-120817.34244934306,-0.07186971169725417,-130357.1316044123,-0.07196639040850002,-125246.58286131755
+281,-0.07174906351037208,-150822.20281127034,-0.07188376987698844,-48636.367021696715,-0.07182839910399996,-148495.5037525543,-0.07183128888807308,-147304.2496152693,-0.0717381697970156,-164964.96920993546,-0.07189633439999994,-169133.19592017672,-0.07179870610425139,-170548.92130635178,-0.07183997396976258,-188397.0521178409,-0.07178964005452632,-190841.44061131703,-0.07168636396541457,-184902.8363002297,-0.07188688040667297,-199268.96498199317,-0.07183443223299997,-210414.21660210285,-0.07176556484549078,-77012.42903976147,-0.07189029803568145,-75583.82550467638,-0.07180648715055424,-92271.94703674527,-0.07168013129803387,-106568.36671315168,-0.07173042217704219,-114549.56611093003,-0.0717210451797229,-120627.43294395103,-0.07176961460575387,-130155.44992618584,-0.07186657572000002,-125054.91809573455
+282,-0.07164885532111188,-150602.8308114375,-0.07178393130771483,-48524.6142925687,-0.07172849868799996,-148276.68792398684,-0.07173124531023457,-147091.06855833472,-0.07163797682243879,-164734.71088271076,-0.07179647837999993,-168893.3750549754,-0.07169884698588669,-170332.34902431024,-0.07174005745520108,-188146.28026973188,-0.07168951503352981,-190590.06972402477,-0.07158624334535117,-184649.71185472363,-0.07178703751721907,-199018.1952906114,-0.07173452342599997,-210142.49277866716,-0.07166547340219168,-76861.65848570841,-0.07179045039952076,-75437.47932905769,-0.07170647811552563,-92111.00445573493,-0.07158001938281307,-106390.75409042202,-0.0716302400231635,-114364.38088391247,-0.0716208761222092,-120437.59701748002,-0.07166951751425348,-129953.8363564891,-0.07176676103150002,-124863.33455932044
+283,-0.07154864713185158,-150383.53599266132,-0.07168409273844124,-48412.97318858787,-0.07162859827199997,-148057.94488503347,-0.07163120173239608,-146877.89137776312,-0.0715377838478619,-164504.47202190128,-0.07169662235999993,-168653.59321185123,-0.07159898786752189,-170115.82740672497,-0.07164014094063959,-187895.51059631555,-0.07158939001253321,-190338.6938644351,-0.07148612272528768,-184396.6331870838,-0.07168719462776547,-198767.3891229295,-0.07163461461900007,-209870.78574272338,-0.07156538195889248,-76711.02748246615,-0.07169060276336015,-75291.28637782343,-0.07160646908049693,-91950.18022677688,-0.07147990746759247,-106213.22703141946,-0.0715300578692851,-114179.29214558705,-0.0715207070646957,-120247.83604828005,-0.07156942042275308,-129752.29403256241,-0.07166694634300003,-124671.83371550924
+284,-0.07144843894259138,-150164.31891239723,-0.07158425416916754,-48301.444233882874,-0.07152869785599987,-147839.27504968896,-0.07153115815455738,-146664.73831373334,-0.07143759087328509,-164274.2672391139,-0.07159676634000003,-168413.85399418062,-0.07149912874915719,-169899.33330310503,-0.07154022442607798,-187644.7468176462,-0.07148926499153661,-190087.29590423917,-0.07138600210522428,-184143.618512069,-0.07158735173831178,-198516.5321493437,-0.07153470581199997,-209599.09621346882,-0.07146529051559337,-76560.53900079215,-0.07159075512719945,-75145.21277591534,-0.07150646004546843,-91789.45383256087,-0.07137979555237167,-106035.78572738793,-0.07142987571540639,-113994.30039142551,-0.07142053800718211,-120058.14962704766,-0.07146932333125278,-129550.82561392302,-0.07156713165450002,-124480.41656484726
+285,-0.07134823075333098,-149945.1801526231,-0.07148441559989405,-48190.027966082045,-0.07142879743999997,-147620.6788307295,-0.07143111457671898,-146451.6174634419,-0.07133739789870819,-164044.1040649044,-0.07149691031999983,-168174.15872721814,-0.07139926963079239,-169682.8355431902,-0.07144030791151638,-187393.98094868445,-0.07138913997054001,-189835.8743027235,-0.07128588148516098,-183890.64219415328,-0.07148750884885807,-198265.64769481777,-0.07143479700499997,-209327.42488592587,-0.07136519907229417,-76410.19785155708,-0.07149090749103876,-74999.26038909542,-0.07140645101043983,-91628.81573745263,-0.07127968363715106,-105858.43039270678,-0.07132969356152799,-113809.40611420739,-0.07132036894966841,-119868.53437179103,-0.07136922623975238,-129349.43377478351,-0.07146731696599992,-124289.0839669857
+286,-0.07124802256407067,-149726.1203300099,-0.07138457703062044,-48078.724937339925,-0.07132889702399986,-147402.15664060632,-0.07133107099888028,-146238.53276259333,-0.0712372049241314,-163813.9551683199,-0.07139705429999993,-167934.50434359154,-0.07129941051242789,-169466.37646291667,-0.07134039139695487,-187143.19763831593,-0.07128901494954352,-189584.4415674413,-0.07118576086509737,-183637.68753117791,-0.07138766595940438,-198014.7472668491,-0.07133488819800007,-209055.77243344003,-0.07126510762899509,-76260.01879189606,-0.07139105985487805,-74853.43451274856,-0.07130644197541113,-91468.26689982234,-0.07117957172193028,-105681.16124306642,-0.0712295114076493,-113624.60980510239,-0.0712201998921549,-119678.9916476952,-0.07126912914825208,-129148.12198567591,-0.07136750227750012,-124097.83629015603
+287,-0.07114781437481048,-149507.14011062586,-0.07128473846134684,-47967.53571555252,-0.07122899660799996,-147183.70889228978,-0.07123102742104177,-146025.48676227976,-0.07113701194955449,-163583.76153780875,-0.07129719827999993,-167694.89626874193,-0.0711995513940629,-169249.95349744073,-0.07124047488239328,-186892.4023982192,-0.07118888992854702,-189333.002890708,-0.07108564024503408,-183384.70027482678,-0.07128782306995057,-197763.83692846415,-0.07123497939099988,-208784.13950976476,-0.07116501618569598,-76109.99399372887,-0.07129121221871745,-74707.72103807676,-0.07120643294038254,-91307.80827672356,-0.07107945980670957,-105503.97849549667,-0.07112932925377079,-113439.91195441953,-0.0711200308346414,-119489.52266662057,-0.07116903205675167,-128946.898629411,-0.07126768758900012,-123906.65742904966
+288,-0.07104760618555019,-149288.24023258244,-0.07118489989207334,-47856.46088570675,-0.07112909619200007,-146965.3360001641,-0.07113098384320318,-145812.48133871416,-0.0710368189749777,-163353.54999351987,-0.07119734225999994,-167455.33759376736,-0.07109969227569819,-169033.56416386837,-0.07114055836783179,-186641.60568647998,-0.07108876490755042,-189081.56198292144,-0.07098551962497067,-183131.6687517712,-0.07118798018049688,-197512.90950471399,-0.07113507058399997,-208512.52675080727,-0.07106492474239678,-75960.09971220918,-0.07119136458255675,-74562.11976919069,-0.07110642390535384,-91147.44083362524,-0.07097934789148877,-105326.88236848607,-0.07102914709989219,-113255.31272106667,-0.0710198617771278,-119300.12795105713,-0.07106893496525127,-128745.75473659261,-0.07116787290050013,-123715.55420323418
+289,-0.07094739799628978,-149069.42154389643,-0.07108506132279964,-47745.50105146001,-0.07102919577599996,-146747.03838091003,-0.07103094026536468,-145599.51797730324,-0.070936626000401,-163123.33248627555,-0.07109748624000004,-167215.83066784206,-0.07099983315733359,-168817.2325591637,-0.07104064185327008,-186390.81219714036,-0.07098863988655392,-188830.12188723288,-0.07088539900490717,-182878.62140086203,-0.07108813729104317,-197261.96389767833,-0.07103516177699996,-208240.9347761332,-0.07096483329909768,-75810.33689630748,-0.07109151694639615,-74416.63115971678,-0.07100641487032523,-90987.1655542559,-0.07087923597626818,-105149.8730819859,-0.0709289649460137,-113070.81130229123,-0.0709196927196143,-119110.8066539272,-0.07096883787375097,-128544.68515817626,-0.07106805821200012,-123524.52934162365
+290,-0.07084718980702948,-148850.68507319668,-0.07098522275352605,-47634.656836972266,-0.07092929536000006,-146528.81645438756,-0.07093089668752608,-145386.59791263338,-0.0708364330258241,-162893.11523002657,-0.07099763021999983,-166976.37749483145,-0.07089997403896889,-168600.9331167572,-0.07094072533870859,-186140.02524972774,-0.07088851486555742,-188578.6852834887,-0.07078527838484377,-182625.56711269164,-0.07098829440158948,-197011.00935416025,-0.07093525296999988,-207969.36419025113,-0.07086474185579848,-75660.70655315508,-0.07099166931023536,-74271.25567607037,-0.07090640583529653,-90826.98345131097,-0.07077912406104737,-104972.95085754097,-0.0708287827921351,-112886.40888032175,-0.0708195236621006,-118921.56032079845,-0.07086874078225057,-128343.69082991013,-0.07096824352350002,-123333.58396319367
+291,-0.07074698161776928,-148632.03218430508,-0.07088538418425254,-47523.92888904643,-0.07082939494399997,-146310.67016330053,-0.07083085310968758,-145173.72220662137,-0.07073624005124729,-162662.8902381424,-0.07089777419999993,-166736.97985872062,-0.070800114920604,-168384.64803846972,-0.07084080882414708,-185889.2474894877,-0.07078838984456072,-188327.2546488615,-0.07068515776478028,-182372.45922269233,-0.07088845151213588,-196760.050167542,-0.07083534416299997,-207697.81558374912,-0.07076465041249938,-75511.2097574836,-0.07089182167407465,-74125.99380068302,-0.07080639680026803,-90666.89557905843,-0.07067901214582677,-104796.11591832094,-0.07072860063825659,-112702.10619184482,-0.070719354604587,-118732.3898965311,-0.07076864369075027,-128142.77263742697,-0.07086842883500002,-123142.71948734132
+292,-0.07064677342850897,-148413.46502380498,-0.07078554561497895,-47413.31787968333,-0.07072949452800006,-146092.5971563361,-0.07073080953184908,-144960.89179628564,-0.0706360470766704,-162432.63870598425,-0.07079791817999993,-166497.6393851417,-0.07070025580223939,-168168.3653410807,-0.07074089230958538,-185638.48115393813,-0.07068826482356422,-188075.81443288733,-0.07058503714471688,-182119.26040367322,-0.07078860862268217,-196509.09004747812,-0.07073543535599996,-207426.28953429338,-0.07066455896920018,-75361.8476635572,-0.07079197403791405,-73980.84603725064,-0.07070638776523944,-90506.90304897825,-0.07057890023060596,-104619.36848921014,-0.070628418484378,-112517.90384920094,-0.0706191855470735,-118543.29613120608,-0.07066854659924987,-127941.93142711071,-0.07076861414650001,-122951.93703395114
+293,-0.07054656523924858,-148194.9898240164,-0.07068570704570525,-47302.82450910466,-0.07062959411199997,-145874.5991928921,-0.07063076595401048,-144748.10752472203,-0.0705358541020935,-162202.37858304623,-0.07069806215999994,-166258.35757854118,-0.07060039668387459,-167952.07973637682,-0.07064097579502387,-185387.7282052867,-0.07058813980256771,-187824.33523900676,-0.07048491652465348,-181866.01090544398,-0.07068876573322827,-196258.13175726263,-0.07063552654900007,-207154.78660754266,-0.07056446752590108,-75212.6215205564,-0.07069212640175346,-73835.81292078961,-0.07060637873021074,-90346.99987113081,-0.07047878831538527,-104442.70879693353,-0.0705282363304995,-112333.80242459054,-0.0705190164895598,-118354.2796984369,-0.07056844950774947,-127741.16801448454,-0.07066879945800002,-122761.23755434246
+294,-0.07044635704998838,-147976.60537158282,-0.07058586847643174,-47192.44950949184,-0.07052969369599997,-145656.67176526054,-0.07053072237617197,-144535.3701622941,-0.07043566112751669,-161972.1167199535,-0.07059820614000004,-166019.13584731738,-0.07050053756550989,-167735.8009499653,-0.07054105928046238,-185136.99040667358,-0.07048801478157111,-187572.82450179436,-0.07038479590458997,-181612.70892735032,-0.07058892284377467,-196007.1743701488,-0.07053561774199997,-206883.30376247794,-0.07046437608260178,-75063.53269284424,-0.07059227876559275,-73690.89504154606,-0.07050636969518213,-90187.18304681916,-0.07037867640016447,-104266.13707009179,-0.07042805417662089,-112149.80247286854,-0.07041884743204631,-118165.34123414259,-0.07046835241624917,-127540.4831909035,-0.07056898476950002,-122570.6218940269
+295,-0.07034614886072808,-147758.29887783108,-0.07048602990715815,-47082.19364953216,-0.07042979327999996,-145438.79538781845,-0.07043067879833348,-144322.6804217031,-0.0703354681529398,-161741.8574466385,-0.07049835012000004,-165779.97552227194,-0.07040067844714509,-167519.5324716901,-0.07044114276590088,-184886.26937065154,-0.07038788976057463,-187321.2983627211,-0.07028467528452667,-181359.34020429224,-0.07048907995432098,-195756.21958851954,-0.07043570893499997,-206611.78763966978,-0.07036428463930278,-74914.58268740214,-0.07049243112943215,-73546.09313744212,-0.07040636066015343,-90027.4577345842,-0.07027856448494367,-104089.65353930234,-0.07032787202274239,-111965.9045411278,-0.0703186783745327,-117976.48136010878,-0.07036825532474877,-127339.87772904518,-0.07046917008100002,-122380.09082739046
+296,-0.07024594067146778,-147540.07070231577,-0.07038619133788444,-46972.05774015201,-0.07032989286399996,-145220.96571733535,-0.07033063522049487,-144110.03896899562,-0.07023527517836299,-161511.60404089704,-0.07039849409999993,-165540.87787086534,-0.07030081932878039,-167303.276597713,-0.07034122625133918,-184635.5598766265,-0.07028776473957812,-187069.7667803814,-0.07018455466446308,-181105.92789081708,-0.07038923706486727,-195505.26893563342,-0.07033580012800007,-206340.2576117262,-0.07026419319600348,-74765.7731922335,-0.07039258349327135,-73401.40834056634,-0.07030635162512493,-89867.82526751806,-0.07017845256972308,-103913.25843733814,-0.0702276898688639,-111782.10317887487,-0.0702185093170192,-117787.70070834331,-0.07026815823324857,-127139.35237046689,-0.07036935539250001,-122189.64507886773
+297,-0.07014573248220737,-147321.92120717713,-0.07028635276861084,-46862.042641841756,-0.07022999244799996,-145003.1795729625,-0.07023059164265638,-143897.44643196173,-0.0701350822037861,-161281.35918523566,-0.07029863807999993,-165301.84410879694,-0.0702009602104156,-167087.03507886233,-0.07024130973677768,-184384.84224650398,-0.07018763971858152,-186818.20146383037,-0.07008443404439978,-180852.4826873624,-0.07028939417541358,-195254.32379617653,-0.07023589132099997,-206068.7248695688,-0.07016410175270447,-74617.10613247422,-0.07029273585711066,-73256.8398520017,-0.07020634259009613,-89708.28973543373,-0.07007834065450247,-103736.95199919159,-0.0701275077149853,-111598.39906171655,-0.0701183402595056,-117598.99996557075,-0.07016806114174808,-126938.88900509874,-0.07026954070400002,-121999.28523545383
+298,-0.07004552429294718,-147103.85075765956,-0.07018651419933734,-46752.14927423746,-0.07013009203199996,-144785.44931369275,-0.07013054806481778,-143684.90340655233,-0.07003488922920939,-161051.12517286366,-0.07019878205999994,-165062.87540967614,-0.0701011010920509,-166870.8027394627,-0.07014139322221617,-184134.12748295994,-0.07008751469758492,-186566.60132401067,-0.06998431342433638,-180599.0114624312,-0.07018955128595977,-195003.36891960597,-0.07013598251399997,-205797.19534942633,-0.07006401030940539,-74468.58375717833,-0.07019288822095004,-73112.3879789441,-0.07010633355506764,-89548.85459642687,-0.06997822873928167,-103560.73446228783,-0.07002732556110679,-111414.78642058621,-0.0700181712019919,-117410.38003401128,-0.07006796405024768,-126738.49196316538,-0.07016972601549992,-121808.99935641469
+299,-0.06994531610368689,-146885.85972278312,-0.07008667563006374,-46642.37862904536,-0.07003019161599987,-144567.77948766004,-0.07003050448697928,-143472.4104620507,-0.0699346962546326,-160820.9040196481,-0.07009892603999994,-164823.97291354658,-0.07000124197368619,-166654.58229591564,-0.07004147670765448,-183883.42206763773,-0.06998738967658832,-186314.95456769405,-0.06988419280427288,-180345.51941956466,-0.07008970839650608,-194752.3997781063,-0.07003607370699998,-205525.63020189162,-0.06996391886610608,-74320.2087851811,-0.07009304058478945,-72968.05327885822,-0.07000632452003903,-89389.52411478599,-0.06987811682406087,-103384.6060666094,-0.06992714340722819,-111231.25701229156,-0.06991800214447841,-117221.84239831373,-0.06996786695874747,-126538.16727502385,-0.07006991132699993,-121618.79108655138
+300,-0.06984510791442648,-146667.94560670693,-0.06998683706079004,-46532.73178798159,-0.06993029119999997,-144350.17302981255,-0.06993046090914078,-143259.9681451876,-0.0698345032800557,-160590.6975323889,-0.06999907002000004,-164585.137734666,-0.0699013828553214,-166438.37671514828,-0.06994156019309297,-183632.72941729458,-0.06988726465559182,-186063.26404949676,-0.06978407218420947,-180092.01079158456,-0.06998986550705237,-194501.42679310366,-0.06993616489999988,-205254.02095544027,-0.06986382742280708,-74171.98468720309,-0.06999319294862875,-72823.83633575309,-0.06990631548501033,-89230.30546749641,-0.06977800490884017,-103208.56705490014,-0.0698269612533497,-111047.81977563917,-0.0698178330869649,-117033.38530533332,-0.06986776986724698,-126337.91760190457,-0.06997009663849992,-121428.664300581
+301,-0.06974489972516627,-146450.08597982736,-0.06988699849151644,-46423.20994881247,-0.06983039078399987,-144132.63217405192,-0.06983041733130217,-143047.5769836743,-0.06973431030547879,-160360.50735377314,-0.06989921399999993,-164346.37096893118,-0.0698015237369567,-166222.18774608808,-0.06984164367853148,-183382.05205168072,-0.06978713963459532,-185811.52606377122,-0.06968395156414597,-179838.48916774543,-0.06989002261759868,-194250.44914195404,-0.06983625609299997,-204982.39163242915,-0.06976373597950779,-74023.91644815938,-0.06989334531246816,-72679.73776657417,-0.06980630644998173,-89071.21969818149,-0.06967789299361937,-103032.61767287103,-0.0697267790994711,-110864.47781843803,-0.0697176640294512,-116845.00887098195,-0.06976767277574678,-126137.744803465,-0.06987028195000013,-121238.62084299722
+302,-0.06964469153590598,-146232.29119586915,-0.06978715992224294,-46313.814465085525,-0.06973049036799997,-143915.15833746427,-0.06973037375346368,-142835.2374891399,-0.069634117330902,-160130.3349938369,-0.06979935797999993,-164107.65089070002,-0.06970166461859188,-166006.01680117706,-0.06974172716396988,-183131.3920467721,-0.06968701461359882,-185559.74549102416,-0.06958383094408258,-179584.95767761543,-0.06979017972814498,-193999.43482819482,-0.06973634728599996,-204710.75036700498,-0.06966364453620869,-73876.01247106677,-0.06979349767630735,-72535.75823042745,-0.06970629741495303,-88912.23676527658,-0.06957778107839876,-102856.75816912104,-0.06962659694559259,-110681.23310533862,-0.0696174949719376,-116656.71354142946,-0.06966757568424638,-125937.65038732912,-0.06977046726150012,-121048.66204168426
+303,-0.06954448334664567,-146014.5660703998,-0.06968732135296934,-46204.54691100809,-0.06963058995200007,-143697.75023694133,-0.06963033017562519,-142622.95015990222,-0.06953392435632509,-159900.18185285706,-0.06969950195999994,-163868.9696731105,-0.06960180550022718,-165789.86513185682,-0.06964181064940828,-182880.75121606988,-0.06958688959260222,-185307.93141495623,-0.06948371032401927,-179331.41910591372,-0.06969033683869118,-193748.4010303926,-0.06963643847899988,-204439.10218594605,-0.06956355309290949,-73728.27639769037,-0.06969365004014665,-72391.898442695,-0.06960628837992452,-88753.34298861488,-0.06947766916317798,-102680.98344060438,-0.069526414791714,-110498.08714446696,-0.0695173259144241,-116468.49975877114,-0.06956747859274608,-125737.6356744627,-0.06967065257300002,-120858.78899044284
+304,-0.06944427515738529,-145796.91297346703,-0.06958748278369564,-46095.40919759517,-0.06953068953599996,-143480.4110527451,-0.06953028659778658,-142410.7154836029,-0.0694337313817483,-159670.03399667554,-0.06959964593999994,-163630.34175263657,-0.06950194638186238,-165573.7339056491,-0.06954189413484668,-182630.13120201792,-0.06948676457160571,-185056.08876397426,-0.06938358970395568,-179077.87348713345,-0.06959049394923748,-193497.35600288524,-0.06953652967199997,-204167.45073480776,-0.06946346164961038,-73580.72114025067,-0.06959380240398605,-72248.15919811442,-0.06950627934489573,-88594.53922776497,-0.06937755724795737,-102505.28059536235,-0.0694262326378355,-110315.04120689924,-0.06941715685691051,-116280.36796251326,-0.06946738150124568,-125537.70187909533,-0.06957083788450003,-120669.00265365187
+305,-0.06934406696812508,-145579.33351308486,-0.06948764421442215,-45986.40381043641,-0.06943078912000006,-143263.14372184663,-0.06943024301994807,-142198.53394016024,-0.0693335384071714,-159439.8849141279,-0.06949978992000004,-163391.77207877685,-0.06940208726349768,-165357.62425601983,-0.06944197762028517,-182379.5335294452,-0.06938663955060902,-184804.22127997447,-0.06928346908389238,-178824.2971268961,-0.06949065105978378,-193246.30412534272,-0.06943662086499996,-203895.79888103085,-0.06936337020631118,-73433.36669562175,-0.06949395476782536,-72104.54141196636,-0.06940627030986724,-88435.82633575104,-0.06927744533273657,-102329.65800474495,-0.06932605048395689,-110132.09642486114,-0.069316987799397,-116092.31859101937,-0.06936728440974527,-125337.84474923564,-0.06947102319600001,-120479.30391639264
+306,-0.06924385877886478,-145361.82893902657,-0.06938780564514854,-45877.534418150775,-0.06933088870399996,-143045.94727258646,-0.06933019944210948,-141986.40600561717,-0.0692333454325946,-159209.74559874219,-0.06939993389999984,-163153.26391263862,-0.06930222814513289,-165141.53732862853,-0.06934206110572348,-182128.95964030162,-0.06928651452961251,-184552.31910579227,-0.06918334846382877,-178570.6993897194,-0.06939080817033018,-192995.24847441926,-0.06933671205800007,-203624.14899512206,-0.06926327876301208,-73286.1540406109,-0.06939410713166475,-71961.04620390634,-0.06930626127483853,-88277.20516808677,-0.06917733341751588,-102154.11848095884,-0.06922586833007839,-109949.25384434637,-0.0692168187418833,-115904.34888284204,-0.06926718731824497,-125138.06182221434,-0.06937120850750002,-120289.69361243607
+307,-0.06914365058960457,-145144.40030170375,-0.06928796707587494,-45768.808463037116,-0.06923098828800006,-142828.8225941961,-0.06923015586427098,-141774.3321585107,-0.06913315245801789,-158979.61995320706,-0.06930007787999994,-162914.81987850802,-0.06920236902676818,-164925.4743417332,-0.06924214459116197,-181878.4108208085,-0.06918638950861603,-184300.38244253185,-0.06908322784376547,-178317.089137171,-0.06929096528087647,-192744.1914647268,-0.06923680325099997,-203352.50310399962,-0.06916318731971288,-73139.07203546171,-0.06929425949550395,-71817.67510895571,-0.06920625223980993,-88118.67659200239,-0.06907722150229517,-101978.66355459762,-0.0691256861761998,-109766.5144571345,-0.0691166496843698,-115716.45507627101,-0.06916709022674457,-124938.35774008904,-0.06927139381900002,-120100.16858987603
+308,-0.06904344240034407,-144927.04669222242,-0.06918812850660144,-45660.24091142664,-0.06913108787199997,-142611.77090247415,-0.06913011228643248,-141562.3128949146,-0.069032959483441,-158749.51031817985,-0.06920022185999994,-162676.4424518488,-0.06910250990840339,-164709.43669505668,-0.06914222807660048,-181627.8663649718,-0.06908626448761943,-184048.41987159764,-0.06898310722370207,-178063.4708855045,-0.06919112239142258,-192493.135109442,-0.06913689444399997,-203080.86298368732,-0.06906309587641378,-72992.12763126708,-0.06919441185934336,-71674.43092586422,-0.06910624320478133,-87960.24149785786,-0.06897710958707447,-101803.294297201,-0.0690255040223213,-109583.87922223347,-0.0690164806268562,-115528.64088520005,-0.06906699313524427,-124738.73493357371,-0.06917157913050002,-119910.72913050794
+309,-0.06894323421108388,-144709.74283194766,-0.06908828993732774,-45551.798780244964,-0.06903118745600006,-142394.79338510617,-0.06903006870859388,-141350.34879557087,-0.0689327665088642,-158519.41772339086,-0.06910036583999994,-162438.13432697623,-0.06900265079003869,-164493.42624532,-0.06904231156203898,-181377.32506734767,-0.06898613946662292,-183796.43534956506,-0.06888298660363858,-177809.8479634755,-0.06909127950196897,-192242.08115184942,-0.06903698563700007,-202809.23021939548,-0.06896300443311468,-72845.31321936399,-0.06909456422318265,-71531.31987177047,-0.06900623416975263,-87801.90081749964,-0.06887699767185367,-101628.01155383213,-0.06892532186844269,-109401.34908184764,-0.0689163115693425,-115340.90770658372,-0.06896689604374387,-124539.19523352417,-0.06907176444200001,-119721.37778390612
+310,-0.06884302602182357,-144492.49932377183,-0.06898845136805414,-45443.47937503511,-0.06893128703999997,-142177.89123147994,-0.06893002513075538,-141138.4405159359,-0.06883257353428729,-158289.34436584456,-0.06900050982000004,-162199.89549800093,-0.06890279167167399,-164277.44014790672,-0.06894239504747728,-181126.79766188108,-0.06888601444562642,-183544.4318197804,-0.06878286598357518,-177556.22311916546,-0.06899143661251528,-191991.03114092653,-0.06893707682999987,-202537.5974861664,-0.06886291298981548,-72698.62342666177,-0.06899471658702205,-71388.32823390438,-0.06890622513472414,-87643.65556577059,-0.06877688575663307,-101452.81604055196,-0.06882513971456419,-109218.92497431688,-0.068816142511829,-115153.25095561435,-0.06886679895224347,-124339.73485997334,-0.06897194975350002,-119532.10289699741
+311,-0.06874281783256338,-144275.2875423841,-0.06888861279878054,-45335.28368272913,-0.06883138662399997,-141961.0656599334,-0.06882998155291688,-140926.58775822708,-0.0687323805597105,-158059.29190674314,-0.06890065379999984,-161961.72759383332,-0.06880293255330919,-164061.43987637665,-0.06884247853291578,-180876.28864261735,-0.06878588942462992,-183292.4117206686,-0.06868274536351168,-177302.59875180112,-0.06889159372306158,-191739.98647880356,-0.06883716802299997,-202265.91603329248,-0.06876282154651638,-72552.05892949982,-0.06889486895086135,-71245.45440588579,-0.06880621609969532,-87485.50702730537,-0.06867677384141227,-101277.7083944549,-0.06872495756068549,-109036.60784608827,-0.0687159734543154,-114965.65599792413,-0.06876670186074317,-124140.35551001887,-0.06887213506499992,-119342.90606975008
+312,-0.06864260964330297,-144058.1065963274,-0.06878877422950704,-45227.2127660314,-0.06873148620799996,-141744.317947412,-0.06872993797507827,-140714.7908965971,-0.06863218758513359,-157829.26176477785,-0.06880079777999994,-161723.6325040636,-0.06870307343494449,-163845.41844449705,-0.06874256201835428,-180625.80110326907,-0.06868576440363322,-183040.37717331978,-0.06858262474344827,-177048.9724424553,-0.06879175083360788,-191488.94845251497,-0.06873725921599998,-201994.19282961907,-0.06866273010321718,-72405.6204286996,-0.06879502131470075,-71102.69977200564,-0.06870620706466683,-87327.45666981852,-0.06857666192619156,-101102.68920345038,-0.0686247754068071,-108854.3986638368,-0.0686158043968019,-114778.132668816,-0.06866660476924277,-123941.06102559746,-0.06877232037649993,-119153.79293066086
+313,-0.06854240145404268,-143840.97402404467,-0.06868893566023335,-45119.26778043544,-0.06863158579199996,-141527.64946652946,-0.06862989439723978,-140503.05033070783,-0.0685319946105567,-157599.25521603358,-0.06870094175999994,-161485.61228374753,-0.06860321431657969,-163629.3766357844,-0.06864264550379258,-180375.3375934675,-0.06858563938263662,-182788.33007443018,-0.06848250412338498,-176795.34612957228,-0.06869190794415407,-191237.91825631558,-0.06863735040899988,-201722.44806128152,-0.06856263865991809,-72259.30865217667,-0.06869517367853994,-70960.065141915,-0.06860619802963823,-87169.50355322879,-0.06847655001097087,-100927.7590264314,-0.06852459325292859,-108672.29842859373,-0.0685156353392882,-114590.68458202532,-0.06856650767774257,-123741.8540917309,-0.06867250568800012,-118964.76591745517
+314,-0.06844219326478249,-143623.8962351327,-0.06858909709095974,-45011.449998080585,-0.06853168537599987,-141311.06173758925,-0.06852985081940127,-140291.3664556633,-0.0684318016359799,-157369.26371847972,-0.06860108573999994,-161247.6693259178,-0.06850335519821499,-163413.32815954706,-0.06854272898923108,-180124.8988752868,-0.06848551436164012,-182536.27215047358,-0.06838238350332138,-176541.7234822126,-0.06859206505470038,-190986.89700793067,-0.06853744160199997,-201450.68922549987,-0.06846254721661887,-72113.12435789302,-0.06859532604237935,-70817.55122304917,-0.06850618899460953,-87011.64855868563,-0.06837643809575017,-100752.91840928975,-0.06842441109905,-108490.3081938957,-0.0684154662817747,-114403.3111361308,-0.06846641058624207,-123542.73760834699,-0.06857269099950011,-118775.82679502081
+315,-0.06834198507552218,-143406.85378119771,-0.06848925852168625,-44903.76084277132,-0.06843178495999996,-141094.55650985893,-0.06842980724156268,-140079.73966245278,-0.06833160866140299,-157139.28388283818,-0.06850122972000004,-161009.80674633326,-0.06840349607985019,-163197.2784969692,-0.06844281247466957,-179874.4797117008,-0.06838538934064362,-182284.20499276844,-0.06828226288325807,-176288.10684927236,-0.06849222216524668,-190735.88576084626,-0.06843753279499996,-201178.89029569045,-0.06836245577331979,-71967.06833745772,-0.06849547840621865,-70675.15868681396,-0.06840617995958104,-86853.89266544618,-0.06827632618052937,-100578.1679004105,-0.0683242289451715,-108308.4290921947,-0.0683152972242611,-114215.98696067031,-0.06836631349474168,-123343.71547300195,-0.06847287631100002,-118586.97703936239
+316,-0.06824177688626178,-143189.83241644767,-0.06838941995241264,-44796.20194488953,-0.06833188454399987,-140878.13392353946,-0.06832976366372417,-139868.17033836397,-0.0682314156868263,-156909.32279519472,-0.06840137370000003,-160772.02968170337,-0.06830363696148549,-162981.23119935876,-0.06834289596010808,-179624.08614495964,-0.06828526431964713,-182032.13008174772,-0.06818214226319468,-176034.49826153828,-0.06839237927579297,-190484.88551378073,-0.06833762398800007,-200907.0058777678,-0.06826236433002048,-71821.14142043912,-0.06839563077005806,-70532.88819223302,-0.06830617092455223,-86696.23689657195,-0.06817621426530877,-100403.5080695856,-0.06822404679129289,-108126.66237716482,-0.0682151281667476,-114028.72448245481,-0.06826621640324147,-123144.7953514977,-0.06837306162250002,-118398.21798046114
+317,-0.06814156869700148,-142972.85254822354,-0.06828958138313894,-44688.77523576562,-0.06823198412799997,-140661.794175496,-0.06822972008588547,-139656.6588673262,-0.0681312227122495,-156679.3831667209,-0.06830151767999994,-160534.35262160495,-0.06820377784312069,-162765.18890622118,-0.06824297944554637,-179373.72222079863,-0.06818513929865051,-181780.04880475256,-0.06808202164313118,-175780.89958970828,-0.06829253638633928,-190233.89721816208,-0.06823771518099997,-200635.07407417585,-0.06816227288672148,-71675.34447961806,-0.06829578313389735,-70390.74039744843,-0.06820616188952373,-86538.68232663683,-0.06807610235008797,-100228.93953781767,-0.06812386463741439,-107945.00950182792,-0.0681149591092339,-113841.53029750954,-0.06816611931174098,-122945.99104762501,-0.06827324693400003,-118209.55085473447
+318,-0.06804136050774127,-142755.92148664076,-0.06818974281386535,-44581.48313562487,-0.06813208371200007,-140445.54346771896,-0.06812967650804688,-139445.2049326699,-0.0680310297376726,-156449.46687901602,-0.06820166165999994,-160296.75612404224,-0.06810391872475599,-162549.15098450583,-0.06814306293098488,-179123.39191990413,-0.06808501427765402,-181527.96246954004,-0.06798190102306778,-175527.31260980672,-0.06819269349688548,-189982.92178414078,-0.06813780637399997,-200363.0979711688,-0.06806218144342219,-71529.67843751109,-0.06819593549773675,-70248.71596648359,-0.06810615285449503,-86381.23009080741,-0.06797599043486736,-100054.46303829881,-0.0680236824835357,-107763.47228964353,-0.0680147900517204,-113654.40800704986,-0.06806602222024077,-122747.26282450238,-0.06817343224550002,-118020.97619873038
+319,-0.06794115231848098,-142539.03693110528,-0.06808990424459184,-44474.329044415186,-0.06803218329599997,-140229.38921844144,-0.06802963293020838,-139233.8004014016,-0.06793083676309579,-156219.57544987957,-0.06810180563999993,-160059.23140910527,-0.06800405960639119,-162333.07616727927,-0.06804314641642328,-178873.0960922871,-0.06798488925665731,-181275.8656801408,-0.06788178040300427,-175273.73904176865,-0.06809285060743178,-189731.96008551927,-0.06803789756700007,-200091.0324669543,-0.06796209000012318,-71384.14427461904,-0.06809608786157595,-70106.81557391993,-0.06800614381946643,-86223.88139606403,-0.06787587851964658,-99880.07959546518,-0.0679235003296573,-107582.05344474637,-0.0679146209942068,-113467.36044191798,-0.06796592512874038,-122548.59574362915,-0.06807361755700002,-117832.49547663497
+320,-0.06784094412922058,-142322.1661591474,-0.06799006567531825,-44367.32057671944,-0.06793228288000007,-140013.3118692904,-0.06792958935236988,-139022.44898038785,-0.0678306437885189,-155989.71018975307,-0.06800194962000003,-159821.77973654127,-0.06790420048802649,-162116.98171135527,-0.06794322990186177,-178622.83129789797,-0.06788476423566082,-181023.76003988166,-0.06778165978294087,-175020.15012234444,-0.06799300771797807,-189481.0129638448,-0.06793798875999997,-199818.9056031935,-0.06786199855682389,-71238.74304005479,-0.06799624022541535,-69965.03990860187,-0.06790613478443783,-86066.63753515441,-0.06777576660442587,-99705.79188385943,-0.0678233181757786,-107400.76046422559,-0.0678144519366933,-113280.39044499754,-0.06786582803724008,-122349.99956271965,-0.06797380286850002,-117644.1101797137
+321,-0.06774073593996027,-142105.32218679448,-0.06789022710604455,-44260.45919854492,-0.06783238246399996,-139797.28454781763,-0.06782954577453128,-138811.15277648022,-0.06773045081394209,-155759.87207761817,-0.06790209360000003,-159584.40291543468,-0.0678043413696617,-161900.87795220275,-0.06784331338730018,-178372.5988830646,-0.06778463921466432,-180771.64898047075,-0.06768153916287757,-174766.53169389424,-0.06789316482852448,-189230.08123178277,-0.06783807995299997,-199546.73252339396,-0.06776190711352478,-71093.47586561347,-0.06789639258925464,-69823.38967687594,-0.06780612574940913,-85909.49990435835,-0.06767565468920507,-99531.5984368731,-0.0677231360219002,-107219.58962871067,-0.0677142828791796,-113093.50252551126,-0.06776573094573968,-122151.47770599957,-0.06787398818000002,-117455.82195665655
+322,-0.06764052775070008,-141888.47696959393,-0.06779038853677104,-44153.73488803215,-0.06773248204800006,-139581.3121386448,-0.06772950219669278,-138599.91290698512,-0.06763025783936519,-155530.03131636884,-0.06780223757999994,-159347.102077477,-0.067704482251297,-161684.76987830288,-0.06774339687273857,-178122.41469766176,-0.06768451419366772,-180519.53392201674,-0.06758141854281398,-174512.90528559353,-0.06779332193907078,-188979.1656760835,-0.06773817114599998,-199274.52137739296,-0.06766181567022578,-70948.3439849019,-0.06779654495309405,-69681.86560577952,-0.06770611671438063,-85752.47002682857,-0.06757554277398448,-99357.49600437429,-0.06762295386802149,-107038.53038444939,-0.067614113821666,-112906.70115133109,-0.06766563385423928,-121953.0322674065,-0.06777417349150001,-117267.63337584233
+323,-0.06754031956143967,-141671.6467382726,-0.06769054996749745,-44047.1528042599,-0.06763258163199996,-139365.3948498597,-0.06762945861885428,-138388.73019199283,-0.0675300648647884,-155300.19461735483,-0.06770238155999994,-159109.86267291947,-0.06760462313293218,-161468.6608542599,-0.06764348035817708,-177872.29686345535,-0.06758438917267122,-180267.37763436994,-0.06748129792275068,-174259.2727127508,-0.06769347904961688,-188728.2670600119,-0.06763826233899987,-199002.27792021932,-0.06756172422692648,-70803.34876047532,-0.06769669731693335,-69540.46844627663,-0.06760610767935184,-85595.54958404737,-0.06747543085876367,-99183.48492845822,-0.06752277171414299,-106857.58357259267,-0.0675139447641525,-112719.97448515322,-0.06756553676273898,-121754.66483904564,-0.06767435880300002,-117079.54319466098
+324,-0.06744011137217938,-141454.8460771927,-0.06759071139822374,-43940.72458816243,-0.06753268121600006,-139149.53199473684,-0.06752941504101567,-138177.60531108477,-0.06742987189021149,-155070.37172712415,-0.06760252553999993,-158872.68942271676,-0.0675047640145675,-161252.5534508631,-0.06754356384361537,-177622.20215808778,-0.06748426415167472,-180015.19105217833,-0.06738117730268707,-174005.5944557606,-0.06759363616016327,-188477.38612553044,-0.06753835353199997,-198730.0066434682,-0.06746163278362738,-70658.49172392016,-0.06759684968077255,-69399.1989768385,-0.06750609864432333,-85438.74046024402,-0.06737531894354307,-99009.56554885913,-0.0674225895602644,-106676.75005949239,-0.067413775706639,-112533.32325349943,-0.06746543967123857,-121556.376756213,-0.06757454411449992,-116891.55195803652
+325,-0.06733990318291917,-141238.08804315113,-0.06749087282895035,-43834.46610753424,-0.06743278079999997,-138933.7292881903,-0.06742937146317718,-137966.53886366577,-0.0673296789156348,-154840.56601893398,-0.06750266951999993,-158635.58702884248,-0.0674049048962028,-161036.4497686198,-0.06744364732905388,-177372.1310063958,-0.06738413913067821,-179762.9850914808,-0.06728105668262377,-173751.89404254282,-0.06749379327070958,-188226.49065724143,-0.06743844472499998,-198457.71124979234,-0.06736154134032818,-70513.77463888103,-0.06749700204461195,-69258.05800747182,-0.06740608960929463,-85282.04480841817,-0.06727520702832226,-98835.73820378998,-0.0673224074063859,-106496.03074042886,-0.06731360664912531,-112346.74827820623,-0.06736534257973827,-121358.16920234269,-0.06747472942599991,-116703.6610447364
+326,-0.06723969499365888,-141021.3884534324,-0.06739103425967664,-43728.33647238736,-0.06733288038399997,-138717.98980782466,-0.06732932788533867,-137755.5313982596,-0.06722948594105789,-154610.7655534973,-0.06740281350000003,-158398.5535913719,-0.06730504577783798,-160820.3515970331,-0.06734373081449238,-177122.08824634246,-0.06728401410968152,-179510.7645557869,-0.06718093606256037,-173498.1834506991,-0.06739395038125588,-187975.5740818616,-0.06733853591799988,-198185.39489995042,-0.06726144989702908,-70369.19960818547,-0.06739715440845125,-69117.04638447496,-0.06730608057426603,-85125.46515755882,-0.06717509511310157,-98662.0032306107,-0.06722222525250729,-106315.42078603874,-0.0672134375916117,-112160.25032132895,-0.06726524548823787,-121160.04326329115,-0.06737491473750012,-116515.8719669747
+327,-0.06713948680439868,-140804.76325481557,-0.06729119569040304,-43622.326850052945,-0.06723297996799997,-138502.3161363912,-0.06722928430750008,-137544.58342853285,-0.0671292929664811,-154380.9571329544,-0.06730295747999984,-158161.58576339588,-0.06720518665947328,-160604.26050461724,-0.06724381429993088,-176872.06821625365,-0.06718388908868501,-179258.532645038,-0.06708081544249687,-173244.4715357641,-0.06729410749180217,-187724.65352051056,-0.06723862711099997,-197913.06035879516,-0.06716135845372988,-70224.76927755775,-0.06729730677229065,-68976.16499612018,-0.06720607153923742,-84969.00461543346,-0.06707498319788077,-98488.36096649899,-0.06712204309862879,-106134.91477210722,-0.0671132685340982,-111973.83009700892,-0.06716514839673747,-120961.99826702756,-0.06727510004900011,-116328.18643118607
+328,-0.06703927861513818,-140588.17213715918,-0.06719135712112954,-43516.43782181755,-0.06713307955199997,-138286.71079612433,-0.06712924072966157,-137333.69127389035,-0.06702909999190419,-154151.1527643117,-0.06720310145999994,-157924.69315229924,-0.06710532754110848,-160388.17789479723,-0.06714389778536918,-176622.0699829497,-0.06708376406768841,-179006.25256008093,-0.06698069482243348,-172990.76945177367,-0.06719426460234838,-187473.70095604906,-0.06713871830399996,-197640.71008899566,-0.06706126701043078,-70080.48729641804,-0.06719745913613005,-68835.41477968157,-0.06710606250420874,-84812.66742880552,-0.06697487128266016,-98314.81174902742,-0.0670218609447502,-105954.51909265241,-0.0670130994765846,-111787.48828025299,-0.06706505130523717,-120764.02912292516,-0.06717528536050002,-116140.60643805185
+329,-0.06693907042587798,-140371.6098473237,-0.06709151855185594,-43410.670244397734,-0.06703317913599996,-138071.1765575411,-0.06702919715182298,-137122.80649717903,-0.0669289070173274,-153921.3592296696,-0.06710324543999993,-157687.88965262042,-0.06700546842274378,-160172.1050429867,-0.06704398127080768,-176372.09444720641,-0.06698363904669193,-178753.92004034048,-0.06688057420236998,-172737.0858950718,-0.06709442171289468,-187222.71330409698,-0.06703880949699988,-197368.34493103862,-0.06696117556713158,-69936.35975973136,-0.06709761149996935,-68694.79673032001,-0.06700605346918023,-84656.4606629081,-0.06687475936743938,-98141.35591670511,-0.0669216787908717,-105774.22384228466,-0.0669129304190709,-111601.22551376298,-0.06696495421373677,-120566.14010659009,-0.06707547067200002,-115953.13446735655
+330,-0.06683886223661768,-140155.06386352613,-0.06699167998258224,-43305.025029294215,-0.06693327871999996,-137855.71691312263,-0.06692915357398448,-136911.9488404734,-0.0668287140427505,-153691.58029767117,-0.06700338941999993,-157451.15580347154,-0.06690560930437899,-159956.02618432592,-0.06694406475624617,-176122.14246076264,-0.06688351402569542,-178501.5135735759,-0.06678045358230658,-172483.3994070415,-0.06699457882344098,-186971.70924790256,-0.06693890068999997,-197095.93955155532,-0.06686108412383249,-69792.40584212559,-0.06699776386380875,-68554.31191260442,-0.06690604443415153,-84500.38345261714,-0.06677464745221857,-97967.99380953558,-0.06682149663699309,-105594.01601550498,-0.06681276136155741,-111415.04241324638,-0.06686485712223657,-120368.33328680205,-0.06697565598350003,-115765.77387923148
+331,-0.06673865404735728,-139938.5459908533,-0.06689184141330864,-43199.503153929196,-0.06683337830399987,-137640.33737481965,-0.06682910999614598,-136701.12863118754,-0.06672852106817369,-153461.81869813416,-0.06690353340000003,-157214.4840560079,-0.06680575018601428,-159739.94006902684,-0.06684414824168468,-175872.21483512037,-0.06678338900469882,-178249.0576638697,-0.06668033296224328,-172229.71262791663,-0.06689473593398727,-186720.6955710157,-0.06683899188299997,-196823.50527878426,-0.06676099268053338,-69648.60785808683,-0.06689791622764796,-68413.96147589108,-0.06680603539912293,-84344.44236485394,-0.06667453553699797,-97794.72576950052,-0.0667213144831146,-105413.90948214693,-0.0667125923040439,-111228.93957162369,-0.06676476003073607,-120170.61012482086,-0.06687584129500002,-115578.53006520544
+332,-0.06663844585809708,-139722.06107306914,-0.06679200284403514,-43094.105676888044,-0.06673347788799996,-137425.0551075119,-0.06672906641830738,-136490.35056144948,-0.0666283280935968,-153232.07661739513,-0.06680367737999983,-156977.87708805702,-0.06670589106764949,-159523.8554460607,-0.06674423172712297,-175622.31169013306,-0.06668326398370232,-177996.56358855788,-0.06658021234217967,-171976.02806665987,-0.06679489304453358,-186469.6766082637,-0.06673908307600007,-196551.04973733838,-0.06666090123723419,-69504.944415947,-0.06679806859148735,-68273.74667563631,-0.06670602636409423,-84188.65365914638,-0.06657442362177728,-97621.55214105945,-0.066621132329236,-105233.9093887116,-0.0666124232465303,-111042.91756250402,-0.06666466293923567,-119972.96438804192,-0.06677602660650002,-115391.41876936721
+333,-0.06653823766883678,-139505.6123329536,-0.06669216427476145,-42988.833759548885,-0.06663357747200006,-137209.85653660732,-0.06662902284046889,-136279.6176261635,-0.0665281351190201,-153002.35442179354,-0.06670382135999993,-156741.3363952579,-0.06660603194928479,-159307.77562247083,-0.06664431521256148,-175372.4133066979,-0.06658313896270562,-177744.00126612574,-0.06648009172211637,-171722.34812173634,-0.06669505015507977,-186218.65557517332,-0.06663917426899987,-196278.5769860955,-0.06656080979393508,-69361.41686568971,-0.06669822095532665,-68133.66804490147,-0.06660601732906563,-84033.05243916895,-0.06647431170655647,-97448.47327169628,-0.06652095017535749,-105054.01928250943,-0.0665122541890166,-110856.97694302704,-0.06656456584773547,-119775.3909653973,-0.06667621191800002,-115204.43832088969
+334,-0.06643802947957649,-139289.1911283982,-0.06659232570548784,-42883.68869821188,-0.06653367705599997,-136994.71868552282,-0.06652897926263028,-136068.91987824568,-0.0664279421444433,-152772.64022017902,-0.06660396533999993,-156504.86040907982,-0.06650617283092009,-159091.7028279641,-0.06654439869799988,-175122.5267763715,-0.06648301394170912,-177491.35929957882,-0.06637997110205297,-171468.6751718324,-0.06659520726562608,-185967.63504644955,-0.06653926546199997,-196006.09000372625,-0.06646071835063588,-69218.02671659605,-0.06659837331916606,-67993.72456922772,-0.06650600829403713,-83877.57410621633,-0.06637419979133577,-97275.48951237494,-0.06642076802147899,-104874.24241141323,-0.0664120851315031,-110671.11825626607,-0.06646446875623498,-119577.89698333228,-0.06657639722950003,-115017.55378333642
+335,-0.06633782129031608,-139072.7916349044,-0.06649248713621435,-42778.67197483851,-0.06643377664000007,-136779.6421953675,-0.06642893568479177,-135858.24388073565,-0.06632774916986639,-152542.94117106215,-0.06650410931999994,-156268.41582913607,-0.06640631371255529,-158875.6388097257,-0.06644448218343828,-174872.63214987094,-0.06638288892071262,-177238.66346934644,-0.06627985048198948,-171215.0116919817,-0.06649536437617248,-185716.61718318242,-0.06643935665499998,-195733.58191585363,-0.06636062690733678,-69074.77569120811,-0.06649852568300535,-67853.91957757567,-0.06640599925900834,-83722.20287246289,-0.06627408787611506,-97102.60121813505,-0.0663205858676004,-104694.58135551112,-0.06631191607398951,-110485.34147147115,-0.06636437166473477,-119380.48521663362,-0.06647658254100001,-114830.76598932865
+336,-0.06623761310105587,-138856.42424557728,-0.06639264856694074,-42673.785343843825,-0.06633387622399997,-136564.6276716277,-0.06632889210695328,-135647.60317712772,-0.0662275561952895,-152313.26126227403,-0.06640425330000004,-156032.0169450702,-0.06630645459419059,-158659.58503985248,-0.06634456566887678,-174622.7151043439,-0.06628276389971612,-176985.92308176524,-0.06617972986192608,-170961.36045863593,-0.06639552148671878,-185465.60385853477,-0.06633944784799987,-195461.02494571832,-0.06626053546403758,-68931.66581276421,-0.06639867804684454,-67714.25578651307,-0.06630599022397983,-83566.94467996307,-0.06617397596089447,-96929.80874860844,-0.0662204037137219,-104515.03743135917,-0.066211747016476,-110299.62721251739,-0.06626427457323437,-119183.15763621047,-0.06637676785249992,-114644.07580192658
+337,-0.06613740491179558,-138640.0928855534,-0.06629280999766704,-42569.03099850749,-0.06623397580800007,-136349.67568954104,-0.06622884852911468,-135436.9920446484,-0.06612736322071269,-152083.602892071,-0.06630439727999983,-155795.67162058,-0.06620659547582579,-158443.54281170235,-0.06624464915431517,-174372.78785001932,-0.06618263887871952,-176733.14414454545,-0.06607960924186257,-170707.72507675635,-0.06629567859726508,-185214.59673430823,-0.06623953904099997,-195188.4122711657,-0.06616044402073848,-68788.699560478,-0.06629883041068395,-67574.73632285012,-0.06620598118895113,-83411.81509681261,-0.06607386404567367,-96757.11246863818,-0.06612022155984329,-104335.61319063007,-0.0661115779589623,-110113.98200504051,-0.06616417748173388,-118985.91589969248,-0.06627695316399992,-114457.4841200161
+338,-0.06603719672253539,-138423.7994984628,-0.06619297142839344,-42464.41195222134,-0.06613407539199996,-136134.78679837336,-0.06612880495127618,-135226.3703371414,-0.06602717024613579,-151853.96791667634,-0.06620454125999993,-155559.38368358588,-0.06610673635746109,-158227.50694371562,-0.06614473263975368,-174122.85808230026,-0.06608251385772301,-176480.3311672692,-0.06597948862179917,-170454.1132785714,-0.06619583570781118,-184963.5973110363,-0.06613963023399996,-194915.76158544715,-0.06606035257743918,-68645.88018559759,-0.06619898277452325,-67435.36556372295,-0.06610597215392253,-83256.82557493939,-0.06597375213045287,-96584.5127489605,-0.06602003940596479,-104156.31136378669,-0.0660114089014488,-109928.41094209331,-0.06606408039023368,-118788.7615142242,-0.06617713847550012,-114270.99188477389
+339,-0.06593698853327498,-138207.54790833805,-0.06609313285911994,-42359.93326407498,-0.06603417497600006,-135919.96152493177,-0.06602876137343767,-135015.75207075238,-0.065926977271559,-151624.3579059859,-0.06610468523999993,-155323.15573497606,-0.06600687723909629,-158011.47813173977,-0.06604481612519209,-173872.93217756355,-0.06598238883672652,-176227.4877922507,-0.06587936800173587,-170200.5282917407,-0.06609599281835758,-184712.60696234106,-0.06603972142700007,-194643.0816050331,-0.06596026113414018,-68503.21251774274,-0.06609913513836266,-67296.15191078861,-0.06600596311889383,-83101.92130772036,-0.06587364021523227,-96412.00996685307,-0.0659198572520862,-103977.1350191143,-0.0659112398439352,-109742.91635116538,-0.06596398329873328,-118591.69591384688,-0.06607732378700013,-114084.6000874886
+340,-0.06583678034401468,-137991.34343996417,-0.06599329428984634,-42255.61062211681,-0.06593427455999996,-135705.200376348,-0.06592871779559908,-134805.15210178186,-0.06582678429698209,-151394.77424826607,-0.06600482921999994,-155086.9897874546,-0.06590701812073159,-157795.4600022455,-0.06594489961063048,-173623.01385077453,-0.06588226381572981,-175974.6170929001,-0.06577924738167228,-169946.9522348317,-0.06599614992890387,-184461.6269596083,-0.06593981261999997,-194370.37745950682,-0.06586016969084088,-68360.70644617798,-0.06599928750220205,-67157.11433263842,-0.06590595408386524,-82947.10261214056,-0.06577352830001147,-96239.60450694773,-0.0658196750982077,-103798.08783617671,-0.0658110707864217,-109557.49980647923,-0.06586388620723298,-118394.72050575668,-0.06597750909850011,-113898.28737395583
+341,-0.06573657215475438,-137775.18632842644,-0.06589345572057265,-42151.427332987296,-0.06583437414399997,-135490.5038425094,-0.06582867421776058,-134594.57725956643,-0.0657265913224053,-151165.21820407017,-0.06590497320000004,-154850.88751371056,-0.06580715900236679,-157579.45431187924,-0.06584498309606898,-173373.09431290487,-0.06578213879473332,-175721.7217393433,-0.06567912676160897,-169693.38638841233,-0.06589630703945018,-184210.65849024346,-0.06583990381299996,-194097.65291881267,-0.06576007824754188,-68218.3807251503,-0.06589943986604135,-67018.21534913649,-0.06580594504883673,-82792.36992057714,-0.06567341638479077,-96067.29676214895,-0.06571949294432909,-103619.17473177485,-0.065710901728908,-109372.16253513422,-0.06576378911573258,-118197.83670388274,-0.06587769441000002,-113712.05505383408
+342,-0.06563636396549417,-137559.07159918794,-0.06579361715129914,-42047.36863412425,-0.06573447372799997,-135275.87239800682,-0.06572863063992197,-134384.03194336517,-0.0656263983478284,-150935.6909380671,-0.06580511718000004,-154614.8503676497,-0.06570729988400209,-157363.46229611879,-0.06574506658150728,-173123.15374820476,-0.06568201377373672,-175468.80410027943,-0.06557900614154538,-169439.83109865882,-0.06579646414999647,-183959.70267152906,-0.06573999500600007,-193824.91102174175,-0.06565998680424258,-68076.19310300412,-0.06579959222988055,-66879.45018198347,-0.06570593601380803,-82637.72367407472,-0.06557330446956997,-95895.08624730942,-0.0656193107904506,-103440.40421615723,-0.0656107326713945,-109186.90556897642,-0.06566369202423217,-118001.04595810828,-0.06577787972150002,-113525.91280344778
+343,-0.06553615577623378,-137343.0006243435,-0.06569377858202555,-41943.43564991839,-0.06563457331199997,-135061.30650384174,-0.06562858706208348,-134173.5194349302,-0.0655262053732517,-150706.1935396303,-0.06570526115999993,-154378.87965222308,-0.06560744076563729,-157147.44897526357,-0.06564515006694578,-172873.19681794435,-0.06558188875274022,-175215.86631028706,-0.06547888552148208,-169186.25905856155,-0.06569662126054268,-183708.76056140312,-0.06564008619899997,-193552.15434917796,-0.06555989536094348,-67934.14126337653,-0.06569974459371995,-66740.82020515192,-0.06560592697877943,-82483.16432337333,-0.06547319255434937,-95722.9713733635,-0.06551912863657189,-103261.79514336096,-0.0655105636138809,-109001.7298168645,-0.06556359493273187,-117804.34978404987,-0.06567806503300001,-113339.86465451142
+344,-0.06543594758697348,-137126.97466580156,-0.06559394001275194,-41839.62962492459,-0.06553467289599997,-134846.80660887496,-0.06552854348424497,-133963.04236940644,-0.06542601239867489,-150476.72703710757,-0.06560540513999993,-154142.97656123652,-0.06550758164727259,-156931.42298529617,-0.06554523355238429,-172623.21688763032,-0.06548176373174372,-174962.91031666377,-0.06537876490141868,-168932.6803891399,-0.06559677837108897,-183457.83253455986,-0.06554017739199997,-193279.3851687165,-0.06545980391764449,-67792.2271980244,-0.06559989695755924,-66602.32698913872,-0.06550591794375073,-82328.69233011013,-0.06537308063912857,-95550.95384425562,-0.06541894648269349,-103083.31628880579,-0.06541039455636741,-108816.63610442124,-0.06546349784123147,-117607.74979796167,-0.06557825034450002,-113153.91360861954
+345,-0.06533573939771328,-136910.99489742768,-0.06549410144347824,-41735.95196560435,-0.06543477247999996,-134632.37315106753,-0.06542849990640638,-133752.60296178592,-0.065325819424098,-150247.29240815708,-0.06550554911999994,-153907.14220687686,-0.0654077225289078,-156715.39502648858,-0.06544531703782278,-172373.22863108417,-0.06538163871074722,-174709.93791335498,-0.06527864428135517,-168679.1028685937,-0.06549693548163528,-183206.91319502323,-0.06544026858500007,-193006.6055214917,-0.06535971247434517,-67650.45190574291,-0.06550004932139865,-66463.97242794599,-0.06540590890872214,-82174.3081682412,-0.06527296872390798,-95379.034494244,-0.0653187643288148,-102904.96446530828,-0.06531022549885371,-108631.6251980422,-0.06536340074973117,-117411.24776210342,-0.06547843565600002,-112968.06233923516
+346,-0.06523553120845298,-136695.0624205397,-0.06539426287420474,-41632.40430908804,-0.06533487206399986,-134418.00655860713,-0.06532845632856787,-133542.20313360877,-0.06522562644952119,-150017.89058758307,-0.06540569309999994,-153671.37763897653,-0.0653078634105431,-156499.36958902155,-0.06534540052326109,-172123.237923097,-0.06528151368975052,-174456.95076640212,-0.06517852366129177,-168425.5304664526,-0.06539709259218157,-182956.00608629378,-0.06534035977799987,-192733.8172800665,-0.06525962103104609,-67508.81744244629,-0.06540020168523805,-66325.759052275,-0.06530589987369344,-82020.01232566028,-0.06517285680868717,-95207.21397467465,-0.0652185821749364,-102726.74357601735,-0.0652100564413401,-108446.69782057326,-0.06526330365823077,-117214.84564944048,-0.06537862096750002,-112782.31348633929
+347,-0.06513532301919257,-136479.17827551241,-0.06529442430493114,-41528.98864772555,-0.06523497164799996,-134203.70725080944,-0.06522841275072938,-133331.8445910464,-0.06512543347494429,-149788.5224734126,-0.06530583708000004,-153435.67467810368,-0.0652080042921783,-156283.3492786598,-0.06524548400869958,-171873.24864229246,-0.06518138866875392,-174203.9504334345,-0.06507840304122828,-168171.96624288126,-0.06529724970272797,-182705.11293688026,-0.06524045097099997,-192461.02219190882,-0.06515952958774689,-67367.33164294699,-0.06530035404907736,-66187.69130786002,-0.06520589083866483,-81865.80530620446,-0.06507274489346647,-95035.49288183717,-0.06511840002105769,-102548.65885723662,-0.0651098873838266,-108261.85347732058,-0.06516320656673037,-117018.54574412662,-0.06527880627900003,-112596.6698629522
+348,-0.06503511482993228,-136263.34345068815,-0.06519458573565755,-41425.707588784586,-0.06513507123200006,-133989.47563901023,-0.06512836917289078,-133121.5149952061,-0.0650252405003674,-149559.18664276175,-0.06520598105999993,-153199.99281086487,-0.0651081451738136,-156067.3321169825,-0.06514556749413808,-171623.26375643627,-0.06508126364775742,-173950.93837903722,-0.06497828242116488,-167918.41312296392,-0.06519740681327428,-182454.1916180535,-0.06514054216399998,-192188.2120087164,-0.06505943814444778,-67226.01464928732,-0.06520050641291655,-66049.77793117518,-0.06510588180363613,-81711.68763202905,-0.06497263297824567,-94863.8717954854,-0.06501821786717929,-102370.7183887106,-0.0650097183263131,-108077.07205227336,-0.06506310947523007,-116822.34889823775,-0.06517899159050002,-112411.13468465087
+349,-0.06493490664067209,-136047.55888943546,-0.06509474716638404,-41322.56504120684,-0.06503517081599997,-133775.31212730196,-0.06502832559505228,-132911.19560913855,-0.06492504752579059,-149329.8713871998,-0.06510612503999993,-152964.35418572987,-0.0650082860554489,-155851.32155104342,-0.06504565097957637,-171373.28559937736,-0.06498113862676091,-173697.91598699393,-0.06487816180110158,-167664.8582151436,-0.06509756392382038,-182203.2539825997,-0.06504063335699987,-191915.37164537836,-0.06495934670114858,-67084.83957384233,-0.06510065877675596,-65912.0030386312,-0.06500587276860763,-81557.65984655704,-0.06487252106302507,-94692.35129717489,-0.0649180357133006,-102192.92406831477,-0.0649095492687994,-107892.36158111108,-0.06496301238372967,-116626.25448504624,-0.06507917690199992,-112225.71193588493
+350,-0.06483469845141178,-135831.82490378304,-0.06499490859711034,-41219.56948614009,-0.06493527040000006,-133561.2171132273,-0.06492828201721358,-132700.9028348505,-0.0648248545512137,-149100.5833316787,-0.06500626901999994,-152728.7674968048,-0.06490842693708408,-155635.32000011357,-0.06494573446501488,-171123.30712289774,-0.06488101360576443,-173444.88457025203,-0.06477804118103797,-167411.27104536231,-0.06499772103436667,-181952.31210164112,-0.06494072454999997,-191642.5146966352,-0.06485925525784948,-66943.79268038743,-0.06500081114059525,-65774.36590414801,-0.06490586373357903,-81403.72251814247,-0.06477240914780427,-94520.93198200865,-0.0648178535594221,-102015.29814247438,-0.06480938021128581,-107707.72709575237,-0.06486291529222937,-116430.27036159592,-0.06497936221349992,-112040.4071565035
+351,-0.06473449026215138,-135616.13247124088,-0.06489507002783675,-41116.73330602842,-0.06483536998399997,-133347.19098834824,-0.06482823843937507,-132490.64228064925,-0.06472466157663699,-148871.32577191349,-0.06490641299999994,-152493.23729159424,-0.0648085678187194,-155419.3236826653,-0.06484581795045338,-170873.2977609992,-0.06478088858476783,-173191.84537919276,-0.06467792056097467,-167157.62493778043,-0.06489787814491307,-181701.3691841601,-0.06484081574299996,-191369.646566367,-0.06475916381455028,-66802.8750383793,-0.06490096350443465,-65636.86820794162,-0.06480585469855032,-81249.87624477611,-0.06467229723258366,-94349.61446838189,-0.0647176714055437,-101837.77641314083,-0.0647092111537723,-107523.17105046002,-0.06476281820072897,-116234.40652715125,-0.06487954752499991,-111855.22991776705
+352,-0.06463428207289118,-135400.48600980468,-0.06479523145856324,-41014.0225294376,-0.06473546956800007,-133133.2341388478,-0.06472819486153648,-132280.4173671904,-0.0646244686020602,-148642.10060749002,-0.06480655698000004,-152257.76671706466,-0.06470870870035458,-155203.28245773615,-0.06474590143589178,-170623.2684073902,-0.06468076356377132,-172938.79960840565,-0.06457779994091108,-166903.93652236223,-0.06479803525545938,-181450.4095955658,-0.06474090693600007,-191096.76844589994,-0.06465907237125118,-66662.08776235762,-0.06480111586827395,-65499.511996635534,-0.06470584566352174,-81096.12166016268,-0.06457218531736288,-94178.39940771616,-0.064617489251665,-101660.36162421285,-0.0646090420962587,-107338.69515262578,-0.06466272110922877,-116038.69383109424,-0.06477973283650013,-111670.21120388291
+353,-0.06453407388363087,-135184.88842555715,-0.06469539288928965,-40911.43664423038,-0.06463556915199996,-132919.34694598577,-0.06462815128369798,-132070.23065077257,-0.0645242756274833,-148412.9092840005,-0.06470670095999984,-152022.3582350494,-0.06460884958198988,-154987.20723428758,-0.06464598492133018,-170373.23097969108,-0.06458063854277461,-172685.74840249954,-0.06447767932084777,-166650.2183284792,-0.06469819236600567,-181199.4289096849,-0.06464099812899997,-190823.8825943281,-0.06455898092795198,-66521.43203304896,-0.06470126823211325,-65362.300075207066,-0.06460583662849304,-80942.45944194605,-0.06447207340214217,-94007.28749578906,-0.0645173070977866,-101483.0582033625,-0.064508873038745,-107154.30076058258,-0.06456262401772828,-115843.08069852025,-0.06467991814800012,-111485.31686342537
+354,-0.06443386569437048,-134969.34138585225,-0.06459555432001594,-40808.97666931816,-0.06453566873600007,-132705.52978659008,-0.06452810770585937,-131860.08422721914,-0.0644240826529065,-148183.7530214262,-0.06460684493999994,-151787.0139129276,-0.06450899046362508,-154771.10745613353,-0.06454606840676867,-170123.19086954428,-0.06448051352177812,-172432.68615760183,-0.06437755870078438,-166396.4791232211,-0.06459834947655188,-180948.3919761975,-0.06454108932199996,-190550.97929806387,-0.06445888948465288,-66380.9091199785,-0.06460142059595256,-65225.23831108415,-0.06450582759346443,-80788.8903229401,-0.06437196148692137,-93836.27948730529,-0.06441712494390789,-101305.87211808996,-0.0644087039812315,-106969.98903599365,-0.06446252692622788,-115647.53375890767,-0.06458010345950002,-111300.51566017343
+355,-0.06433365750511018,-134753.84618481633,-0.06449571575074234,-40706.64369732414,-0.06443576831999996,-132491.78303346015,-0.06442806412802088,-131649.9799084153,-0.0643238896783296,-147954.63290504745,-0.06450698891999994,-151551.73556978448,-0.06440913134526038,-154554.99428275594,-0.06444615189220708,-169873.1497729565,-0.06438038850078162,-172179.5828098009,-0.06427743808072088,-166142.72424976234,-0.06449850658709817,-180697.32006022905,-0.06444118051500007,-190278.03950589473,-0.06435879804135368,-66240.52040980468,-0.06450157295979195,-65088.3305639489,-0.06440581855843593,-80635.41510732392,-0.06427184957170078,-93665.37621600117,-0.06431694279002949,-101128.81954181883,-0.064308534923718,-106785.76101769625,-0.06436242983472767,-115452.06175988456,-0.06448028877100002,-111115.80885629679
+356,-0.06423344931584998,-134538.3966299226,-0.06439587718146884,-40604.43891049579,-0.06433586790399996,-132278.1070557805,-0.06432802055018239,-131439.91931537262,-0.06422369670375279,-147725.5499305404,-0.06440713289999994,-151316.52486084064,-0.06430927222689559,-154338.87218311906,-0.06434623537764558,-169623.09891972426,-0.06428026347978502,-171926.4551694273,-0.06417731746065748,-165888.955528806,-0.06439866369764448,-180446.22626865224,-0.06434127170799997,-190005.07917075633,-0.06425870659805458,-66100.26744600807,-0.06440172532363125,-64951.562684005425,-0.06430580952340723,-80482.03469490839,-0.06417173765647997,-93494.57862449042,-0.0642167606361508,-100951.8887235348,-0.0642083658662044,-106601.6018685937,-0.06426233274322718,-115256.66797248504,-0.06438047408250001,-110931.19784380408
+357,-0.06413324112658968,-134322.98648300325,-0.06429603861219524,-40502.36360275315,-0.06423596748799996,-132064.50221948526,-0.06422797697234378,-131229.90393384287,-0.0641235037291759,-147496.5050295275,-0.06430727688000004,-151081.38333175593,-0.06420941310853089,-154122.73917279684,-0.06424631886308388,-169373.0461842631,-0.06418013845878852,-171673.31006334693,-0.06407719684059397,-165635.17154619657,-0.06429882080819077,-180195.07376550636,-0.06424136290099997,-189732.1040109463,-0.06415861515475547,-65960.15199026586,-0.06430187768747066,-64814.93626651976,-0.06420580048837864,-80328.75011996504,-0.06407162574125937,-93323.88781178121,-0.0641165784822723,-100775.06183504494,-0.0641081968086907,-106417.48881229943,-0.06416223565172698,-115061.32559332883,-0.06428065939400002,-110746.6842127672
+358,-0.06403303293732948,-134107.62307499314,-0.06419620004292154,-40400.419211455206,-0.06413606707199997,-131850.96888759517,-0.06412793339450527,-131019.93515067868,-0.064023310754599,-147267.49908552886,-0.06420742085999984,-150846.3124572796,-0.06410955399016609,-153906.60092339432,-0.06414640234852238,-169122.9958070637,-0.06408001343779202,-171420.1511799406,-0.06397707622053057,-165381.37815714887,-0.06419897791873708,-179943.8775920026,-0.06414145409399997,-189459.11754568576,-0.06405852371145627,-65820.17612794564,-0.06420203005130995,-64678.450283560436,-0.06410579145334994,-80175.56261838981,-0.06397151382603856,-93153.30511576608,-0.06401639632839369,-100598.34051581206,-0.0640080277511772,-106233.43475303774,-0.06406213856022658,-114866.02148892038,-0.06418084470550002,-110562.26987599497
+359,-0.06393282474806908,-133892.30909476225,-0.06409636147364804,-40298.60736558269,-0.06403616665599987,-131637.5074205515,-0.06402788981666678,-130810.01427953012,-0.0639231177800223,-147038.53294457062,-0.06410756483999994,-150611.31367165584,-0.06400969487180139,-153690.4609798672,-0.06404648583396087,-168872.94073342482,-0.06397988841679551,-171166.98113685212,-0.06387695560046727,-165127.57879916605,-0.06409913502928327,-179692.61526491723,-0.06404154528699987,-189186.1224299486,-0.06395843226815719,-65680.34247795594,-0.06410218241514914,-64542.0974507132,-0.06400578241832133,-80022.4737584729,-0.06387140191081787,-92982.8322747482,-0.06391621417451519,-100421.7265515835,-0.0639078586936636,-106049.44847868456,-0.06396204146872617,-114670.77602835571,-0.06408103001700002,-110377.95734088263
+360,-0.06383261655880879,-133677.046336303,-0.06399652290437444,-40196.929963712486,-0.06393626623999997,-131424.11817654397,-0.06392784623882818,-130600.14120097432,-0.06382292480544549,-146809.60735125587,-0.06400770881999994,-150376.3883954704,-0.06390983575343669,-153474.32195237215,-0.06394656931939938,-168622.87000263648,-0.06387976339579882,-170913.8020162373,-0.06377683498040368,-164873.77626565832,-0.06399929213982958,-179441.22169064137,-0.06394163647999997,-188913.12085429506,-0.06385834082485799,-65540.65472075551,-0.06400233477898855,-64405.88524980929,-0.06390577338329263,-79869.48574607636,-0.06377128999559717,-92812.47180844509,-0.0638160320206366,-100245.22220180245,-0.0638076896361501,-105865.53407726405,-0.06386194437722588,-114475.59602213062,-0.06398121532850001,-110193.75051889592
+361,-0.06373240836954848,-133461.8362258444,-0.06389668433510075,-40095.38931201742,-0.06383636582399986,-131210.8015117735,-0.06382780266098968,-130390.31359997528,-0.0637227318308686,-146580.68297381836,-0.06390785279999994,-150141.5380625286,-0.06380997663507189,-153258.18601626105,-0.06384665280483767,-168372.79579919417,-0.06377963837480231,-170660.61558096137,-0.06367671436034038,-164619.9731422195,-0.06389944925037588,-179189.71503161438,-0.06384172767299998,-188640.11471809325,-0.06375824938155888,-65401.11987720351,-0.06390248714282795,-64269.81812956671,-0.06380576434826413,-79716.60244020287,-0.06367117808037646,-92642.22222702639,-0.0637158498667581,-100068.83014580757,-0.0637075205786364,-105681.69437101335,-0.06376184728572547,-114280.48579764161,-0.06388140064000002,-110009.6608886717
+362,-0.06363220018028808,-133246.6799903717,-0.06379684576582734,-39993.988402484036,-0.06373646540799996,-130997.5577807848,-0.06372775908315118,-130180.53482461537,-0.0636225388562918,-146351.7685577775,-0.06380799678000004,-149906.76415061383,-0.06371011751670719,-153042.0274438312,-0.06374673629027618,-168122.72279770175,-0.06367951335380571,-170407.42338194363,-0.06357659374027698,-164366.1722559316,-0.06379960636092227,-178938.1064778483,-0.06374181886599987,-188367.1057201308,-0.06365815793825957,-65261.75040435946,-0.06380263950666726,-64133.90030406296,-0.06370575531323554,-79563.83592653205,-0.06357106616515568,-92472.09050165827,-0.06361566771287949,-99892.55375832123,-0.0636073515211229,-105497.93157616585,-0.06366175019422517,-114085.44867957359,-0.06378158595149992,-109825.68159527204
+363,-0.06353199199102788,-133031.5787331344,-0.06369700719655365,-39892.7316069669,-0.06363656499200006,-130784.3873367094,-0.06362771550531258,-129970.8067396922,-0.06352234588171489,-146122.87591314045,-0.06370814076000003,-149672.06822137538,-0.06361025839834239,-152825.81200040376,-0.06364681977571468,-167872.65194602296,-0.06357938833280923,-170154.22681876985,-0.06347647312021347,-164112.3777123923,-0.06369976347146858,-178686.40395980675,-0.06364191005899997,-188094.0954119962,-0.06355806649496058,-65122.520090688195,-0.06370279187050665,-63998.137006913785,-0.06360574627820684,-79411.17107970882,-0.06347095424993507,-92302.06272278047,-0.063515485559001,-99716.39769401716,-0.0635071824636093,-105314.24756462961,-0.06356165310272477,-113890.4875032664,-0.06368177126299993,-109641.79697433917
+364,-0.06343178380176757,-132816.533474464,-0.06359716862728004,-39791.62743815411,-0.06353666457599996,-130571.29053159138,-0.06352767192747408,-129761.13086488628,-0.0634221529071381,-145894.00981898955,-0.06360828473999994,-149437.45197885475,-0.06351039927997769,-152609.56813179352,-0.06354690326115298,-167622.5833750652,-0.06347926331181272,-169901.02653565374,-0.06337635250015007,-163858.58633172035,-0.06359992058201487,-178434.62854785798,-0.06354200125199996,-187821.08523218805,-0.06345797505166129,-64983.428570671065,-0.06360294423434595,-63862.53926303132,-0.06350573724317823,-79258.59800818758,-0.06337084233471427,-92132.12955371088,-0.0634153034051224,-99540.36951230015,-0.06340701340609581,-105130.64399551443,-0.06346155601122437,-113695.6006894732,-0.06358195657450012,-109458.00831383938
+365,-0.06333157561250738,-132601.54517684435,-0.06349733005800634,-39690.69581594779,-0.06343676416000006,-130358.26771664478,-0.06342762834963547,-129551.50860874342,-0.06332195993256119,-145665.173348244,-0.06350842871999994,-149202.91736627548,-0.06341054016161289,-152393.29991349299,-0.06344698674659148,-167372.52110008744,-0.06337913829081612,-169647.78242175595,-0.06327623188008658,-163604.79868807943,-0.06350007769256098,-178182.79200293426,-0.06344209244500007,-187548.076529388,-0.06335788360836218,-64844.478152942946,-0.06350309659818515,-63727.107533242524,-0.06340572820814953,-79106.11729487852,-0.06327073041949358,-91962.2923163086,-0.06331512125124389,-99364.49004549737,-0.0633068443485821,-104947.12239201025,-0.06336145891972407,-113500.77976847955,-0.06348214188600013,-109274.31710301025
+366,-0.06323136742324698,-132386.6147618915,-0.06339749148873285,-39589.89813437854,-0.06333686374399997,-130145.31924252135,-0.06332758477179698,-129341.94134593093,-0.0632217669579844,-145436.36880599477,-0.06340857269999993,-148968.4667501328,-0.06331068104324819,-152177.01032411127,-0.06334707023202998,-167122.46748099822,-0.06327901326981952,-169394.4993538622,-0.06317611126002318,-163351.01619361207,-0.06340023480310737,-177930.90234497085,-0.06334218363799997,-187275.07057905657,-0.06325779216506298,-64705.67164164341,-0.06340324896202455,-63591.829645344915,-0.06330571917312093,-78953.72955880855,-0.06317061850427287,-91792.55202650481,-0.0632149390973653,-99188.7665568751,-0.0632066752910685,-104763.66130178481,-0.06326136182822367,-113306.03407509263,-0.06338232719750012,-109090.7251362291
+367,-0.06313115923398668,-132171.74312320995,-0.06329765291945924,-39489.22807158447,-0.06323696332800006,-129932.44499676734,-0.06322754119395847,-129132.43046187735,-0.0631215739834075,-145207.5980705189,-0.06330871668000003,-148734.1033458497,-0.06321082192488339,-151960.69329042954,-0.06324715371746847,-166872.42443574237,-0.06317888824882292,-169141.19234669564,-0.06307599063995988,-163097.2401842593,-0.06330039191365368,-177678.96580140528,-0.06324227483099996,-187002.06859575718,-0.06315770072176388,-64567.01260556493,-0.06330340132586396,-63456.711101323024,-0.06320571013809223,-78801.4354631654,-0.06307050658905217,-91622.9095516197,-0.0631147569434868,-99013.13854107654,-0.063106506233555,-104580.26340809911,-0.06316126473672337,-113111.35998788114,-0.06328251250900002,-108907.23471154037
+368,-0.06303095104472638,-131956.93113697137,-0.06319781435018564,-39388.68730177345,-0.06313706291199997,-129719.63525243841,-0.06312749761611988,-128922.97739092015,-0.0630213810088308,-144978.862753169,-0.06320886066000003,-148499.83262597292,-0.06311096280651869,-151744.35984512424,-0.06314723720290678,-166622.3936446911,-0.06307876322782642,-168887.86713119506,-0.06297587001989628,-162843.47193103615,-0.06320054902419998,-177426.9874988125,-0.06314236602400007,-186729.07174256383,-0.06305760927846468,-64428.50592279376,-0.06320355368970325,-63321.75966876062,-0.06310570110306374,-78649.23572627197,-0.06297039467383136,-91453.3656798718,-0.0630145747896083,-98837.60701823774,-0.0630063371760415,-104396.93814837755,-0.06306116764522297,-112916.743010258,-0.06318269782050003,-108723.84359588465
+369,-0.06293074285546618,-131742.17423636955,-0.06309797578091214,-39288.27779890441,-0.06303716249600007,-129506.89377367972,-0.06302745403828137,-128713.58365961109,-0.06292118803425399,-144750.16343117808,-0.06310900463999984,-148265.6715304328,-0.0630111036881539,-151528.01521039556,-0.06304732068834527,-166372.37662916793,-0.06297863820682992,-168634.52737993683,-0.06287574939983298,-162589.71264895066,-0.06310070613474628,-177174.97181174307,-0.06304245721699987,-186456.0811385165,-0.06295751783516558,-64290.15915121104,-0.06310370605354265,-63186.9885442558,-0.06300569206803514,-78497.13113701054,-0.06287028275861058,-91283.92115819849,-0.06291439263572969,-98662.17320928026,-0.0629061681185278,-104213.68955967561,-0.06296107055372277,-112722.20325635512,-0.06308288313200001,-108540.52027013121
+370,-0.06283053466620578,-131527.45596558685,-0.06299813721163844,-39188.00196746433,-0.06293726207999996,-129294.22311196245,-0.06292741046044288,-128504.25094660763,-0.0628209950596771,-144521.47776809474,-0.06300914861999994,-148031.59921551778,-0.0629112445697892,-151311.66307873273,-0.06294740417378368,-166122.35491408565,-0.06287851318583342,-168381.175842393,-0.06277562877976937,-162335.96141552128,-0.06300086324529247,-176922.89946977634,-0.06294254840999997,-186183.09786457988,-0.06285742639186648,-64151.98852734378,-0.06300385841738185,-63052.4311409136,-0.06290568303300643,-78345.12257772154,-0.06277017084338997,-91114.57671661148,-0.0628142104818512,-98486.83875424672,-0.0628059990610142,-104030.52059031808,-0.06286097346222227,-112527.76268847796,-0.06298306844350002,-108357.30016537657
+371,-0.06273032647694549,-131312.72873242627,-0.06289829864236485,-39087.86381230742,-0.06283736166400007,-129081.62452493185,-0.06282736688260428,-128294.98117833985,-0.0627208020851002,-144292.81450674782,-0.06290929259999993,-147797.6013914215,-0.0628113854514244,-151095.30645041383,-0.06284748765922207,-165872.30426308696,-0.06277838816483682,-168127.79790942962,-0.06267550815970607,-162082.21778307,-0.06290102035583878,-176670.75905399217,-0.06284263960299998,-185910.12129432903,-0.06275733494856728,-64014.020439097716,-0.06290401078122115,-62918.08735650285,-0.06280567399797783,-78193.21105974897,-0.06267005892816917,-90945.33308658907,-0.0627140283279726,-98311.60658872199,-0.0627058300035007,-103847.43378336875,-0.06276087637072188,-112333.39392420568,-0.06288325375500002,-108174.17434468571
+372,-0.06263011828768528,-131098.0223918619,-0.06279846007309124,-38987.87172917773,-0.06273746124799996,-128869.09890591122,-0.06272732330476578,-128085.77670488988,-0.06262060911052339,-144064.177481293,-0.06280943657999993,-147563.6389518069,-0.0627115263330597,-150878.9479209907,-0.06274757114466048,-165622.24594785942,-0.06267826314384033,-167874.39397743854,-0.06257538753964267,-161828.45972621292,-0.06280117746638508,-176418.5497999533,-0.06274273079599987,-185637.15046905048,-0.06265724350526818,-63876.2166716818,-0.06280416314506056,-62783.88769475454,-0.06270566496294913,-78041.39778313838,-0.06256994701294857,-90776.19101753671,-0.06261384617409409,-98136.48310789131,-0.0626056609459872,-103664.43157698536,-0.06266077927922167,-112139.09145748956,-0.06278343906650002,-107991.12172489369
+373,-0.06252991009842498,-130883.34846708507,-0.06269862150381775,-38888.011587119065,-0.06263756083199996,-128656.61570571196,-0.06262727972692718,-127876.64068556405,-0.0625204161359465,-143835.54215012552,-0.06270958056000003,-147329.7187087825,-0.06261166721469488,-150662.58982491423,-0.06264765463009898,-165372.18072529827,-0.06257813812284362,-167620.94216033557,-0.06247526691957917,-161574.6611174448,-0.06270133457693138,-176166.2737236662,-0.06264282198899997,-185364.1839622058,-0.06255715206196898,-63738.53365765065,-0.06270431550889995,-62649.82242120296,-0.06260565592792063,-77889.68424771083,-0.06246983509772778,-90607.15129402919,-0.06251366402021549,-97961.45639926661,-0.0625054918884735,-103481.51657131927,-0.06256068218772118,-111944.85740459745,-0.06268362437800001,-107808.14483353001
+374,-0.06242970190916458,-130668.71311489178,-0.06259878293454404,-38788.28210928562,-0.06253766041599997,-128444.16400947615,-0.06252723614908867,-127667.57822684414,-0.062420223161369685,-143606.88930365568,-0.06260972453999984,-147095.83647962916,-0.06251180809633018,-150446.23432337708,-0.06254773811553747,-165122.1130754233,-0.06247801310184712,-167367.41688412172,-0.062375146299515766,-161320.843936246,-0.06260149168747778,-175913.92808448352,-0.06254291318199998,-185091.1944042809,-0.06245706061866989,-63600.970081732914,-0.06260446787273925,-62515.90628580677,-0.06250564689289183,-77738.07249498641,-0.06236972318250708,-90438.21475689326,-0.062413481866336995,-97786.52504879609,-0.06240532283095991,-103298.69244912402,-0.06246058509622097,-111750.69361873406,-0.06258380968950002,-107625.24561431952
+375,-0.06232949371990428,-130454.12074151306,-0.06249894436527044,-38688.684694741154,-0.06243775999999997,-128231.76231606297,-0.06242719257125018,-127458.60507548162,-0.06232003018679279,-143378.2275349744,-0.06250986851999994,-146861.99526513962,-0.06241194897796548,-150229.88346729818,-0.06244782160097577,-164872.04826195168,-0.062377888080850624,-167113.84720263595,-0.06227502567945247,-161067.01705350957,-0.06250164879802388,-175661.48098423035,-0.06244300437499987,-184818.19342372345,-0.06235696917537068,-63463.52652685353,-0.06250462023657866,-62382.13798870193,-0.062405637857863336,-77586.56580911389,-0.06226961126728628,-90269.38233217914,-0.06231329971245839,-97611.6896616263,-0.062305153773446406,-103115.96168456164,-0.06236048800472056,-111556.60178003352,-0.062483995000999916,-107442.41814158802
+376,-0.06222928553064408,-130239.57507891787,-0.06239910579599694,-38589.220864952884,-0.062337859583999865,-128019.41640791243,-0.06232714899341158,-127249.71381985606,-0.06221983721221599,-143149.57208204234,-0.06241001249999994,-146628.16337774802,-0.06231208985960068,-150013.5392507802,-0.062347905086414274,-164621.98945261934,-0.062277763059854024,-166860.24270031488,-0.06217490505938887,-160813.18535105098,-0.06240180590857018,-175408.84124996117,-0.06234309556799997,-184545.18889706445,-0.06225687773207158,-63326.2035910351,-0.06240477260041786,-62248.48333990954,-0.06230562882283474,-77435.17394743532,-0.06216949935206568,-90100.65376372814,-0.062213117558579896,-97436.95086159879,-0.06220498471593281,-102933.32424292962,-0.062260390913220165,-111362.58345068239,-0.06238418031249991,-107259.65382732704
+377,-0.062129077341383676,-130025.07990040013,-0.06229926722672334,-38489.89229324743,-0.062237959167999964,-127807.12968228651,-0.06222710541557308,-127040.8737682295,-0.062119644237639285,-142920.91061575973,-0.062310156479999934,-146394.36054475687,-0.06221223074123598,-149797.20366568468,-0.06224798857185277,-164371.93913494606,-0.06217763803885753,-166606.60910700352,-0.06207478443932557,-160559.34992570907,-0.062301963019116585,-175156.03131891292,-0.06224318676099997,-184272.18464219838,-0.06215678628877238,-63189.00188849469,-0.06230492496425716,-62114.94159242768,-0.06220561978780604,-77283.89404793947,-0.062069387436844876,-89932.02347362103,-0.0621129354047012,-97262.30929682398,-0.06210481565841911,-102750.78620334358,-0.062160293821719864,-111168.64011234695,-0.062284365623999915,-107076.9617535572
+378,-0.06202886915212338,-129810.64072211696,-0.062199428657449644,-38390.70084546153,-0.06213805875200006,-127594.90453912092,-0.06212706183773458,-126832.07964870361,-0.06201945126306239,-142692.24293132714,-0.062210300460000034,-146160.54455495614,-0.062112371622871185,-149580.87877079402,-0.06214807205729107,-164121.89941129414,-0.062077513017861026,-166352.94834007157,-0.06197466381926197,-160305.51209426808,-0.062202120129662884,-174903.09185802814,-0.06214327795400007,-183999.1698101657,-0.062056694845473284,-63051.92205084204,-0.06220507732809656,-61981.47869586663,-0.062105610752777436,-77132.7077204765,-0.061969275521624276,-89763.49643694487,-0.0620127532508228,-97087.76564691836,-0.06200464660090561,-102568.36062124876,-0.062060196730219466,-110974.77319417294,-0.06218455093550011,-106894.32745409256
+379,-0.06192866096286318,-129596.26518931141,-0.06209959008817614,-38291.64863878701,-0.06203815833599997,-127382.74284441832,-0.062027018259895976,-126623.33614847134,-0.06191925828848559,-142463.58261461623,-0.062110444439999836,-145926.72404619755,-0.062012512504506484,-149364.56680038897,-0.06204815554272957,-163871.872130458,-0.06197738799686452,-166099.26425401363,-0.06187454319919867,-160051.67573571278,-0.06210227724020918,-174650.0332533253,-0.06204336914699997,-183726.1346035345,-0.06195660340217418,-62914.964728409424,-0.06210522969193586,-61848.10626485448,-0.062005601717748736,-76981.61583321086,-0.06186916360640348,-89595.07629502108,-0.06191257109694409,-96913.32063325809,-0.06190447754339211,-102386.02289253494,-0.061960099638719165,-110780.98409590755,-0.06208473624700001,-106711.74779683576
+380,-0.06182845277360288,-129381.93775146201,-0.061999751518902545,-38192.73813180194,-0.061938257920000066,-127170.63629967101,-0.061926974682057476,-126414.64514243358,-0.06181906531390869,-142234.93557023772,-0.062010588419999936,-145692.90913113562,-0.06191265338614168,-149148.27037985955,-0.061948239028168074,-163621.8589601239,-0.061877262975867826,-165845.5601357756,-0.06177442257913527,-159797.8432817268,-0.062002434350755385,-174396.87562608474,-0.06194346033999997,-183453.0919586027,-0.06185651195887498,-62778.13059174809,-0.06200538205577526,-61714.83257885665,-0.06190559268272024,-76830.61946811373,-0.061769051691182776,-89426.76814237272,-0.06181238894306569,-96738.97503385799,-0.061804308485878506,-102203.76215777078,-0.06186000254721877,-110587.27420907827,-0.061984921558500015,-106529.23031364361
+381,-0.061728244584342576,-129167.6587796074,-0.06189991294962894,-38093.97227262325,-0.06183835750399996,-126958.57804466692,-0.06182693110421878,-126206.00791065692,-0.061718872339331786,-142006.30600671654,-0.06191073239999994,-145459.1155199874,-0.06181279426777698,-148931.9901702713,-0.06184832251360657,-163371.86143169485,-0.06177713795487123,-165591.83855008133,-0.06167430195907177,-159544.01674873286,-0.061902591461301684,-174143.63048714818,-0.06184355153300007,-183180.04661063518,-0.06175642051557588,-62641.420333292765,-0.06190553441961466,-61581.660947824304,-0.06180558364769144,-76679.72011716542,-0.061668939775961974,-89258.58430919092,-0.06171220678918699,-96564.72970645584,-0.06170413942836481,-102021.55807874326,-0.06175990545571836,-110393.64493875453,-0.06188510687000001,-106346.77622294804
+382,-0.06162803639508218,-128953.42947208798,-0.061800074380355244,-37995.35476818615,-0.06173845708800006,-126746.57714888088,-0.06172688752638038,-125997.42551448927,-0.061618679364754986,-141777.6973255942,-0.061810876379999935,-145225.34508738763,-0.06171293514941218,-148715.6954902443,-0.061748405999044874,-163121.8809701276,-0.061677012933874724,-165338.10169769853,-0.06157418133900837,-159290.19791619686,-0.06180274857184798,-173890.30649207803,-0.06174364272599987,-182907.0016803959,-0.06165632907227668,-62504.83466920932,-0.061805686783453856,-61448.592618800154,-0.06170557461266294,-76528.92032717909,-0.06156882786074138,-89090.50376392885,-0.061612024635308495,-96390.58562699612,-0.06160397037085131,-101839.4248770952,-0.06165980836421807,-110200.09772870723,-0.061785292181500015,-106164.39190501964
+383,-0.06152782820582198,-128739.25093635512,-0.06170023581108174,-37896.89065249915,-0.06163855667199997,-126534.62645211858,-0.061626843948541676,-125788.89890769402,-0.06151848639017809,-141549.1124650832,-0.061711020360000035,-144991.6054401641,-0.06161307603104748,-148499.40459341544,-0.06164848948448337,-162871.91891493835,-0.06157688791287823,-165084.35152991946,-0.061474060718944866,-159036.38840377735,-0.06170290568239428,-173636.91072943367,-0.06164373391899997,-182633.95960075225,-0.06155623762897758,-62368.3743415529,-0.061705839147293155,-61315.63010353463,-0.06160556557763434,-76378.22804471683,-0.06146871594552058,-88922.52169898135,-0.06151184248142989,-96216.54396050048,-0.06150380131333771,-101657.36748197583,-0.061559711272717664,-110006.63409393918,-0.06168547749300001,-105982.08085667476
+384,-0.06142762001656168,-128525.12420537516,-0.061600397241808144,-37798.58784186622,-0.061538656256000066,-126322.72982790846,-0.06152680037070328,-125580.42898470808,-0.06141829341560129,-141320.5540809603,-0.06161116434000004,-144757.8864539938,-0.06151321691268268,-148283.10469304625,-0.061548572969921875,-162621.9765355544,-0.061476762891881725,-164830.58981115543,-0.06137394009888147,-158782.589716328,-0.06160306279294058,-173383.44929354612,-0.06154382511199997,-182360.92242234127,-0.06145614618567828,-62232.04012064092,-0.06160599151113256,-61182.77514880415,-0.06150555654260564,-76227.63394319208,-0.06136860403029998,-88754.6387471995,-0.061411660327551396,-96042.60621246646,-0.06140363225582421,-101475.3845227602,-0.06145961418121736,-109813.25566773799,-0.061585662804500015,-105799.84588617698
+385,-0.06132741182730128,-128311.05025005603,-0.06150055867253454,-37700.466347581525,-0.06143875583999996,-126110.89211772065,-0.06142675679286458,-125372.0166065473,-0.06131810044102439,-141092.02466408012,-0.06151130831999994,-144524.1954666142,-0.06141335779431798,-148066.80022692354,-0.06144865645536017,-162372.0549888493,-0.061376637870885126,-164576.8181590817,-0.061273819478818166,-158528.8032756958,-0.06150321990348678,-173129.9276139459,-0.06144391630500007,-182087.89195371012,-0.06135605474237928,-62095.83280786842,-0.06150614387497186,-61050.029193141636,-0.06140554750757714,-76077.13105399985,-0.061268492115079176,-88586.85554018062,-0.061311478173672794,-95868.77464728878,-0.06130346319831051,-101293.47964929885,-0.061359517089716965,-109619.96427784374,-0.06148584811600001,-105617.6862696296
+386,-0.06122720363804108,-128097.02998885741,-0.061400720103261044,-37602.53793137359,-0.061338855423999965,-125899.11594162004,-0.06132671321502608,-125163.66261717414,-0.06121790746644769,-140863.52663382015,-0.06141145229999993,-144290.5394202853,-0.06131349867595328,-147850.494249487,-0.061348739940798674,-162122.12801297114,-0.06127651284988863,-164323.038072542,-0.061173698858754566,-158275.03044948177,-0.06140337701403308,-172876.3506794394,-0.06134400749799997,-181814.84465288784,-0.06125596329907998,-61959.75323886188,-0.06140629623881126,-60917.39350950276,-0.06130553847254834,-75926.71979023317,-0.06116838019985848,-88419.17272781067,-0.061211296019794297,-95695.05473134076,-0.06120329414079701,-101111.65201956144,-0.06125941999821657,-109426.76208716464,-0.061386033427500014,-105435.5770333524
+387,-0.06112699544878078,-127883.06429541342,-0.06130088153398734,-37504.7422007405,-0.061238955007999966,-125687.40338485585,-0.06122666963718758,-124955.36785526734,-0.06111771449187089,-140635.06243164605,-0.061311596279999936,-144056.89665729232,-0.06121363955758848,-147634.189155698,-0.06124882342623717,-161872.20221520241,-0.061176387828891926,-164069.20733914064,-0.06107357823869127,-158021.2725932726,-0.06130353412457938,-172622.72321959317,-0.06124409869099997,-181541.76835779691,-0.061155871855780884,-61823.80228725716,-0.06130644860265066,-60784.86926727523,-0.06120552943751984,-75776.40058183372,-0.06106826828463778,-88251.59100351251,-0.061111113865915695,-95521.45003668554,-0.06110312508328341,-100929.90793088808,-0.06115932290671627,-109233.6519051082,-0.06128621873900001,-105253.53259547683
+388,-0.06102678725952048,-127669.15400461601,-0.061201042964713744,-37407.08163341383,-0.06113905459199997,-125475.75649740595,-0.06112662605934898,-124747.13316406238,-0.06101752151729399,-140406.63464151722,-0.061211740260000036,-143823.2789120039,-0.06111378043922378,-147417.87878721766,-0.06114890691167557,-161622.28180347552,-0.06107626280789542,-163815.3231872589,-0.06097345761862767,-157767.53126203222,-0.06120369123512569,-172369.04988955936,-0.06114418988400007,-181268.6481035318,-0.06105578041248168,-61687.98002362113,-0.06120660096648986,-60652.45756821421,-0.06110552040249114,-75626.17387990007,-0.060968156369417076,-88084.11114713702,-0.06101093171203719,-95347.94368599624,-0.06100295602576991,-100748.25264513146,-0.06105922581521587,-109040.63652285085,-0.06118640405049991,-105071.56128279507
+389,-0.06092657907026008,-127455.29121365905,-0.06110120439544004,-37309.559395735494,-0.06103915417599996,-125264.1707140852,-0.06102658248151048,-124538.95940036843,-0.06091732854271719,-140178.24618905297,-0.06111188424000004,-143589.69520427517,-0.061013921320858984,-147201.5075274242,-0.06104899039711397,-161372.36989977138,-0.06097613778689893,-163561.40510749933,-0.06087333699856437,-157513.80758264224,-0.061103848345672084,-172115.33552249594,-0.06104428107699997,-180995.4761050526,-0.06095568896918258,-61552.28424858377,-0.06110675333032916,-60520.15947013676,-0.06100551136746254,-75476.04016306937,-0.06086804445419628,-87916.73412183713,-0.06091074955815869,-95174.53620581362,-0.06090278696825621,-100566.69357511164,-0.060959128723715665,-108847.72149783121,-0.06108658936199991,-104889.66928315532
+390,-0.06082637088099988,-127241.42099148392,-0.061001365826166644,-37212.17996308288,-0.060939253759999965,-125052.63226802119,-0.06092653890367198,-124330.84459857279,-0.060817135568140286,-139949.90077198143,-0.06101202821999994,-143356.1506530709,-0.06091406220249428,-146985.05014963984,-0.06094907388255237,-161122.46997229446,-0.06087601276590233,-163307.44748337605,-0.06077321637850097,-157260.1017275383,-0.06100400545621818,-171861.58561590093,-0.06094437226999997,-180722.25457527782,-0.06085559752588338,-61416.71768752228,-0.061006905694168556,-60387.97600399441,-0.06090550233243394,-75325.99501292424,-0.06076793253897568,-87749.46141155252,-0.06081056740428009,-95001.22815216356,-0.06080261791074261,-100385.25058740766,-0.06085903163221516,-108654.90105629075,-0.06098677467350011,-104707.86407443334
+391,-0.06072616269173958,-127027.55739805145,-0.06090152725689294,-37114.95141403261,-0.06083935334399986,-124841.09459282718,-0.060826495325833375,-124122.78360942898,-0.06071694259356339,-139721.60423478344,-0.060912172199999934,-143122.64917080148,-0.06081420308412948,-146768.51214519818,-0.060849157367990875,-160872.58318773442,-0.060775887744905825,-163053.41257895165,-0.06067309575843747,-157006.41476919455,-0.06090416256676449,-171607.80780785863,-0.06084446346300007,-180449.00296674145,-0.06075550608258428,-61281.2820118924,-0.060907058058007855,-60255.90818713477,-0.06080549329740524,-75176.02916801219,-0.06066782062375488,-87582.29669962337,-0.060710385250401594,-94828.00525950162,-0.06070244885322911,-100203.89742256039,-0.060758934540714765,-108462.1606977635,-0.060886959985000114,-104526.16522987306
+392,-0.06062595450247938,-126813.71837934137,-0.06080168868761934,-37017.89234244725,-0.06073945292799997,-124629.57825222542,-0.060726451747994875,-123914.78134157417,-0.06061674961898659,-139493.37379014806,-0.06081231617999994,-142889.19405786082,-0.060714343965764785,-146551.92116296443,-0.06074924085342937,-160622.71288103412,-0.06067576272390933,-162799.30965820752,-0.06057297513837407,-156752.7231898631,-0.060804319677310883,-171354.02166036482,-0.06074455465599997,-180175.72752013576,-0.06065541463928518,-61145.978654293824,-0.06080721042184726,-60123.95703436583,-0.060705484262376735,-75026.14885873867,-0.06056770870853428,-87415.23509186287,-0.06061020309652299,-94654.86525728843,-0.060602279795715606,-100022.6221420392,-0.06065883744921457,-108269.50293799957,-0.06078714529650001,-104344.55842076364
+393,-0.06052574631321898,-126599.91087962198,-0.06070185011834584,-36920.9738261248,-0.06063955251200007,-124418.08581160956,-0.06062640817015628,-123706.84003020829,-0.060516556644409684,-139265.19006593685,-0.06071246015999993,-142655.78768085362,-0.06061448484739998,-146335.29000839876,-0.060649324338867674,-160372.86120949197,-0.06057563770291283,-162545.08564113275,-0.06047285451831057,-156499.01094642087,-0.06070447678785718,-171100.20800669648,-0.06064464584899997,-179902.42720544312,-0.06055532319598598,-61010.80902378729,-0.06070736278568656,-59992.123567838855,-0.06060547522734794,-74876.35729690362,-0.060467596793313476,-87248.27503067684,-0.060510020942644495,-94481.81607602273,-0.06050211073820191,-99841.42632456563,-0.060558740357714066,-108076.92629358283,-0.060687330608000016,-104163.02076523966
+394,-0.06042553812395868,-126386.1392613411,-0.06060201154907224,-36824.19561230554,-0.060539652095999964,-124206.61515065267,-0.06052636459231778,-123498.96139631077,-0.060416363669832884,-139037.03844017608,-0.06061260414000003,-142422.41593789766,-0.06051462572903528,-146118.62645232555,-0.06054940782430617,-160123.02996492106,-0.06047551268191613,-162290.7523040512,-0.06037273389824717,-156245.29712172676,-0.06060463389840348,-170846.35246399435,-0.06054473704199997,-179629.11007926264,-0.06045523175268688,-60875.77457578778,-0.06060751514952586,-59860.40882655263,-0.06050546619231944,-74726.65670154442,-0.06036748487809278,-87081.41699207721,-0.06040983878876589,-94308.86092902746,-0.06040194168068831,-99660.31170903666,-0.06045864326621386,-107884.43180212258,-0.06058751591950001,-103981.55369853193
+395,-0.06032532993469838,-126172.40670324366,-0.06050217297979854,-36727.57714880584,-0.06043975168000006,-123995.17954723752,-0.06042632101447928,-123291.14706159351,-0.06031617069525619,-138808.91995527284,-0.060512748119999835,-142189.08663707296,-0.06041476661067048,-145901.93615939195,-0.06044949130974467,-159873.22073703402,-0.06037538766091963,-162036.3367281863,-0.06027261327818387,-155991.58780696365,-0.060504791008949683,-170592.45723756953,-0.06044482823499987,-179355.78098815234,-0.060355140309387684,-60740.87685511354,-0.06050766751336516,-59728.81387604806,-0.06040545715729074,-74577.0498961221,-0.060267372962871976,-86914.66146322995,-0.060309656634887396,-94136.00312040615,-0.06030177262317481,-99479.28036994513,-0.060358546174713465,-107692.02060074221,-0.060487701231000016,-103800.15857633197
+396,-0.060225121745438176,-125958.71571617013,-0.06040233441052504,-36631.09486014772,-0.06033985126399997,-123783.7847968894,-0.06032627743664068,-123083.39871083593,-0.06021597772067929,-138580.83416951867,-0.060412892099999935,-141955.80601002244,-0.06031490749230578,-145685.22362174426,-0.06034957479518297,-159623.4349814635,-0.06027526263992303,-161781.79007367848,-0.06017249265812027,-155737.88671930524,-0.06040494811949598,-170338.52443615472,-0.06034491942799997,-179082.44368678916,-0.06025504886608858,-60606.11753643413,-0.06040781987720456,-59597.339819091125,-0.060305448122262136,-74427.54092035262,-0.060167261047651376,-86748.00894587564,-0.060209474481008794,-93963.24078742041,-0.06020160356566131,-99298.33512489432,-0.060258449083213164,-107499.69380814818,-0.06038788654250001,-103618.83670627972
+397,-0.06012491355617778,-125745.03781243737,-0.06030249584125144,-36534.73218539154,-0.060239950848000066,-123572.43491811477,-0.06022623385880218,-122875.71822603495,-0.06011578474610249,-138352.74777621395,-0.06031303607999994,-141722.57797585186,-0.06021504837394098,-145468.492590459,-0.060249658280621475,-159373.67405727765,-0.060175137618926525,-161527.1416518659,-0.060072372038056966,-155484.1957887412,-0.06030510523004228,-170084.55608433686,-0.06024501062099997,-178809.10141657037,-0.06015495742278938,-60471.49847401339,-0.06030797224104386,-59465.987807956626,-0.06020543908723354,-74278.12195128859,-0.06006714913243058,-86581.45996065204,-0.0601092923271303,-93790.57429221696,-0.06010143450814761,-99117.48102985286,-0.060158351991712766,-107307.45254808434,-0.060288071854000015,-103437.5893749329
+398,-0.06002470536691748,-125531.37095682586,-0.06020265727197774,-36438.49014961336,-0.060140050431999964,-123361.1330798783,-0.06012619028096368,-122668.10787185567,-0.06001559177152559,-138124.67309983177,-0.060213180059999934,-141489.40582838168,-0.06011518925557628,-145251.74631161842,-0.06014974176605997,-159123.91391164277,-0.06007501259793003,-161272.4112478565,-0.059972251417993366,-155230.47437830106,-0.06020526234058858,-169830.55413361435,-0.06014510181399987,-178535.75713114568,-0.06005486597949028,-60337.021775044755,-0.060208124604883256,-59334.758871409256,-0.06010543005220484,-74128.79305305445,-0.05996703721720998,-86415.0150528187,-0.060009110173251695,-93618.00458338192,-0.06000126545063401,-98936.73142471538,-0.06005825490021237,-107115.29797053362,-0.06018825716550001,-103256.41787432917
+399,-0.05992449717765728,-125317.73047133976,-0.06010281870270414,-36342.36987532409,-0.06004015001600006,-123149.88195876405,-0.06002614670312508,-122460.57065349224,-0.059915398796948786,-137896.61862011006,-0.060113324040000034,-141256.29261962866,-0.06001533013721158,-145034.98767039133,-0.06004982525149847,-158874.15445825743,-0.05997488757693343,-161017.60736920274,-0.05987213079793007,-154976.7363367973,-0.06010541945113489,-169576.5199005587,-0.06004519300699997,-178262.40809733514,-0.05995477453619108,-60202.68992608069,-0.06010827696872246,-59203.65057541324,-0.06000542101717634,-73979.55482665543,-0.05986692530198918,-86248.67480029335,-0.05990892801937319,-93445.53253009102,-0.05990109639312051,-98756.0637134828,-0.05995815780871207,-106923.23127543375,-0.060088442477000015,-103075.32353206357
+400,-0.05982428898839698,-125104.12195895807,-0.06000298013343064,-36246.37261644676,-0.05994024959999997,-122938.68392686831,-0.05992610312528658,-122253.11126298782,-0.05981520582237189,-137668.58833514166,-0.060013468019999835,-141023.24134231175,-0.05991547101884678,-144818.21928651037,-0.05994990873693677,-158624.40726963012,-0.059874762555936926,-160762.73431883258,-0.059772010177866666,-154722.99366810423,-0.06000557656168108,-169322.454811628,-0.05994528419999997,-177989.04571894242,-0.05985468309289198,-60068.503567743246,-0.06000842933256176,-59072.66561874367,-0.05990541198214764,-73830.4078389583,-0.059766813386768376,-86082.43982564044,-0.059808745865494596,-93273.15894927675,-0.05980092733560691,-98575.47210496555,-0.05985806071721166,-106731.25374480594,-0.059988627788499914,-102894.30775077912
+401,-0.05972408079913658,-124890.54907153617,-0.05990314156415704,-36150.499817002994,-0.059840349184000066,-122727.54117340727,-0.05982605954744798,-122045.74104652344,-0.05971501284779509,-137440.58497585874,-0.059913611999999936,-140790.25506649484,-0.05981561190048208,-144601.44093480404,-0.05984999222237527,-158374.67673252564,-0.05977463753494023,-160507.7921555138,-0.05967188955780317,-154469.2519619494,-0.05990573367222738,-169068.3610842383,-0.05984537539300007,-177715.68035929184,-0.05975459164959268,-59934.4601037624,-0.05990858169640116,-58941.80636281865,-0.05980540294711904,-73681.35263248194,-0.05966670147154768,-85916.31081510054,-0.05970856371161609,-93100.88462316095,-0.05970075827809321,-98394.95720126061,-0.05975796362571137,-106539.36679420115,-0.05988881309999991,-102713.37206766257
+402,-0.059623872609876276,-124677.0145790645,-0.059803302994883345,-36054.753226559376,-0.059740448767999964,-122516.45580250329,-0.059726015969609476,-121838.47006268828,-0.059614819873218185,-137212.60329176913,-0.05981375597999994,-140557.33709043596,-0.059715752782117285,-144384.6029037367,-0.05975007570781377,-158124.96579742324,-0.05967451251394373,-160252.77636891653,-0.05957176893773977,-154215.5144352302,-0.05980589078277369,-168814.24059608058,-0.05974546658599997,-177442.3175464707,-0.05965450020629368,-59800.57528973413,-0.05980873406024056,-58811.07490306182,-0.059705393912090336,-73532.38973220135,-0.05956658955632708,-85750.28855167059,-0.0596083815577375,-92928.71031166223,-0.05960058922057971,-98214.51958752148,-0.059657866534210964,-106347.57207152846,-0.05978899841149991,-102532.51825855277
+403,-0.05952366442061608,-124463.52074742701,-0.059703464425609844,-35959.13518037629,-0.059640548351999965,-122305.42993666194,-0.059625972391770976,-121631.2533706362,-0.05951462689864129,-136984.60075695062,-0.059713899959999935,-140324.49116823403,-0.059615893663752584,-144167.71257904428,-0.05965015919325217,-157875.27678290135,-0.059574387492947224,-159997.6993109107,-0.05947164831767647,-153961.7707140796,-0.05970604789332008,-168560.09514689204,-0.05964555777899997,-177168.96266405965,-0.05955440876299438,-59666.84278280344,-0.05970888642407986,-58680.4735024685,-0.05960538487706174,-73383.51965045487,-0.059466477641106276,-85584.3739799069,-0.05950819940385899,-92756.63676151414,-0.05950042016306621,-98034.15983391982,-0.059557769442710566,-106155.87170237393,-0.05968918372300011,-102351.74672194649
+404,-0.05942345623135578,-124250.06951546736,-0.05960362585633624,-35863.64965499452,-0.05954064793599997,-122094.46586887966,-0.05952592881393238,-121424.04794906055,-0.059414433924064584,-136756.59935968375,-0.059614043940000035,-140091.72196075035,-0.05951603454538778,-143950.78945446666,-0.05955024267869057,-157625.61165831567,-0.05947426247195073,-159742.5603413628,-0.05937152769761287,-153708.02782431443,-0.05960620500386638,-168305.9265071245,-0.05954564897200007,-176895.62493126353,-0.05945431731969538,-59533.25508392868,-0.05960903878791926,-58550.00484545997,-0.05950537584203324,-73234.74289059282,-0.059366365725885675,-85418.56835962406,-0.059408017249980294,-92584.66471369611,-0.05940025110555261,-97853.87849730611,-0.059457672351210265,-105964.26935741749,-0.059589369034500114,-102171.05864765774
+405,-0.05932324804209538,-124036.6625923447,-0.05950378728706264,-35768.306071210645,-0.05944074751999996,-121883.56638552429,-0.05942588523609388,-121216.86796515876,-0.059314240949487784,-136528.60916533932,-0.05951418792000004,-139859.03629014356,-0.05941617542702318,-143733.84162485506,-0.05945032616412897,-157375.97217473396,-0.05937413745095413,-159487.3575791892,-0.05927140707754957,-153454.29088388252,-0.05950636211441249,-168051.73645461837,-0.05944574016499987,-176622.28208364625,-0.05935422587639628,-59399.81631993798,-0.059509191151758456,-58419.67248198721,-0.05940536680700444,-73086.05903989032,-0.05926625381066488,-85252.87379600824,-0.059307835096101894,-92412.7949096076,-0.05930008204803891,-97673.67612258901,-0.05935757525970987,-105772.77095692267,-0.05948955434600001,-101990.46483242649
+406,-0.05922303985283518,-123823.30151681638,-0.059403948717788944,-35673.089461254116,-0.059340847103999866,-121672.73592453374,-0.05932584165825538,-121009.7241428357,-0.05921404797491089,-136300.6354043785,-0.059414331899999936,-139626.4523735698,-0.05931631630865848,-143516.87453070795,-0.05935040964956747,-157126.34833351828,-0.059274012429957626,-159232.10051370822,-0.05917128645748597,-153200.56308551654,-0.05940651922495888,-167797.51134200365,-0.05934583135799997,-176348.89745934095,-0.05925413443309698,-59266.52661759515,-0.059409343515597755,-58289.48224556967,-0.05930535777197594,-72937.45275020663,-0.059166141895444176,-85087.29629264651,-0.059207652942223396,-92241.02809687356,-0.05919991299052541,-97493.55324400633,-0.05925747816820957,-105581.36508742442,-0.05938973965750001,-101809.96301323673
+407,-0.059122831663574876,-123609.98769617439,-0.05930411014851544,-35577.99718112986,-0.059240946687999965,-121461.98483542792,-0.05922579808041678,-120802.60777318728,-0.05911385500033409,-136072.68171734936,-0.05931447587999993,-139393.96562192045,-0.05921645719029358,-143299.89242926892,-0.05925049313500587,-156876.72453837286,-0.05917388740896112,-158976.79401350897,-0.05907116583742267,-152946.84698900426,-0.05930667633550518,-167543.17395715363,-0.05924592255099997,-176075.49042988964,-0.059154042989797984,-59133.39587460652,-0.05930949587943716,-58159.44990774876,-0.05920534873694724,-72788.93017307788,-0.05906602998022338,-84921.82783075706,-0.059107470788344794,-92069.36503484781,-0.05909974393301181,-97313.51038616418,-0.05915738107670917,-105390.05219355556,-0.05928992496900001,-101629.5391654348
+408,-0.05902262347431448,-123396.72243321496,-0.059204271579241845,-35483.03052294769,-0.05914104627199986,-121251.29657857896,-0.05912575450257828,-120595.51811334804,-0.05901366202575719,-135844.7509597227,-0.059214619859999935,-139161.54632361134,-0.05911659807192898,-143082.89893767313,-0.05915057662044427,-156627.1128930025,-0.059073762387964426,-158721.43460661982,-0.05897104521735927,-152693.1448231075,-0.05920683344605148,-167288.76324391254,-0.05914601374399987,-175802.06774519978,-0.05905395154649868,-59000.42594093371,-0.059209648243276555,-58029.55557455857,-0.05910533970191864,-72640.49516131189,-0.05896591806500258,-84756.4646615134,-0.0590072886344663,-91897.80650050311,-0.05899957487549831,-97133.54806501124,-0.059057283985208764,-105198.83383319044,-0.059190110280500016,-101449.19532919512
+409,-0.05892241528505418,-123183.5069456907,-0.05910443300996824,-35388.19090532587,-0.05904114585599996,-121040.66779838073,-0.05902571092473978,-120388.46432897056,-0.05891346905118039,-135616.84552600823,-0.059114763840000036,-138929.19767413454,-0.05901673895356428,-142865.8972948501,-0.05905066010588277,-156377.51644579766,-0.058973637366967924,-158466.0258809844,-0.058870924597295766,-152439.45861472448,-0.05910699055659779,-167034.29594433104,-0.05904610493699997,-175528.63377858832,-0.05895386010319968,-58867.62895539486,-0.05910980060711586,-57899.791672221654,-0.05900533066688994,-72492.1496114569,-0.05886580614978198,-84591.20723127897,-0.058907106480587695,-91726.35329474237,-0.058899405817984606,-96953.66678861847,-0.05895718689370857,-105007.70799684257,-0.05909029559200001,-101268.93545905608
+410,-0.05882220709579398,-122970.34238095922,-0.059004594440694745,-35293.47990640105,-0.05894124544000007,-120830.07837652387,-0.058925667346901175,-120181.45018686444,-0.058813276076603485,-135388.9546866317,-0.05901490781999984,-138696.9238912285,-0.058916879835199484,-142648.8905145696,-0.05895074359132127,-156127.94022881126,-0.058873512345971324,-158210.57318429562,-0.05877080397723237,-152185.79026098404,-0.05900714766714398,-166779.78056361445,-0.05894619612999997,-175255.1918920703,-0.05885376865990038,-58735.04387910518,-0.05900995297095526,-57770.161462692944,-0.05890532163186134,-72343.89485781934,-0.058765694234561176,-84426.05599640834,-0.05880692432670919,-91555.00624990299,-0.05879923676047111,-96773.86705796878,-0.058857089802208065,-104816.67777199177,-0.058990480903500016,-101088.76413489567
+411,-0.05872199890653368,-122757.2298271731,-0.05890475587142104,-35198.89931194175,-0.058841345023999965,-120619.51291285893,-0.058825623769062675,-119974.4782647303,-0.058713083102026685,-135161.07070389338,-0.05891505179999994,-138464.73176564494,-0.058817020716834784,-142431.86510155123,-0.05885082707675957,-155878.38727193672,-0.05877338732497483,-157955.0798800883,-0.058670683357168865,-151932.14157754154,-0.05890730477769028,-166525.21057008815,-0.05884628732300007,-174981.74489795393,-0.05875367721660128,-58602.61785060809,-0.05891010533479446,-57640.67010319122,-0.05880531259683284,-72195.73197517383,-0.058665582319340576,-84261.01142453741,-0.05870674217283049,-91383.7662387269,-0.058699067702957505,-96594.14936760852,-0.05875699271070787,-104625.74772186557,-0.05889066621500001,-100908.66827665092
+412,-0.05862179071727348,-122544.17032215651,-0.058804917302147444,-35104.45118928467,-0.058741444608000064,-120408.98860335274,-0.05872558019122408,-119767.55057026948,-0.05861289012744999,-134933.20510263366,-0.05881519577999993,-138232.64061813385,-0.05871716159846998,-142214.78815485816,-0.05875091056219807,-155628.85999261253,-0.058673262303978325,-157699.5487601705,-0.05857056273710547,-151678.51433715454,-0.05880746188823659,-166270.59499866466,-0.05874637851599997,-174708.27855273,-0.05865358577330208,-58470.32924551921,-0.05881025769863376,-57511.332535305744,-0.05870530356180414,-72047.66189429653,-0.05856547040411978,-84096.0739961363,-0.05860656001895209,-91212.63418582254,-0.05859889864544401,-96414.51420623559,-0.058656895619207464,-104434.92486121085,-0.058790851526500015,-100728.64819452798
+413,-0.05852158252801308,-122331.16107137734,-0.05870507873287394,-35010.13800922187,-0.05864154419199997,-120198.49577125759,-0.05862553661338558,-119560.66877541083,-0.058512697152873085,-134705.36228254493,-0.058715339759999936,-138000.63112009424,-0.058617302480105285,-141997.6776233724,-0.05865099404763657,-155379.36049109927,-0.05857313728298183,-157443.98228699825,-0.05847044211704217,-151424.8920121154,-0.058707618998782886,-166015.9415766345,-0.05864646970899997,-174434.78202541132,-0.05855349433000298,-58338.18784690298,-0.058710410062473156,-57382.144981237965,-0.058605294526775535,-71899.68545777671,-0.058465358488899076,-83931.24420641504,-0.05850637786507339,-91041.61108274033,-0.05849872958793031,-96234.96205727555,-0.05855679852770716,-104244.22676484566,-0.05869103683800001,-100548.70447781152
+414,-0.05842137433875278,-122118.19456593944,-0.058605240163600344,-34915.96286783048,-0.05854164377600007,-119988.00801924654,-0.058525493035546876,-119353.83433505341,-0.058412504178296284,-134477.5452884882,-0.05861548373999994,-137768.6922180189,-0.05851744336174048,-141780.54772549897,-0.05855107753307487,-155129.87240217428,-0.058473012261985126,-157188.3826939421,-0.058370321496978565,-151171.27046665814,-0.058607776109329185,-165761.25648368723,-0.05854656090200007,-174161.23159440016,-0.05845340288670378,-58206.20226019613,-0.05861056242631256,-57253.079648530875,-0.05850528549174684,-71751.80345099545,-0.05836524657367838,-83766.52256774719,-0.05840619571119499,-90870.6980087436,-0.058398560530416706,-96055.49339936745,-0.058456701436206765,-104053.62229376005,-0.05859122214949991,-100368.83770125918
+415,-0.05832116614949248,-121905.27712670545,-0.05850540159432664,-34821.929954389096,-0.058441743359999965,-119777.54763324722,-0.05842544945770848,-119147.0485616473,-0.05831231120371939,-134249.74881895614,-0.05851562772000004,-137536.83698452252,-0.05841758424337578,-141563.4063243438,-0.05845116101851337,-154880.3835406286,-0.058372887240988526,-156932.7520398614,-0.05827020087691527,-150917.6617179695,-0.05850793321987539,-165506.51223514878,-0.05844665209499997,-173887.64456517348,-0.05835331144340468,-58074.36059341637,-0.05851071479015186,-57124.1383347011,-0.05840527645671824,-71604.01662121524,-0.05826513465845768,-83601.90961288182,-0.058306013557316294,-90699.89616063218,-0.05829839147290321,-95876.10870679843,-0.05835660434470637,-103863.10455866819,-0.058491407461000115,-100189.04842752437
+416,-0.05822095796023208,-121692.41097042068,-0.058405563025053044,-34728.04582770773,-0.058341842943999966,-119567.1225706221,-0.05832540587986978,-118940.3126894064,-0.05821211822914249,-134021.96257532304,-0.058415771699999834,-137305.04287478395,-0.05831772512501098,-141346.26004740532,-0.05835124450395187,-154630.90267218166,-0.05827276221999202,-156677.09224337662,-0.05817008025685167,-150664.07081611434,-0.058408090330421686,-165251.7099559676,-0.05834674328799997,-173614.01911984818,-0.058253220000105584,-57942.652643372174,-0.05841086715399106,-56995.32357799204,-0.05830526742168974,-71456.32569023821,-0.05816502274323688,-83437.40589925955,-0.058205831403437894,-90529.20565477682,-0.05819822241538971,-95696.80844995861,-0.058256507253206066,-103672.67430842915,-0.05839159277250011,-100009.33670747495
+417,-0.058120749770971876,-121479.5941001186,-0.05830572445577954,-34634.32672714583,-0.05824194252799997,-119356.73754121731,-0.05822536230203128,-118733.62800276992,-0.05811192525456569,-133794.19754849633,-0.058315915679999934,-137073.3051181024,-0.05821786600664628,-141129.11570547597,-0.058251327989390374,-154381.41416008957,-0.05817263719899553,-156421.4051065869,-0.05806995963678837,-150410.50194660074,-0.058308247440967985,-164996.8601575303,-0.05824683448100007,-173340.3590364257,-0.058153128556806384,-57811.0972469238,-0.05831101951783046,-56866.64071827088,-0.058205258386660935,-71308.7313632861,-0.05806491082801628,-83273.0118273949,-0.058105649249559195,-90358.6121548932,-0.05809805335787601,-95517.59309573236,-0.05815641016170567,-103482.33228243975,-0.058291778084000115,-99829.67061366726
+418,-0.05802054158171158,-121266.8293759727,-0.058205885886505944,-34540.78384975668,-0.05814204211199996,-119146.36601431077,-0.05812531872419278,-118526.9959616673,-0.058011732279988786,-133566.4582863838,-0.05821605965999994,-136841.62451810704,-0.05811800688828148,-140911.98185010892,-0.05815141147482867,-154131.87485423192,-0.058072512177999025,-156165.6560183418,-0.05796983901672497,-150156.95999328254,-0.05820840455151438,-164741.95184375334,-0.05814692567399987,-173066.67594603216,-0.05805303711350728,-57679.67461685303,-0.05821117188166976,-56738.094648443504,-0.058105249351632436,-71161.234335712,-0.057964798912795476,-83108.72721948284,-0.05800546709568069,-90188.12377112343,-0.05799788430036241,-95338.46310782128,-0.05805631307020537,-103292.0792172457,-0.058191963395500014,-99650.05912917497
+419,-0.05792033339245138,-121054.11871566964,-0.05810604731723224,-34447.36621352385,-0.058042141695999964,-118935.98898371431,-0.05802527514635418,-118320.41619952675,-0.057911539305411985,-133338.74801659893,-0.05811620363999993,-136610.00186315397,-0.05801814776991678,-140694.8723596604,-0.05805149496026717,-153882.28019365208,-0.057972387157002425,-155909.84882329512,-0.05786971839666147,-149903.45578527095,-0.05810856166206069,-164486.99034033917,-0.05804701686699997,-172792.8797426701,-0.05795294567020808,-57548.364929128096,-0.05811132424550916,-56609.67000244388,-0.058005240316603736,-71013.83529828144,-0.057864686997574875,-82944.55317874922,-0.057905284941802096,-90017.74634892275,-0.05789771524284891,-95159.41894716426,-0.05795621597870496,-103101.9158516751,-0.05809214870700001,-99470.51080485468
+420,-0.05782012520319098,-120841.42885688905,-0.05800620874795874,-34354.076252876046,-0.057942241279999966,-118725.63126003461,-0.05792523156851568,-118113.88944701407,-0.05781134633083509,-133111.0695039751,-0.05801634762000003,-136378.4379275549,-0.05791828865155208,-140477.77277529307,-0.05795157844570567,-153632.66184720144,-0.05787226213600593,-155653.99776679088,-0.05776959777659807,-149649.9786575917,-0.058008718772606785,-164231.97967906183,-0.05794710805999997,-172518.92262505242,-0.05785285422690898,-57417.16898004775,-0.05801147660934846,-56481.36814949543,-0.05790523128157514,-70866.53494149022,-0.05776457508235408,-82780.49062727645,-0.05780510278792359,-89847.48514903177,-0.05779754618533531,-94980.46107218557,-0.057856118887204565,-102911.84293160171,-0.057992334018500014,-99291.02926945168
+421,-0.05771991701393068,-120628.74127416949,-0.05790637017868514,-34260.91784222882,-0.057842340863999864,-118515.29187496309,-0.05782518799067718,-117907.41650477432,-0.057711153356258385,-132883.4253622779,-0.057916491599999835,-136146.93347262338,-0.057818429533187284,-140260.63252152715,-0.05785166193114397,-153383.03272512933,-0.057772137115009226,-155398.10851251284,-0.05766947715653477,-149396.52266906036,-0.057908875883153084,-163976.92316253477,-0.05784719925299987,-172244.84220013622,-0.05775276278360978,-57286.08761040818,-0.057911628973187856,-56353.19091073642,-0.05780522224654644,-70719.33395938904,-0.057664463167133376,-82616.54056007066,-0.057704920634045,-89677.34907215861,-0.05769737712782161,-94801.58993913676,-0.057756021795704264,-102721.86121507613,-0.05789251933000001,-99111.61685868306
+422,-0.05761970882467038,-120416.08028125344,-0.05780653160941154,-34167.88987088621,-0.05774244044799996,-118304.96653884609,-0.05772514441283858,-117700.99813797041,-0.057610960381681585,-132655.8176428837,-0.057816635579999935,-135915.48924770302,-0.05771857041482258,-140043.42876084504,-0.05775174541658247,-153133.40094859767,-0.05767201209401273,-155142.18487143508,-0.05756935653647117,-149143.08936105252,-0.05780903299369949,-163721.823623075,-0.05774729044599997,-171970.59385237636,-0.05765267134031068,-57155.12171917591,-0.05781178133702706,-56225.14072325278,-0.057705213211517836,-70572.23305302611,-0.05756435125191258,-82452.70341238251,-0.05760473848016649,-89507.35127810038,-0.05759720807030811,-94622.80600237729,-0.057655924704203866,-102531.97147909117,-0.05779270464150001,-98932.2753221679
+423,-0.05751950063541018,-120203.45362320071,-0.05770669304013784,-34074.9967693625,-0.05764254003199987,-118094.6270024457,-0.05762510083500008,-117494.63508136758,-0.05751076740710469,-132428.2106006523,-0.05771677955999994,-135684.10599104315,-0.057618711296457785,-139826.15271345255,-0.05765182890202087,-152883.77264472432,-0.05757188707301623,-154886.2053330305,-0.05746923591640787,-148889.6793489178,-0.057709190104245786,-163466.6835628858,-0.05764738163899997,-171696.22835846277,-0.05755257989701148,-57024.27228247172,-0.057711933700866455,-56097.22132890419,-0.057605204176489136,-70425.23293373364,-0.05746423933669198,-82288.98095179573,-0.05750455632628789,-89337.47697353612,-0.057497039012794605,-94444.10971464876,-0.057555827612703565,-102342.1745306114,-0.05769288995300001,-98753.00608251622
+424,-0.05741929244614978,-119990.84076518012,-0.05760685447086434,-33982.247489985864,-0.057542639615999966,-117884.2947736668,-0.05752505725716148,-117288.31719567362,-0.05741057443252789,-132200.619455945,-0.057616923539999934,-135452.78443065498,-0.057518852178093084,-139608.82634212423,-0.057551912387459374,-152634.15287763253,-0.05747176205201963,-154630.13566047043,-0.05736911529634427,-148636.27300088556,-0.057609347214792085,-163211.49674755346,-0.05754747283200007,-171421.77162331124,-0.05745248845371238,-56893.54038185569,-0.05761208606470576,-55969.44079959341,-0.05750519514146054,-70278.33432642686,-0.05736412742147118,-82125.37194611307,-0.05740437417240939,-89167.70204024832,-0.05739686995528101,-94265.50152735147,-0.05745573052120317,-102152.47123020717,-0.05759307526450001,-98573.81035731119
+425,-0.05731908425688948,-119778.24896577898,-0.05750701590159074,-33889.626111437254,-0.057442739199999863,-117673.98110895809,-0.05742501367932298,-117082.0223695531,-0.05731038145795099,-131973.05841632618,-0.057517067520000034,-135221.52218593782,-0.05741899305972828,-139391.45797068503,-0.05745199587289767,-152384.54608698745,-0.057371637031023125,-154374.0052062823,-0.057268994676280965,-148382.87861458788,-0.057509504325338384,-162956.23201474547,-0.05744756402499997,-171147.22601128666,-0.05735239701041308,-56762.92724975775,-0.05751223842854516,-55841.81454307481,-0.05740518610643204,-70131.53797296347,-0.05726401550625058,-81961.8744058537,-0.05730419201853079,-88998.0272166746,-0.05729670089776731,-94086.98189079815,-0.05735563342970276,-101962.8625733309,-0.057493260576000016,-98394.6892254294
+426,-0.05721887606762928,-119565.68833738538,-0.05740717733231704,-33797.133345830895,-0.05734283878399996,-117463.69253496206,-0.057324970101484476,-116875.76601265467,-0.057210188483374086,-131745.4788287966,-0.057417211499999836,-134990.31236359608,-0.05731913394136358,-139174.05312232324,-0.057352079358336173,-152134.9563389869,-0.05727151201002663,-154117.82384733457,-0.05716887405621757,-148129.50220310251,-0.057409661435884586,-162700.88657941323,-0.05734765521799997,-170872.55594166502,-0.05725230556711408,-56632.43434998279,-0.05741239079238446,-55714.30527996243,-0.05730517707140334,-69984.8445927119,-0.057163903591029776,-81798.48917551599,-0.057204009864652294,-88828.45321698775,-0.057196531840253806,-93908.55125445583,-0.05725553633820247,-101773.35003234028,-0.057393445887499915,-98215.64366684461
+427,-0.05711866787836898,-119353.1601802099,-0.05730733876304364,-33704.77253263956,-0.05724293836800007,-117253.4339912361,-0.05722492652364588,-116669.54182965656,-0.057109995508797286,-131517.89785194723,-0.057317355479999936,-134759.16035926263,-0.05721927482299878,-138956.61605872755,-0.05725216284377467,-151885.3705283101,-0.057171386989030126,-153861.59745468476,-0.05706875343615407,-147876.14701261785,-0.057309818546430885,-162445.47779058,-0.05724774641100007,-170597.80006650597,-0.05715221412381498,-56502.063542061005,-0.05731254315622386,-55586.910221230886,-0.05720516803637474,-69838.25497905699,-0.05706379167580908,-81635.21708678071,-0.0571038277107738,-88658.98072606279,-0.05709636278274031,-93730.21006718556,-0.057155439246702064,-101583.93316287528,-0.05729363119899991,-98036.67458821216
+428,-0.057018459689108576,-119140.62508267304,-0.05720750019376994,-33612.54907074261,-0.057143037951999966,-117043.20970749493,-0.05712488294580738,-116463.34550573766,-0.05700980253422039,-131290.32784967107,-0.05721749945999994,-134528.06833877412,-0.05711941570463408,-138739.1503250497,-0.057152246329213174,-151635.77938873193,-0.05707126196803343,-153605.33030832408,-0.056968632816090665,-147622.8155156348,-0.057209975656977184,-162190.01399729206,-0.05714783760399987,-170322.98170173282,-0.05705212268051568,-56371.81750395235,-0.057212695520063056,-55459.629857677144,-0.05710515900134604,-69691.76996088112,-0.056963679760588276,-81472.05310671673,-0.057003645556895195,-88489.61040774191,-0.056996193725226706,-93551.95877750937,-0.05705534215520187,-101394.61241371016,-0.057193816510499915,-97857.78284029296
+429,-0.05691825149984828,-118928.102526536,-0.05710766162449634,-33520.47937200248,-0.057043137536000064,-116833.02369329246,-0.05702483936796888,-116257.18723562118,-0.056909609559643685,-131062.77648460712,-0.057117643439999935,-134297.03560027236,-0.05701955658626928,-138521.6590105692,-0.05705232981465147,-151386.1998626547,-0.05697113694703693,-153349.02583412206,-0.05686851219602717,-147369.50983290098,-0.05711013276752348,-161934.50028470927,-0.05704792879699997,-170048.1374935317,-0.056952031237216684,-56241.70159754537,-0.05711284788390246,-55332.46468612481,-0.05700514996631744,-69545.39039278813,-0.056863567845367675,-81308.98117192822,-0.05690346340301669,-88320.34291103535,-0.056896024667713006,-93373.79783380004,-0.056955245063701365,-101205.38863188493,-0.05709400182200011,-97678.96923026815
+430,-0.05681804331058808,-118715.60351641722,-0.05700782305522284,-33428.55529379303,-0.05694323711999996,-116622.87734773879,-0.05692479579013028,-116051.04118494818,-0.056809416585066885,-130835.23712180006,-0.057017787420000035,-134066.05758710587,-0.05691969746790458,-138304.1448960943,-0.056952413300089974,-151136.63966989718,-0.05687101192604033,-153092.68692509495,-0.05676839157596377,-147116.23189679364,-0.057010289878069886,-161678.94046024288,-0.05694801998999997,-169773.261702817,-0.05685193979391738,-56111.725348063206,-0.05701300024774176,-55205.415210027175,-0.05690514093128894,-69399.11716767229,-0.05676345593014688,-81146.0123260357,-0.056803281249138096,-88151.17887464042,-0.05679585561019951,-93195.72768454986,-0.05685514797220097,-101016.26269586464,-0.056994187133500115,-97500.23453088437
+431,-0.05671783512132778,-118503.13382631159,-0.056907984485949144,-33336.750272437464,-0.05684333670400007,-116412.76555457183,-0.05682475221229178,-115844.89703858233,-0.05670922361048999,-130607.71249863402,-0.05691793139999984,-133835.13872031643,-0.056819838349539784,-138086.57083100535,-0.05685249678552847,-150887.10517712077,-0.056770886905043824,-152836.31610951133,-0.05666827095590047,-146862.9835334591,-0.056910446988615984,-161423.33763396266,-0.05684811118299987,-169498.3078283794,-0.05675184835061838,-55981.866918806234,-0.056913152611581155,-55078.48194014053,-0.05680513189626024,-69252.95122511289,-0.05666334401492628,-80983.15138592153,-0.05670309909525959,-87982.11893069648,-0.056695686552685906,-93017.74877859825,-0.056755050880700764,-100827.23552134064,-0.056894372445000015,-97321.57948735682
+432,-0.05661762693206738,-118290.69755329643,-0.05680814591667554,-33245.06560656559,-0.056743436287999965,-116202.70208770111,-0.056724708634453176,-115638.77490696618,-0.05660903063591319,-130380.19814149824,-0.05681807537999994,-133604.28101088188,-0.05671997923117508,-137868.94120995258,-0.056752580270966975,-150637.58189393365,-0.05667076188404733,-152579.9156496469,-0.05656815033583687,-146609.76651206313,-0.05681060409916228,-161167.69432160436,-0.05674820237599997,-169223.28086666952,-0.05665175690731908,-55852.12544976543,-0.05681330497542046,-54951.66539524219,-0.05670512286123164,-69106.893560735,-0.05656323209970548,-80820.4016895288,-0.056602916941381,-87813.16370770532,-0.05659551749517241,-92839.86156533183,-0.056654953789200366,-100638.30806849005,-0.05679455775650001,-97143.00482284205
+433,-0.05651741874280718,-118078.2979564803,-0.05670830734740194,-33153.50275167879,-0.05664353587199997,-115992.66785812905,-0.056624665056614676,-115432.681645318,-0.05650883766133629,-130152.69486017384,-0.05671821935999993,-133373.4858570472,-0.05662012011281038,-137651.27248188952,-0.05665266375640527,-150388.02015330407,-0.05657063686305073,-152323.4876047237,-0.05646802971577357,-146356.58257904378,-0.056710761209708686,-160912.01248683187,-0.05664829356899997,-168948.18510040388,-0.05655166546401998,-55722.50195959173,-0.05671345733925966,-54824.96610295768,-0.05660511382620294,-68960.94523761097,-0.05646312018448478,-80657.76197237505,-0.05650273478750249,-87644.31383317233,-0.05649534843765871,-92662.06649496504,-0.056554856697700065,-100449.48135126202,-0.056694743068000014,-96964.511242773
+434,-0.05641721055354688,-117865.93779697492,-0.05660846877812844,-33062.06337108347,-0.05654363545599996,-115782.66544765071,-0.056524621478776176,-115226.62154106348,-0.05640864468675949,-129925.20940079667,-0.056618363339999936,-133142.75441778518,-0.056520260994445584,-137433.57153765953,-0.056552747241843775,-150138.4634449711,-0.05647051184205413,-152067.03387341803,-0.05636790909570997,-146103.43348534207,-0.056610918320254985,-160656.2945078164,-0.05654838476200007,-168673.02465019596,-0.056451574020720784,-55592.997628829406,-0.05661360970309906,-54698.37953105901,-0.05650510479117434,-68815.10740079048,-0.05636300826926398,-80495.22475680844,-0.05640255263362389,-87475.5699358371,-0.05639517938014521,-92484.36401875733,-0.05645475960619967,-100260.75644958873,-0.05659492837950001,-96786.09943849099
+435,-0.05631700236428658,-117653.61951257114,-0.05650863020885474,-32970.74941686675,-0.056443735039999963,-115572.69768340891,-0.05642457790093758,-115020.59775300288,-0.056308451712182586,-129697.74674893178,-0.05651850731999994,-132912.08772258717,-0.05642040187608088,-137215.84327168268,-0.05645283072728227,-149888.94113506237,-0.05637038682105753,-151810.55622394517,-0.05626778847564667,-145850.32101113105,-0.056511075430801284,-160400.53685936145,-0.05644847595499997,-168397.80249099122,-0.05635148257742168,-55463.61408688586,-0.05651376206693846,-54571.893119970235,-0.05640509575614564,-68669.38129622658,-0.05626289635404338,-80332.78584671007,-0.056302370479745394,-87306.93264782894,-0.05629501032263161,-92306.75458922972,-0.05635466251469927,-100072.13452594292,-0.056495113691000014,-96607.77009029791
+436,-0.05621679417502618,-117441.34532242357,-0.056408791639581145,-32879.56327064655,-0.056343834623999965,-115362.76683622845,-0.05632453432309908,-114814.61280661619,-0.05620825873760569,-129470.25756472403,-0.05641865130000004,-132681.4358382655,-0.05632054275771608,-136998.0917434051,-0.056352914212720574,-149639.4458976314,-0.056270261800061026,-151554.05631621415,-0.05616766785558327,-145597.2469910126,-0.056411232541347486,-160144.7247646503,-0.05634856714799997,-168122.4888612918,-0.05625139113412248,-55334.35281975393,-0.056413914430777756,-54445.51538174065,-0.05630508672111704,-68523.76829629121,-0.056162784438822576,-80170.45276829533,-0.05620218832586679,-87138.4026066246,-0.05619484126511811,-92129.23866046457,-0.05625456542319897,-99883.61684854256,-0.05639529900250001,-96429.52387015341
+437,-0.05611658598576598,-117229.11729823101,-0.056308953070307644,-32788.50802338336,-0.05624393420799997,-115152.8748772073,-0.05622449074526058,-114608.6688238301,-0.05610806576302889,-129242.7304387596,-0.05631879527999994,-132450.7861675322,-0.056220683639351385,-136780.32062952616,-0.05625299769815907,-149389.86793643184,-0.056170136779064524,-151297.53571851423,-0.056067547235519766,-145344.2133423269,-0.056311389651893785,-159888.8695831562,-0.05624865834100007,-167846.92453517433,-0.05615129969082338,-55205.213663697825,-0.05631406679461716,-54319.24940995162,-0.05620507768608834,-68378.26993528353,-0.056062672523601975,-80008.2282516776,-0.056102006171988295,-86969.98045709386,-0.05609467220760441,-91951.81668831893,-0.056154468331698563,-99695.20482524295,-0.05629548431400001,-96251.36099925559
+438,-0.05601637779650568,-117016.93741919064,-0.05620911450103404,-32697.588174826833,-0.056144033792000066,-114943.02358320463,-0.05612444716742198,-114402.76764836337,-0.056007872788452186,-129015.18905642473,-0.056218939259999934,-132220.16609802443,-0.05612082452098658,-136562.5334885369,-0.05615308118359747,-149140.23899147593,-0.05607001175806803,-151040.99592055878,-0.05596742661545637,-145091.21825164155,-0.056211546762440084,-159632.9352816994,-0.05614874953399997,-167571.17016921967,-0.05605120824752418,-55076.198424091875,-0.05621421915845646,-54193.09703467753,-0.05610506865105984,-68232.8879607973,-0.05596256060838118,-79846.11573237857,-0.056001824018109596,-86801.66685350207,-0.05599450315009081,-91774.48913069883,-0.05605437124019826,-99506.8988681666,-0.05619566962550001,-96073.26542339334
+439,-0.05591616960724548,-116804.8076214948,-0.05610927593176034,-32606.81266792125,-0.05604413337599996,-114733.2145935677,-0.05602440358958348,-114196.91035522363,-0.05590767981387529,-128787.64173145169,-0.05611908323999994,-131989.5842364808,-0.05602096540262188,-136344.7339931811,-0.056053164669035975,-148890.56141619262,-0.05596988673707143,-150784.43834373562,-0.05586730599539287,-144838.24673452656,-0.05611170387298638,-159376.93099018774,-0.05604884072699997,-167295.27088133254,-0.05595111680422508,-54947.30945312172,-0.05611437152229566,-54067.05823727745,-0.056005059616031236,-68087.62441185057,-0.05586244869316038,-79684.11814339837,-0.055901641864231195,-86633.46246170183,-0.05589433409257731,-91597.25644785857,-0.055954274148697865,-99318.69622407593,-0.056095854936999916,-95895.20509786502
+440,-0.05581596141798508,-116592.72985138813,-0.05600943736248684,-32516.19658350604,-0.05594423295999987,-114523.44944563297,-0.055924360011744875,-113991.06459198945,-0.05580748683929849,-128560.09370040386,-0.05601922721999993,-131759.0457028853,-0.05592110628425708,-136126.92624381295,-0.05595324815447427,-148640.87012023764,-0.055869761716074925,-150527.86434942464,-0.055767185375329466,-144585.31002284185,-0.05601186098353268,-159120.8714802516,-0.05594893192000007,-167019.2462337717,-0.05585102536092598,-54818.55019615516,-0.05601452388613506,-53941.12542448766,-0.055905050581002536,-67942.48174540102,-0.05576233677793978,-79522.23859333385,-0.0558014597103525,-86465.3679614565,-0.055794165035063806,-91420.11910268007,-0.05585417705719747,-99130.60169210566,-0.05599604024849991,-95717.17761959744
+441,-0.05571575322872478,-116380.70613479314,-0.05590959879321324,-32425.70764863923,-0.05584433254399997,-114313.72959933532,-0.05582431643390638,-113785.24088228171,-0.05570729386472159,-128332.5458132704,-0.05591937120000003,-131528.55413748842,-0.05582124716589238,-135909.1144494378,-0.055853331639912775,-148391.16998977607,-0.05576963669507843,-150271.27524583627,-0.05566706475526617,-144332.36982079537,-0.05591201809407898,-158864.76315518084,-0.05584902311299987,-166743.1088343572,-0.05575093391762678,-54689.927357624736,-0.05591467624997446,-53815.30376130639,-0.05580504154597394,-67797.4630598782,-0.05566222486271908,-79360.48085136218,-0.055701277556474096,-86297.38404905173,-0.055693995977550106,-91243.07756095253,-0.055754079965697166,-98942.60366034173,-0.05589622556000011,-95539.20312945964
+442,-0.055615545039464476,-116168.73868952935,-0.055809760223939645,-32335.34749883002,-0.055744432128000065,-114104.05645584463,-0.05572427285606788,-113579.44871725721,-0.05560710089014479,-128104.9536267617,-0.055819515179999835,-131298.1043507724,-0.05572138804752758,-135691.29420912924,-0.05575341512535127,-148141.45765819735,-0.055669511674081726,-150014.6722936143,-0.05556694413520257,-144079.43749982008,-0.05581217520462518,-158608.61036793044,-0.05574911430599997,-166466.86799924148,-0.05565084247432768,-54561.45590812795,-0.05581482861381376,-53689.59592104298,-0.05570503251094524,-67652.57254363381,-0.05556211294749828,-79198.8503716794,-0.05560109540259539,-86129.511440283,-0.05559382692003651,-91066.13229173474,-0.05565398287419677,-98754.68772369287,-0.05579641087150011,-95361.28870555648
+443,-0.05551533685020408,-115956.83015120037,-0.05570992165466594,-32245.12408786748,-0.05564453171199996,-113894.43137271369,-0.05562422927822928,-113373.69248262307,-0.05550690791556789,-127877.23721395562,-0.055719659159999935,-131067.6341967614,-0.05562152892916288,-135473.49302900798,-0.055653498610789574,-147891.73889945142,-0.05556938665308522,-149758.0567106421,-0.05546682351513927,-143826.5313420808,-0.05571233231517148,-158352.41650271742,-0.055649205498999973,-166190.5311498482,-0.05555075103102848,-54433.08583437771,-0.05571498097765316,-53564.003636457084,-0.055605023475916636,-67507.81658915292,-0.055462001032277476,-79037.35970591441,-0.05550091324871689,-85961.75087393382,-0.055493657862523006,-90889.2837677033,-0.05555388578269647,-98566.88015031822,-0.055696596183000116,-95183.4361958968
+444,-0.05541512866094388,-115744.9841910399,-0.05561008308539244,-32155.05473778705,-0.05554463129600006,-113684.85318238572,-0.05552418570039078,-113167.97063760168,-0.055406714940991086,-127649.45090837027,-0.05561980313999994,-130837.14904357442,-0.05552166981079818,-135255.6829460411,-0.05555358209622807,-147641.97626542783,-0.05546926163208862,-149501.4296760924,-0.05536670289507577,-143573.66204836738,-0.05561248942571778,-158096.15368202212,-0.05554929669199987,-165914.10448896312,-0.05545065958772938,-54304.81745957299,-0.055615133341492456,-53438.52833706795,-0.055505014440887936,-67363.2083419253,-0.055361889117056876,-78876.01790518369,-0.05540073109483849,-85794.103115906,-0.05539348880500941,-90712.53246549294,-0.05545378869119606,-98379.20134828993,-0.055596781494500015,-95005.64123007949
+445,-0.05531492047168358,-115533.20958852519,-0.05551024451611884,-32065.104469288373,-0.055444730879999966,-113475.31944120368,-0.055424142122552277,-112962.25727954383,-0.05530652196641419,-127421.61641204821,-0.055519947119999934,-130606.67569073719,-0.05542181069243338,-135037.85240174324,-0.05545366558166657,-147392.15830465392,-0.05536913661109213,-149244.79233385442,-0.05526658227501237,-143320.8411122247,-0.055512646536264185,-157839.78091484887,-0.05544938788499997,-165637.5933776541,-0.05535056814443018,-54176.65354597858,-0.05551528570533166,-53313.17131951919,-0.05540500540585944,-67218.77429479531,-0.05526177720183608,-78714.77649839756,-0.055300548940959794,-85626.56896426948,-0.05529331974749571,-90535.87886615116,-0.055353691599695866,-98191.61001679553,-0.05549696680600001,-94827.9106449527
+446,-0.05521471228242338,-115321.50878849474,-0.055410405946845244,-31975.269852959602,-0.055344830464000065,-113265.83422407521,-0.05532409854471368,-112756.53120967628,-0.05520632899183739,-127193.73526401084,-0.055420091100000034,-130376.19920939596,-0.05532195157406868,-134819.99668972785,-0.05535374906710507,-147142.28790716443,-0.055269011590095625,-148988.14579558937,-0.05516646165494897,-143068.0894781065,-0.055412803646810484,-157583.32839385612,-0.05534947907799997,-165361.00256718977,-0.055250476701131084,-54048.595344084526,-0.055415438069171055,-53187.933824865824,-0.05530499637083084,-67074.46955005427,-0.05516166528661548,-78553.6405080122,-0.055200366787081394,-85459.1492555061,-0.05519315068998221,-90359.32345555357,-0.055253594508195364,-98004.10658345961,-0.055397152117500015,-94650.24485349254
+447,-0.05511450409316298,-115109.86076513745,-0.05531056737757174,-31885.552850540953,-0.05524493004799996,-113056.3996514429,-0.05522405496687518,-112550.8161534088,-0.055106136017260686,-126965.8198460135,-0.055320235079999835,-130145.73224741158,-0.055222092455703885,-134602.06038869073,-0.055253832552543375,-146892.37579020503,-0.05516888656909913,-148731.49114331458,-0.05506634103488547,-142815.43567540272,-0.05531296075735658,-157326.77566920433,-0.05524957027100007,-165084.33635294702,-0.05515038525783178,-53920.64555924454,-0.05531559043301036,-53062.81708667371,-0.05520498733580214,-66930.2815087431,-0.05506155337139468,-78392.6133847451,-0.055100184633202695,-85291.84487246812,-0.05509298163246871,-90182.86672489345,-0.055153497416694966,-97816.69308741545,-0.05529733742900001,-94472.64724350086
+448,-0.05501429590390268,-114898.26650050136,-0.05521072880829804,-31795.956174689552,-0.055145029631999964,-112847.01747803837,-0.05512401138903658,-112345.12145099683,-0.05500594304268379,-126737.87833899306,-0.055220379059999936,-129915.28571768214,-0.055122233337339184,-134384.07833247562,-0.05515391603798187,-146642.42719798072,-0.055068761548102425,-148474.82943171667,-0.05496622041482207,-142562.8041813272,-0.055213117867902985,-157070.123476308,-0.05514966146399997,-164807.5986837016,-0.05505029381453278,-53792.806653684325,-0.05521574279684976,-52937.82237044379,-0.05510497830077354,-66786.1825264442,-0.05496144145617398,-78231.6824288714,-0.055000002479324295,-85124.65675475044,-0.054992812574955106,-90006.50917120345,-0.05505340032519476,-97629.37134367268,-0.055197522740500014,-94295.12074408465
+449,-0.05491408771464238,-114686.72695009763,-0.05511089023902444,-31706.484424731054,-0.055045129215999966,-112637.68935712446,-0.05502396781119788,-112139.452537486,-0.054905750068106884,-126509.91664997618,-0.05512052303999994,-129684.86570533428,-0.05502237421897438,-134166.05239057005,-0.05505399952342037,-146392.44613000168,-0.054968636527105826,-148218.16169020202,-0.05486609979475877,-142310.1950444822,-0.055113274978449284,-156813.39364156354,-0.05504975265699997,-164530.7932445993,-0.05495020237123368,-53665.081299965765,-0.05511589516068916,-52812.95101535983,-0.05500496926574484,-66642.17146883297,-0.05486132954095318,-78070.84379910908,-0.054899820325445596,-84957.58591252392,-0.05489264351744141,-89830.25129798401,-0.054953303233694364,-97442.14304277221,-0.05509770805200001,-94117.65844601757
+450,-0.05481387952538218,-114475.2430460061,-0.05501105166975074,-31617.147855463878,-0.05494522879999997,-112428.41694278839,-0.05492392423335938,-111933.81334401322,-0.054805557093530084,-126281.93960409511,-0.055020667019999935,-129454.47669571974,-0.05492251510060968,-133947.98370870439,-0.05495408300885867,-146142.4360826762,-0.05486851150610933,-147961.48892471052,-0.05476597917469517,-142057.61209405432,-0.05501343208899558,-156556.5951879403,-0.05494984385000007,-164253.92352542086,-0.05485011092793448,-53537.47312306227,-0.05501604752452846,-52688.204489608215,-0.05490496023071634,-66498.25064582283,-0.05476121762573258,-77910.11125420957,-0.05479963817156709,-84790.63344579982,-0.05479247445992791,-89654.0872527127,-0.054853206142194064,-97255.00981403652,-0.054997893363500014,-93940.2463095941
+451,-0.05471367133612178,-114263.81569965622,-0.05491121310047734,-31527.93810108985,-0.054845328383999865,-112219.20196466957,-0.05482388065552088,-111728.20700790428,-0.05470536411895319,-126053.95136986728,-0.054920811000000035,-129224.12230737052,-0.05482265598224488,-133729.8766309886,-0.05485416649429717,-145892.39968162068,-0.05476838648511283,-147704.81211930924,-0.054665858554631866,-141805.06396847864,-0.05491358919954188,-156299.7342644052,-0.05484993504299997,-163976.99288281729,-0.054750019484635384,-53409.99150767777,-0.054916199888367656,-52563.574568482974,-0.05480495119568754,-66354.42439720716,-0.054661105710511776,-77749.49443638856,-0.0546994560176885,-84623.80057191233,-0.05469230540241441,-89477.9959871811,-0.054753109050693666,-97067.97327189725,-0.05489807867500001,-93762.87000575106
+452,-0.05461346314686148,-114052.44580425358,-0.05481137453120364,-31438.86564207569,-0.054745427967999964,-112010.04155108053,-0.05472383707768228,-111522.63618363046,-0.05460517114437639,-125825.9556968291,-0.054820954979999836,-128993.7969026949,-0.05472279686388018,-133511.73448793576,-0.05475424997973567,-145642.3393635154,-0.054668261464116324,-147448.13223764897,-0.054565737934568266,-141552.5465001633,-0.054813746310088084,-156042.8156285587,-0.05475002623599997,-163700.00460594732,-0.05464992804133608,-53282.633991045666,-0.05481635225220706,-52439.05202020784,-0.05470494216065904,-66210.69581647257,-0.054560993795291175,-77589.01713302563,-0.05459927386380999,-84457.08866709998,-0.05459213634490081,-89301.99003076981,-0.054653011959193164,-96881.03396354329,-0.05479826398649991,-93585.52374306886
+453,-0.05451325495760128,-113841.13423710625,-0.05471153596193004,-31349.902079506803,-0.05464552755199986,-111800.90310560375,-0.05462379349984378,-111317.10320903138,-0.05450497816979949,-125597.93819768199,-0.054721098959999936,-128763.49270324055,-0.05462293774551538,-133293.55996235507,-0.05465433346517407,-145392.25752906702,-0.054568136443119725,-147191.44717232056,-0.05446561731450497,-141300.051377925,-0.05471390342063438,-155785.81744984977,-0.05465011742900007,-163422.96200029325,-0.05454983659803708,-53155.38563866274,-0.05471650461604636,-52314.64911900651,-0.05460493312563044,-66067.06783907418,-0.05446088188007038,-77428.66007310901,-0.05449909170993139,-84290.49933288353,-0.05449196728738711,-89126.07280486562,-0.05455291486769297,-96694.1906551173,-0.05469844929799991,-93408.22175582507
+454,-0.05441304676834098,-113629.88186170509,-0.05461169739265654,-31261.043400531107,-0.05454562713599997,-111591.80491760056,-0.05452374992200528,-111111.61020720254,-0.05440478519522269,-125369.86228718005,-0.05462124293999993,-128533.22060406876,-0.05452307862715068,-133075.35530930368,-0.05455441695061247,-145142.15641712208,-0.05446801142212323,-146934.75336302826,-0.054365496694441566,-141047.5803032904,-0.05461406053118068,-155528.6962515278,-0.05455020862199987,-163145.86852611092,-0.05444974515473778,-53028.24717365472,-0.054616656979885755,-52190.352068045264,-0.05450492409060174,-65923.54535211886,-0.054360769964849676,-77268.39632593466,-0.05439890955605289,-84124.03451124697,-0.05439179822987361,-88950.1794943408,-0.05445281777619257,-96507.44691583974,-0.05459863460950011,-93230.97410557492
+455,-0.05431283857908058,-113418.65883119486,-0.05451185882338294,-31172.290060434545,-0.054445726719999865,-111382.7576323564,-0.05442370634416668,-110906.1388920858,-0.054304592220645785,-125141.7566489573,-0.054521386919999935,-128302.9852195584,-0.05442321950878588,-132857.11185114388,-0.05445450043605097,-144892.03813975916,-0.054367886401126525,-146678.05446116615,-0.05426537607437807,-140795.13500794178,-0.05451421764172698,-155271.43235691843,-0.05445029981499997,-162868.71696542593,-0.054349653711438684,-52901.21790010712,-0.05451680934372516,-52066.16818366008,-0.05440491505557314,-65780.1340665721,-0.05426065804962888,-77108.2271741274,-0.05429872740217429,-83957.69670805916,-0.05429162917236001,-88774.33019253636,-0.05435272068469227,-96320.80528317572,-0.05449881992100011,-93053.78670006985
+456,-0.05421263038982028,-113207.46452940072,-0.05441202025410924,-31083.64252468433,-0.054345826303999964,-111173.76627077174,-0.054323662766328176,-110700.67097782015,-0.05420439924606909,-124913.6340684874,-0.054421530900000036,-128072.7898335266,-0.05432336039042118,-132638.78398288018,-0.05435458392148937,-144641.90470958684,-0.05426776138013003,-146421.35262125375,-0.05416525545431467,-140542.7172883393,-0.054414374752273384,-155014.06024397005,-0.05435039100799997,-162591.4806502855,-0.054249562268139484,-52774.2987793773,-0.05441696170756446,-51942.088660996655,-0.05430490602054444,-65636.8189249744,-0.05416054613440828,-76948.15379365119,-0.054198545248295794,-83791.48951171232,-0.05419146011484651,-88598.54259478328,-0.054252623593191864,-96134.26825379937,-0.05439900523250001,-92876.66281000146
+457,-0.054112422200560076,-112996.28605661695,-0.05431218168483564,-30995.101269970626,-0.05424592588800006,-110964.83431986909,-0.054223619188489676,-110495.22615074455,-0.05410420627149229,-124685.50794473095,-0.05432167488000004,-127842.63714267737,-0.05422350127205648,-132420.37782146226,-0.05425466740692787,-144391.7580627616,-0.05416763635913353,-146164.64929974437,-0.05406513483425117,-140290.32904975218,-0.05431453186281948,-154756.55717444312,-0.05425048220099987,-162314.17911206296,-0.05414947082484038,-52647.490846011366,-0.05431711407140366,-51818.116013898376,-0.054204896985515935,-65493.60038630021,-0.05406043421918748,-76788.17729488362,-0.05409836309441719,-83625.41928672529,-0.05409129105733281,-88422.82424854429,-0.054152526501691466,-95947.83859306684,-0.054299190544000016,-92699.60983569955
+458,-0.054012214011299776,-112785.13430624914,-0.05421234311556214,-30906.66678558032,-0.05414602547199997,-110755.93617365815,-0.05412357561065108,-110289.81135856909,-0.054004013296915385,-124457.3653749348,-0.05422181885999994,-127612.52949953153,-0.054123642153691684,-132201.8600713477,-0.05415475089236617,-144141.59998176218,-0.05406751133813693,-145907.94572123498,-0.05396501421418777,-140037.97236773014,-0.05421468897336578,-154498.90729623224,-0.05415057339399997,-162036.82221290952,-0.05404937938154118,-52520.795260553365,-0.05421726643524306,-51694.2550226326,-0.05410488795048734,-65350.47927952843,-0.05396032230396688,-76628.2987519938,-0.053998180940538695,-83459.50679222376,-0.05399112199981931,-88247.17997405663,-0.054052429410191165,-95761.51960405134,-0.05419937585550001,-92522.6390336687
+459,-0.05391200582203938,-112573.9589218976,-0.054112504546288444,-30818.339575297156,-0.054046125056000066,-110547.07180968838,-0.05402353203281258,-110084.4313060112,-0.05390382032233849,-124229.18540076738,-0.05412196283999993,-127382.4690257591,-0.05402378303532698,-131983.26398474738,-0.05405483437780467,-143891.43000410742,-0.053967386317140424,-145651.24299018207,-0.05386489359412447,-139785.64958186366,-0.05411484608391209,-154241.1217560218,-0.05405066458699997,-161759.4262067445,-0.05394928793824208,-52394.211877178896,-0.054117418799082356,-51570.51455143934,-0.05400487891545864,-65207.45641515397,-0.053860210388746076,-76468.51922659665,-0.053897998786660094,-83293.72750822741,-0.05389095294230571,-88071.61333233121,-0.05395233231869077,-95575.31557946395,-0.054099561167000015,-92345.73383535436
+460,-0.05381179763277918,-112362.78368271881,-0.05401266597701484,-30730.120160316932,-0.053946224639999964,-110338.24408647862,-0.05392348845497398,-109879.0901230392,-0.05380362734776169,-124000.9805159601,-0.054022106819999936,-127152.44778617808,-0.05392392391696218,-131764.60245680256,-0.05395491786324317,-143641.25072714893,-0.05386726129614393,-145394.5421361513,-0.05376477297406087,-139533.36345365806,-0.05401500319445848,-153983.21425556004,-0.05395075578000007,-161481.97099322596,-0.05384919649494288,-52267.73685833833,-0.05401757116292176,-51446.890652384995,-0.053904869880430036,-65064.53259722852,-0.05376009847352538,-76308.83978946741,-0.053797816632781596,-83128.0617245891,-0.053790783884792207,-87896.12717979818,-0.053852235227190466,-95389.23285400771,-0.05399974647850001,-92168.89379131352
+461,-0.05371158944351888,-112151.62485778172,-0.053912827407741344,-30642.009084404806,-0.05384632422400006,-110129.44702097903,-0.05382344487713548,-109673.78881120028,-0.05370343437318479,-123772.75066399349,-0.05392225079999994,-126922.46257093882,-0.053824064798597485,-131545.8817445705,-0.05385500134868147,-143391.06450661962,-0.053767136275147426,-145137.84413660027,-0.05366465235399757,-139281.11746656217,-0.05391516030500478,-153725.1574404494,-0.05385084697299997,-161204.40469797852,-0.05374910505164378,-52141.37631747961,-0.053917723526761156,-51323.37515842602,-0.053804860845401335,-64921.70863366123,-0.053659986558304576,-76149.26150674866,-0.05369763447890309,-82962.5026392944,-0.05369061482727851,-87720.72393712755,-0.05375213813569007,-95203.28021008437,-0.053899931790000015,-91992.12077334992
+462,-0.05361138125425848,-111940.49031507694,-0.05381298883846774,-30554.006925188914,-0.05374642380799997,-109920.67694808157,-0.05372340129929698,-109468.5062118115,-0.05360324139860799,-123544.45981938529,-0.05382239478000004,-126692.52150206316,-0.05372420568023268,-131327.105108632,-0.05375508483411997,-143140.8734526713,-0.05366701125415073,-144881.14992993258,-0.05356453173393397,-139028.90818236367,-0.05381531741555089,-153466.98116197533,-0.05375093816599997,-160926.69529650398,-0.05364901360834468,-52015.14037385917,-0.05381787589060036,-51199.96946145356,-0.053704851810372836,-64778.985345914174,-0.053559874643083975,-75989.7837566788,-0.0535974523250245,-82797.04254771609,-0.05359044576976491,-87545.40574098178,-0.053652041044189865,-95017.4933039458,-0.05380011710150001,-91815.4097434553
+463,-0.053511173064998176,-111729.38537062233,-0.05371315026919404,-30466.11433298769,-0.05364652339199996,-109711.91445566363,-0.053623357721458376,-109263.24589058849,-0.053503048424031086,-123316.12896992211,-0.053722538759999834,-126462.62805268161,-0.05362434656186798,-131108.27831007497,-0.05365516831955847,-142890.67970533442,-0.053566886233154226,-144624.46042370467,-0.053464411113870666,-138776.71942924245,-0.05371547452609728,-153208.69904927158,-0.05365102935900007,-160648.87481625524,-0.05354892216504548,-51889.018654610016,-0.05371802825443966,-51076.67483676378,-0.05360484277534404,-64636.36357922034,-0.05345976272786318,-75830.40830445557,-0.05349727017114599,-82631.6892135219,-0.05349027671225141,-87370.17454033556,-0.05355194395268936,-94831.8140767882,-0.053700302413000015,-91638.74030139676
+464,-0.05341096487573798,-111518.31408900308,-0.05361331169992054,-30378.332196003063,-0.05354662297599996,-109503.1193802278,-0.053523314143619875,-109058.00964821017,-0.053402855449454285,-123087.76976627462,-0.053622682739999934,-126232.75299330168,-0.05352448744350318,-130889.40531468991,-0.05355525180499697,-142640.48558579647,-0.053466761212157626,-144367.77650009096,-0.05336429049380727,-138524.57451118418,-0.05361563163664358,-152950.31985486855,-0.05355112055199987,-160370.95976796863,-0.05344883072174638,-51763.00433530951,-0.05361818061827906,-50953.49247496354,-0.05350483374031554,-64493.84421444898,-0.05335965081264258,-75671.13698428319,-0.05339708801726739,-82466.44541183558,-0.05339010765473791,-87195.03216482763,-0.053451846861188965,-94646.2232701199,-0.05360048772450001,-91462.12644092058
+465,-0.05331075668647768,-111307.27980172644,-0.053513473130646944,-30290.660500164588,-0.053446722559999965,-109294.32495831556,-0.05342327056578138,-108852.80169106905,-0.05330266247487759,-122859.38866562635,-0.05352282671999994,-126002.89311821914,-0.05342462832513848,-130670.48937342672,-0.05345533529043527,-142390.2938374725,-0.053366636191161124,-144111.09901982092,-0.05326416987374377,-138272.46097412822,-0.05351578874718988,-152691.85026794602,-0.05345121174499997,-160092.9591010269,-0.05334873927844718,-51637.09819043798,-0.05351833298211836,-50830.42350428699,-0.05340482470528684,-64351.42818303757,-0.05325953889742178,-75511.9716084608,-0.053296905863388894,-82301.3130110211,-0.05328993859722421,-87019.98037955278,-0.05335174976968877,-94460.71898922337,-0.05350067303599991,-91285.5738346914
+466,-0.05321054849721748,-111096.28536847852,-0.05341363456137334,-30203.099659843225,-0.05334682214399997,-109085.54205068809,-0.05332322698794278,-108647.62508758163,-0.053202469500300685,-122630.99039941767,-0.05342297069999993,-125773.06540824672,-0.05332476920677368,-130451.53329489661,-0.05335541877587377,-142140.10826067033,-0.05326651117016463,-143854.42882504247,-0.053164049253680366,-138020.33395119754,-0.05341594585773619,-152433.2957831078,-0.05335130293799997,-159814.87918027397,-0.05324864783514808,-51511.30094197688,-0.05341848534595776,-50707.46900694704,-0.053304815670258236,-64209.11648764426,-0.05315942698220108,-75352.91432269578,-0.05319672370951029,-82136.29356389273,-0.05318976953971061,-86845.02093634738,-0.053251652678188266,-94275.3032160294,-0.05340085834749991,-91109.0830778887
+467,-0.05311034030795698,-110885.33332917589,-0.053313795992099844,-30115.650293380957,-0.05324692172799997,-108876.77682369573,-0.05322318341010428,-108442.48234442846,-0.053102276525723885,-122402.5788158465,-0.05332311468000003,-125543.27423217973,-0.05322491008840898,-130232.53957298947,-0.053255502261312274,-141889.89814082743,-0.05316638614916803,-143597.7667415643,-0.05306392863361707,-137768.20001974617,-0.05331610296828238,-152174.66110133321,-0.05325139413099987,-159536.7250657006,-0.05314855639184888,-51385.613280382655,-0.053318637709797057,-50584.63003183754,-0.05320480663522964,-64066.91023286893,-0.053059315066980375,-75193.95990295368,-0.053096541555631795,-81971.38850167078,-0.05308960048219711,-86670.15563139525,-0.05315155558668806,-94089.97741046218,-0.05330104365900011,-90932.62037476056
+468,-0.053010132118696776,-110674.4049535357,-0.05321395742282614,-30028.313047233576,-0.053147021311999866,-108668.0335964844,-0.05312313983226568,-108237.37565399242,-0.05300208355114699,-122174.15722466707,-0.053223258659999835,-125313.48215804169,-0.053125050970044184,-130013.51046309444,-0.05315558574675077,-141639.6618545073,-0.053066261128171525,-143341.11358056727,-0.05296380801355347,-137516.05510303646,-0.05321626007882868,-151915.95035286556,-0.05315148532399997,-159258.5010543693,-0.053048464948549784,-51260.03587689509,-0.05321879007363626,-50461.9072766393,-0.05310479760020094,-63924.81067547634,-0.05295920315175968,-75035.1112261039,-0.05299635940175319,-81806.59923266122,-0.05298943142468351,-86495.37704319283,-0.053051458495187664,-93904.74267620992,-0.053201228970500114,-90756.19043693462
+469,-0.05290992392943648,-110463.50487978086,-0.05311411885355254,-29941.088601276508,-0.053047120895999965,-108459.31570787501,-0.05302309625442718,-108032.30706388985,-0.05290189057657019,-121945.72857427828,-0.053123402639999935,-125083.70668513198,-0.05302519185167948,-129794.44803279733,-0.05305566923218907,-141389.3955445471,-0.05296613610717483,-143084.47014006428,-0.05286368739349017,-137263.89045416814,-0.05311641718937499,-151657.16723554363,-0.05305157651699997,-158980.2102097834,-0.05294837350525048,-51134.56939155737,-0.053118942437475655,-50339.30053723634,-0.05300478856517244,-63782.8193160426,-0.052859091236538876,-74876.3873804478,-0.052896177247874696,-81641.92721400266,-0.05288926236716981,-86320.68786190539,-0.05295136140368716,-93719.60001327291,-0.05310141428200001,-90579.79915264627
+470,-0.05280971574017608,-110252.62695513964,-0.053014280284278945,-29853.97767612951,-0.05294722047999986,-108250.62589327604,-0.05292305267658868,-107827.27894216537,-0.05280169760199329,-121717.29371207017,-0.05302354661999994,-124853.95970095835,-0.05292533273331478,-129575.35419769798,-0.05295575271762757,-141139.04683766776,-0.052866011086178326,-142827.8372060553,-0.05276356677342657,-137011.71875238197,-0.053016574299921286,-151398.31510732853,-0.05295166770999987,-158701.84656827545,-0.05284828206195148,-51009.21447885947,-0.05301909480131506,-50216.81147803988,-0.052904779530143636,-63640.93809491029,-0.052758979321318275,-74717.7801648881,-0.052795995093996094,-81477.37402532889,-0.05278909330965631,-86146.09408381693,-0.052851264312186966,-93534.55038038822,-0.05300159959350001,-90403.45821693123
+471,-0.05270950755091588,-110041.76120049297,-0.05291444171500544,-29766.981043685937,-0.05284732006399997,-108041.9584023215,-0.05282300909875008,-107622.29265546042,-0.052701504627416386,-121488.82442025405,-0.052923690599999934,-124624.24745672331,-0.052825473614949985,-129356.23074775838,-0.05285583620306597,-140888.597413634,-0.05276588606518182,-142571.21555352182,-0.05266344615336327,-136759.54493816165,-0.052916731410467585,-151139.37638561652,-0.05285175890299997,-158423.4173549163,-0.05274819061865218,-50883.97179209276,-0.05291924716515436,-50094.4413351745,-0.05280477049511514,-63499.16914292543,-0.05265886740609748,-74559.26093459106,-0.052695812940117596,-81312.94147006785,-0.05268892425214281,-85971.60081178068,-0.05275116722068657,-93349.59472332719,-0.05290178490500001,-90227.17346096988
+472,-0.05260929936165558,-109830.91495379455,-0.05281460314573174,-29680.09954293421,-0.05274741964800007,-107833.30120509745,-0.05272296552091158,-107417.34797789871,-0.052601311652839586,-121260.33414485247,-0.052823834580000034,-124394.57317168415,-0.052725614496585284,-129137.07936745023,-0.05275591968850437,-140638.0572963215,-0.05266576104418533,-142314.5853884153,-0.05256332553329987,-136507.3722698743,-0.05281688852101379,-150880.32645728593,-0.05275185009599997,-158144.9283586459,-0.05264809917535318,-50758.84198683664,-0.05281939952899376,-49972.191237148094,-0.05270476146008654,-63357.507157869986,-0.05255875549087688,-74400.82505304193,-0.05259563078623889,-81148.63175066328,-0.05258875519462921,-85797.21991327367,-0.05265107012918627,-93164.733992446,-0.052801970216500016,-90050.94926937774
+473,-0.05250909117239538,-109620.09954810055,-0.05271476457645814,-29593.334105449907,-0.052647519231999965,-107624.665931092,-0.05262292194307308,-107212.44624129088,-0.05250111867826269,-121031.83162114238,-0.052723978559999836,-124164.94085553223,-0.05262575537822048,-128917.90165139972,-0.05265600317394277,-140387.4526109729,-0.05256563602318873,-142057.93963796954,-0.05246320491323637,-136255.20325962838,-0.052717045631560086,-150621.18932630154,-0.05265194128900007,-157866.38698916894,-0.052548007732053884,-50633.8257240073,-0.05271955189283306,-49850.06229396771,-0.05260475242505784,-63215.95869310206,-0.05245864357565608,-74242.47767937952,-0.0524954486323605,-80984.44784778221,-0.05248858613711551,-85622.94799694477,-0.05255097303768587,-92979.96915658828,-0.05270215552800001,-89874.74570741248
+474,-0.052408882983134876,-109409.30005201715,-0.05261492600718464,-29506.68580012975,-0.05254761881600006,-107416.05060521376,-0.05252287836523448,-107007.58870793902,-0.052400925703685985,-120803.32174849293,-0.052624122539999936,-123935.35412180833,-0.05252589625985578,-128698.69909169,-0.052556086659381274,-140136.79408296387,-0.052465511002192225,-141801.2909742463,-0.05236308429317297,-136003.03998866532,-0.052617202742106385,-150361.9736407281,-0.05255203248199997,-157587.79497360744,-0.05244791628875478,-50508.923672584446,-0.052619704256672256,-49728.055633094875,-0.05250474339002924,-63074.507508685434,-0.05235853166043538,-74084.21588558277,-0.05239526647848179,-80820.39465697965,-0.052388417079602005,-85448.76617923204,-0.052450875946185464,-92795.30121640544,-0.052602340839500016,-89698.54615473514
+475,-0.05230867479387468,-109198.51013189588,-0.05251508743791104,-29420.15592216482,-0.05244771839999997,-107207.41663794703,-0.052422834787395976,-106802.77174477695,-0.052300732729109185,-120574.80829179866,-0.05252426651999994,-123705.81607010654,-0.05242603714149098,-128479.4487333299,-0.05245617014481977,-139886.08876012478,-0.05236538598119573,-141544.64356241026,-0.05226296367310947,-135750.8842554217,-0.05251735985265278,-150102.68495187064,-0.05245212367499997,-157309.1451623444,-0.05234782484545578,-50384.13651229583,-0.05251985662051166,-49606.17243137035,-0.05240473435500054,-62933.155510507946,-0.05225841974521458,-73926.02518053759,-0.05229508432460339,-80656.48770329132,-0.05228824802208841,-85274.67501667145,-0.052350778854685164,-92610.731219235,-0.05250252615100001,-89522.37973759446
+476,-0.05220846660461438,-108987.75056857672,-0.05241524886863734,-29333.74620898603,-0.05234781798400007,-106998.78564586156,-0.05232279120955738,-106597.98459842657,-0.05220053975453229,-120346.294490838,-0.052424410499999935,-123476.32957430508,-0.05232617802312628,-128260.15663041105,-0.05235625363025807,-139635.34192252732,-0.052265260960199025,-141288.00002058904,-0.05216284305304607,-135498.7288345306,-0.05241751696319909,-149843.32755103218,-0.05235221486800007,-157030.43968868206,-0.05224773340215648,-50259.46493623775,-0.052420008984351056,-49484.41396164144,-0.05230472531997204,-62791.90419780614,-0.05215830782999398,-73767.9161365606,-0.05219490217072469,-80492.71629918118,-0.05218807896457491,-85100.67554956,-0.052250681763184766,-92426.2602777407,-0.052402711462500015,-89346.25950492799
+477,-0.05210825841535418,-108777.03911661956,-0.05231541029936374,-29247.459632404305,-0.052247917567999964,-106790.16750946722,-0.05222274763171888,-106393.23572415742,-0.05210034677995549,-120117.7833119302,-0.052324554480000035,-123246.89740061502,-0.05222631890476148,-128040.83065642402,-0.05225633711569657,-139384.55780926498,-0.05216513593920253,-141031.36232171164,-0.052062722432982766,-135246.55259849597,-0.052317674073745185,-149583.90503605746,-0.05225230606099987,-156751.65226709432,-0.052147641958857384,-50134.90965360681,-0.052320161348190355,-49362.78168892416,-0.05220471628494334,-62650.75491988767,-0.052058195914773175,-73609.89288092595,-0.052094720016846195,-80329.0574517675,-0.052087909907061206,-84926.76877460653,-0.052150584671684465,-92241.88959545051,-0.05230289677400001,-89170.1959317624
+478,-0.052008050226093776,-108566.34179011271,-0.05221557173009024,-29161.303886414957,-0.052148017151999966,-106581.56755405842,-0.05212270405388038,-106188.52850121261,-0.05200015380537859,-119889.27759150737,-0.05222469846000004,-123017.52229775897,-0.05212645978639678,-127821.47072307148,-0.052156420601135074,-139133.73997563432,-0.05206501091820593,-140774.7320855409,-0.05196260181291917,-134994.37064417597,-0.05221783118429158,-149324.42056013396,-0.05215239725399997,-156472.79091013904,-0.052047550515558184,-50010.4713926464,-0.05222031371202976,-49241.27495176713,-0.05210470724991474,-62509.70898883824,-0.05195808399955238,-73451.95788321162,-0.051994537862967594,-80165.51180214777,-0.05198774084954771,-84752.9556560968,-0.05205048758018407,-92057.62050483446,-0.05220308208549991,-88994.18490523568
+479,-0.051907842036833476,-108355.66013683441,-0.05211573316081664,-29075.267137558632,-0.05204811673599997,-106372.98954093302,-0.05202266047604178,-105983.86511286613,-0.05189996083080179,-119660.78014666612,-0.05212484243999994,-122788.203206514,-0.05202660066803198,-127602.08098856396,-0.05205650408657337,-138882.89039339015,-0.05196488589720943,-140518.11071555217,-0.051862481192855865,-134742.1885680163,-0.05211798829483789,-149064.86552723945,-0.05205248844699997,-156193.86509921207,-0.05194745907225908,-49886.15090385731,-0.05212046607586896,-49119.89734339989,-0.05200469821488604,-62368.764963808586,-0.05185797208433178,-73294.11300732872,-0.051894355709089096,-80002.07999394469,-0.051887571792034105,-84579.2371340361,-0.05195039048868367,-91873.45452940234,-0.052103267396999914,-88818.22205928504
+480,-0.05180763384757328,-108145.00126677439,-0.05201589459154294,-28989.34619034929,-0.05194821631999996,-106164.43642998523,-0.05192261689820308,-105779.2472937717,-0.051799767856224886,-119432.29389236485,-0.05202498641999993,-122558.89429256473,-0.05192674154966728,-127382.66443648913,-0.051956587572011874,-138632.00473685496,-0.051864760876212924,-140261.49947006788,-0.05176236057279237,-134490.00968413378,-0.052018145405384186,-148805.17255519875,-0.05195257964000007,-155914.87943741638,-0.05184736762895988,-49761.948963622286,-0.05202061843970826,-48998.64706921602,-0.05190468917985744,-62227.91633784231,-0.051757860169111075,-73136.35981776488,-0.051794173555210495,-79838.76267495671,-0.05178740273452061,-84405.61413042671,-0.05185029339718337,-91689.39349667144,-0.05200345270849991,-88642.28275209741
+481,-0.05170742565831298,-107934.36923360075,-0.05191605602226944,-28903.54173841136,-0.051848315903999964,-105955.91069211265,-0.05182257332036478,-105574.67654280571,-0.05169957488164799,-119203.82201301768,-0.051925130399999936,-122329.61502378242,-0.051826882431302485,-127163.22330441297,-0.05185667105745037,-138381.0514116343,-0.051764635855216325,-140004.89950384013,-0.05166223995272897,-134237.83644883454,-0.051918302515930485,-148545.3768724946,-0.05185267083299997,-155635.83728210756,-0.05174727618566078,-49637.86637838672,-0.05192077080354766,-48877.52179291422,-0.05180468014482894,-62087.16948538518,-0.05165774825389028,-72978.69971740329,-0.051693991401332,-79675.56049881032,-0.05168723367700691,-84232.08755426417,-0.05175019630568296,-91505.4397792308,-0.051903638020000115,-88466.37336777523
+482,-0.05160721746905258,-107723.76713535086,-0.05181621745299584,-28817.854500352234,-0.051748415487999966,-105747.41446769524,-0.05172252974252608,-105370.15421314846,-0.05159938190707139,-118975.36830649117,-0.05182527437999994,-122100.38003235929,-0.051727023312937784,-126943.75950593041,-0.051756754542888875,-138130.00343743953,-0.05166451083421983,-139748.30270137728,-0.051562119332665565,-133985.6708665122,-0.05181845962647669,-148285.4940223556,-0.05175276202599997,-155356.74140428167,-0.05164718474236158,-49513.90398954854,-0.05182092316738706,-48756.52278120537,-0.05170467110980014,-61946.52805732859,-0.05155763633866948,-72821.13319573543,-0.0515938092474536,-79512.47412648077,-0.05158706461949341,-84058.65830579925,-0.05165009921418277,-91321.59697161058,-0.051803823331500014,-88290.49908179406
+483,-0.05150700927979228,-107513.19755914182,-0.05171637888372224,-28732.285222281844,-0.05164851507199986,-105538.94965816663,-0.05162248616468748,-105165.68151319325,-0.051499188932494486,-118746.9382261604,-0.05172541836000004,-121871.13030215216,-0.05162716419457308,-126724.27475776254,-0.05165683802832717,-137878.89314828243,-0.051564385813223125,-139491.67234715642,-0.05146199871260207,-133733.51466158882,-0.051718616737022986,-148025.53220188312,-0.05165285321900007,-155077.59423318447,-0.05154709329906248,-49390.062679279275,-0.05172107553122636,-48635.65125946663,-0.051604662074771636,-61805.99594555094,-0.05145752442344888,-72663.65337328942,-0.05149362709357489,-79349.504227869,-0.05148689556197981,-83885.32728018097,-0.051550002122682265,-91137.87455381217,-0.05170400864300001,-88114.66389540888
+484,-0.05140680109053208,-107302.66276396583,-0.05161654031444874,-28646.834680762237,-0.05154861465599996,-105330.5179836724,-0.05152244258684898,-104961.25850946117,-0.05139899595791759,-118518.54594963188,-0.051625562339999834,-121641.9047160338,-0.05152730507620828,-126504.77064118299,-0.051556921513765674,-137627.7311963892,-0.05146426079222663,-139235.0292314737,-0.05136187809253867,-133481.3693672264,-0.051618773847569285,-147765.49179382288,-0.05155294441199997,-154798.39797440203,-0.05144700185576328,-49266.34337766084,-0.051621227895065756,-48514.90845849901,-0.051504653039742936,-61665.581259882536,-0.051357412508228076,-72506.26496938222,-0.051393444939696394,-79186.65148328636,-0.05138672650446631,-83712.09537076783,-0.05144990503118187,-90954.26994240396,-0.05160419395450001,-87938.87116027271
+485,-0.05130659290127178,-107092.16477658274,-0.051516701745175045,-28561.50368634578,-0.05144871423999987,-105122.12102188797,-0.05142239900901048,-104756.88669403415,-0.05129880298334079,-118290.17897693659,-0.051525706319999934,-121412.70905262779,-0.051427445957843584,-126285.24863756762,-0.05145700499920417,-137376.52409283372,-0.05136413577123013,-138978.36160069052,-0.05126175747247517,-133229.23637710937,-0.051518930958115584,-147505.36740176167,-0.05145303560499997,-154519.15467675947,-0.05134691041246418,-49142.74707149483,-0.05152138025890496,-48394.29564362117,-0.05140464400471434,-61525.28897259126,-0.051257300593007475,-72348.97107357308,-0.05129326278581779,-79023.91658513373,-0.05128655744695261,-83538.96347220251,-0.05134980793968166,-90770.75276638595,-0.05150437926600001,-87763.12382391785
+486,-0.05120638471201138,-106881.70544917493,-0.05141686317590144,-28476.293087873317,-0.051348813823999966,-104913.75924303,-0.051322355431171876,-104552.56739634706,-0.05119861000876389,-118061.82696682613,-0.05142585029999994,-121183.50362467606,-0.05132758683947878,-126065.71015144525,-0.051357088484642474,-137125.2766171251,-0.051264010750233624,-138721.66961527898,-0.05116163685241177,-132977.11275740614,-0.05141908806866198,-147245.16960404927,-0.05135312679800007,-154239.8662751262,-0.051246818969164984,-49019.27481548899,-0.05142153262274426,-48273.81414050441,-0.051304634969685736,-61385.09700152105,-0.05115718867778668,-72191.77414163464,-0.051193080631939294,-78861.30023952996,-0.05118638838943901,-83365.93248332015,-0.05124971084818117,-90587.32966630472,-0.05140456457750001,-87587.42415837629
+487,-0.05110617652275118,-106671.28649724124,-0.051317024606627744,-28391.20377783989,-0.051248913408000064,-104705.43001417947,-0.051222311853333376,-104348.30176548578,-0.05109841703418709,-117833.49281946712,-0.05132599427999993,-120954.30557651923,-0.05122772772111408,-125846.13534530881,-0.05125717197008097,-136873.9925987873,-0.051163885729237024,-138464.96279812252,-0.05106151623234847,-132724.93925575068,-0.051319245179208085,-146984.89918400042,-0.05125321799099987,-153960.53462076356,-0.05114672752586588,-48895.92774674718,-0.05132168498658366,-48153.46536524216,-0.051204625934657036,-61245.00562229404,-0.051057076762565975,-72034.67699487416,-0.05109289847806069,-78698.803168202,-0.05108621933192551,-83193.0033100987,-0.051149613756680964,-90404.00369122079,-0.051304749889000016,-87411.76639505109
+488,-0.05100596833349088,-106460.90952607495,-0.05121718603735434,-28306.236699480232,-0.05114901299199996,-104497.13457900684,-0.05112226827549478,-104144.09088174449,-0.05099822405961019,-117605.18061434197,-0.05122613826000003,-120725.12303705887,-0.05112786860274928,-125626.46523917523,-0.051157255455519475,-136622.67526716174,-0.05106376070824053,-138208.2239320477,-0.05096139561228487,-132472.69189711992,-0.051219402289754384,-146724.51826406817,-0.05115330918399997,-153681.15759312338,-0.05104663608256678,-48772.70710415182,-0.05122183735042306,-48033.250868017145,-0.05110461689962854,-61105.01571725327,-0.05095696484734528,-71877.68451190708,-0.050992716324182195,-78536.40579893993,-0.05098605027441201,-83020.1768685678,-0.051049516665180567,-90220.77730727523,-0.05120493520050001,-87236.12495528563
+489,-0.05090576014423058,-106250.57605013376,-0.051117347468080644,-28221.38744703435,-0.05104911257600007,-104288.86960256622,-0.05102222469765628,-103939.93578359552,-0.050898031085033386,-117376.89990762579,-0.051126282239999835,-120495.9617109204,-0.05102800948438458,-125406.71689836486,-0.051057338940957875,-136371.32743741735,-0.050963635687244026,-137951.46251220859,-0.05086127499222157,-132220.40241740667,-0.05111955940030078,-146464.04781102014,-0.05105340037700007,-153401.6978305401,-0.05094654463926758,-48649.61425500206,-0.05112198971426236,-47913.17241468302,-0.05100460786459984,-60965.12815791999,-0.05085685293212458,-71720.80582392804,-0.050892534170303594,-78374.10591451015,-0.050885881216898306,-82847.4540878578,-0.050949419573680065,-90037.65288459844,-0.051105120512000016,-87060.48724377764
+490,-0.05080555195497018,-106040.28750774963,-0.05101750889880704,-28136.652226981547,-0.050949212159999965,-104080.63988125586,-0.05092218111981778,-103735.83748001073,-0.05079783811045669,-117148.64415692748,-0.051026426219999935,-120266.82617065149,-0.05092815036601978,-125186.91319922752,-0.050957422426396275,-136119.9496132837,-0.05086351066624733,-137694.68766318783,-0.05076115437215807,-131968.08559457248,-0.05101971651084709,-146203.47591347393,-0.05095349156999987,-153122.1697444038,-0.050846453195968484,-48526.65073322668,-0.05102214207810176,-47793.232264660095,-0.05090459882957124,-60825.34381504049,-0.05075674101690378,-71564.02167780627,-0.050792352016425096,-78211.91364227883,-0.05078571215938471,-82674.83591343321,-0.05084932248217987,-89854.62452789707,-0.05100530582350001,-86884.87204283432
+491,-0.05070534376570998,-105830.04527255963,-0.05091767032953334,-28052.036504076113,-0.050849311744000064,-103872.44056020798,-0.05082213754197918,-103531.79695782422,-0.050697645135879786,-116920.394063134,-0.05092657019999994,-120037.7203190606,-0.05082829124765508,-124967.06325286021,-0.050857505911834675,-135868.49946009286,-0.050763385645250826,-137437.90410833334,-0.050661033752094665,-131715.7029580645,-0.050919873621393386,-145942.7873854264,-0.05085358276299997,-152842.5845992583,-0.05074636175266918,-48403.818297114325,-0.050922294441940956,-47673.43312036855,-0.05080458979454254,-60685.6635669548,-0.05065662910168318,-71407.33070119121,-0.050692169862546495,-78049.82388459193,-0.050685543101871205,-82502.32331063604,-0.05074922539067946,-89671.7019104831,-0.05090549113499991,-86709.28049256821
+492,-0.05060513557644968,-105619.85066265226,-0.05081783176025984,-27967.543175356415,-0.05074941132799996,-103664.2532726196,-0.05072209396414068,-103327.81518668402,-0.050597452161302986,-116692.15244723269,-0.050826714179999934,-119808.64762059733,-0.050728432129290284,-124747.16950124237,-0.05075758939727317,-135616.99405168838,-0.050663260624254226,-137181.08539726675,-0.05056091313203127,-131463.27038974361,-0.05082003073193958,-145682.00658688485,-0.05075367395599997,-152562.94798914617,-0.05064627030937018,-48281.11902267281,-0.050822446805780255,-47553.77517070206,-0.05070458075951394,-60546.088279133815,-0.050556517186462376,-71250.73356474302,-0.050591987708668,-77887.81885790845,-0.05058537404435761,-82329.91726853164,-0.05064912829917917,-89488.89982895623,-0.050805676446499914,-86533.71433445814
+493,-0.05050492738718948,-105409.70494805517,-0.050717993190986244,-27883.173738125064,-0.05064951091199996,-103456.09138147204,-0.05062205038630218,-103123.89312300306,-0.05049725918672609,-116463.91611900754,-0.050726858160000034,-119579.61123865435,-0.05062857301092558,-124527.22448806565,-0.05065767288271157,-135365.44505905858,-0.050563135603257724,-136924.2262985307,-0.05046079251196777,-131210.80413297768,-0.050720187842485887,-145421.10861585464,-0.05065376514899987,-152283.26407705474,-0.05054617886607088,-48158.55547032512,-0.05072259916961966,-47434.26150990911,-0.05060457172448524,-60406.604688254214,-0.05045640527124168,-71094.23090784729,-0.050491805554789396,-77725.91320246542,-0.05048520498684391,-82157.61880438353,-0.050549031207678764,-89306.19016178651,-0.05070586175800011,-86358.18044800145
+494,-0.05040471919792898,-105199.6093568676,-0.05061815462171264,-27798.929906195124,-0.050549610495999965,-103247.96002837598,-0.050522006808463575,-102920.03033914555,-0.050397066212149184,-116235.66094946825,-0.050627002139999835,-119350.61412730726,-0.05052871389256088,-124307.23830496946,-0.05055775636814997,-135113.85302226088,-0.05046301058226123,-136667.34472279568,-0.050360671891904366,-130958.31203943881,-0.050620344953032186,-145160.07665179163,-0.05055385634199997,-152003.53654541276,-0.05044608742277188,-48036.131032706224,-0.05062275153345896,-47314.89677641051,-0.05050456268945664,-60267.216577318904,-0.05035629335602098,-70937.82334441518,-0.05039162340091089,-77564.07992928497,-0.050385035929330406,-81985.42896863527,-0.050448934116178464,-89123.57151315533,-0.050606047069500115,-86182.68369936556
+495,-0.05030451100866878,-104989.56508046157,-0.050518316052439144,-27714.813570039667,-0.05044971007999997,-103039.86229421308,-0.05042196323062508,-102716.22773746292,-0.050296873237572384,-116007.38224774238,-0.050527146119999936,-119121.65909943549,-0.050428854774196084,-124087.21619080074,-0.050457839853588475,-134862.21696598644,-0.050362885561264725,-136410.44727537633,-0.05026055127184107,-130705.79954827116,-0.050520502063578485,-144898.94001850614,-0.05045394753499997,-151723.76921912396,-0.050345995979472584,-47913.850905799896,-0.05052290389729836,-47195.68999049203,-0.05040455365442814,-60127.92882201162,-0.050256181440800275,-70781.51146731313,-0.0502914412470323,-77402.31785364018,-0.05028486687181691,-81813.348850877,-0.050348837024678066,-88941.04495380598,-0.050506232381000014,-86007.22793260339
+496,-0.05020430281940848,-104779.57327794135,-0.05041847748316544,-27630.826739553264,-0.05034980966399997,-102831.8004856079,-0.05032191965278648,-102512.4868043597,-0.05019668026299549,-115779.09420423512,-0.05042729009999994,-118892.74888347031,-0.050328995655831384,-123867.16187655814,-0.05035792333902697,-134610.54467557315,-0.05026276054026803,-136153.53831979271,-0.05016043065177747,-130453.27088045422,-0.050420659174124784,-144637.71023363702,-0.05035403872800007,-151443.9590138967,-0.05024590453617348,-47791.72902308339,-0.05042305626113776,-47076.664271545786,-0.05030454461939944,-59988.74387795656,-0.05015606952557948,-70625.29585171244,-0.05019125909315379,-77240.64463832871,-0.050184697814303306,-81641.37958689353,-0.05024873993317767,-88758.61145572012,-0.05040641769250001,-85831.81644873109
+497,-0.050104094630148276,-104569.63507995634,-0.05031863891389184,-27546.971639764954,-0.05024990924799996,-102623.77650093533,-0.05022187607494798,-102308.80864588897,-0.05009648728841869,-115550.80326985703,-0.050327434079999935,-118663.88617778444,-0.05022913653746658,-123647.07700297213,-0.050258006824465275,-134358.84018162955,-0.05016263551927143,-135896.60227596108,-0.05006031003171417,-130200.72605685718,-0.050320816284670986,-144376.39486526776,-0.05025412992099997,-151164.04239073137,-0.05014581309287448,-47669.76055324769,-0.05032320862497696,-46957.776587794586,-0.05020453558437084,-59849.66366439042,-0.05005595761035888,-70469.17705779924,-0.05009107693927519,-77079.06711978809,-0.050084528756789606,-81469.52236721163,-0.05014864284167737,-88576.27193077968,-0.050306603004000014,-85656.4522169506
+498,-0.05000388644088788,-104359.7515920733,-0.05021880034461834,-27463.25083894596,-0.05015000883199987,-102415.79198576238,-0.05012183249710948,-102105.19429187907,-0.04999629431384179,-115322.51338472097,-0.050227578060000035,-118435.06273139743,-0.050129277419101885,-123426.90832861909,-0.05015809030990377,-134107.06526242392,-0.050062510498274926,-135639.6405784555,-0.04996018941165057,-129948.12471522644,-0.050220973395217285,-144114.99980473853,-0.05015422111399997,-150884.0356618369,-0.05004572164957518,-47547.930890617245,-0.05022336098881626,-46839.018238255914,-0.05010452654934214,-59710.689909355155,-0.04995584569513808,-70313.14992278806,-0.04999089478539669,-76917.58936416403,-0.04998435969927611,-81297.77844779793,-0.05004854575017697,-88394.02725330026,-0.05020678831550001,-85481.13799471248
+499,-0.04990367825162758,-104149.92389771175,-0.05011896177534474,-27379.66746099997,-0.050050108415999967,-102207.84841314211,-0.05002178891927088,-101901.64474048,-0.04989610133926499,-115094.22752668778,-0.05012772204000004,-118206.27717866142,-0.05002941830073708,-123206.51616046182,-0.05005817379534227,-133855.1939006677,-0.04996238547727842,-135382.66356381183,-0.04986006879158727,-129695.48624391425,-0.050121130505763584,-143853.52007099043,-0.05005431230700007,-150603.95337543142,-0.049945630206276084,-47426.2507708645,-0.050123513352655656,-46720.39009550843,-0.05000451751431354,-59571.82428919631,-0.04985573377991748,-70157.21216306437,-0.049890712631518196,-76756.20897259044,-0.049884190641762506,-81126.14916350589,-0.04994844865867667,-88211.8782747404,-0.050106973627000014,-85305.87640775085
+500,-0.04980347006236738,-103940.15306085366,-0.05001912320607104,-27296.225612840266,-0.049950207999999864,-101999.9471304887,-0.04992174534143238,-101698.16097502658,-0.049795908364688286,-114865.94817253143,-0.050027866019999936,-117977.53900923123,-0.04992955918237238,-122985.98179992413,-0.04995825728078077,-133603.25815144018,-0.04986226045628193,-135125.6758091999,-0.04975994817152387,-129442.79463835435,-0.05002128761630988,-143591.95957520686,-0.04995440349999987,-150323.80321974782,-0.04984553876297688,-47304.739070753356,-0.050023665716494956,-46601.89305448823,-0.049904508479285035,-59433.06851127902,-0.049755621864696675,-70001.36796190047,-0.049790530477639594,-76594.89559652482,-0.04978402158424901,-80954.63594571214,-0.04984835156717626,-88029.82583440033,-0.05000715893850001,-85130.67001117894
+501,-0.04970326187310688,-103730.44012839968,-0.04991928463679754,-27212.93150128596,-0.04985030758399996,-101792.08938940849,-0.04982170176359388,-101494.74397290764,-0.04969571539011139,-114637.67750341284,-0.04992800999999994,-117748.85373831163,-0.04982970006400758,-122765.31845169341,-0.04985834076621907,-133351.26896295854,-0.04976213543528533,-134868.68061952328,-0.04965982755146037,-129190.01994127655,-0.049921444726856286,-143330.32667956152,-0.04985449469299997,-150043.59039679696,-0.04974544731967778,-47183.34776658578,-0.04992381808033436,-46483.52803555241,-0.04980449944425624,-59294.42438219801,-0.04965550994947598,-69845.61888377008,-0.0496903483237611,-76433.64755115594,-0.04968385252673531,-80783.24034597704,-0.049748254475675865,-87847.87076780274,-0.04990734425000001,-84955.52134285087
+502,-0.04960305368384668,-103520.78613245049,-0.04981944606752394,-27129.79882435676,-0.04975040716800006,-101584.27636593411,-0.04972165818575528,-101291.39471132637,-0.04959552241553459,-114409.41751803484,-0.049828153979999935,-117520.22765790128,-0.04972984094564288,-122544.50440180815,-0.04975842425165757,-133099.23296444918,-0.049662010414288825,-134611.68068227213,-0.04955970693139697,-128937.17652121377,-0.049821601837402585,-143068.62711621687,-0.04975458588599997,-149763.31889489663,-0.04964535587637858,-47062.07351682057,-0.049823970444173755,-46365.29598802761,-0.04970449040922774,-59155.89388182208,-0.049555398034255176,-69689.96601285163,-0.049590166169882495,-76272.41503985021,-0.04958368346922181,-80611.96406911722,-0.049648157384175565,-87665.97193173884,-0.04980752956150001,-84780.43297704644
+503,-0.04950284549458638,-103311.1920922811,-0.04971960749825034,-27046.846268155885,-0.049650506751999966,-101376.50917497903,-0.04962161460791678,-101088.11417169195,-0.049495329440957685,-114181.17010631954,-0.04972829795999994,-117291.67435779561,-0.04962998182727808,-122323.55592956742,-0.04965850773709607,-132847.15500794834,-0.04956188539329213,-134354.67831050523,-0.049459586311333466,-128684.28460070291,-0.04972175894794868,-142806.86861292788,-0.04965467707899987,-149482.99199022976,-0.04954526443307948,-46940.89963920394,-0.04972412280801296,-46247.19789445793,-0.04960448137419904,-59017.47926231635,-0.049455286119034575,-69534.41023221273,-0.04948998401600399,-76111.23358792285,-0.04948351441170821,-80440.80902191879,-0.04954806029267517,-87484.10642550689,-0.04970771487300001,-84605.40758642319
+504,-0.04940263730532618,-103101.65901634612,-0.04961976892897664,-26964.02037492781,-0.049550606336000065,-101168.78888113967,-0.04952157103007828,-100884.9033434418,-0.04939513646638079,-113952.93710700054,-0.04962844194000004,-117063.18024266919,-0.04953012270891338,-122102.5027920569,-0.04955859122253437,-132595.0224648655,-0.049461760372295625,-134097.67556231507,-0.04935946569127007,-128431.35349098785,-0.049621916058495086,-142545.0536553418,-0.04955476827199997,-149202.60832094628,-0.04944517298978028,-46819.832825937396,-0.04962427517185226,-46129.23477572035,-0.049504472339170436,-58879.18320264516,-0.04935517420381378,-69378.95231606059,-0.04938980186212529,-75950.1215850803,-0.04938334535419471,-80269.77738964692,-0.04944796320117496,-87302.29403072182,-0.04960790018449991,-84430.44802386127
+505,-0.04930242911606578,-102892.1879041076,-0.04951993035970314,-26881.321000833497,-0.04945070591999996,-100961.11650709952,-0.049421527452239676,-100681.76322769329,-0.04929494349180399,-113724.72036352947,-0.04952858591999994,-116834.73924774135,-0.049430263590548584,-121881.35247188147,-0.04945867470797287,-132342.8156317055,-0.04936163535129913,-133840.67430936496,-0.049259345071206766,-128178.38951492855,-0.049522073169041385,-142283.1754313372,-0.04945485946499997,-148922.1407826186,-0.04934508154648118,-46698.8779015865,-0.04952442753569166,-46011.407697444,-0.049404463304141735,-58741.00908562269,-0.04925506228859318,-69223.59297121494,-0.04928961970824689,-75789.08952758364,-0.04928317629668101,-80098.87176883475,-0.049347866109674565,-87120.52532087135,-0.049508085495999915,-84255.55744539035
+506,-0.04920222092680548,-102682.77974781136,-0.04942009179042954,-26798.750105410025,-0.04935080550400007,-100753.48984696358,-0.049321483874401176,-100478.69484094472,-0.04919475051722709,-113496.52179346101,-0.04942872989999993,-116606.35381951598,-0.049330404472183884,-121660.11195096657,-0.04935875819341127,-132090.5548869825,-0.04926151033030253,-133583.67628036672,-0.049159224451143166,-127925.39755025502,-0.049422230279587684,-142021.23658415553,-0.04935495065800007,-148641.58634523323,-0.04924499010318198,-46578.037518212725,-0.04942457989953096,-45893.717778124665,-0.04930445426911314,-58602.96158404104,-0.04915495037337238,-69068.33285909082,-0.04918943755436819,-75628.14557199136,-0.04918300723916741,-79928.09543518124,-0.04924776901817406,-86938.80592566395,-0.04940827080750011,-84080.73952209164
+507,-0.04910201273754518,-102473.43553430855,-0.04932025322115594,-26716.30997649304,-0.049250905087999966,-100545.86086546264,-0.04922144029656258,-100275.69921907887,-0.04909455754265029,-113268.3135701828,-0.049328873879999936,-116378.02646366735,-0.04923054535381918,-121438.78877196592,-0.04925884167884977,-131838.2478484736,-0.04916138530930603,-133326.6830907682,-0.04905910383107987,-127672.38161156309,-0.04932238739013398,-141759.1991536788,-0.04925504185099997,-148360.96159606337,-0.049144898659882884,-46457.31383197125,-0.049324732263370356,-45776.16619976254,-0.04920444523408444,-58465.048274064946,-0.04905483845815168,-68913.17260877388,-0.04908925540048979,-75467.29710692055,-0.04908283818165391,-79757.45291818559,-0.049147671926673867,-86757.14300921197,-0.049308456119000116,-83905.99887556423
+508,-0.049001804548284976,-102264.15624675459,-0.04922041465188244,-26634.003378807847,-0.049151004672000065,-100338.24850991665,-0.04912139671872408,-100072.77742188785,-0.04899436456807359,-113040.07811289885,-0.04922901785999994,-116149.7598151575,-0.049130686235454385,-121217.38926839246,-0.04915892516428817,-131585.8994546614,-0.049061260288309524,-133069.69626394485,-0.048958983211016466,-127419.34513827515,-0.049222544500680185,-141497.01610729747,-0.04915513304399997,-148080.27354707758,-0.049044807216583684,-46336.708905102474,-0.04922488462720956,-45658.75422222301,-0.04910443619905594,-58327.288970817266,-0.04895472654293088,-68758.11282542165,-0.048989073246611094,-75306.55172749242,-0.04898266912414021,-79586.88862251943,-0.04904757483517347,-86575.54627393227,-0.049208641430500015,-83731.34226671667
+509,-0.04890159635902458,-102054.94286651573,-0.04912057608260874,-26551.833820377884,-0.04905110425599996,-100130.66390079798,-0.04902135314088558,-99869.93053839759,-0.04889417159349669,-112811.83643769003,-0.04912916184000004,-115921.51709771132,-0.049030827117089684,-120995.91902081786,-0.04905900864972657,-131333.513521819,-0.04896113526731303,-132812.7172470299,-0.04885886259095297,-127166.29115944481,-0.049122701611226484,-141234.69268482664,-0.04905522423700007,-147799.52521826208,-0.04894471577328458,-46216.22494019029,-0.049125036991048955,-45541.48320350078,-0.04900442716402734,-58189.6967816328,-0.04885461462771028,-68603.15409607538,-0.04888889109273269,-75145.91846190576,-0.048882500066626706,-79416.4173374238,-0.04894747774367317,-86394.02111504991,-0.04910882674200001,-83556.78095482665
+510,-0.04880138816976428,-101845.7963750341,-0.04902073751333514,-26469.80610306987,-0.048951203839999964,-99923.11223668489,-0.04892130956304698,-99667.15969325918,-0.04879397861891989,-112583.60670031996,-0.049029305819999834,-115693.30469216811,-0.04893096799872488,-120774.3831812743,-0.04895909213516507,-131081.09323418824,-0.048861010246316325,-132555.74742315942,-0.04875874197088957,-126913.22118644326,-0.04902285872177278,-140972.23880663977,-0.04895531542999997,-147518.70093202713,-0.04884462432998548,-46095.864564316464,-0.04902518935488826,-45424.334970757656,-0.048904418128998636,-58052.20474622005,-0.048754502712489475,-68448.29699376867,-0.048788708938853995,-74985.41098654125,-0.04878233100911311,-79246.03755159788,-0.04884738065217276,-86212.57176437853,-0.049009012053500015,-83382.31474004488
+511,-0.04870117998050408,-101636.71152256214,-0.04892089894406154,-26387.927803470822,-0.048851303423999966,-99715.5969869649,-0.04882126598520848,-99464.46605485302,-0.048693785644342985,-112355.38689603048,-0.048929449799999934,-115465.076833403,-0.04883110888036018,-120552.78681900616,-0.04885917562060357,-130828.6413643295,-0.04876088522531983,-132298.78812109973,-0.04865862135082607,-126660.11193536926,-0.04892301583231908,-140709.63790297473,-0.04885540662299997,-147237.77625085655,-0.04874453288668628,-45975.6315180436,-0.04892534171872766,-45307.28050874407,-0.04880440909397004,-57914.81352521901,-0.048654390797268875,-68293.54208068676,-0.0486885267849755,-74825.06457643042,-0.048682161951599606,-79075.73962760861,-0.04874728356067247,-86031.20197817573,-0.04890919736500001,-83207.91220176307
+512,-0.04860097179124378,-101427.6438087246,-0.04882106037478804,-26306.217000261262,-0.04875140300799997,-99508.12082479542,-0.04872122240736998,-99261.85071699525,-0.048593592669766185,-112127.16675481026,-0.04882959377999994,-115236.86323314297,-0.04873124976199538,-120331.11745643351,-0.04875925910604187,-130576.16039216865,-0.04866076020432323,-132041.840623055,-0.04855850073076267,-126406.97444612336,-0.04882317294286538,-140446.90985378475,-0.04875549781599997,-146956.75038346008,-0.04864444144338718,-45855.53510286653,-0.04882549408256696,-45190.3440587385,-0.04870440005894134,-57777.52382626692,-0.04855427888204808,-68138.88991064929,-0.048588344631096896,-74664.84582984418,-0.04858199289408611,-78905.54773054649,-0.048647186469172064,-85849.91521372997,-0.048809382676500014,-83033.5787109865
+513,-0.04850076360198338,-101218.6145678307,-0.048721221805514345,-26224.68899329718,-0.048651502591999865,-99300.68600808234,-0.04862117882953128,-99059.2813669101,-0.04849339969518929,-111898.94897640435,-0.04872973775999993,-115008.69239033588,-0.04863139064363068,-120109.33368622382,-0.04865934259148037,-130323.62553660464,-0.04856063518332673,-131784.90617114355,-0.04845838011069937,-126153.81645800176,-0.04872333005341158,-140184.0723013771,-0.04865558900899987,-146675.64444883302,-0.04854435000008788,-45735.5692567901,-0.04872564644640636,-45073.5344909054,-0.04860439102391274,-57640.33637507105,-0.04845416696682728,-67984.31737920392,-0.04848816247721839,-74504.75028501879,-0.04848182383657241,-78735.4912111121,-0.048547089377671666,-85668.65757882064,-0.04870956798800001,-82859.32223450474
+514,-0.048400555412723076,-101009.63355725002,-0.04862138323624074,-26143.316252833098,-0.048551602175999964,-99093.29465937453,-0.04852113525169288,-98856.76659906933,-0.04839320672061249,-111670.68815236002,-0.04862988174000003,-114780.58268990915,-0.04853153152526588,-119887.43317243211,-0.04855942607691887,-130070.99307875548,-0.048460510162330224,-131527.97215188353,-0.04835825949063577,-125900.64230281125,-0.04862348716395788,-139921.08603341656,-0.04855568020199997,-146394.45949145462,-0.04844425855678888,-45615.72855497572,-0.048625798810245556,-44956.85833525064,-0.04850438198888424,-57503.25192001092,-0.04835405505160658,-67829.82564467132,-0.048387980323339796,-74344.73864859383,-0.04838165477905881,-78565.53522563602,-0.048446992286171366,-85487.43930244185,-0.048609753299500014,-82685.16503955942
+515,-0.04830034722346288,-100800.6913309952,-0.04852154466696724,-26062.05445313658,-0.04845170175999987,-98885.93715253091,-0.04842109167385418,-98654.31692134251,-0.04829301374603559,-111442.36504531554,-0.048530025719999835,-114552.49939715167,-0.04843167240690118,-119665.4337780826,-0.04845950956235717,-129818.28190549543,-0.048360385141333624,-131271.02608373124,-0.04825813887057247,-125647.44245982134,-0.04852364427450418,-139657.96211054228,-0.04845577139499997,-146113.18514015342,-0.04834416711348958,-45496.015999753254,-0.04852595117408496,-44840.32313327237,-0.04840437295385554,-57366.271237794186,-0.048253943136385875,-67675.3796039567,-0.04828779816946129,-74184.8093860019,-0.04828148572154531,-78395.6826039399,-0.04834689519467097,-85306.27955479622,-0.04850993861100001,-82511.07871280811
+516,-0.04820013903420258,-100591.78166526037,-0.04842170609769364,-25980.904802631474,-0.04835180134399997,-98678.60952926034,-0.04832104809601568,-98451.93554721776,-0.048192820771458686,-111214.00817746895,-0.048430169699999935,-114324.44750164167,-0.048331813288536384,-119443.34635238805,-0.04835959304779567,-129565.51050931173,-0.048260260120337024,-131014.08122235887,-0.04815801825050887,-125394.19670392797,-0.048423801385050584,-139394.70534693898,-0.04835586258799987,-145831.83574438482,-0.04824407567019058,-45376.441973649205,-0.04842610353792426,-44723.94195808094,-0.04830436391882694,-57229.39514050241,-0.04815383122116518,-67520.99741522144,-0.0481876160155827,-74024.96412709044,-0.04818131666403161,-78225.94469625283,-0.04824679810317067,-85125.17449825286,-0.048410123922499916,-82337.03379013072
+517,-0.04809993084494218,-100382.91770064253,-0.048321867528419944,-25899.868064020106,-0.048251900928000066,-98471.31929252521,-0.048221004518177076,-98249.62499732667,-0.04809262779688199,-110985.62231229221,-0.04833031367999994,-114096.43174141253,-0.04823195417017168,-119221.1771559319,-0.04825967653323417,-129312.685839215,-0.048160135099340425,-130757.14212564005,-0.048057897630445566,-125140.92349234672,-0.04832395849559688,-139131.32221095636,-0.04825595378099997,-145550.417909023,-0.048143984226891284,-45257.01434267883,-0.048326255901763655,-44607.694595944275,-0.04820435488379824,-57092.6244848288,-0.048053719305944376,-67366.69032417826,-0.04808743386170419,-73865.20442851415,-0.04808114760651801,-78056.29591563492,-0.04814670101167027,-84944.1300552386,-0.04831030923399991,-82162.98314796668
+518,-0.04799972265568198,-100174.10471146212,-0.04822202895914644,-25818.942983829533,-0.048152000511999964,-98264.069594573,-0.048120960940338575,-98047.39061786223,-0.04799243482230519,-110757.21637840812,-0.048230457659999934,-113868.45636396902,-0.048132095051806885,-118998.92516193679,-0.04815976001867267,-129059.76592142042,-0.04806001007834393,-130500.21171512555,-0.04795777701038217,-124887.63003774096,-0.04822411560614318,-138867.8286466694,-0.04815604497399997,-145268.93620103697,-0.04804389278359218,-45137.69337069543,-0.04822640826560296,-44491.5805941885,-0.04810434584876964,-56955.96018465812,-0.047953607390723775,-67212.46368965419,-0.04798725170782559,-73705.5317907404,-0.04798097854900451,-77886.72298995493,-0.048046603920169864,-84763.1253048819,-0.04821049454550011,-81988.94547496515
+519,-0.047899514466421676,-99965.34638769148,-0.048122190389872845,-25738.130185017475,-0.04805210009600006,-98056.86265853902,-0.04802091736249998,-97845.23939875828,-0.047892241847728285,-110528.78714188669,-0.048130601640000034,-113640.52152385128,-0.048032235933442184,-118776.59796699592,-0.04805984350411097,-128806.77062919513,-0.047959885057347426,-130243.2922578781,-0.04785765639031867,-124634.32162323294,-0.048124272716689384,-138604.2267167462,-0.04805613616700007,-144987.39427916304,-0.04794380134029298,-45018.4798764436,-0.04812656062944236,-44375.602562926426,-0.04800433681374094,-56819.40322897493,-0.04785349547550298,-67058.32106203774,-0.047887069553947094,-73545.94767502957,-0.04788080949149101,-77717.22938667602,-0.04794650682866956,-84582.14844939426,-0.04811067985700011,-81814.93946820826
+520,-0.04779930627716148,-99756.64574309875,-0.04802235182059914,-25657.43030512582,-0.04795219967999997,-97849.70028801862,-0.04792087378466148,-97643.17286823395,-0.047792048873151485,-110300.33481397814,-0.04803074562000004,-113412.6300497624,-0.04793237681507748,-118554.19727409945,-0.04795992698954947,-128553.70732203018,-0.04785976003635092,-129986.38000285994,-0.047757535770255266,-124381.00246964378,-0.04802442982723568,-138340.52303434664,-0.04795622735999997,-144705.79526259017,-0.04784370989699388,-44899.37455558318,-0.04802671299328156,-44259.76325270897,-0.04790432777871244,-56682.954708678124,-0.04775338356028238,-66904.23448176144,-0.047786887400068596,-73386.45352346252,-0.04778064043397741,-77547.77667472366,-0.047846409737169165,-84401.22140686783,-0.04801086516850011,-81640.95908432352
+521,-0.04769909808790098,-99548.00545368681,-0.047922513251325544,-25576.843997549902,-0.047852299264000066,-97642.58404379472,-0.04782083020682298,-97441.18388072829,-0.04769185589857459,-110071.86775061715,-0.047930889599999936,-113184.78867989944,-0.04783251769671268,-118331.63039277082,-0.047860010474987974,-128300.58342933087,-0.047759635015354324,-129729.40716225606,-0.04765741515019177,-124127.67192808333,-0.04792458693778198,-138076.72511791685,-0.04785631855299997,-144424.10497086647,-0.04774361845369468,-44780.37803945213,-0.04792686535712086,-44144.06570931807,-0.047804318743683835,-56546.61585961225,-0.04765327164506158,-66750.20121806356,-0.047686705246189995,-73227.05078859603,-0.04768047137646371,-77378.35719156153,-0.04774631264566897,-84220.35446802127,-0.047911050480000016,-81467.00870445423
+522,-0.04759888989864078,-99339.42594401809,-0.04782267468205204,-25496.371932907143,-0.04775239884799996,-97435.5153264654,-0.04772078662898438,-97239.26921495539,-0.04759166292399779,-109843.3904680178,-0.04783103357999994,-112957.0033489308,-0.047732658578347985,-118108.90711281802,-0.04776009396042627,-128047.37892534886,-0.04765950999435783,-129472.39737585878,-0.04755729453012837,-123874.33246982233,-0.04782474404832828,-137812.83234567964,-0.04775640974600007,-144142.29646959805,-0.04764352701039558,-44661.49092067312,-0.047827017720960256,-44028.51351932211,-0.04770430970865514,-56410.388137618196,-0.04755315972984088,-66596.23741358265,-0.0475865230923115,-73067.74099422904,-0.04758030231895021,-77208.99417807978,-0.04764621555416847,-84039.559969472,-0.04781123579150001,-81293.09188401446
+523,-0.04749868170938048,-99130.87129374746,-0.047722836112778444,-25416.013960048425,-0.047652498431999965,-97228.49542204017,-0.04762074305114588,-97037.43100881063,-0.04749146994942089,-109614.90632525702,-0.047731177559999935,-112729.28122986182,-0.04763279945998318,-117886.06098045135,-0.047660177445864774,-127794.08478651116,-0.047559384973361124,-129215.36889577897,-0.04745717391006507,-123620.98573449161,-0.04772490115887459,-137548.81666201667,-0.04765650093899987,-143860.38610657703,-0.04754343556709648,-44542.71376665082,-0.04772717008479966,-43913.1112991361,-0.04760430067362654,-56274.27336639095,-0.04745304781462008,-66442.34898167319,-0.047486340938432896,-72908.52594383487,-0.04748013326143661,-77039.69598750732,-0.04754611846266807,-83858.82735917463,-0.047711421103000015,-81119.2114283127
+524,-0.04739847352012008,-98922.3582662367,-0.04762299754350474,-25335.77022340175,-0.04755259801599997,-97021.52553001283,-0.04752069947330738,-96835.67470607763,-0.04739127697484409,-109386.41811286275,-0.04763132153999994,-112501.63407892767,-0.04753294034161848,-117663.10875674913,-0.047560260931303174,-127540.72303712845,-0.04745925995236463,-128958.32972708458,-0.04735705329000147,-123367.5946413152,-0.04762505826942078,-137284.6976921623,-0.04755659213199997,-143578.38088238126,-0.04744334412379728,-44424.047127544545,-0.04762732244863896,-43797.86598897496,-0.04750429163859784,-56138.27409047348,-0.04735293589939948,-66288.53978344159,-0.04738615878455439,-72749.408537986,-0.04737996420392291,-76870.46824304492,-0.047446021371167865,-83678.15671109312,-0.04761160641450001,-80945.36965736467
+525,-0.04729826533085988,-98713.90053137954,-0.047523158974231344,-25255.642064282594,-0.04745269759999997,-96814.59958194643,-0.04742065589546878,-96634.00461080945,-0.047291084000267186,-109157.9282636395,-0.04753146552000004,-112274.09728988852,-0.04743308122325368,-117440.06051448574,-0.04746034441674167,-127287.3022355097,-0.047359134931368126,-128701.28514055438,-0.04725693266993817,-123114.16802475599,-0.04752521537996708,-137020.41155095433,-0.04745668332499997,-143296.21076724475,-0.04734325268049818,-44305.485149290565,-0.04752747481247816,-43682.79352478009,-0.047404282603569235,-56002.39481278052,-0.047252823984178675,-66134.80551207872,-0.0472859766306758,-72590.38678787508,-0.04727979514640941,-76701.31550945001,-0.04734592427966736,-83497.55085532786,-0.047511791726000015,-80771.56861276034
+526,-0.04719805714159958,-98505.49619523481,-0.04742332040495764,-25175.63041155052,-0.04735279718399996,-96607.674317202,-0.04732061231763028,-96432.4258229379,-0.04719089102569049,-108929.43895913819,-0.04743160949999994,-112046.62417144299,-0.04733322210488898,-117216.92372767022,-0.04736042790218007,-127033.8281969115,-0.047259009910371526,-128444.23913024882,-0.047156812049874666,-122860.68950374148,-0.04742537249051339,-136755.96062631256,-0.04735677451799987,-143013.90069701817,-0.04724316123719898,-44187.02488279532,-0.04742762717631756,-43567.910383313705,-0.04730427356854054,-55866.64868479434,-0.047152712068958075,-65981.11842892466,-0.04718579447679729,-72431.46099056953,-0.04717962608889591,-76532.2419439142,-0.04724582718816717,-83317.01235040168,-0.04741197703750001,-80597.81011221418
+527,-0.04709784895233938,-98297.14737598159,-0.04732348183568404,-25095.736141896185,-0.047252896767999965,-96400.76213803847,-0.04722056873979168,-96230.9464528183,-0.04709069805111369,-108700.95219308377,-0.04733175347999993,-111819.19007152352,-0.04723336298652418,-116993.70447303444,-0.04726051138761847,-126780.26828537631,-0.04715888488937502,-128187.19496548313,-0.04705669142981127,-122607.16404148987,-0.04732552960105978,-136491.3797366269,-0.04725686571099997,-142731.4556501659,-0.04714306979389988,-44068.6710938411,-0.04732777954015686,-43453.154278825066,-0.047204264533512036,-55731.016585586956,-0.04705260015373728,-65827.49642138899,-0.04708561232291869,-72272.61128552325,-0.04707945703138231,-76363.25172379785,-0.04714573009666677,-83136.54356606504,-0.047312162349000014,-80424.09580520677
+528,-0.04699764076307908,-98088.85723318857,-0.04722364326641034,-25015.96013000644,-0.04715299635199986,-96193.8773993338,-0.047120525161953176,-96029.58260589067,-0.046990505076536786,-108472.4698129684,-0.047231897459999936,-111591.79672262384,-0.04713350386815948,-116770.40797585438,-0.047160594873056974,-126526.63163606604,-0.04705875986837853,-127930.15545710454,-0.04695657080974787,-122353.60021003724,-0.04722568671160608,-136226.6796325457,-0.04715695690399997,-142448.89933051378,-0.04704297835060068,-43950.42550913788,-0.04722793190399626,-43338.52732771603,-0.04710425549848344,-55595.49057375808,-0.046952488238516575,-65673.94700865021,-0.04698543016904019,-72113.83739977209,-0.04697928797386881,-76194.34954516882,-0.04704563300516627,-82956.14674164895,-0.04721234766050001,-80250.42721060818
+529,-0.046897432573818676,-97880.62861658461,-0.04712380469713684,-24936.303267239644,-0.04705309593599997,-95987.02596110164,-0.047020481584114676,-95828.31929933344,-0.04689031210195989,-108243.99354917245,-0.04713204143999994,-111364.44580699036,-0.047033644749794684,-116547.03891516729,-0.04706067835849527,-126272.93293286354,-0.046958634847382025,-127673.12310571474,-0.046856450189684366,-122100.00885127277,-0.04712584382215219,-135961.82690295522,-0.04705704809700007,-142166.24281965132,-0.046942886907301584,-43832.28930359438,-0.04712808426783566,-43224.03146761391,-0.04700424646345474,-55460.07134609811,-0.04685237632329578,-65520.47457289766,-0.04688524801516159,-71955.14042342469,-0.04687911891635511,-76025.54167050296,-0.04694553591366606,-82775.82403166915,-0.04711253297199991,-80076.80574332006
+530,-0.04679722438455838,-97672.46424339112,-0.04702396612786324,-24856.76647242406,-0.046953195519999866,-95780.21164609195,-0.04692043800627608,-95627.16167310748,-0.04679011912738309,-108015.52503641018,-0.04703218542000004,-111137.13366177285,-0.04693378563142998,-116323.60162674372,-0.046960761843933774,-126019.17909997916,-0.04685850982638533,-127416.10019286592,-0.04675632956962097,-121846.39583925602,-0.04702600093269858,-135696.84380787253,-0.04695713928999997,-141883.4938248875,-0.04684279546400238,-43714.26342589119,-0.047028236631674956,-43109.668318609234,-0.046904237428426136,-55324.75438371073,-0.04675226440807518,-65367.082376202314,-0.046785065861283094,-71796.52838326353,-0.04677894985884161,-75856.84080950757,-0.046845438822165665,-82595.57754557615,-0.04701271828349991,-79903.23273378276
+531,-0.04669701619529818,-97464.36683875625,-0.04692412755858964,-24777.350700279814,-0.046853295103999965,-95573.43733738293,-0.04682039442843758,-95426.08230758086,-0.04668992615280619,-107787.06583008904,-0.046932329399999834,-110909.849659584,-0.04683392651306528,-116100.10026890844,-0.04686084532937227,-125765.37511323694,-0.04675838480538873,-127159.08884169826,-0.04665620894955747,-121592.76564543243,-0.04692615804324488,-135431.74500195784,-0.04685723048299997,-141600.6583722549,-0.04674270402070328,-43596.33909851861,-0.04692838899551416,-42995.43941891869,-0.046804228393397436,-55189.47939834081,-0.04665215249285438,-65213.77311452517,-0.04668488370740449,-71637.98893511371,-0.04667878080132801,-75688.26235419039,-0.046745341730665364,-82415.40938728557,-0.04691290359499991,-79729.70944273929
+532,-0.04659680800603778,-97256.33929953084,-0.04682428898931614,-24698.056949452643,-0.04675339468800006,-95366.70538432726,-0.04672035085059908,-95225.08154158949,-0.04658973317822939,-107558.61741912003,-0.046832473379999934,-110682.60314304363,-0.046734067394700485,-115876.53900205521,-0.046760928814810775,-125511.511506521,-0.046658259784392225,-126902.09106003988,-0.046556088329494066,-121339.10473382835,-0.04682631515379118,-135166.53916019638,-0.04675732167600007,-141317.7414620076,-0.04664261257740398,-43478.50126172111,-0.046828541359353555,-42881.346292177404,-0.04670421935836884,-55054.271243779476,-0.04655204057763378,-65060.54915978765,-0.046584701553525995,-71479.46788767997,-0.04657861174381431,-75519.76127256139,-0.046645244639164966,-82235.3217006195,-0.046813088906500114,-79556.23707264982
+533,-0.04649659981677748,-97048.37874119794,-0.04672445042004244,-24618.88627120908,-0.04665349427199997,-95160.01779566401,-0.04662030727276048,-95024.16175586378,-0.04648954020365249,-107330.18123636265,-0.04673261735999994,-110455.39811746166,-0.046634208276335784,-115652.92226740351,-0.04666101230024907,-125257.55288359306,-0.04655813476339573,-126645.10877302769,-0.04645596770943077,-121085.4182563763,-0.04672647226433749,-134901.2329213129,-0.04665741286899997,-141034.6960421386,-0.04654252113410498,-43360.76190762353,-0.04672869372319286,-42767.39048019596,-0.04660421032334014,-54919.14303321487,-0.046451928662412975,-64907.412697654094,-0.046484519399647296,-71320.99901408398,-0.04647844268630081,-75351.3380354465,-0.04654514754766457,-82055.31673030641,-0.04671327421800001,-79382.81677676583
+534,-0.04639639162751718,-96840.44422292999,-0.04662461185076884,-24539.839779683254,-0.04655359385600007,-94953.37634563253,-0.04652026369492198,-94823.32585802214,-0.046389347229075686,-107101.75866717072,-0.04663276133999993,-110228.23739385823,-0.04653434915797098,-115429.25545371714,-0.046561095785687574,-125003.51778740052,-0.04645800974239923,-126388.14384941198,-0.04635584708936727,-120831.71502551726,-0.04662662937488368,-134635.83184286472,-0.04655750406199997,-140751.50687313138,-0.04644242969080588,-43243.12503753819,-0.04662884608703226,-42653.5735649604,-0.04650420128831164,-54784.10091244377,-0.04635181674719228,-64754.36582733389,-0.046384337245768896,-71162.5951907318,-0.04637827362878721,-75182.99428196225,-0.04644505045616427,-81875.39691847825,-0.046613459529500016,-79209.44966648662
+535,-0.04629618343825698,-96632.5677878702,-0.04652477328149534,-24460.91866476367,-0.046453693439999964,-94746.78263811927,-0.046420220117083376,-94622.57775055886,-0.04628915425449899,-106873.35105673186,-0.04653290532000003,-110001.08604467302,-0.04643449003960628,-115205.54883191297,-0.04646117927112607,-124749.3734530984,-0.04635788472140263,-126131.18574892548,-0.04625572646930387,-120578.00005684751,-0.04652678648542998,-134370.3346717067,-0.04645759525500007,-140468.20651407228,-0.04634233824750668,-43125.59300900808,-0.04652899845087156,-42539.897187223745,-0.04640419225328294,-54649.14896732258,-0.046251704831971475,-64601.41065782994,-0.0462841550918902,-71004.26377265879,-0.04627810457127371,-75014.73171518005,-0.04634495336466386,-81695.56508786768,-0.04651364484100001,-79036.12485432741
+536,-0.04619597524899658,-96424.75214436704,-0.04642493471222174,-24382.12420912203,-0.04635379302400006,-94540.23814827962,-0.046320176539244876,-94421.92372855479,-0.046188961279922086,-106644.95971632504,-0.046433049299999835,-109773.94653041492,-0.04633463092124148,-114981.80824491072,-0.04636126275656457,-124495.14032157988,-0.046257759700406124,-125874.2382190661,-0.04615560584924037,-120324.27766784432,-0.04642694359597629,-134104.70663094628,-0.04635768644799987,-140184.8068285507,-0.04624224680420758,-43008.16755297168,-0.04642915081471096,-42426.36306496103,-0.04630418321825434,-54514.29034557605,-0.046151592916750875,-64448.54943669701,-0.0461839729380118,-70846.01004664523,-0.04617793551376021,-74846.55218480137,-0.04624485627316357,-81515.82488821611,-0.046413830152500016,-78862.80829893498
+537,-0.04609576705973628,-96216.9874733034,-0.04632509614294804,-24303.457812792487,-0.04625389260799997,-94333.73710840642,-0.046220132961406375,-94221.3831920685,-0.046088768305345286,-106416.58592895346,-0.046333193279999935,-109546.83532789466,-0.046234771802876884,-114758.01186060261,-0.04626134624200287,-124240.83191987243,-0.04615763467940943,-125617.30677984738,-0.04605548522917697,-120070.55222184057,-0.046327100706522586,-133838.9700720897,-0.04625777764099997,-139901.31541433476,-0.04614215536090828,-42890.85007807711,-0.046329303178550156,-42312.973013833165,-0.04620417418322574,-54379.527695571276,-0.04605148100153008,-64295.77324534868,-0.04608379078413329,-70687.83576710898,-0.04607776645624651,-74678.45784909773,-0.046144759181663164,-81336.18258932716,-0.04631401546400001,-78689.52146478606
+538,-0.04599555887047608,-96009.27803141212,-0.04622525757367444,-24224.921033598668,-0.046153992192000066,-94127.26415885659,-0.04612008938356778,-94020.94435076161,-0.04598857533076839,-106188.23095441824,-0.04623333725999994,-109319.74894447249,-0.04613491268451218,-114534.1610629392,-0.046161429727441375,-123986.45430970727,-0.046057509658412925,-125360.38971516212,-0.04595536460911357,-119816.82900648355,-0.046227257817068886,-133573.13649373004,-0.04615786883399997,-139617.73766118896,-0.04604206391760928,-42773.64180134581,-0.04622945554238956,-42199.72897150474,-0.04610416514819704,-54244.863385769124,-0.04595136908630948,-64143.062332490925,-0.045983608630254594,-70529.73639904932,-0.04597759739873291,-74510.44292105321,-0.046044662090162766,-81156.6510246627,-0.046214200775500015,-78516.2720150894
+539,-0.04589535068121578,-95801.627457612,-0.04612541900440094,-24146.51568291976,-0.046054091775999964,-93920.83099099307,-0.04602004580572928,-93820.53732396748,-0.045888382356191484,-105959.89603409563,-0.046133481239999934,-109092.69286059086,-0.04603505356614738,-114310.25801082361,-0.046061513212879775,-123732.01536195485,-0.04595738463741643,-125103.46363476777,-0.04585524398905007,-119563.1102495716,-0.04612741492761509,-133307.2133638692,-0.04605796002699987,-139334.06215961796,-0.04594197247430998,-42656.54381584706,-0.04612960790622886,-42086.63302828157,-0.04600415611316854,-54110.29963547067,-0.04585125717108868,-63990.398844056486,-0.04588342647637619,-70371.69679569395,-0.04587742834121941,-74342.51014331983,-0.045944564998662465,-80977.206815666,-0.04611438608700001,-78343.06417772762
+540,-0.045795142491955376,-95594.0142818364,-0.04602558043512734,-24068.244151206407,-0.045954191359999966,-93714.44202912717,-0.04592000222789078,-93620.17078990035,-0.045788189381614684,-105731.5823954577,-0.046033625220000034,-108865.67408239855,-0.045935194447782685,-114086.30479843655,-0.045961596698318175,-123477.52037311229,-0.04585725961641983,-124846.47197029291,-0.04575512336898667,-119309.38551974208,-0.046027572038161386,-133041.20724884962,-0.04595805121999997,-139050.2557045861,-0.04584188103101088,-42539.55713004796,-0.046029760270068255,-41973.68746745613,-0.04590414707813974,-53975.83860644471,-0.04575114525586798,-63837.80271560789,-0.045783244322497495,-70213.72987851947,-0.045777259283705705,-74174.67224076172,-0.04584446790716207,-80797.84794202949,-0.046014571398500015,-78169.9009539629
+541,-0.04569493430269508,-95386.42369549505,-0.045925741865853645,-23990.10751973234,-0.04585429094399997,-93508.10001968946,-0.04581995865005218,-93419.85762971111,-0.04568799640703779,-105503.29125663286,-0.04593376920000004,-108638.69705559596,-0.04583533532941788,-113862.30346597928,-0.04586168018375667,-123222.97364683659,-0.04575713459542333,-124589.44343415136,-0.04565500274892337,-119055.61662071329,-0.045927729148707686,-132775.1217696705,-0.04585814241299997,-138766.26343469557,-0.04574178958771168,-42422.68269287715,-0.04592991263390756,-41860.89482104674,-0.04580413804311124,-53841.48174448258,-0.04565103334064718,-63685.26914533412,-0.045683062168619094,-70055.84212183027,-0.04567709022619211,-74006.91054914794,-0.045744370815661864,-80618.57608162357,-0.04591475671000001,-77996.78472863755
+542,-0.04559472611343488,-95178.87822396992,-0.045825903296580144,-23912.107940841626,-0.04575439052799996,-93301.80707779479,-0.04571991507221368,-93219.60356171509,-0.04558780343246099,-105275.02383101669,-0.045833913179999936,-108411.75461843348,-0.04573547621105318,-113638.25600952755,-0.04576176366919507,-122968.37888423342,-0.045657009574426824,-124332.35442273102,-0.04555488212885977,-118801.82005950461,-0.04582788625925408,-132508.93351104215,-0.04575823360600007,-138482.11810941467,-0.04564169814441258,-42305.921410677234,-0.04583006499774696,-41748.25795112397,-0.04570412900808264,-53707.2203480416,-0.04555092142542658,-63532.80342602655,-0.045582880014740396,-69898.0378295414,-0.045576921168678605,-73839.22465091619,-0.04564427372416137,-80439.39301903409,-0.04581494202149991,-77823.71752295471
+543,-0.04549451792417458,-94971.3786215341,-0.04572606472730654,-23834.248435627367,-0.045654490111999964,-93095.56498817688,-0.04561987149437508,-93019.41287378466,-0.04548761045788409,-105046.78133215901,-0.04573405715999994,-108184.85344254716,-0.04563561709268848,-113414.16439038332,-0.04566184715463357,-122713.7393688361,-0.04555688455343033,-124075.21231578772,-0.04545476150879647,-118548.00189093569,-0.04572804336980038,-132242.6437943863,-0.04565832479899997,-138197.7980716856,-0.04554160670111338,-42189.27415941164,-0.04573021736158616,-41635.780177239474,-0.04560411997305394,-53573.05816211165,-0.045450809510205775,-63380.409313559976,-0.045482697860861995,-69740.32062295884,-0.04547675211116511,-73671.59622935497,-0.045544176632661165,-80260.30069226988,-0.045715127332999914,-77650.70112224898
+544,-0.04539430973491418,-94763.92626157726,-0.04562622615803294,-23756.5329492152,-0.045554589695999965,-92889.35952936369,-0.04551982791653658,-92819.2863343445,-0.045387417483307387,-104818.5356219622,-0.045634201139999934,-107958.00043831594,-0.04553575797432368,-113190.03054422281,-0.04556193064007187,-122459.05807447914,-0.045456759532433624,-123818.04465025573,-0.04535464088873297,-118294.16304439733,-0.045628200480346486,-131976.26142234524,-0.04555841599199997,-137913.2822074366,-0.04544151525781428,-42072.741793904126,-0.04563036972542556,-41523.46549811865,-0.04550411093802534,-53438.9585998015,-0.045350697594985175,-63228.08975080178,-0.0453825157069833,-69582.69388783182,-0.04537658305365151,-73504.03364729023,-0.04544407954116077,-80081.3012642044,-0.04561531264450011,-77477.73714931891
+545,-0.04529410154565398,-94556.5439291313,-0.045526387588759244,-23678.967243204737,-0.04545468927999986,-92683.19313264413,-0.04541978433869808,-92619.19618743451,-0.045287224508730586,-104590.27810820239,-0.045534345120000035,-107731.18151524157,-0.04543589885595898,-112965.85639046409,-0.045462014125510375,-122204.33771085486,-0.04535663451143713,-123560.86516950386,-0.045254520268669565,-118040.30720858088,-0.045528357590892785,-131709.78991041303,-0.04545850718500007,-137628.60420018394,-0.04534142381451518,-41956.32515522551,-0.045530522089264856,-41411.31905139196,-0.04540410190299664,-53304.93802346274,-0.04525058567976438,-63075.84718227796,-0.04528233355310479,-69425.16108842436,-0.045276413996137806,-73336.54220322217,-0.045343982449660265,-79902.39724083088,-0.045515497956000114,-77304.80753121962
+546,-0.04519389335639368,-94349.18462603375,-0.04542654901948574,-23601.562572035746,-0.04535478886399996,-92477.0280446824,-0.04531974076085938,-92419.15797500509,-0.04518703153415369,-104362.0264000987,-0.045434489099999836,-107504.37930262934,-0.04533603973759418,-112741.64384214998,-0.04536209761094887,-121949.57771389827,-0.04525650949044053,-123303.68947906417,-0.04515439964860617,-117786.43719103129,-0.04542851470143918,-131443.1856869505,-0.04535859837799997,-137343.78599149268,-0.045241332371215984,-41840.02507689509,-0.04543067445310426,-41299.348500595675,-0.04530409286796814,-53171.01164040935,-0.045150473764543675,-62923.68371818882,-0.04518215139922619,-69267.72629266027,-0.04517624493862431,-73169.11320487729,-0.04524388535816007,-79723.59168827262,-0.045415683267500014,-77131.85460272839
+547,-0.04509368516713348,-94141.84495156351,-0.045326710450212145,-23524.340684667768,-0.04525488844800007,-92270.87717718133,-0.045219697183020775,-92219.17688493757,-0.04508683855957689,-104133.78651960462,-0.045334633079999936,-107277.62511678481,-0.04523618061922948,-112517.34837562771,-0.04526218109638737,-121694.78121065137,-0.045156384469444026,-123046.52518820319,-0.04505427902854267,-117532.53108616635,-0.04532867181198549,-131176.42070600932,-0.04525868957099997,-137058.84054414986,-0.04514124092791688,-41723.842390594604,-0.04533082681694356,-41187.57080756986,-0.04520408383293944,-53037.19016097128,-0.04505036184932298,-62771.60123017723,-0.04508196924534769,-69110.3975096434,-0.045076075881110705,-73001.64228588998,-0.045143788266659664,-79544.88869722224,-0.04531586857900001,-76958.90567885514
+548,-0.04499347697787298,-93934.53387185546,-0.04522687188093844,-23447.2708070792,-0.045154988031999965,-92064.7545660966,-0.04511965360518228,-92019.24123307699,-0.044986645584999985,-103905.56240291827,-0.04523477705999994,-107050.929104627,-0.04513632150086468,-112292.93138386056,-0.04516226458182567,-121439.93469931562,-0.04505625944844752,-122789.34665843504,-0.044954158408479265,-117278.59842110824,-0.045228828922531786,-130909.53265615653,-0.04515878076399997,-136773.76814787035,-0.04504114948461768,-41607.77793178743,-0.045230979180782956,-41075.973286834545,-0.045104074797910836,-52903.48819184866,-0.044950249934102175,-62619.60141187133,-0.04498178709146909,-68953.17357269465,-0.044975906823597006,-72834.10944183535,-0.04504369117515936,-79366.29468717112,-0.04521605389050001,-76785.9341798363
+549,-0.04489326878861278,-93727.25679242816,-0.045127033311665045,-23370.346102089465,-0.045055087616000064,-91858.66646572121,-0.04501961002734378,-91819.35473402494,-0.04488645261042309,-103677.32710400366,-0.045134921039999935,-106824.22883203618,-0.04503646238249998,-112068.41988401486,-0.04506234806726417,-121185.03184736885,-0.044956134427450924,-122532.15884737881,-0.04485403778841577,-117024.6463433914,-0.04512898603307798,-130642.5355277669,-0.04505887195699987,-136488.53982503718,-0.04494105804131858,-41491.83254621852,-0.04513113154462216,-40964.55719782526,-0.04500406576288224,-52769.92972253232,-0.04485013801888148,-62467.685819589904,-0.044881604937590594,-68796.04721176444,-0.04487573776608351,-72666.56920165484,-0.044943594083658965,-79187.82756959635,-0.04511623920200001,-76612.96648152891
+550,-0.04479306059935248,-93520.0119711278,-0.04502719474239134,-23293.56806010095,-0.04495518719999996,-91652.59576396894,-0.04491956644950518,-91619.52028644324,-0.04478625963584629,-103449.0701245646,-0.04503506501999994,-106597.53442124571,-0.044936603264135185,-111843.81359788837,-0.04496243155270267,-120930.0857340163,-0.04485600940645443,-122274.96644500367,-0.04475391716835237,-116770.63279209218,-0.04502914314362429,-130375.43815077204,-0.04495896314999997,-136203.18180067814,-0.04484096659801938,-41376.00709895921,-0.04503128390846156,-40853.33522877759,-0.04490405672785354,-52636.43086631353,-0.044750026103660676,-62315.85590092456,-0.04478142278371199,-68639.02114383044,-0.04477556870857001,-72499.03669168164,-0.04484349699215857,-79009.48645620244,-0.04501642451350001,-76440.01460342327
+551,-0.04469285241009228,-93312.789704263,-0.044927356173117744,-23216.90922544056,-0.04485528678400007,-91446.54403740291,-0.04481952287166668,-91419.74033812298,-0.04468606666126939,-103220.81229212444,-0.04493520900000004,-106370.85376817125,-0.044836744145770484,-111619.1243028385,-0.04486251503814097,-120675.10153302232,-0.044755884385457724,-122017.77428104,-0.04465379654828907,-116516.57253587087,-0.044929300254170586,-130108.24734394743,-0.04485905434299997,-135917.70710564317,-0.04474087515472028,-41260.30249218333,-0.04493143627230086,-40742.33521880082,-0.04480404769282504,-52502.98889297228,-0.044649914188440075,-62164.11301563078,-0.044681240629833495,-68482.09851364142,-0.04467539965105641,-72331.48833673762,-0.044743399900658266,-78831.24399070883,-0.044916609825000016,-76267.08563826414
+552,-0.04459264422083188,-93105.60043362941,-0.04482751760384424,-23140.370292877113,-0.044755386367999965,-91240.52300716189,-0.04471947929382818,-91220.01706264025,-0.04458587368669259,-102992.56130382362,-0.04483535297999983,-106144.1921609246,-0.04473688502740568,-111394.26830109952,-0.04476259852357947,-120420.08291033533,-0.04465575936446123,-121760.58793527354,-0.04455367592822547,-116262.47966852548,-0.044829457364716885,-129840.89933981282,-0.04475914553600007,-135632.07997751466,-0.04464078371142108,-41144.71973604502,-0.04483158863614026,-40631.522698684,-0.044704038657796236,-52369.613215938654,-0.04454980227321928,-62012.45845135623,-0.04458105847595489,-68325.28344480458,-0.04457523059354291,-72163.94692235386,-0.04464330280915787,-78653.08619808358,-0.04481679513650001,-76094.1833459184
+553,-0.04449243603157158,-92898.44976994985,-0.044727679034570644,-23063.952380459144,-0.044655485952000064,-91034.53779170068,-0.04461943571598958,-91020.35246113424,-0.04448568071211589,-102764.32255378753,-0.04473549695999993,-105917.55373885532,-0.04463702590904098,-111169.23361231401,-0.04466268200901797,-120165.03287373774,-0.044555634343464726,-121503.41134997694,-0.04445355530816217,-116008.35905473046,-0.044729614475263184,-129573.38234363508,-0.04465923672899997,-135346.31746089866,-0.04454069226812198,-41029.25992936686,-0.044731740999979556,-40520.87106491478,-0.04460402962276774,-52236.299847014736,-0.04444969035799868,-61860.86438525607,-0.044480876322076396,-68168.58394835253,-0.04447506153602921,-71996.42503584182,-0.04454320571765757,-78475.01154811405,-0.044716980448000015,-75921.29056495061
+554,-0.044392227842311276,-92691.3415318612,-0.04462784046529694,-22987.65656277721,-0.04455558553599997,-90828.59204996137,-0.04451939213815108,-90820.74843010708,-0.04438548773753899,-102536.10066960914,-0.044635640939999936,-105690.94199601219,-0.04453716679067618,-110944.07213744987,-0.04456276549445647,-119909.95405812879,-0.04445550932246823,-121246.18764385194,-0.044353434688098665,-115754.21298672698,-0.044629771585809386,-129305.73192792882,-0.04455932792199997,-135060.44214571043,-0.04444060082482268,-40913.92328309722,-0.04463189336381876,-40410.34413226637,-0.044504020587739036,-52103.05101491319,-0.04434957844277788,-61709.33152655304,-0.04438069416819789,-68012.00720585516,-0.04437489247851561,-71828.93041479665,-0.04444310862615716,-78297.02082725643,-0.04461716575950001,-75748.41888663295
+555,-0.04429201965305088,-92484.27887139632,-0.04452800189602334,-22911.483965781987,-0.04445568511999996,-90622.68874189844,-0.04441934856031248,-90621.20681336144,-0.04428529476296219,-102307.90020839688,-0.04453578491999994,-105464.3600191041,-0.04443730767231148,-110718.80463869467,-0.04446284897989477,-119654.84885620496,-0.04435538430147162,-120988.8964235666,-0.04425331406803527,-115500.04694021598,-0.044529928696355685,-129037.95542637585,-0.04445941911500007,-134774.47600071394,-0.04434050938152368,-40798.71070514043,-0.044532045727658155,-40299.933866917345,-0.04440401155271044,-51969.873622429164,-0.04424946652755718,-61557.87238605359,-0.0442805120143193,-67855.53243740798,-0.04427472342100211,-71661.46888394826,-0.04434301153465687,-78119.11481713857,-0.04451735107099991,-75575.57606144503
+556,-0.04419181146379068,-92277.26458002662,-0.04442816332674984,-22835.435796316662,-0.044355784703999965,-90416.83041387396,-0.04431930498247398,-90421.72944935097,-0.044185101788385285,-102079.69580535982,-0.04443592890000004,-105237.81062095822,-0.04433744855394678,-110493.44553682217,-0.04436293246533327,-119399.71948974981,-0.04425525928047513,-120731.5356769635,-0.04415319344797187,-115245.85820948223,-0.044430085806901984,-128770.052060549,-0.04435951030799997,-134488.40100353528,-0.044240417938224384,-40683.62317057424,-0.04443219809149756,-40189.641672817634,-0.04430400251768184,-51836.771314010606,-0.04414935461233638,-61406.48550020681,-0.04418032986044079,-67699.16225529023,-0.04417455436348841,-71494.04040821805,-0.044242914443156464,-77941.29429533311,-0.044417536382499914,-75402.76712453662
+557,-0.04409160327453038,-92070.24866781141,-0.04432832475747614,-22759.513367488817,-0.044255884287999966,-90211.00126464444,-0.04421926140463548,-90222.31822366206,-0.044084908813808485,-101851.48590269698,-0.044336072879999834,-105011.29642439994,-0.04423758943558198,-110268.0087610331,-0.04426301595077167,-119144.56805312618,-0.044155134259478625,-120474.12312981172,-0.044053072827908366,-114991.62516172609,-0.04433024291744839,-128502.03066629918,-0.04425960150099997,-134202.2175194389,-0.04414032649492538,-40568.66170843021,-0.04433235045533686,-40079.46879265796,-0.04420399348265314,-51703.74729181657,-0.04404924269711578,-61255.15969806248,-0.04408014770656219,-67542.88769192027,-0.044074385305974906,-71326.62475687377,-0.044142817351656066,-77763.56003619835,-0.04431772169400011,-75229.99639569118
+558,-0.04399139508527018,-91863.23159539863,-0.04422848618820254,-22683.71813044034,-0.04415598387199997,-90005.20522795424,-0.044119217826796876,-90022.97514204115,-0.04398471583923159,-101623.30804774738,-0.044236216859999934,-104784.81991998442,-0.04413773031721728,-110042.51811179958,-0.04416309943621007,-118889.39302097737,-0.04405500923848193,-120216.66767839558,-0.04395295220784497,-114737.36354193794,-0.044230400027994686,-128233.89895684227,-0.04415969269400007,-133915.93066677012,-0.044040235051626284,-40453.827419576235,-0.04423250281917626,-39969.41636883783,-0.04410398444762464,-51570.80430167084,-0.043949130781894975,-61103.90639602632,-0.04397996555268369,-67386.65777700201,-0.04397421624846131,-71159.22932685696,-0.044042720260155765,-77585.91281158406,-0.044217907005500115,-75057.26817041877
+559,-0.04389118689600978,-91656.2368759024,-0.04412864761892904,-22608.05171947077,-0.04405608345599996,-89799.45018461232,-0.044019174248958376,-89823.70246097294,-0.04388452286465479,-101395.1496581171,-0.04413636083999994,-104558.38350909237,-0.04403787119885248,-109816.95260922238,-0.04406318292164847,-118634.14119607751,-0.043954884217485425,-119959.17552464255,-0.043852831587781665,-114483.08034018398,-0.044130557138540784,-127965.65716458233,-0.04405978388699987,-133629.5451645664,-0.04394014360832698,-40339.12150525515,-0.04413265518301556,-39859.48547800011,-0.04400397541259594,-51437.94490281895,-0.043849018866674375,-60952.730409684424,-0.04387978339880509,-67230.498584034,-0.043874047190947806,-70991.85556704983,-0.04394262316865537,-77408.35339159795,-0.044118092317000014,-74884.58759262558
+560,-0.04379097870674948,-91449.2734508207,-0.04402880904965544,-22532.516021207834,-0.04395618303999987,-89593.7399908315,-0.043919130671119876,-89624.46398484877,-0.04378432989007789,-101166.98961839978,-0.04403650481999993,-104331.98953863392,-0.04393801208048778,-109591.2779888013,-0.04396326640708697,-118378.83459687357,-0.043854759196488825,-119701.65148306168,-0.043752710967718066,-114228.77995959246,-0.04403071424908719,-127697.30761067464,-0.04395987507999997,-133343.06553815716,-0.04384005216502798,-40224.54531790246,-0.044032807546854756,-39749.67715246157,-0.04390396637756734,-51305.171604198695,-0.04374890695145358,-60801.63490487774,-0.043779601244926594,-67074.40230489137,-0.043773878133434106,-70824.5148964817,-0.043842526077155164,-77230.88254010533,-0.04401827762850001,-74711.96565574431
+561,-0.04369077051748918,-91242.34737485893,-0.04392897048038174,-22457.104350444202,-0.043856282623999966,-89388.07757529082,-0.04381908709328128,-89425.27056994455,-0.04368413691550119,-100938.8307788309,-0.04393664880000003,-104105.64033136972,-0.043838152962122984,-109365.48756109178,-0.04386334989252547,-118123.4833949449,-0.04375463417549233,-119444.09773665594,-0.04365259034765477,-113974.46585346122,-0.043930871359633486,-127428.85857500667,-0.04385996627299997,-133056.45699888727,-0.04373996072172868,-40110.10046752023,-0.04393295991069416,-39639.99239443042,-0.04380395734253864,-51172.48699008624,-0.043648795036232875,-60650.62236851354,-0.04367941909104799,-66918.3689927471,-0.04367370907592061,-70657.21321348443,-0.043742428985654766,-77053.47994146006,-0.043918462940000014,-74539.40317455187
+562,-0.04359056232822898,-91035.46348523782,-0.04382913191110814,-22381.817684073525,-0.043756382208000065,-89182.4593158724,-0.04371904351544278,-89226.13475799703,-0.04358394394092429,-100710.64992656688,-0.043836792780000036,-103879.30468742007,-0.04373829384375828,-109139.56154026646,-0.04376343337796377,-117868.07466869197,-0.04365450915449583,-119186.48708258098,-0.04355246972759127,-113720.1249715208,-0.043831028470179785,-127160.31524678732,-0.04376005746599987,-132769.68866757982,-0.04363986927842968,-39995.78911552663,-0.04383311227453346,-39530.43218595361,-0.04370394830751004,-51039.893898964,-0.04354868312101208,-60499.69490939024,-0.043579236937169495,-66762.40163008664,-0.043573540018407006,-70489.95507934445,-0.043642331894154264,-76876.13113145501,-0.04381864825150001,-74366.88034907932
+563,-0.04349035413896858,-90828.57238009002,-0.04372929334183464,-22306.664265250794,-0.04365648179199996,-88976.84598669613,-0.04361899993760428,-89027.0424647791,-0.04348375096634749,-100482.45617721247,-0.043736936759999935,-103652.98033866401,-0.04363843472539348,-108913.50033949969,-0.04366351686340227,-117612.60313427994,-0.043554384133499324,-118928.83345570843,-0.04345234910752787,-113465.73655467088,-0.043731185580726084,-126891.68201899367,-0.04366014865899997,-132482.80003108797,-0.04353977783513038,-39881.615944615274,-0.043733264638372855,-39420.99749621986,-0.04360393927248154,-50907.39581919832,-0.04344857120579148,-60348.854394632195,-0.043479054783290894,-66606.50055664754,-0.04347337096089351,-70322.7444500708,-0.04354223480265407,-76698.85242990646,-0.04371883356300001,-74194.3988436817
+564,-0.04339014594970828,-90621.66844645656,-0.04362945477256104,-22231.651471256606,-0.04355658137600007,-88771.25831565014,-0.04351895635976568,-88827.95735159943,-0.043383557991770585,-100254.25797731757,-0.04363708073999994,-103426.63509589124,-0.043538575607028784,-108687.32933442449,-0.04356360034884077,-117357.0488411661,-0.04345425911250263,-118671.14600145334,-0.04335222848746447,-113211.3205851856,-0.04363134269127238,-126622.96285784023,-0.04356023985199997,-132195.8156002437,-0.04343968639183128,-39767.58239328783,-0.04363341700221226,-39311.689287189656,-0.04350393023745274,-50774.99876205461,-0.04334845929057068,-60198.10252417637,-0.043378872629412396,-66450.67321960838,-0.04337320190337981,-70155.58499786459,-0.04344213771115366,-76521.64853875236,-0.04361901887450001,-74021.96022316263
+565,-0.04328993776044808,-90414.78110022354,-0.04352961620328734,-22156.79457606267,-0.043456680959999966,-88565.70642780793,-0.04341891278192718,-88628.91739954738,-0.043283365017193785,-100026.05968744712,-0.043537224719999934,-103200.29351107031,-0.04343871648866398,-108461.06157819062,-0.043463683834279274,-117101.43723475237,-0.04335413409150603,-118413.41703663526,-0.04325210786740097,-112956.87144335858,-0.043531499801818585,-126354.16146995414,-0.04346033104500007,-131908.72755512292,-0.04333959494853208,-39653.67950301804,-0.04353356936605156,-39202.50851802568,-0.043403921202424235,-50642.70921215303,-0.04324834737535008,-60047.44087644909,-0.043278690475533795,-66294.88906036614,-0.043273032845866206,-69988.480348133,-0.04334204061965337,-76344.51502413118,-0.04351920418600001,-73849.56596875016
+566,-0.04318972957118778,-90207.92196058526,-0.043429777634013844,-22082.109741778884,-0.043356780544000065,-88360.18072867992,-0.043318869204088575,-88429.9163456052,-0.04318317204261689,-99797.86452619988,-0.04343736869999994,-102973.97073197435,-0.04333885737029928,-108234.70182365653,-0.04336376731971757,-116845.750817695,-0.043254009070509525,-118155.5563250081,-0.04315198724733757,-112702.38892881278,-0.043431656912364884,-126085.281424095,-0.04336042223799997,-131621.52530325652,-0.04323950350523298,-39539.90849850206,-0.04343372172989076,-39093.45614878309,-0.04330391216739554,-50510.51299973456,-0.043148235460129275,-59896.87093873068,-0.0431785083216553,-66139.16834628939,-0.04317286378835271,-69821.4343754543,-0.043241943528152964,-76167.40862680617,-0.043419389497500016,-73677.21749059108
+567,-0.04308952138192738,-90001.09963186125,-0.04332993906474024,-22007.542095655877,-0.04325688012799996,-88154.6510553017,-0.04321882562625008,-88230.95261277445,-0.04308297906804009,-99569.6751578143,-0.043337512679999836,-102747.67554225662,-0.04323899825193448,-108008.23595346537,-0.04326385080515607,-116589.8964289895,-0.04315388404951303,-117897.60795055855,-0.04305186662727407,-112447.87489577793,-0.04333181402291118,-125816.32629563464,-0.04326051343099997,-131334.19293145294,-0.04313941206193378,-39426.270709468714,-0.04333387409373016,-38984.53281844693,-0.04320390313236694,-50378.41248092864,-0.04304812354490858,-59746.39412864526,-0.04307832616777659,-65983.52089526129,-0.04307269473083921,-69654.45184325243,-0.043141846436652566,-75990.29309939538,-0.04331957480900001,-73504.9161376929
+568,-0.04298931319266708,-89794.32203892473,-0.04323010049546664,-21933.091980049583,-0.04315697971200007,-87949.13348871606,-0.04311878204841158,-88032.03059969647,-0.04298278609346319,-99341.49392257292,-0.043237656659999936,-102521.41496097845,-0.04313913913356978,-107781.68945591716,-0.04316393429059457,-116333.90219524929,-0.043053759028516526,-117639.59331373882,-0.04295174600721067,-112193.2564086976,-0.04323197113345748,-125547.29998292142,-0.04316060462400007,-131046.74414610946,-0.043039320618634684,-39312.76760249666,-0.043234026457569456,-38875.72063391325,-0.04310389409733824,-50246.410825699066,-0.04294801162968788,-59596.011810175165,-0.04297814401389819,-65827.95044945259,-0.04297252567332551,-69487.53872170339,-0.043041749345152265,-75813.2034222977,-0.04321976012049991,-73332.66320606702
+569,-0.042889105003406876,-89587.5894658908,-0.04313026192619314,-21858.760575803077,-0.043057079295999966,-87743.64216438627,-0.04301873847057298,-87833.15388917053,-0.04288259311888639,-99113.32295610837,-0.04313780063999994,-102295.19552412866,-0.04303928001520508,-107555.07987632985,-0.04306401777603287,-116077.74209822438,-0.04295363400751993,-117381.49587318921,-0.04285162538714737,-111938.56742858235,-0.043132128244003885,-125278.20889387613,-0.04306069581699997,-130759.18637416365,-0.04293922917533558,-39199.40073012319,-0.04313417882140886,-38767.02570824851,-0.043003885062309635,-50114.51229533756,-0.042847899714467175,-59445.72530625002,-0.04287796186001949,-65672.4636652208,-0.04287235661581191,-69320.7034574484,-0.04294165225365187,-75636.15512448241,-0.043119945431999915,-73160.45994543846
+570,-0.042788896814146576,-89380.91514589345,-0.043030423356919444,-21784.54908614419,-0.04295717887999997,-87538.18345921455,-0.04291869489273448,-87634.3256083793,-0.04278240014430969,-98885.16182493822,-0.043037944619999935,-102069.0241331826,-0.04293942089684028,-107328.38963260964,-0.04296410126147137,-115821.4393355975,-0.042853508986523424,-117123.28354173223,-0.04275150476708377,-111683.83012180297,-0.04303228535454998,-125009.05315012988,-0.04296078700999997,-130471.50751028083,-0.04283913773203638,-39086.1490796602,-0.043034331185248256,-38658.45210730845,-0.042903876027281136,-49982.72393567569,-0.04274778779924638,-59295.53590903634,-0.04277777970614109,-65517.069375395135,-0.04277218755829841,-69153.92199207742,-0.042841555162151566,-75459.15648987777,-0.04302013074350011,-72988.30756490023
+571,-0.04268868862488618,-89174.33642470218,-0.04293058478764584,-21710.45875845019,-0.04285727846399996,-87332.7561755043,-0.04281865131489588,-87435.54869277,-0.04268220716973279,-98656.96850849621,-0.04293808859999994,-101842.89555082501,-0.04283956177847558,-107101.63782312303,-0.042864184746909874,-115564.99873141364,-0.04275338396552673,-116864.99144507911,-0.042651384147020466,-111429.05628089231,-0.04293244246509628,-124739.828915989,-0.04286087820299997,-130183.70937621957,-0.04273904628873728,-38973.020019098585,-0.04293448354908746,-38550.000049196395,-0.04280386699225234,-49851.06703458615,-0.04264767588402578,-59145.444888815924,-0.04267759755226239,-65361.783156254874,-0.04267201850078481,-68987.19606803688,-0.04274145807065117,-75282.2132151398,-0.042920316055000116,-72816.20723773792
+572,-0.04258848043562598,-88967.78948542553,-0.04283074621837224,-21636.490906900264,-0.042757378047999964,-87127.36757886544,-0.04271860773705738,-87236.8257604408,-0.042582014195155886,-98428.760484727,-0.04283823258000004,-101616.79772415884,-0.04273970266011078,-106874.82340415289,-0.042764268232348274,-115308.44967141059,-0.042653258944530224,-116606.63270867897,-0.04255126352695697,-111174.22627652736,-0.042832599575642685,-124470.53860392446,-0.04276096939599987,-129895.80320619776,-0.04263895484543808,-38860.02293447548,-0.04283463591292676,-38441.67340478808,-0.04270385795722384,-49719.51884580364,-0.04254756396880498,-58995.452224268345,-0.042577415398383896,-65206.58002196243,-0.04257184944327111,-68820.5275933698,-0.042641360979150764,-75105.32967078761,-0.042820501366500015,-72644.16010557534
+573,-0.04248827224636568,-88761.24917433201,-0.04273090764909874,-21562.646939436967,-0.042657477631999965,-86921.95700360237,-0.04261856415921888,-87038.15907197601,-0.042481821220579086,-98200.54913972884,-0.04273837655999994,-101390.76565263567,-0.04263984354174608,-106647.91783864333,-0.042664351717786674,-115051.80644212138,-0.04255313392353373,-116348.21563431925,-0.04245114290689357,-110919.32971931553,-0.042732756686188984,-124201.18455785648,-0.04266106058899997,-129607.7944936141,-0.04253886340213898,-38747.16739235665,-0.04273478827676616,-38333.474459941266,-0.04260384892219514,-49588.061626577575,-0.04244745205358438,-58845.548696486745,-0.042477233244505294,-65051.45864002254,-0.04247168038575761,-68653.91757204862,-0.04254126388765046,-74928.50943232205,-0.04272068667800001,-72472.16728200245
+574,-0.04238806405710538,-88554.71471627189,-0.04263106907982504,-21488.928393911334,-0.04255757721599997,-86716.5188541061,-0.04251852058138028,-86839.55121792338,-0.04238162824600219,-97972.34079165407,-0.04263852053999993,-101164.72076425629,-0.042539984423381284,-106420.92421090991,-0.04256443520322517,-114795.07951530238,-0.04245300890253713,-116089.74645988054,-0.042351022286830166,-110664.38990885374,-0.04263291379673528,-123931.76906336048,-0.04256115178199997,-129319.68744175458,-0.04243877195883978,-38634.45643776295,-0.04263494064060546,-38225.405073488095,-0.042503839887166536,-49456.699192993845,-0.042347340138363575,-58695.699451434186,-0.0423770510906268,-64896.42148443002,-0.042371511328244106,-68487.33496418163,-0.042441166796150065,-74751.7555530024,-0.042620871989500014,-72300.2298558031
+575,-0.04228785586784498,-88348.19734505062,-0.042531230510551445,-21415.336991553668,-0.042457676799999865,-86511.07413632172,-0.04241847700354178,-86641.00490558345,-0.04228143527142539,-97744.14252492735,-0.042538664519999936,-100938.67613138456,-0.042440125305016584,-106193.84535898252,-0.04246451868866357,-114538.27756412327,-0.042352883881540626,-115831.2302516326,-0.04225090166676667,-110409.40021464773,-0.042533070907281485,-123662.29435692969,-0.04246124297499987,-129031.48561076776,-0.04233868051554068,-38521.87902286499,-0.04253509300444486,-38117.46173100585,-0.042403830852137836,-49325.44224995577,-0.04224722822314288,-58545.92151347256,-0.042276868936748396,-64741.47095839904,-0.04227134227073051,-68320.7907524405,-0.042341069704649764,-74575.0707219701,-0.04252105730100001,-72128.34889382208
+576,-0.04218764767858478,-88141.69221514188,-0.04243139194127794,-21341.874724811987,-0.042357776383999964,-86305.62447721642,-0.04231843342570328,-86442.5230980526,-0.04218124229684849,-97515.95357282645,-0.04243880849999994,-100712.63481574495,-0.04234026618665178,-105966.67418499419,-0.04236460217410197,-114281.40840807011,-0.04225275886054412,-115572.67131369788,-0.04215078104670327,-110154.35219228906,-0.042433228017827784,-123392.76263454978,-0.04236133416799997,-128743.17172073016,-0.042238589072241484,-38409.43874303133,-0.04243524536828426,-38009.64451381879,-0.04230382181710924,-49194.27641029316,-0.042147116307922075,-58396.22535331013,-0.04217668678286969,-64586.60943930645,-0.04217117321321681,-68154.29415516775,-0.042240972613149366,-74398.45736397665,-0.042421242612500014,-71956.52544359423
+577,-0.04208743948932448,-87935.16001586663,-0.042331553372004345,-21268.54402148243,-0.04225787596799987,-86100.1981135783,-0.042218389847864676,-86244.10925534058,-0.04208104932227169,-97287.69601325916,-0.04233895248000004,-100486.614070648,-0.042240407068287085,-105739.39847010357,-0.04226468565954037,-114024.47922118832,-0.04215263383954763,-115314.07341218674,-0.04205066042663977,-109899.25225466689,-0.04233338512837408,-123123.17606008745,-0.04226142536099997,-128454.75101031891,-0.04213849762894238,-38297.14004444275,-0.042335397732123456,-37901.95768430536,-0.04220381278208074,-49063.195142016106,-0.042047004392701474,-58246.616275322136,-0.04207650462899119,-64431.83676734973,-0.04207100415570331,-67987.8496789062,-0.04214087552164897,-74221.91770638575,-0.04232142792400001,-71784.76053577426
+578,-0.04198723130006428,-87728.57826181025,-0.04223171480273064,-21195.348116623416,-0.04215797555199997,-85894.82572230497,-0.042118346270026176,-86045.76786223939,-0.04198085634769499,-97059.31340791017,-0.042239096459999834,-100260.5767786994,-0.04214054794992228,-105512.031425071,-0.042164769144978874,-113767.45549644373,-0.042052508818550924,-115055.43561886596,-0.04195053980657637,-109644.10537490093,-0.04223354223892038,-122853.51091566536,-0.04216151655400007,-128166.23270032361,-0.04203840618564308,-38184.98928192558,-0.042235550095962755,-37794.40352418601,-0.04210380374705204,-48932.19920887319,-0.04194689247748068,-58097.09811927561,-0.04197632247511259,-64277.11887394558,-0.04197083509818971,-67821.460549193,-0.04204077843014867,-74045.45382647407,-0.04222161323550001,-71613.05518637432
+579,-0.04188702311080388,-87521.94901697505,-0.04213187623345714,-21122.29228845219,-0.042058075136000066,-85689.52731435465,-0.04201830269218748,-85847.49467646278,-0.04188066337311809,-96830.83795748657,-0.042139240439999934,-100034.50166179848,-0.04204068883155758,-105284.57847156386,-0.04206485263041737,-113510.36454443503,-0.04195238379755443,-114796.76035809176,-0.04185041918651307,-109388.8788553385,-0.04213369934946668,-122583.71782621158,-0.04206160774699997,-127877.62153354975,-0.04193831474234408,-38072.998514103005,-0.04213570245980216,-37686.98394540133,-0.04200379471202344,-48801.28937031708,-0.04184678056226008,-57947.67422140224,-0.041876140321234094,-64122.47212749229,-0.041870666040676206,-67655.12854619109,-0.04194068133864826,-73869.06768642079,-0.04212179854700001,-71441.4103989426
+580,-0.041786814921543576,-87315.25638204791,-0.04203203766418354,-21049.389812588895,-0.04195817471999996,-85484.23552851003,-0.04191825911434898,-85649.21484820421,-0.04178047039854129,-96602.27945156465,-0.04203938441999994,-99808.35866600588,-0.04194082971319288,-105057.02630600827,-0.041964936115855674,-113253.19626160018,-0.04185225877655783,-114538.03652099514,-0.041750298566449566,-109133.58268773535,-0.04203385646001288,-122313.8331232104,-0.04196169893999997,-127588.92116986257,-0.04183822329904478,-37961.20093945773,-0.04203585482364146,-37579.70071225655,-0.04190378567699474,-48670.466383448664,-0.04174666864703928,-57798.34829096528,-0.04177595816735549,-63967.9070540733,-0.04177049698316251,-67488.85002058157,-0.041840584247148066,-73692.76116009915,-0.04202198385850001,-71269.8063455392
+581,-0.04168660673228328,-87108.53511965417,-0.041932199094909944,-20976.62840595686,-0.04185827430400006,-85278.9410952214,-0.04181821553651038,-85450.87539000584,-0.041680277423964386,-96373.64105384695,-0.04193952839999993,-99582.1332365171,-0.04184097059482808,-104829.35839460211,-0.04186501960129417,-112995.95547978536,-0.041752133755561326,-114279.23347872746,-0.04165017794638617,-108878.23061204793,-0.04193401357055918,-122043.86927744033,-0.04186179013300007,-127300.13474042097,-0.04173813185574568,-37849.538669678666,-0.04193600718748086,-37472.55552304857,-0.04180377664196614,-48539.73100492178,-0.04164655673181858,-57649.12051715542,-0.041675776013476995,-63813.42898211792,-0.04167032792564901,-67322.62972534563,-0.041740487155647564,-73516.53605444219,-0.04192216916999991,-71098.22690815217
+582,-0.04158639854302308,-86901.79899687637,-0.04183236052563624,-20903.997020716823,-0.04175837388799997,-85073.6488857926,-0.041718171958671876,-85252.47888436202,-0.041580084449387586,-96144.92791914719,-0.04183967238000003,-99355.8047684586,-0.04174111147646338,-104601.59387989808,-0.041765103086732674,-112738.64836208956,-0.04165200873456483,-114020.3759518733,-0.04155005732632277,-108622.82925000691,-0.04183417068110548,-121773.83365990619,-0.04176188132599987,-127011.25797611354,-0.04163804041244668,-37737.996222312824,-0.04183615955132016,-37365.55005175142,-0.04170376760693744,-48409.08399300934,-0.04154644481659778,-57499.992511480115,-0.04157559385959839,-63659.04331494935,-0.04157015886813541,-67156.47072192443,-0.041640390064147166,-73340.38101290005,-0.041822354481499915,-70926.68968107464
+583,-0.04148619035376268,-86695.05704902553,-0.04173252195636274,-20831.50018329379,-0.041658473472000065,-84868.3633856964,-0.04161812838083328,-85054.06087322618,-0.04147989147481069,-95916.16114276134,-0.041739816359999835,-99129.39662092138,-0.04164125235809858,-104373.74010700663,-0.04166518657217117,-112481.28011703063,-0.04155188371356822,-113761.47316108113,-0.041449936706259266,-108367.38337741049,-0.04173432779165179,-121503.73180590817,-0.04166197251899997,-126722.2496868753,-0.04153794896914738,-37626.57455034035,-0.04173631191515946,-37258.68597431781,-0.04160375857190884,-48278.526109768,-0.041446332901376975,-57350.96640971165,-0.041475411705719896,-63504.75604698198,-0.04146998981062191,-66990.37534355585,-0.04154029297264696,-73164.23002132474,-0.04172253979300011,-70755.20033554206
+584,-0.04138598216450238,-86488.31621725665,-0.04163268338708914,-20759.140081015863,-0.04155857305599996,-84663.07657734131,-0.04151808480299478,-84855.63636880176,-0.041379698500233784,-95687.31465739585,-0.041639960339999935,-98902.93439783144,-0.04154139323973388,-104145.80221092129,-0.041565270057609474,-112223.82413837533,-0.04145175869257173,-113502.53079836206,-0.04134981608619587,-108111.89685791208,-0.041634484902198184,-121233.56841241928,-0.04156206371199997,-126433.1327772845,-0.04143785752584838,-37515.27461895003,-0.04163646427899876,-37151.964988207095,-0.04150374953688034,-48148.05721526261,-0.041346220986156375,-57202.044347804665,-0.041375229551841294,-63350.57728468804,-0.04136982075310821,-66824.34565042204,-0.041440195881146565,-72988.11808815881,-0.041622725104500116,-70583.70666762182
+585,-0.041285773975242177,-86281.58227455194,-0.04153284481781544,-20686.907238539083,-0.041458672639999965,-84457.7975998802,-0.04141804122515628,-84657.2154289923,-0.041279505525656984,-95458.40785222482,-0.04154010431999994,-98676.43089929735,-0.041441534121369084,-103917.78477258165,-0.04146535354304797,-111966.25448604929,-0.041351633671575024,-113243.55318341647,-0.04124969546613237,-107856.37299716253,-0.04153464201274428,-120963.34788087786,-0.04146215490499987,-126143.91787636674,-0.041337766082549084,-37404.09741503515,-0.041536616642838156,-37045.388829082876,-0.04140374050185164,-48017.66803546668,-0.04124610907093558,-57053.22851883418,-0.0412750473979628,-63196.5145626942,-0.04126965169559461,-66658.38075875424,-0.041340098789646264,-72812.05964359728,-0.041522910416000015,-70412.21032617902
+586,-0.04118556578598178,-86074.86027807395,-0.04143300624854204,-20614.803914884706,-0.041358772223999966,-84252.53171197661,-0.04131799764731768,-84458.8048777124,-0.04117931255108009,-95229.45997331497,-0.041440248299999934,-98449.895289059,-0.04134167500300438,-103689.69258360357,-0.041365437028486475,-111708.60228258058,-0.04125150865057853,-112984.54389753763,-0.041149574846068966,-107600.81471771043,-0.04143479912329059,-120693.07513053442,-0.04136224609799997,-125854.6109998035,-0.04123767463924998,-37293.0439577731,-0.041436769006677455,-36938.94646018118,-0.04130373146682304,-47887.363376573056,-0.04114599715571498,-56904.521240183094,-0.041174865244084195,-63042.55326558858,-0.04116948263808111,-66492.4771964342,-0.041240001698145866,-72636.06133398987,-0.04142309572750001,-70240.73527610936
+587,-0.04108535759672148,-85868.1433915466,-0.04133316767926834,-20542.83344376308,-0.04125887180799997,-84047.28269343456,-0.04121795406947918,-84260.39023146329,-0.04107911957650339,-95000.48951874256,-0.04134039227999994,-98223.33482181643,-0.041241815884639585,-103461.52535064178,-0.04126552051392477,-111450.86439266233,-0.041151383629582025,-112725.50583757221,-0.04104945422600567,-107345.22465946614,-0.041334956233836984,-120422.69811310766,-0.04126233729099997,-125565.21634399606,-0.04113758319595078,-37182.11531142851,-0.04133692137051686,-36832.6233929227,-0.04120372243179434,-47757.146056828315,-0.04104588524049418,-56755.92504644706,-0.04107468309020569,-62888.707329375815,-0.04106931358056761,-66326.64031913938,-0.041139904606645565,-72460.10229935152,-0.041323281039000015,-70069.29030721713
+588,-0.04098514940746118,-85661.4215257958,-0.04123332910999474,-20471.004682688705,-0.04115897139199996,-83842.05376575571,-0.04111791049164068,-84061.97857529015,-0.04097892660192659,-94771.47849575165,-0.04124053626000004,-97996.68704695097,-0.041141956766274884,-103233.28075523586,-0.041165603999363275,-111193.0490070034,-0.04105125860858553,-112466.42742624483,-0.04094933360594217,-107089.60524330466,-0.04123511334438328,-120152.16222755177,-0.04116242848399987,-125275.72271010772,-0.04103749175265168,-37071.31260202582,-0.04123707373435616,-36726.434502157295,-0.04110371339676574,-47627.017771716404,-0.04094577332527348,-56607.433308831394,-0.040974500936327096,-62734.95859555528,-0.04096914452305391,-66160.87293846332,-0.04103980751514517,-72284.19519125704,-0.04122346635050001,-69897.88105595778
+589,-0.04088494121820098,-85454.7104669213,-0.04113349054072104,-20399.304197827496,-0.041059070975999964,-83636.84786988306,-0.041017866913802076,-83863.55190170163,-0.040878733627349687,-94542.4289355653,-0.041140680239999936,-97769.9671322207,-0.04104209764791008,-103004.96031417511,-0.04106568748480177,-110935.16805893819,-0.04095113358758893,-112207.28768124615,-0.04084921298587877,-106833.95871445775,-0.04113527045492958,-119881.46593945118,-0.04106251967699997,-124986.1305965359,-0.04093740030935248,-36960.63704075976,-0.04113722609819536,-36620.383376429316,-0.04100370436173704,-47496.979897454934,-0.04084566141005268,-56459.02946090398,-0.04087431878244859,-62581.30353049019,-0.04086897546554031,-65995.17732006489,-0.04093971042364476,-72108.34784498627,-0.041123651662000014,-69726.5117559768
+590,-0.040784733028940576,-85248.0179784805,-0.04103365197144764,-20327.70073363861,-0.04095917055999986,-83431.6667867555,-0.040917823335963575,-83665.12674792562,-0.040778540652772886,-94313.34501428745,-0.04104082421999994,-97543.2009510772,-0.04094223852954538,-102776.56311935872,-0.04096577097024017,-110677.22909618662,-0.04085100856659243,-111948.10386656117,-0.04074909236581527,-106578.28717341751,-0.041035427565475784,-119610.63996597409,-0.04096261086999997,-124696.44879458637,-0.04083730886605338,-36850.08995933064,-0.04103737846203476,-36514.4536038295,-0.04090369532670854,-47367.033681086825,-0.04074554949483208,-56310.696222563114,-0.04077413662857,-62427.745115539605,-0.04076880640802681,-65829.5555341945,-0.04083961333214447,-71932.49829894399,-0.04102383697350001,-69555.18587244247
+591,-0.040684524839680276,-85041.35085256699,-0.04093381340217394,-20256.208253155575,-0.04085927014399997,-83226.50189962695,-0.04081777975812508,-83466.74004608406,-0.04067834767819599,-94084.20982332295,-0.040940968199999934,-97316.39297132634,-0.04084237941118058,-102548.09298304921,-0.04086585445567857,-110419.23861878198,-0.040750883545595924,-111688.83566260255,-0.04064897174575187,-106322.59259909065,-0.04093558467602208,-119339.70593147581,-0.04086270206300007,-124406.6831849177,-0.04073721742275418,-36739.672868189795,-0.04093753082587416,-36408.65749954937,-0.040803686291679936,-47237.18032108886,-0.040645437579611275,-56162.42011823136,-0.04067395447469149,-62274.28700051736,-0.040668637350513306,-65664.00956918804,-0.040739516240644064,-71756.67110061015,-0.040924022285000014,-69383.90640957555
+592,-0.04058431665042008,-84834.71725407106,-0.04083397483290034,-20184.831988468635,-0.040759369727999865,-83021.36078264152,-0.04071773618028648,-83268.35724221598,-0.04057815470361919,-93855.02708649388,-0.04084111217999994,-97089.54367906047,-0.04074252029281588,-102319.52232293798,-0.04076593794111697,-110161.20278641203,-0.04065075852459923,-111429.46821945465,-0.04054885112568847,-106066.87525074423,-0.04083574178656838,-119068.67559582026,-0.04076279325599997,-124116.8342214656,-0.04063712597945508,-36629.3875636282,-0.04083768318971346,-36303.00287029228,-0.040703677256651236,-47107.42101573,-0.040545325664390675,-56014.254947182475,-0.040573772320812995,-62120.934421767255,-0.04056846829299961,-65498.541389617356,-0.04063941914914376,-71580.85060261095,-0.04082420759650001,-69212.67609369376
+593,-0.04048410846115978,-84628.1346209897,-0.04073413626362684,-20113.575471826905,-0.040659469311999964,-82816.2320514247,-0.04061769260244798,-83069.97435841429,-0.040477961729042285,-93625.80739552986,-0.04074125616000004,-96862.66892313687,-0.04064266117445118,-102090.84455651314,-0.040666021426555475,-109903.1278569783,-0.040550633503602725,-111170.03410669175,-0.04044873050562497,-105811.10892033165,-0.04073589889711468,-118797.55763130015,-0.04066288444899997,-123826.8534329418,-0.04053703453615598,-36519.23635896429,-0.040737835553552856,-36197.496067688095,-0.04060366822162264,-46977.75700295108,-0.04044521374916988,-55866.18568537883,-0.040473590166934394,-61967.70041639044,-0.04046829923548601,-65333.152976622994,-0.040539322057643365,-71405.04692506889,-0.04072439290799991,-69041.49750960368
+594,-0.04038390027189938,-84421.51516200182,-0.040634297694353144,-20042.44174437952,-0.04055956889600006,-82611.06407800331,-0.04051764902460938,-82871.59554650806,-0.04037776875446539,-93396.55592570688,-0.040641400139999936,-96635.77926014183,-0.04054280205608638,-101862.06233463316,-0.040566104911993875,-109645.02068186813,-0.040450508482606125,-110910.54476170731,-0.04034860988556157,-105555.30530549704,-0.04063605600766099,-118526.35916824375,-0.04056297564200007,-123536.75537133656,-0.04043694309285678,-36409.222742050704,-0.04063798791739206,-36092.14432918567,-0.04050365918659394,-46848.18960457184,-0.040345101833949175,-55718.1873575825,-0.040373408013055896,-61814.58746635631,-0.04036813017797251,-65167.84571335494,-0.04043922496614297,-71229.2810676575,-0.04062457821949991,-68870.37324144156
+595,-0.04028369208263908,-84214.86614368198,-0.04053445912507954,-19971.433771636304,-0.04045966847999997,-82405.88716515177,-0.04041760544677088,-82673.22430073054,-0.04027757577988859,-93167.27658960948,-0.04054154411999994,-96408.88595176907,-0.04044294293772168,-101633.16304623857,-0.040466188397432275,-109386.88969059713,-0.04035038346160963,-110651.0030299221,-0.040248489265498066,-105299.47196603568,-0.04053621311820718,-118255.08649183478,-0.04046306683499987,-123246.56150799736,-0.04033685164955768,-36299.35603264979,-0.04053814028123136,-35986.94391820648,-0.040403650151565336,-46718.72028877233,-0.04024498991872848,-55570.26433183622,-0.040273225859177295,-61661.56533634994,-0.04026796112045891,-65002.619290916016,-0.040339127874642666,-71053.56376019068,-0.04052476353100011,-68699.3006308456
+596,-0.04018348389337888,-84008.20878290343,-0.040434620555806045,-19900.554716781066,-0.040359768064000066,-82200.70077573047,-0.04031756186893238,-82474.86366449794,-0.040177382805311884,-92937.97266722281,-0.040441688099999935,-96182.00818116104,-0.04034308381935688,-101404.16622396081,-0.04036627188287077,-109128.73922542139,-0.040250258440613126,-110391.41072381756,-0.04014836864543467,-105043.61294870997,-0.04043637022875348,-117983.73296746175,-0.04036315802799997,-122956.28985077512,-0.04023676020625848,-36189.63644501273,-0.04043829264507076,-35881.89815975478,-0.040303641116536636,-46589.350777228734,-0.04014487800350778,-55422.42011559571,-0.0401730437052988,-61508.63548844761,-0.040167792062945205,-64837.44031619546,-0.04023903078314227,-70877.90353956826,-0.040424948842500114,-68528.25099868816
+597,-0.04008327570411858,-83801.55268274156,-0.04033478198653244,-19829.808269871257,-0.040259867647999964,-81995.51045173558,-0.04021751829109378,-82276.51635033809,-0.04007718983073499,-92708.64704148893,-0.04034183207999994,-95955.16907790351,-0.04024322470099218,-101175.0795738818,-0.04026635536830927,-108870.56200958569,-0.04015013341961653,-110131.77330034459,-0.040048248025371366,-104787.72944270923,-0.04033652733929979,-117712.23641254504,-0.04026324922099997,-122665.92844500668,-0.040136668762959384,-36080.04368275598,-0.04033844500891016,-35777.01131701369,-0.04020363208150814,-46460.08326850614,-0.04004476608828698,-55274.65770048209,-0.040072861551420196,-61355.79939750244,-0.04006762300543171,-64672.32404220275,-0.040138933691642065,-70702.30837516242,-0.04032513415400011,-68357.2480604492
+598,-0.03998306751485818,-83594.90453786198,-0.040234943417258744,-19759.1993428596,-0.04015996723200006,-81790.32196508431,-0.04011747471325528,-82078.18481660812,-0.03997699685615819,-92479.30231512834,-0.04024197606000004,-95728.30886656829,-0.040143365582627384,-100945.90817633942,-0.04016643885374757,-108612.351252462,-0.04005000839861993,-109872.07210466293,-0.03994812740530787,-104531.78107106984,-0.04023668444984618,-117440.6257354336,-0.04016334041399987,-122375.47557753857,-0.040036577319660184,-35970.57868876941,-0.04023859737274946,-35672.28812760766,-0.04010362304647954,-46330.921054548795,-0.03994465417306638,-55126.97976091707,-0.03997267939754169,-61203.058221276064,-0.03996745394791821,-64507.28107388186,-0.04003883660014156,-70526.78684503345,-0.040225319465500016,-68186.28930684997
+599,-0.03988285932559798,-83388.25852362253,-0.04013510484798514,-19688.73816752551,-0.04006006681599997,-81585.13970983951,-0.04001743113541678,-81879.87131978004,-0.03987680388158129,-92249.9408785127,-0.04014212003999983,-95501.42912845817,-0.04004350646426268,-100716.65596017048,-0.04006652233918607,-108354.0961371533,-0.03994988337762333,-109612.2866503039,-0.03984800678524447,-104275.78417619663,-0.04013684156039248,-117168.9024897521,-0.04006343160699997,-122084.93474830072,-0.03993648587636108,-35861.2424694153,-0.04013874973658886,-35567.734184952795,-0.04000361401145084,-46201.837480928276,-0.039844542257845575,-54979.38880617201,-0.03987249724366299,-61050.39077961417,-0.03986728489040461,-64342.317930806355,-0.039938739508641165,-70351.35035772176,-0.04012550477700001,-68015.37361553768
+600,-0.03978265113633768,-83181.6119018678,-0.040035266278711644,-19618.42734198531,-0.03996016639999996,-81379.9672788303,-0.03991738755757818,-81681.57790568256,-0.03977661090700449,-92020.56495354918,-0.04004226401999993,-95274.53304467237,-0.03994364734589788,-100487.32619771396,-0.03996660582462457,-108095.81445955927,-0.039849758356626824,-109352.38160843443,-0.039747886165181066,-104019.75014518446,-0.04003699867093878,-116897.08224139812,-0.03996352279999997,-121794.30808777426,-0.03983639443306178,-35752.03615486469,-0.040038902100428056,-35463.35681303658,-0.03990360497642224,-46072.83180816678,-0.039744430342624974,-54831.88739861003,-0.03977231508978459,-60897.804629966915,-0.03976711583289091,-64177.4406380127,-0.03983864241714097,-70176.02815430956,-0.040025690088500016,-67844.50406477175
+601,-0.03968244294707738,-82974.97707462622,-0.03993542770943804,-19548.26454698919,-0.039860265983999964,-81174.80774306336,-0.039817343979739676,-81483.30649956696,-0.039676417932427585,-91791.17662409983,-0.039942407999999936,-95047.62374892534,-0.039843788227533185,-100257.91485061713,-0.03986668931006307,-107837.49889912864,-0.03974963333563033,-109092.37387726379,-0.03964776554511757,-103763.68464081497,-0.03993715578148498,-116625.18298816534,-0.03986361399300007,-121503.52444914707,-0.03973630298976278,-35642.961243573765,-0.039939054464267355,-35359.168654270754,-0.03980359594139354,-45943.888071322835,-0.03964431842740418,-54684.47921247057,-0.03967213293590589,-60745.3069541699,-0.03966694677537741,-64012.65625092614,-0.039738545325640466,-70000.80311346923,-0.03992587540000001,-67673.68316324361
+602,-0.03958223475781698,-82768.34576827385,-0.03983558914016434,-19478.26412552998,-0.039760365567999965,-80969.66368725151,-0.03971730040190108,-81285.05897553224,-0.039576224957850785,-91561.77785823746,-0.03984255197999994,-94820.70141033112,-0.03974392910916838,-100028.37487993516,-0.03976677279550137,-107579.10821067147,-0.039649508314633826,-108832.26469950919,-0.03954764492505417,-103507.58258487371,-0.03983731289203128,-116353.1315648926,-0.03976370518599997,-121212.57989000645,-0.03963621154646348,-35534.01795207269,-0.03983920682810676,-35255.19124694646,-0.03970358690636494,-45815.01524189996,-0.039544206512183475,-54537.163787975005,-0.03957195078202749,-60592.90158509435,-0.03956677771786381,-63847.976395788915,-0.03963844823414026,-69825.63877510987,-0.039826060711500015,-67502.91307903768
+603,-0.03948202656855678,-82561.71517028121,-0.03973575057089084,-19408.385256825164,-0.03966046515199997,-80764.51705745273,-0.03961725682406258,-81086.8343777936,-0.03947603198327389,-91332.37052519363,-0.03974269596000004,-94593.74690784427,-0.03964406999080368,-99798.70055512042,-0.03966685628093987,-107320.64696583692,-0.039549383293637226,-108572.07785443058,-0.03944752430499067,-103251.40800308423,-0.03973747000257758,-116080.95497468213,-0.03966379637899997,-120921.47970456912,-0.03953612010316438,-35425.207161858525,-0.03973935919194606,-35151.38610818299,-0.03960357787133624,-45686.218102752806,-0.03944409459696268,-54389.941117162045,-0.039471768628148794,-60440.59155894772,-0.03946660866035031,-63683.42197276595,-0.039538351142639865,-69650.52110655388,-0.03972624602300001,-67332.19575426725
+604,-0.03938181837929648,-82355.10011958424,-0.03963591200161724,-19338.628399581015,-0.03956056473599996,-80559.37387396848,-0.03951721324622408,-80888.62563568457,-0.03937583900869709,-91102.9564086659,-0.039642839939999834,-94366.75655666228,-0.03954421087243888,-99568.9149913721,-0.03956693976637837,-107062.11882345015,-0.03944925827264072,-108311.81769409224,-0.03934740368492727,-102995.11208038511,-0.03963762711312389,-115808.60299995757,-0.03956388757200007,-120630.21514574374,-0.03943602865986518,-35316.530106208775,-0.03963951155578546,-35047.75550981593,-0.03950356883630774,-45557.49978392813,-0.03934398268174208,-54242.81284488263,-0.039371586474270394,-60288.37963068711,-0.03936643960283661,-63518.93192001457,-0.039438254051139564,-69475.32924334457,-0.039626431334500015,-67161.53297069942
+605,-0.03928161019003628,-82148.50855034421,-0.039536073432343645,-19268.995407124665,-0.039460664319999866,-80354.24194933921,-0.03941716966838548,-80690.42837529123,-0.039275646034120384,-90873.53721752594,-0.039542983919999934,-94139.71466807205,-0.03944435175407418,-99338.96897415508,-0.03946702325181667,-106803.52692285918,-0.039349133251644026,-108051.47221049613,-0.03924728306486397,-102738.7182028402,-0.039537784223670186,-115536.07883339949,-0.03946397876499997,-120338.81542262807,-0.03933593721656608,-35207.98814966592,-0.03953966391962486,-34944.30717336003,-0.03940355980127914,-45428.86270652991,-0.03924387076652128,-54095.78056278149,-0.039271404320391695,-60136.26849777558,-0.03926627054532311,-63354.512417748636,-0.039338156959639166,-69300.12608262873,-0.03952661664600001,-66990.9263908962
+606,-0.039181402000775876,-81941.9477047942,-0.039436234863070144,-19199.48836804141,-0.039360763903999965,-80149.12249914174,-0.03931712609054698,-80492.20666922703,-0.03917545305954349,-90644.11459461792,-0.03944312789999994,-93912.62764964113,-0.03934449263570948,-99108.8505197888,-0.03936710673725517,-106544.87406057959,-0.039249008230647524,-107791.0529836791,-0.03914716244480037,-102482.25199484862,-0.03943794133421638,-115263.41566366873,-0.03936406995799997,-120047.29229645603,-0.03923584577326708,-35099.58289010298,-0.03943981628346406,-34841.0521981768,-0.03930355076625044,-45300.30891547191,-0.039143758851300677,-53948.84582138075,-0.03917122216651319,-59984.26095693505,-0.03916610148780951,-63190.15786238816,-0.03923805986813877,-69124.94568760034,-0.03942680195749991,-66820.37256824173
+607,-0.03908119381151558,-81735.42579944464,-0.03933639629379644,-19130.109723927082,-0.03926086348799986,-79944.01948483197,-0.03921708251270848,-80293.98345583062,-0.03907526008496659,-90414.69012408404,-0.03934327187999993,-93685.50091669448,-0.03924463351734468,-98878.59567627095,-0.03926719022269357,-106286.16278652342,-0.03914888320965103,-107530.540554492,-0.03904704182473707,-102225.72483699664,-0.03933809844476269,-114990.62929697517,-0.03926416115099997,-119755.65360200095,-0.039135754329967784,-34991.316836942955,-0.03933996864730336,-34738.014593226035,-0.03920354173122184,-45171.840298362134,-0.039043646936079875,-53802.008334987746,-0.039071040012634596,-59832.360083373074,-0.03906593243029601,-63025.87373938376,-0.03913796277663847,-68949.82684711393,-0.03932698726899991,-66649.8738540993
+608,-0.03898098562225528,-81528.92487595115,-0.03923655772452284,-19060.862493386445,-0.03916096307199996,-79738.93228483458,-0.039117038934869876,-80095.72184791935,-0.03897506711038979,-90185.26533759163,-0.03924341586000003,-93458.2885952191,-0.03914477439897998,-98648.21915458496,-0.03916727370813207,-106027.39546284698,-0.03904875818865443,-107269.93623527024,-0.038946921204673565,-101969.13291623861,-0.039238255555308986,-114717.73053449916,-0.03916425234399987,-119463.90533564382,-0.03903566288666868,-34883.19042858077,-0.039240121011142756,-34635.215314767396,-0.03910353269619314,-45043.458800760876,-0.03894353502085918,-53655.2629448022,-0.03897085785875609,-59680.566139579234,-0.038965763372782306,-62861.66559915853,-0.03903786568513806,-68774.74518127718,-0.03922717258049991,-66479.43315974697
+609,-0.03888077743299488,-81322.46818559968,-0.039136719155249244,-18991.750790444534,-0.03906106265600007,-79533.84685747043,-0.039016995357031375,-79897.43938163572,-0.038874874135812885,-89955.84171967253,-0.039143559839999835,-93231.00786273062,-0.03904491528061518,-98417.73006792019,-0.03906735719357047,-105768.57430287142,-0.038948633167657926,-107009.22579310073,-0.03884680058461017,-101712.42409885454,-0.039138412665855285,-114444.72809055723,-0.03906434353699997,-119172.05241167826,-0.03893557144336948,-34775.20384783166,-0.039140273374982056,-34532.61868514174,-0.039003523661164635,-44915.16491126084,-0.038843423105638375,-53508.614744105165,-0.0388706757048775,-59528.86143734968,-0.03886559431526881,-62697.54198003236,-0.03893776859363777,-68599.65220308989,-0.039127357892000114,-66309.05240699233
+610,-0.03878056924373468,-81116.02510660776,-0.03903688058597574,-18922.781583068845,-0.038961162239999965,-79328.77396831915,-0.03891695177919278,-79699.15112755267,-0.038774681161236085,-89726.42071230568,-0.039043703819999935,-93003.66329724055,-0.03894505616225048,-98187.13514666996,-0.03896744067900887,-105509.70139838134,-0.03884850814666143,-106748.41395011506,-0.03874667996454677,-101455.60610962052,-0.03903856977640168,-114171.58288486711,-0.03896443472999997,-118880.09902871959,-0.03883548000007038,-34667.358990952045,-0.03904042573882146,-34430.20736790141,-0.03890351462613584,-44786.9598424054,-0.038743311190417774,-53362.06645652042,-0.03877049355099899,-59377.2482040071,-0.038765425257755205,-62533.51770164355,-0.038837671502137364,-68424.55926707074,-0.03902754320350001,-66138.72599587476
+611,-0.03868036105447438,-80909.5960382582,-0.03893704201670204,-18853.97464773154,-0.038861261824000064,-79123.71873241273,-0.03881690820135428,-79500.86449200496,-0.03867448818665919,-89497.00371899606,-0.03894384779999994,-92776.272858252,-0.038845197043885685,-97956.40575909182,-0.03886752416444737,-105250.77873956526,-0.03874838312566493,-106487.52290355737,-0.038646559344483265,-101198.70674987319,-0.038938726886947786,-113898.2630571636,-0.03886452592299987,-118588.04887615952,-0.03873538855677118,-34559.65804854501,-0.038940578102660856,-34328.013811953504,-0.03880350559110734,-44658.84487040884,-0.03864319927519698,-53215.61684839556,-0.038670311397120495,-59225.74685356622,-0.03866525620024171,-62369.5643278337,-0.038737574410636966,-68249.47074085828,-0.03892772851500001,-65968.4526050508
+612,-0.03858015286521418,-80703.18775946902,-0.03883720344742844,-18785.304069920796,-0.03876136140799997,-78918.68448294442,-0.038716864623515576,-79302.584628998,-0.03857429521208239,-89267.59210833412,-0.038843991779999934,-92548.8453105173,-0.038745337925520984,-97725.5408057564,-0.03876760764988567,-104991.80823015474,-0.03864825810466822,-106226.56291688088,-0.03854643872441987,-100941.73405893715,-0.038838883997494085,-113624.79169759636,-0.03876461711599997,-118295.90526221831,-0.03863529711347208,-34452.10363111613,-0.03884073046650006,-34225.993616080035,-0.038703496556078736,-44530.82123617851,-0.03854308735997638,-53069.238649533,-0.038570129243241894,-59074.37711078903,-0.03856508714272801,-62205.6687468563,-0.038637477319136665,-68074.38880140548,-0.03882791382650001,-65798.23784138834
+613,-0.03847994467595378,-80496.80737400292,-0.03873736487815494,-18716.7584079684,-0.03866146099200007,-78713.64762124086,-0.038616821045677076,-79104.31557390957,-0.03847410223750549,-89038.187217152,-0.03874413575999994,-92321.38702986111,-0.03864547880715618,-97494.56023429219,-0.03866769113532417,-104732.79169920887,-0.03854813308367173,-105965.54158464441,-0.03844631810435637,-100684.67084980001,-0.03873904110804048,-113351.13153762747,-0.03866470830899997,-118003.64394402564,-0.03853520567017288,-34344.69899100271,-0.03874088283033936,-34124.125588053554,-0.038603487521050035,-44402.89016832694,-0.03844297544475558,-52922.94598010931,-0.038469947089363396,-58923.099299047935,-0.038464918085214406,-62041.82919617414,-0.03853738022763627,-67899.3160248776,-0.038728099138000016,-65628.0844079213
+614,-0.03837973648669348,-80290.46444507629,-0.03863752630888134,-18648.340132672653,-0.038561560575999965,-78508.5946843892,-0.03851677746783848,-78906.06069256816,-0.03837390926292879,-88808.79035342882,-0.03864427974000004,-92093.90320104823,-0.03854561968879148,-97263.46982010052,-0.03856777462076267,-104473.72827652332,-0.03844800806267513,-105704.46536557787,-0.038346197484292965,-100427.45669682472,-0.03863919821858679,-113077.2972987325,-0.03856479950200007,-117711.25904067846,-0.03843511422687378,-34237.44846747654,-0.03864103519417876,-34022.417924598885,-0.03850347848602144,-44275.05292180139,-0.03834286352953488,-52776.746249074145,-0.038369764935484794,-58771.91441789539,-0.03836474902770091,-61878.056447163595,-0.038437283136135966,-67724.26122142521,-0.03862828444950001,-65457.99438424376
+615,-0.03827952829743318,-80084.18267976223,-0.03853768773960764,-18580.052429788026,-0.038461660159999966,-78303.54591281735,-0.03841673388999998,-78707.7640753979,-0.03827371628835199,-88579.40279884823,-0.038544423719999936,-91866.39828860872,-0.03844576057042668,-97032.24748699475,-0.03846785810620117,-104214.57445569744,-0.038347883041678625,-105443.32870367628,-0.03824607686422967,-100170.12825717451,-0.038539355329133086,-112803.28130191633,-0.03846489069499997,-117418.76737710852,-0.038335022783574584,-34130.35858493505,-0.03854118755801806,-33920.889420311345,-0.03840346945099274,-44147.310993291125,-0.03824275161431408,-52630.64367282257,-0.0382695827816063,-58620.825329696694,-0.03826457997018741,-61714.346231343196,-0.03833718604463557,-67549.2296008085,-0.038528469761000016,-65287.96959157896
+616,-0.03817932010817298,-79877.89642444775,-0.03843784917033404,-18511.89994970425,-0.03836175974399997,-78098.5083871882,-0.03831669031216148,-78509.39369516945,-0.03817352331377509,-88350.02581113805,-0.03844456769999994,-91638.87627876877,-0.03834590145206198,-96800.90915509402,-0.03836794159163947,-103955.34806406971,-0.03824775802068213,-105182.07117364241,-0.03814595624416617,-99912.70714729372,-0.038439512439679184,-112529.082528982,-0.03836498188799997,-117126.17603084855,-0.03823493134027548,-34023.4422692613,-0.038441339921857456,-33819.544456832264,-0.03830346041596424,-44019.66524516304,-0.03814263969909348,-52484.64149466768,-0.038169400627727695,-58469.83485052784,-0.03816441091267371,-61550.68124196128,-0.038237088953135163,-67374.22265432798,-0.03842865507250001,-65118.01171653263
+617,-0.03807911191891258,-79671.59237743057,-0.03833801060106054,-18443.891949810073,-0.03826185932799996,-77893.48541171575,-0.03821664673432288,-78310.99204875734,-0.038073330339198186,-88120.66062629629,-0.038344711679999935,-91411.34082341033,-0.03824604233369728,-96569.46444942594,-0.03826802507707797,-103696.06026464292,-0.03814763299968553,-104920.72815060783,-0.03804583562410277,-99655.20384549483,-0.03833966955022559,-112254.71863398513,-0.03826507308100007,-116833.48978875211,-0.03813483989697638,-33916.73306113103,-0.03834149228569666,-33718.39597985163,-0.038203451380935435,-43892.116308391334,-0.038042527783872675,-52338.74252462718,-0.03806921847384919,-58318.944992214165,-0.03806424185516011,-61387.0701387866,-0.03813699186163497,-67199.24058364643,-0.038328840384000015,-64948.122371297235
+618,-0.03797890372965228,-79465.28380323177,-0.03823817203178694,-18376.047475737992,-0.038161958911999964,-77688.43985543263,-0.03811660315648438,-78112.57277939502,-0.037973137364621386,-87891.30846053048,-0.03824485565999994,-91183.79421714887,-0.03814618321533248,-96337.91935480226,-0.03816810856251647,-103436.71661428876,-0.03804750797868903,-104659.30664629662,-0.03794571500403927,-99397.6241340321,-0.038239826660771886,-111980.2102816117,-0.03816516427399987,-116540.71245632891,-0.03803474845367718,-33810.168578528814,-0.038241644649536055,-33617.37410296541,-0.038103442345906936,-43764.66536516536,-0.03794241586865208,-52192.94936573108,-0.037969036319970596,-58168.12775719222,-0.03796407279764661,-61223.51729695972,-0.038036894770134465,-67024.27768004939,-0.03822902569550001,-64778.30313084171
+619,-0.03787869554039208,-79258.99241380893,-0.03813833346251324,-18308.32603797833,-0.038062058495999966,-77483.38733749934,-0.03801655957864588,-77914.14413294561,-0.03787294439004449,-87661.97051220613,-0.03814499964000004,-90956.22524249609,-0.03804632409696778,-96106.2734550716,-0.038068192047954974,-103177.3210263511,-0.03794738295769233,-104397.81603760405,-0.03784559438397587,-99139.97565341153,-0.038139983771318185,-111705.56329408452,-0.03806525546699997,-116247.84728092387,-0.037934657010378084,-33703.73618791329,-0.03814179701337536,-33516.47708774286,-0.03800343331087834,-43637.313631914476,-0.03784230395343128,-52047.248831460965,-0.03786885416609209,-58017.37964917227,-0.03786390374013301,-61060.02580149836,-0.03793679767863427,-66849.3413618677,-0.03812921100699991,-64608.55556128054
+620,-0.037778487351131776,-79052.69508189782,-0.03803849489323974,-18240.72419022738,-0.037962158079999864,-77278.32720139016,-0.037916516000807275,-77715.71210271172,-0.03777275141546769,-87432.6478232172,-0.03804514361999983,-90728.64259557781,-0.03794646497860298,-95874.50716149244,-0.03796827553339327,-102917.87663237445,-0.03784725793669583,-104136.26325887782,-0.03774547376391247,-98882.21922069439,-0.038040140881864484,-111430.76584939507,-0.03796534665999997,-115954.89714367219,-0.037834565567078884,-33597.4374619437,-0.03804194937721476,-33415.706721496834,-0.03790342427584964,-43510.06237421109,-0.037742192038210574,-51901.63861788761,-0.0377686720122135,-57866.72118491985,-0.03776373468261931,-60896.59818101847,-0.03783670058713386,-66674.43747385398,-0.038029396318499914,-64438.8812465384
+621,-0.03767827916187138,-78846.39544108583,-0.03793865632396614,-18173.24353861215,-0.03786225766399996,-77073.22854945375,-0.03781647242296878,-77517.28146038494,-0.03767255844089079,-87203.33793209783,-0.03794528759999993,-90501.05229001622,-0.03784660586023828,-95642.63597809372,-0.037868359018831774,-102658.38611097982,-0.037747132915699325,-103874.62811774408,-0.03764535314384897,-98624.35444126016,-0.037940297992410686,-111155.78276014316,-0.03786543785299987,-115661.86466336175,-0.03773447412377978,-33491.27428673333,-0.03794210174105406,-33315.06496833013,-0.03780341524082104,-43382.912925990895,-0.03764208012298988,-51756.13004526503,-0.03766848985833499,-57716.16494305255,-0.03766356562510581,-60733.22963702418,-0.03773660349563337,-66499.56939775217,-0.03792958163000011,-64269.2818189285
+622,-0.03757807097261108,-78640.09391300585,-0.037838817754692444,-18105.885972188808,-0.03776235724799987,-76868.11731480318,-0.03771642884513018,-77318.82330370464,-0.03757236546631409,-86974.03643271602,-0.037845431579999936,-90273.45861415357,-0.037746746741873484,-95410.66754351459,-0.03776844250427027,-102398.832496884,-0.037647007894702725,-103612.81671019387,-0.03754523252378557,-98366.40538136006,-0.037840455102956985,-110880.63381928443,-0.03776552904599997,-115368.75082399897,-0.03763438268048048,-33385.249058604284,-0.03784225410489346,-33214.55402557064,-0.037703406205792336,-43255.86533560909,-0.037541968207769075,-51610.72953328926,-0.03756830770445639,-57565.72863695221,-0.037563396567592305,-60569.91509034835,-0.037636506404133165,-66324.7374961711,-0.037829766941500115,-64099.75900102148
+623,-0.03747786278335088,-78433.76852960841,-0.03773897918541904,-18038.653867189245,-0.037662456831999966,-76663.00414307175,-0.03761638526729168,-77120.28592303161,-0.03747217249173729,-86744.71773363632,-0.03774557555999994,-90045.86536824123,-0.03764688762350878,-95178.60692017952,-0.03766852598970857,-102139.18087669062,-0.03754688287370623,-103350.88822074856,-0.037445111903722066,-98108.38190323082,-0.037740612213503284,-110605.34632944192,-0.03766562023899997,-115075.51901287837,-0.03753429123718148,-33279.36513568193,-0.037742406468732656,-33114.17641127398,-0.03760339717076384,-43128.85791182221,-0.03744185629254838,-51465.44000032299,-0.037468125550577894,-57415.381718493845,-0.03746322751007871,-60406.662731884266,-0.03753640931263277,-66149.94639084832,-0.037729952253000014,-63930.314672496526
+624,-0.03737765459409058,-78227.43298475478,-0.037639140616145345,-17971.55063989521,-0.037562556416000065,-76457.89562012804,-0.03751634168945318,-76921.70404335506,-0.03737197951716039,-86515.39605423294,-0.03764571954000004,-89818.27618906686,-0.03754702850514398,-94946.44750760529,-0.03756860947514707,-101879.45824127174,-0.037446757852709726,-103088.86232783546,-0.03734499128365867,-97850.29097585424,-0.03764076932404958,-110329.84542547882,-0.03756571143200007,-114782.13374815937,-0.037434199793882184,-33173.62830979857,-0.03764255883257206,-33013.93511218841,-0.03750338813573514,-43001.909443088545,-0.037341744377327575,-51320.260134859804,-0.03736794339669929,-57265.054739578656,-0.03736305845256501,-60243.47623062943,-0.037436312221132466,-65975.19766180047,-0.03763013756450001,-63760.95099544699
+625,-0.03727744640483018,-78021.09460886678,-0.03753930204687174,-17904.58373911766,-0.03746265599999996,-76252.79543174125,-0.03741629811161458,-76723.09563128886,-0.03727178654258359,-86286.0787160664,-0.037545863519999834,-89590.69366081602,-0.037447169386779285,-94714.15681248251,-0.03746869296058547,-101619.67399345688,-0.037346632831713224,-102826.74813143433,-0.037244870663595366,-97592.1374841934,-0.037540926434595986,-110054.15319544965,-0.03746580262499997,-114488.57757169595,-0.03733410835058308,-33068.05641011491,-0.03754271119641136,-32913.83387085876,-0.03740337910070654,-42874.992917759475,-0.037241632462106974,-51175.18839289673,-0.037267761242820795,-57114.786313549914,-0.037262889395051506,-60080.35841011365,-0.03733621512963207,-65800.46805810579,-0.037530322876000013,-63591.67070314895
+626,-0.03717723821556998,-77814.75785703429,-0.037439463477598044,-17837.759939746957,-0.03736275558400007,-76047.66204468488,-0.03731625453377608,-76524.47019270377,-0.037171593568006686,-86056.75420629085,-0.037446007499999934,-89363.11176611773,-0.03734731026841448,-94481.75829931034,-0.037368776446023974,-101359.8337313223,-0.03724650781071653,-102564.55435456122,-0.03714475004353187,-97333.92593625859,-0.037441083545142084,-109778.29033078987,-0.03736589381799997,-114194.88937135763,-0.03723401690728388,-32962.628532999,-0.037442863560250755,-32813.877907004695,-0.03730337006567794,-42748.12937957404,-0.03714152054688618,-51030.23174398688,-0.03716757908894219,-56964.61137954066,-0.03716272033753791,-59917.31179423642,-0.03723611803813166,-65625.77089861155,-0.03743050818750001,-63422.4779281648
+627,-0.03707703002630968,-77608.42432496005,-0.03733962490832454,-17771.05595072296,-0.037262855167999966,-75842.51321574397,-0.03721621095593758,-76325.83447180322,-0.037071400593429886,-85827.40430336124,-0.03734615147999994,-89135.53925484978,-0.03724745115004978,-94249.24809774454,-0.037268859931462374,-101099.94159797618,-0.037146382789720024,-102302.28786365103,-0.03704462942346847,-97075.66032520881,-0.03734124065568838,-109502.26878917808,-0.03726598501100007,-113901.08271464269,-0.03713392546398478,-32857.33062817498,-0.03734301592409006,-32714.078410701495,-0.03720336103064924,-42621.336070361474,-0.03704140863166558,-50885.39347459105,-0.037067396935063696,-56814.51047086072,-0.037062551280024406,-59754.3113180478,-0.03713602094663136,-65451.115038358854,-0.03733069349900001,-63253.38244349667
+628,-0.03697682183704938,-77402.08248384787,-0.037239786339050944,-17704.472888562428,-0.037162954752000064,-75637.3630742882,-0.03711616737809898,-76127.19382233128,-0.03697120761885299,-85598.04407869202,-0.03724629545999993,-88907.98626014893,-0.03714759203168498,-94016.63428617103,-0.037168943416900774,-100840.00097320505,-0.037046257768723424,-102039.95440324007,-0.036944508803405066,-96817.34424598237,-0.037241397766234786,-109226.09759362182,-0.03716607620399997,-113607.16601400077,-0.03703383402068578,-32752.16424806228,-0.03724316828792946,-32614.437650112162,-0.03710335199562074,-42494.62495781362,-0.03694129671644478,-50740.67870408616,-0.036967214781185,-56664.45554087298,-0.036962382222510706,-59591.31778110934,-0.037035923855130964,-65276.49580173462,-0.03723087881050001,-63084.36731215635
+629,-0.03687661364778898,-77195.74131057758,-0.03713994776977734,-17638.01212281088,-0.03706305433599996,-75432.20768998042,-0.03701612380026048,-75928.5527690079,-0.036871014644276084,-85368.68187625888,-0.03714643944000003,-88680.4528998587,-0.03704773291332028,-93783.92673226148,-0.03706902690233927,-100580.00619287184,-0.03694613274772693,-101777.55379463769,-0.03684438818334157,-96558.9809932297,-0.037141554876781085,-108949.78421011766,-0.03706616739699997,-113313.14545286511,-0.036933742577386484,-32647.12092852259,-0.03714332065176866,-32514.951769908494,-0.03700334296059194,-42368.01715565188,-0.03684118480122408,-50596.093706344436,-0.036867032627306597,-56514.459528131825,-0.03686221316499721,-59428.35916062682,-0.036935826763630664,-65101.84405971775,-0.03713106412200001,-62915.423583219934
+630,-0.03677640545852878,-76989.40599304151,-0.037040109200503844,-17571.675131753695,-0.03696315392000007,-75227.00652023665,-0.036916080222421876,-75729.91529529507,-0.036770821669699284,-85139.32240831676,-0.037046583419999835,-88452.93709308845,-0.03694787379495558,-93551.13255221886,-0.03696911038777757,-100319.94428847416,-0.036846007726730426,-101515.04813064779,-0.03674426756327817,-96300.57362818043,-0.037041711987327385,-108673.335129523,-0.03696625859000007,-113019.02597741185,-0.03683365113408738,-32542.21323289709,-0.03704347301560796,-32415.640321496343,-0.03690333392556344,-42241.504888927346,-0.03674107288600328,-50451.63739701099,-0.03676685047342809,-56364.49112329728,-0.036762044107483606,-59265.44976552373,-0.036835729672130266,-64927.20406025142,-0.037031249433500016,-62746.554556343086
+631,-0.036676197269268476,-76783.08000669694,-0.03694027063123014,-17505.463525582723,-0.036863253503999965,-75021.74840762572,-0.036816036644583376,-75531.2850130659,-0.03667062869512259,-84909.96916706835,-0.036946727399999935,-88225.41753982137,-0.03684801467659078,-93318.26271178022,-0.03686919387321607,-100059.7921311117,-0.036745882705733826,-101252.42940741805,-0.03664414694321467,-96042.12502747752,-0.036941869097873586,-108396.75617443095,-0.03686634978299987,-112724.8117510941,-0.03673355969078818,-32437.426097606374,-0.036943625379447356,-32316.485308533367,-0.03680332489053474,-42115.04040719116,-0.03664096097078268,-50307.30837924419,-0.03666666831954949,-56214.54060112965,-0.03666187504997011,-59102.58833074292,-0.036735632580629965,-64752.507234318655,-0.03693143474500001,-62577.762024283766
+632,-0.03657598908000828,-76576.76621405665,-0.03684043206195654,-17439.37907741637,-0.03676335308799997,-74816.44122042284,-0.036715993066744876,-75332.66527432387,-0.03657043572054569,-84680.62502120575,-0.03684687137999994,-87997.8865244733,-0.03674815555822608,-93085.31526713018,-0.036769277358654574,-99799.56704696582,-0.03664575768473732,-100989.7242008308,-0.03654402632315127,-95783.63792116047,-0.036842026208419885,-108120.05268408063,-0.03676644097599997,-112430.50639927227,-0.03663346824748908,-32332.758010507463,-0.03684377774328676,-32217.460650557634,-0.03670331585550614,-41988.635766139516,-0.036540849055561875,-50163.110606370385,-0.03656648616567099,-56064.60833078463,-0.03656170599245641,-58939.7455560739,-0.03663553548912957,-64577.77191691292,-0.03683162005649991,-62409.04748404689
+633,-0.03647578089074788,-76370.46714670364,-0.036740593492682945,-17373.423766110252,-0.03666345267199996,-74611.05079100581,-0.03661594948890628,-75134.05925210605,-0.03647024274596889,-84451.2924654005,-0.036747015359999934,-87770.29888588672,-0.03664829643986128,-92852.28239737535,-0.03666936084409307,-99539.212115281,-0.036545632663740626,-100726.93443143467,-0.03644390570308797,-95525.11491512715,-0.036742183318966185,-107843.22963685471,-0.03666653216899997,-112136.10343156317,-0.03653337680418988,-32228.21023571558,-0.03674393010712606,-32118.572064053344,-0.036603306820477535,-41862.29697154363,-0.03644073714034128,-50019.00581488657,-0.036466304011792294,-55914.693047669265,-0.036461536934942806,-58776.95184473594,-0.03653543839762917,-64403.01924454101,-0.036731805367999915,-62240.407322878586
+634,-0.03637557270148758,-76164.18512541575,-0.036640754923409444,-17307.599837420817,-0.03656355225599996,-74405.55695913103,-0.03651590591106778,-74935.47000539025,-0.036370049771391987,-84221.97155796815,-0.036647159339999937,-87542.66335515083,-0.03654843732149658,-92619.16685860067,-0.036569444329531374,-99278.75835809053,-0.036445507642744124,-100464.01299742074,-0.03634378508302437,-95266.55841389149,-0.036642340429512484,-107566.29173775148,-0.03656662336199987,-111841.58623875244,-0.03643328536089078,-32123.783826999665,-0.03664408247096526,-32019.83050241935,-0.03650329778544884,-41736.02782683314,-0.03634062522512048,-49874.99086133259,-0.036366121857913894,-55764.76556227174,-0.03636136787742931,-58614.230345832395,-0.036435341306128965,-64228.26105867218,-0.03663199067950011,-62071.83578345376
+635,-0.03627536451222728,-75957.85962960665,-0.03654091635413574,-17241.909895475263,-0.036463651839999965,-74199.98744436736,-0.03641586233322928,-74736.89488747175,-0.036269856796815186,-83992.64115321587,-0.03654730332000004,-87315.0090388612,-0.036448578203131785,-92385.97119554285,-0.03646952781496987,-99018.2019603828,-0.03634538262174763,-100200.9905324184,-0.03624366446296107,-95007.97093675329,-0.03654249754005878,-107289.24348501021,-0.03646671455499997,-111546.97046058283,-0.03633319391759158,-32019.47972443013,-0.03654423483480466,-31921.20527809352,-0.036403288750420336,-41609.83132045492,-0.036240513309899774,-49731.032020943596,-0.036265939704035195,-55614.81313597198,-0.03626119881991581,-58451.579193291844,-0.036335244214628463,-64053.505563042585,-0.036532175991000115,-61903.33766101657
+636,-0.03617515632296708,-75751.4939852724,-0.03644107778486214,-17176.357047415768,-0.03636375142399997,-73994.3632700986,-0.03631581875539068,-74538.30482328174,-0.03616966382223829,-83763.31261969644,-0.036447447299999935,-87087.3765985095,-0.036348719084767084,-92152.6977869849,-0.036369611300408375,-98757.54052994354,-0.036245257600751125,-99937.86279144308,-0.03614354384289757,-94749.3549584051,-0.036442654650604984,-107012.0791395839,-0.03636680574799997,-111252.26252422505,-0.03623310247429248,-31915.29880128152,-0.03644438719864396,-31822.69629967897,-0.036303279715391636,-41483.710002028696,-0.03614040139467898,-49587.14667455853,-0.036165757550156795,-55464.8344315584,-0.03616102976240211,-58288.97782200414,-0.03623514712312827,-63878.75914946164,-0.03643236130250011,-61734.91432983749
+637,-0.03607494813370668,-75545.11341559122,-0.03634123921558864,-17110.945150226198,-0.036263851007999864,-73788.67785042117,-0.03621577517755218,-74339.69817607831,-0.03606947084766149,-83533.9780467199,-0.03634759127999994,-86859.75967132201,-0.03624885996640228,-91919.29947434089,-0.03626969478584687,-98496.79440132905,-0.036145132579754526,-99674.61401563916,-0.036043423222834166,-94490.71296295039,-0.036342811761151284,-106734.7952424672,-0.03626689694100007,-110957.46675613832,-0.036133011030993284,-31811.241890638645,-0.03634453956248336,-31724.30462683264,-0.03620327068036304,-41357.66614630668,-0.03604028947945838,-49443.30931900208,-0.036065575396278096,-55314.84754981201,-0.03606086070488851,-58126.37726358305,-0.03613505003162787,-63704.027132842464,-0.03633254661400001,-61566.56929534995
+638,-0.03597473994444638,-75338.7274291115,-0.03624140064631504,-17045.679279475848,-0.03616395059199996,-73582.92599794459,-0.03611573159971368,-74141.09458768972,-0.035969277873084585,-83304.61800803337,-0.036247735259999934,-86632.08399504879,-0.03614900084803758,-91685.72456536487,-0.036169778271285175,-98235.97255406647,-0.03604500755875803,-99411.271399194,-0.03594330260277077,-94232.04114112063,-0.03624296887169758,-106457.40372199146,-0.03616698813399997,-110662.58663305975,-0.03603291958769418,-31707.309802710508,-0.03624469192632276,-31626.03137771528,-0.03610326164533434,-41231.701842338625,-0.03594017756423758,-49299.54628390114,-0.03596539324239959,-55164.85094031967,-0.03596069164737501,-57963.797191467514,-0.03603495294012737,-63529.31412629769,-0.036232731925500014,-61398.30474667589
+639,-0.03587453175518618,-75132.33018908661,-0.03614156207704134,-16980.56677970692,-0.03606405017599987,-73377.1280052878,-0.036015688021875075,-73942.50281178595,-0.03586908489850769,-83075.23170288988,-0.03614787923999994,-86404.3585653802,-0.03604914172967278,-91452.02067610386,-0.03606986175672367,-97975.08134256472,-0.035944882537761326,-99147.84658852417,-0.03584318198270727,-93973.30509059517,-0.03614312598224388,-106179.91092419632,-0.03606707932699997,-110367.62515603912,-0.03593282814439498,-31603.503338074413,-0.036144844290162056,-31527.876997874286,-0.036003252610305736,-41105.81904919914,-0.035840065649016976,-49155.87410962171,-0.035865211088521,-55014.83390547701,-0.03586052258986141,-57801.24638524849,-0.03593485584862716,-63354.62426345138,-0.03613291723700001,-61230.12255000359
+640,-0.03577432356592568,-74925.89737707388,-0.03604172350776784,-16915.620469027082,-0.03596414975999997,-73171.29324143301,-0.03591564444403658,-73743.92988131345,-0.03576889192393109,-82845.83305781939,-0.03604802322000004,-86176.58134539555,-0.03594928261130808,-91218.20274847173,-0.03596994524216207,-97714.12583762771,-0.03584475751676482,-98884.34774098455,-0.035743061362643866,-93714.46965974355,-0.036043283092790285,-105902.32220922547,-0.03596717052000007,-110072.57034932406,-0.03583273670109588,-31499.823300924323,-0.03604499665400126,-31429.77287120653,-0.03590324357527724,-40980.01963448959,-0.035739953733796175,-49012.31615710262,-0.03576502893464249,-54864.81794790151,-0.03576035353234771,-57638.73002249251,-0.035834758757126765,-63179.94311894936,-0.036033102548500014,-61062.01026582213
+641,-0.035674115376665476,-74719.45101513364,-0.03594188493849424,-16850.88108171786,-0.035864249344000065,-72965.42854601296,-0.03581560086619798,-73545.37928394825,-0.035668698949354184,-82616.42667440239,-0.03594816719999984,-85948.69246236516,-0.03584942349294328,-90984.27949626201,-0.03587002872760047,-97453.10578090443,-0.03574463249576833,-98620.77426816503,-0.03564294074258037,-93455.54342370082,-0.03594344020333638,-105624.642615609,-0.03586726171299997,-109777.3681854923,-0.035732645257796784,-31396.27051889975,-0.035945149017840655,-31331.729640677007,-0.03580323454024844,-40854.305403222104,-0.03563984181857548,-48868.871821831286,-0.03566484678076389,-54714.81368978971,-0.03566018447483421,-57476.251968189106,-0.035734661665626465,-63005.25258065758,-0.03593328786000001,-60893.886693201086
+642,-0.03557390718740518,-74513.00023781497,-0.03584204636922064,-16786.323253208415,-0.03576434892799996,-72759.5381399237,-0.03571555728835948,-73346.86065269362,-0.03556850597477729,-82386.9540746979,-0.03584831117999994,-85720.72823594838,-0.03574956437457858,-90750.2571649061,-0.035770112213038975,-97191.95611945548,-0.03564450747477173,-98357.12799951895,-0.03554282012251697,-93196.55017116772,-0.03584359731388268,-105346.87712731426,-0.03576735290599997,-109482.0373613443,-0.03563255381449758,-31292.824094697957,-0.03584530138167996,-31233.770859861506,-0.03570322550521994,-40728.67812121973,-0.035539729903354675,-48725.525219265975,-0.035564664626885394,-54564.82856035835,-0.035560015417320706,-57313.7908673876,-0.03563456457412607,-62830.55994420623,-0.03583347317150001,-60725.74407297123
+643,-0.03547369899814498,-74306.5510292305,-0.03574220779994694,-16721.878326966795,-0.03566444851200006,-72553.58275084003,-0.03561551371052098,-73148.38168580063,-0.03546831300020049,-82157.3920560657,-0.035748455159999935,-85492.70579455639,-0.03564970525621388,-90516.1406993769,-0.035670195698477375,-96930.70565283959,-0.035544382453775225,-98093.41882978578,-0.03544269950245367,-92937.49300711036,-0.035743754424429085,-105069.03086180992,-0.03566744409899997,-109186.57658399639,-0.03553246237119848,-31189.487338440464,-0.03574545374551936,-31135.905850840612,-0.03560321647019124,-40603.139535560775,-0.035439617988134074,-48582.26223044583,-0.03546448247300679,-54414.868375688355,-0.03545984635980711,-57151.32906399227,-0.03553446748262567,-62655.87808847301,-0.03573365848300001,-60557.62321278306
+644,-0.03537349080888458,-74100.10815037762,-0.03564236923067344,-16657.54757415432,-0.035564548095999966,-72347.58024017412,-0.03551547013268238,-72949.88335159414,-0.03536812002562359,-81927.7048930974,-0.03564859913999994,-85264.62755104028,-0.03554984613784908,-90281.93425266171,-0.03557027918391587,-96669.3718101091,-0.03544425743277873,-97829.64405265391,-0.03534257888239017,-92678.35805136051,-0.035643911534975384,-104791.1013636802,-0.03556753529199987,-108891.00517807869,-0.03543237092789918,-31086.26741411917,-0.03564560610935876,-31038.141024310065,-0.03550320743516264,-40477.69139388627,-0.03533950607291328,-48439.08656563984,-0.035364300319128295,-54264.89399197679,-0.03535967730229341,-56988.88792541429,-0.03543437039112537,-62481.209664724076,-0.03563384379450001,-60389.53956955532
+645,-0.03527328261962428,-73893.6668146344,-0.03554253066139984,-16593.332467779244,-0.035464647680000065,-72141.54397598864,-0.03541542655484368,-72751.30860535619,-0.03526792705104679,-81697.94285770043,-0.03554874312000004,-85036.47462503311,-0.03544998701948438,-90047.6414502189,-0.035470362669354175,-96407.96352385584,-0.03534413241178223,-97565.74139349879,-0.03524245826232677,-92419.13415475022,-0.03554406864552168,-104513.0501777252,-0.03546762648499997,-108595.3051966996,-0.03533227948460018,-30983.167154115705,-0.03554575847319806,-30940.481842624336,-0.03540319840013394,-40352.33546401277,-0.03523939415769268,-48295.98823812483,-0.03526411816524969,-54114.919512474786,-0.03525950824477991,-56826.38501667877,-0.03533427329962496,-62306.54793723491,-0.03553402910599991,-60221.492736798835
+646,-0.035173074430364076,-73687.19659366977,-0.03544269209212624,-16529.234796460452,-0.03536474726399996,-71935.48144348594,-0.03531538297700518,-72552.68364125307,-0.035167734076469885,-81468.13315499213,-0.03544888709999983,-84808.24310626739,-0.035350127901119584,-89813.2655445019,-0.03537044615479267,-96146.46260678145,-0.03524400739078553,-97301.74551401635,-0.03514233764226337,-92159.84232833298,-0.03544422575606798,-104234.88671291678,-0.03536771767799997,-108299.4737394722,-0.035232188041300884,-30880.188720499402,-0.035445910837037256,-30842.93384979312,-0.03530318936510534,-40227.07355559172,-0.03513928224247188,-48152.92221790868,-0.035163936011371195,-53964.96095978197,-0.03515933918726641,-56663.82736033985,-0.03523417620812466,-62131.90147635792,-0.035434214417499915,-60053.420756505766
+647,-0.03507286624110378,-73480.719471079,-0.03534285352285274,-16465.25690505398,-0.035264846847999964,-71729.39883558599,-0.03521533939916668,-72354.02542421846,-0.035067541101893085,-81238.2398430334,-0.03534903107999993,-84579.94457282186,-0.03525026878275488,-89578.77072840532,-0.03527052964023117,-95884.82933435844,-0.03514388236978893,-97037.67413160756,-0.03504221702219987,-91900.49105883171,-0.035344382866614184,-103956.63943188594,-0.03526780887100007,-108003.52950549472,-0.03513209659800178,-30777.33382921035,-0.03534606320087666,-30745.504126552012,-0.03520318033007684,-40101.90754576062,-0.03503917032725118,-48009.91982966748,-0.03506375385749269,-53815.026625629565,-0.035059170129752806,-56501.251781048275,-0.035134079116624264,-61957.27579758648,-0.03533439972900011,-59885.36058499276
+648,-0.03497265805184338,-73274.24547850795,-0.03524301495357904,-16401.40234953475,-0.035164946431999966,-71523.29964533569,-0.03511529582132808,-72155.34311657185,-0.03496734812731619,-81008.24105492537,-0.035249175059999936,-84351.5261769654,-0.03515040966439008,-89344.16535894727,-0.03517061312566967,-95623.09876042405,-0.03504375734879243,-96773.53771548481,-0.03494209640213647,-91641.08620936348,-0.03524453997716048,-103678.33478160536,-0.03516790006399997,-107707.48103756989,-0.03503200515470258,-30674.603959320124,-0.03524621556471596,-30648.21030165905,-0.03510317129504804,-39976.82765837214,-0.03493905841203038,-47866.99574689141,-0.034963571703614096,-53665.1227787586,-0.03495900107223911,-56338.67262029619,-0.035033982025123866,-61782.60288589594,-0.035234585040500116,-59717.33094067714
+649,-0.03487244986258308,-73067.78144493372,-0.03514317638430544,-16337.67946122446,-0.03506504601599997,-71317.18802625082,-0.03501525224348958,-71956.64325621493,-0.034867155152739485,-80778.15888129223,-0.03514931903999994,-84123.01364136118,-0.035050550546025384,-89109.41596493949,-0.03507069661110797,-95361.28389476,-0.034943632327795925,-96509.33076118497,-0.034841975782072966,-91381.6324425845,-0.03514469708770678,-103399.99586496364,-0.03506799125699997,-107411.3342249215,-0.03493191371140348,-30572.00045239232,-0.035146367928555355,-30551.044865589363,-0.03500316226001954,-39851.799593000156,-0.034838946496809776,-47724.1634931423,-0.03486338954973559,-53515.25474799691,-0.03485883201472561,-56176.09894764215,-0.034933884933623566,-61607.881065047535,-0.035134770352000015,-59549.34286268791
+650,-0.03477224167332288,-72861.3334629058,-0.035043337815031744,-16274.09641137572,-0.034965145599999865,-71111.06771356253,-0.03491520866565108,-71757.9310335793,-0.034766962178162684,-80548.00726647208,-0.03504946302000004,-83894.3629025336,-0.03495069142766058,-88874.52182722697,-0.03497078009654647,-95099.39289139837,-0.03484350730679943,-96245.02592828439,-0.03474185516200957,-91122.13371463114,-0.03504485419825308,-103121.58895807917,-0.03496808245000007,-107115.09374454353,-0.03483182226810428,-30469.51994880284,-0.03504652029239476,-30453.983744839563,-0.03490315322499084,-39726.84653178786,-0.034738834581588975,-47581.43177036845,-0.034763207395857,-53365.42735792001,-0.03475866295721201,-56013.53746241709,-0.03483378784212317,-61433.0971585975,-0.03503495566350001,-59381.34370656617
+651,-0.03467203348406258,-72654.90768515524,-0.03494349924575834,-16210.625587007427,-0.034865245183999964,-70904.93201270432,-0.03481516508781248,-71559.21083164608,-0.03466676920358579,-80317.79927543973,-0.034949606999999834,-83665.59464926163,-0.03485083230929588,-88639.50944682803,-0.03487086358198497,-94837.43197368724,-0.03474338228580283,-95980.64001443629,-0.034641734541946266,-90862.59351144497,-0.034945011308799484,-102843.08676913129,-0.03486817364299997,-106818.76355466906,-0.03473173082480518,-30367.163337098904,-0.03494667265623406,-30357.029301072846,-0.03480314418996224,-39601.97800474321,-0.03463872266636838,-47438.813935187616,-0.03466302524197849,-53215.645174607416,-0.03465849389969851,-55850.9935248912,-0.03473369075062287,-61258.28806390859,-0.034935140975000015,-59213.368039793706
+652,-0.034571825294802176,-72448.49596823749,-0.034843660676484645,-16147.265210379679,-0.03476534476799986,-70698.78256687774,-0.03471512150997398,-71360.48651078195,-0.03456657622900889,-80087.54347280045,-0.034849750979999934,-83436.73472288271,-0.03475097319093108,-88404.389655948,-0.03477094706742327,-94575.40632868263,-0.034643257264806326,-95716.16982244197,-0.03454161392188277,-90603.01498231792,-0.03484516841934558,-102564.49466314305,-0.03476826483599997,-106522.34477752795,-0.03463163938150608,-30264.93362643241,-0.03484682502007326,-30260.184189872347,-0.03470313515493354,-39477.200482756656,-0.03453861075114758,-47296.293609168446,-0.03456284308809989,-53065.91269152683,-0.03455832484218481,-55688.47164221838,-0.03463359365912247,-61083.468953609816,-0.03483532628650001,-59045.40718068036
+653,-0.03447161710554198,-72242.12500347667,-0.03474382210721104,-16084.016022632033,-0.03466544435199997,-70492.62716280093,-0.03461507793213538,-71161.76158327048,-0.03446638325443209,-79857.24675054435,-0.03474989495999994,-83207.79367085184,-0.03465111407256638,-88169.16973390356,-0.03467103055286177,-94313.32050621536,-0.03454313224380963,-95451.58918954525,-0.03444149330181937,-90343.40001874312,-0.03474532552989188,-102285.81104006263,-0.03466835602900007,-106225.8328345004,-0.03453154793820688,-30162.832475266616,-0.03474697738391266,-30163.451957571742,-0.03460312611990494,-39352.518791288996,-0.03443849883592698,-47153.83785456483,-0.034462660934221394,-52916.234462785236,-0.03445815578467131,-55525.97483299738,-0.034533496567622265,-60908.6499448677,-0.034735511598000014,-58877.46751939666
+654,-0.03437140891628168,-72035.7846297279,-0.034643983537937545,-16020.878787064556,-0.034565543935999865,-70286.47018771808,-0.03451503435429688,-70963.03933685012,-0.034366190279855185,-79626.91307141865,-0.03465003893999993,-82978.77187849146,-0.034551254954201784,-87933.85537904299,-0.03457111403830027,-94051.17863638944,-0.03444300722281313,-95186.92912742669,-0.03434137268175587,-90083.72071063051,-0.034645482640438284,-102007.0217654216,-0.03456844722199987,-105929.20369686645,-0.03443145649490778,-30060.861345265435,-0.034647129747751956,-30066.841141717,-0.03450311708487644,-39227.93891754915,-0.034338386920706176,-47011.450438063854,-0.03436247878034279,-52766.611013900365,-0.03435798672715771,-55363.46469499378,-0.034433399476121763,-60733.83905626358,-0.03463569690950001,-58709.53421044058
+655,-0.03427120072702138,-71829.4339887688,-0.03454414496866384,-15957.85429121004,-0.034465643519999964,-70080.31534479183,-0.034414990776458376,-70764.32293972712,-0.034265997305278385,-79396.5258896388,-0.034550182919999936,-82749.68062299708,-0.03445139583583688,-87698.44529328277,-0.03447119752373867,-93788.98456590642,-0.034342882201816624,-94922.1881275975,-0.03424125206169247,-89823.98916488458,-0.03454563975098458,-101728.14715818627,-0.03446853841499997,-105632.4472334068,-0.03433136505160858,-29959.02158465689,-0.03454728211159136,-29970.345072845714,-0.03440310804984774,-39103.451269208075,-0.03423827500548548,-46869.11252528537,-0.034262296626464295,-52617.04882883795,-0.03425781766964421,-55200.95457460005,-0.034333302384621366,-60559.040372682706,-0.034535882221000014,-58541.61766234326
+656,-0.03417099253776098,-71623.08031286493,-0.034444306399390244,-15894.943349306186,-0.03436574310400006,-69874.16605791944,-0.03431494719861978,-70565.61555691643,-0.03416580433070149,-79166.09915202923,-0.034450326900000036,-82520.52733144238,-0.034351536717472285,-87462.9373588381,-0.03437128100917707,-93526.74195435325,-0.034242757180820024,-94657.34816043623,-0.03414113144162907,-89564.21399118443,-0.03444579686153088,-101449.20507798632,-0.03436862960799997,-105335.55937647757,-0.03423127360830948,-29857.314488293134,-0.03444743447543066,-29873.957511786874,-0.034303099014819136,-38979.0676621951,-0.03413816309026468,-46726.815612266444,-0.03416211447258569,-52467.55337050221,-0.03415764861213051,-55038.458292570285,-0.03423320529312117,-60384.250237181484,-0.03443606753250001,-58373.72840089225
+657,-0.03407078434850078,-71416.72939258133,-0.03434446783011674,-15832.14680526209,-0.03426584268799997,-69668.02542335035,-0.03421490362078128,-70366.92053845886,-0.034065611356124785,-78935.6425994559,-0.034350470879999935,-82291.31785481966,-0.034251677599107584,-87227.34110189205,-0.03427136449461557,-93264.44369466533,-0.03414263215982353,-94392.41864165464,-0.03404101082156557,-89304.3909121768,-0.03434595397207699,-101170.22925468572,-0.03426872080099987,-105038.56208603983,-0.03413118216501028,-29755.741328595384,-0.034347586839270056,-29777.679598093102,-0.034203089979790435,-38854.76154114645,-0.034038051175043875,-46584.574004776085,-0.034061932318707196,-52318.14951449439,-0.03405747955461691,-54875.98271353485,-0.03413310820162067,-60209.4674435164,-0.03433625284400001,-58205.87237281215
+658,-0.03397057615924048,-71210.38490796334,-0.034244629260843144,-15769.465536276246,-0.034165942272000066,-69461.89489576938,-0.03411486004294278,-70168.24194393975,-0.033965418381547985,-78705.1647566994,-0.03425061485999994,-82062.05723542669,-0.03415181848074278,-86991.6551013161,-0.03417144798005397,-93002.07920030587,-0.034042507138827026,-94127.40711225543,-0.03394089020150217,-89044.527461165,-0.03424611108262338,-100891.18074239022,-0.03416881199399997,-104741.46412433127,-0.034031090721711184,-29654.303375188374,-0.03424773920310926,-29681.501190577717,-0.03410308094476184,-38730.52106765616,-0.033937939259823274,-46442.395553424205,-0.033961750164828594,-52168.823862082805,-0.03395731049710341,-54713.53285914762,-0.03403301111012046,-60034.67075353908,-0.03423643815549991,-58038.053221409726
+659,-0.03387036796998028,-71004.04984441987,-0.03414479069156944,-15706.900457431688,-0.034066041855999964,-69255.77888274597,-0.03401481646510418,-69969.58735814958,-0.03386522540697109,-78474.67982333862,-0.034150758839999934,-81832.74998777658,-0.03405195936237808,-86755.87842342473,-0.03407153146549237,-92739.60682816048,-0.03394238211783052,-93862.32006542817,-0.03384076958143867,-88784.62885437424,-0.03414626819316968,-100612.03217504262,-0.03406890318699997,-104444.2714635755,-0.033930999278411984,-29553.001909401428,-0.03414789156694866,-29585.427464368073,-0.03400307190973314,-38606.35082201284,-0.03383782734460248,-46300.28525088066,-0.0338615680109501,-52019.536058580474,-0.033857141439589906,-54551.11287733208,-0.033932914018620065,-59859.8743568744,-0.034136623466999916,-57870.27599890269
+660,-0.03377015978071988,-70797.72681430649,-0.03404495212229584,-15644.452527630241,-0.03396614144000006,-69049.68187876092,-0.03391477288726568,-69770.9518855278,-0.03376503243239429,-78244.17540755119,-0.03405090281999994,-81603.40025104459,-0.03395210024401328,-86520.02113437538,-0.03397161495093087,-92477.0481104509,-0.033842257096833826,-93597.16337244149,-0.03374064896137527,-88524.69886675182,-0.03404642530371598,-100332.78674292257,-0.03396899438000007,-104146.98879218801,-0.03383090783511288,-29451.838236619857,-0.03404804393078796,-29489.462695887138,-0.033903062874704536,-38482.25440252209,-0.03373771542938188,-46158.24710898282,-0.03376138585707139,-51870.23356699699,-0.03375697238207621,-54388.726415833655,-0.03383281692711967,-59685.07831510558,-0.03403680877850011,-57702.54484193137
+661,-0.03366995159145958,-70591.41819186189,-0.03394511355302234,-15582.122757656416,-0.03386624102399997,-68843.6096332036,-0.033814729309427076,-69572.33460961882,-0.03366483945781739,-78013.6488792119,-0.03395104680000004,-81374.01188707941,-0.03385224112564858,-86284.07948759134,-0.03387169843636927,-92214.4223358986,-0.033742132075837324,-93331.94256505829,-0.03364052834131197,-88264.74072233232,-0.03394658241426229,-100053.4475110313,-0.03386908557299997,-103849.62005358457,-0.03373081639181368,-29350.813698008573,-0.03394819629462736,-29393.609648263504,-0.03380305383967604,-38358.224453782896,-0.03363760351416108,-46016.284070665104,-0.03366120370319299,-51720.93410941319,-0.03365680332456261,-54226.376812898096,-0.03373271983561937,-59510.26826025537,-0.03393699409000011,-57534.854639367564
+662,-0.03356974340219928,-70385.12618517074,-0.033845274983748744,-15519.911024362422,-0.03376634060799996,-68637.57545630244,-0.033714685731588576,-69373.73899656284,-0.033564646483240486,-77783.10351123335,-0.033851190779999936,-81144.56304946874,-0.03375238200728378,-86048.02910716008,-0.03377178192180777,-91951.74015047305,-0.033642007054840724,-93066.66309219114,-0.03354040772124847,-88004.7573389279,-0.03384673952480848,-99774.0175041994,-0.03376917676599997,-103552.16870271476,-0.03363072494851458,-29249.92968287324,-0.033848348658466657,-29297.870754311465,-0.033703044804647336,-38234.25922755222,-0.03353749159894038,-45874.36249776025,-0.03356102154931429,-51571.659815809384,-0.03355663426704911,-54064.05012644607,-0.03363262274411897,-59335.44315940151,-0.033837179401500016,-57367.20211985295
+663,-0.03346953521293908,-70178.8189059493,-0.03374543641447504,-15457.818524516966,-0.03366644019199996,-68431.56596374894,-0.033614642153750075,-69175.17022456785,-0.033464453508663686,-77552.54242343125,-0.03375133475999994,-80915.00892318711,-0.03365252288891908,-85811.90539929444,-0.03367186540724607,-91689.01071806528,-0.03354188203384423,-92801.33068268029,-0.033440287101185066,-87744.75144260902,-0.03374689663535478,-99494.49846452559,-0.03366926795900007,-103254.63784863817,-0.03353063350521548,-29149.187642769637,-0.03374850102230586,-29202.24838988785,-0.03360303576961874,-38110.367851300776,-0.03343737968371958,-45732.495475884636,-0.03346083939543589,-51422.42265955699,-0.03345646520953551,-53901.7307379689,-0.03353252565261867,-59160.58534433173,-0.03373736471300001,-57199.554602005985
+664,-0.03336932702367868,-69972.42551169604,-0.03364559784520154,-15395.846965389928,-0.033566539775999965,-68225.5589529418,-0.03351459857591148,-68976.60668824644,-0.03336426053408679,-77321.96874113231,-0.033651478739999935,-80685.38181199372,-0.03355266377055438,-85575.70877939307,-0.03357194889268457,-91426.24454399518,-0.033441757012847725,-92535.95193024431,-0.03334016648112157,-87484.72563576787,-0.03364705374590109,-99214.87738142748,-0.03356935915199987,-102957.03034220632,-0.03343054206191628,-29048.589109033543,-0.033648653386145255,-29106.745018532296,-0.03350302673459004,-37986.55487551492,-0.03333726776849898,-45590.69519857664,-0.03336065724155719,-51273.23591750665,-0.033356296152021805,-53739.4326629852,-0.03343242856111826,-58985.713743063665,-0.033637550024500015,-57031.93560189673
+665,-0.03326911883441838,-69765.9741585581,-0.03354575927592794,-15333.997924905158,-0.03346663935999997,-68019.56022320918,-0.03341455499807298,-68778.02545738746,-0.03326406755950999,-77091.3854308189,-0.03355162271999994,-80455.68315561305,-0.03345280465218958,-85339.41895400055,-0.03347203237812307,-91163.43575249363,-0.033341631991851126,-92270.50131905133,-0.03324004586105817,-87224.68244534131,-0.033547210856447386,-98935.16498468719,-0.03346945034499997,-102659.34814704319,-0.03333045061861718,-28948.13569732193,-0.03354880574998466,-29011.36332434026,-0.03340301769956144,-37862.816793193524,-0.033237155853278175,-45448.96848361001,-0.033260475087678695,-51124.11011701651,-0.03325612709450831,-53577.16581069874,-0.033332331469617865,-58810.83814439323,-0.03353773533600001,-56864.356435244576
+666,-0.03316891064515818,-69559.46293920655,-0.03344592070665434,-15272.27322433886,-0.03336673894399997,-67813.56717378448,-0.03331451142023448,-68579.4371709756,-0.033163874584933285,-76860.79438459945,-0.03345176670000004,-80225.92791498781,-0.03335294553382488,-85103.04007007527,-0.03337211586356137,-90900.58572452197,-0.03324150697085463,-92004.98146918797,-0.033139925240994766,-86964.6243629879,-0.03344736796699378,-98655.37171903258,-0.03336954153799997,-102361.55621536494,-0.03323035917531788,-28847.80605346391,-0.03344895811382396,-28916.106396448897,-0.033303008664532736,-37739.153646005194,-0.03313704393805758,-45307.32101321771,-0.033160292933800094,-50975.02450867389,-0.03315595803699481,-53414.92261610972,-0.033232234378117564,-58635.96565972035,-0.033437920647500015,-56696.824769266575
+667,-0.03306870245589788,-69352.9035859223,-0.03334608213738064,-15210.67261892097,-0.033266838527999866,-67607.58330190498,-0.03321446784239588,-68380.8482973464,-0.03306368161035639,-76630.19829311437,-0.03335191067999983,-79996.1247830073,-0.033253086415460084,-84866.57561332792,-0.03327219934899987,-90637.66933941882,-0.033141381949857926,-91739.36424285432,-0.03303980462093127,-86704.55388443885,-0.03334752507753989,-98375.49118070005,-0.03326963273099987,-102063.66724281575,-0.03313026773201888,-28747.606521196594,-0.03334911047766336,-28820.97807345236,-0.03320299962950424,-37615.57407683043,-0.03303693202283678,-45165.75413431444,-0.033060110779921596,-50825.98315443029,-0.03305578897948121,-53252.67475514031,-0.033132137286617167,-58461.10224064335,-0.03333810595900001,-56529.3496816968
+668,-0.03296849426663748,-69146.31475768409,-0.03324624356810714,-15149.189863387182,-0.033166938111999965,-67401.6114553803,-0.03311442426455738,-68182.26310603501,-0.03296348863577959,-76399.59985317814,-0.03325205465999993,-79766.28046981114,-0.03315322729709538,-84630.02865749292,-0.03317228283443837,-90374.69456220097,-0.03304125692886142,-91473.65306794064,-0.03293968400086787,-86444.47355508007,-0.033247682188086186,-98095.52491196875,-0.03316972392399997,-101765.69251924795,-0.033030176288719584,-28647.54587422538,-0.03324926284150266,-28725.9838152327,-0.03310299059447564,-37492.084126013724,-0.032936820107616074,-45024.235588910065,-0.032959928626043196,-50676.9900511664,-0.03295561992196751,-53090.40096649202,-0.033032040195116866,-58286.25317417566,-0.033238291270500014,-56361.930928798545
+669,-0.03286828607737718,-68939.70590531146,-0.03314640499883354,-15087.824556600124,-0.03306703769599986,-67195.65418098624,-0.03301438068671878,-67983.68493192893,-0.03286329566120269,-76169.00181506992,-0.033152198639999936,-79536.36098955547,-0.03305336817873058,-84393.40199483579,-0.033072366319876874,-90111.66842978183,-0.03294113190786493,-91207.86205240044,-0.03283956338080437,-86184.38603216816,-0.033147839298632485,-97815.47583443491,-0.03306981511699997,-101467.6275817741,-0.03293008484542058,-28547.62878104095,-0.033149415205341856,-28631.135218500884,-0.03300298155944694,-37368.69134513328,-0.03283670819239538,-44882.79185517705,-0.0328597464721645,-50528.04109167544,-0.03285545086445401,-52928.139591404324,-0.03293194310361647,-58111.42335818007,-0.03313847658200001,-56194.56808769014
+670,-0.03276807788811698,-68733.08409477976,-0.03304656642955994,-15026.578398639742,-0.03296713727999997,-66989.71390301891,-0.03291433710888028,-67785.11661661777,-0.03276310268662589,-75938.39373738492,-0.03305234261999994,-79306.37636060419,-0.032953509060365885,-84156.6982139239,-0.03297244980531517,-89848.59903272039,-0.032841006886868425,-90941.93376507082,-0.03273944276074107,-85924.29417394422,-0.03304799640917888,-97535.32555197531,-0.03296990631000007,-101169.4609564354,-0.03282999340212128,-28447.86060344168,-0.03304956756918126,-28536.432285594525,-0.03290297252441834,-37245.409511109174,-0.03273659627717468,-44741.444884574514,-0.0327595643182861,-50379.07316542654,-0.03275528180694051,-52765.91950548173,-0.03283184601211606,-57936.60631627661,-0.03303866189349991,-56027.26492711806
+671,-0.03266786969885658,-68526.45562100808,-0.03294672786028644,-14965.45380927307,-0.03286723686400007,-66783.79310730324,-0.03281429353104178,-67586.56072141387,-0.032662909712048986,-75707.76507074649,-0.03295248660000004,-79076.34512261028,-0.03285364994200108,-83919.91975051562,-0.032872533290753674,-89585.50311505035,-0.032740881865871825,-90675.89896218092,-0.03263932214067767,-85664.18272424294,-0.03294815351972519,-97255.04065134557,-0.03286999750299997,-100871.20752918083,-0.03272990195882218,-28348.245563612487,-0.032949719933020656,-28441.82087794825,-0.03280296348938964,-37122.2484360198,-0.03263648436195388,-44600.15735086089,-0.03265938216440739,-50230.113077732036,-0.03265511274942691,-52603.7330735962,-0.03273174892061577,-57761.79256175293,-0.03293884720499991,-55860.02513941552
+672,-0.03256766150959628,-68319.82760754049,-0.03284688929101274,-14904.45291845356,-0.032767336447999965,-66577.89496908136,-0.03271424995320318,-67388.01966161204,-0.032562716737472186,-75477.1316203543,-0.032852630579999834,-78846.2777939215,-0.03275379082363638,-83683.06892341057,-0.03277261677619217,-89322.38468109253,-0.03264075684487533,-90409.77723620483,-0.03253920152061417,-85404.05926972133,-0.032848310630271285,-96974.64621299769,-0.03277008869599997,-100572.87365530503,-0.03262981051552298,-28248.7777985631,-0.032849872296859955,-28347.30585939469,-0.03270295445436104,-36999.168957292415,-0.032536372446733276,-44458.92970254503,-0.032559200010528894,-50081.18642648524,-0.03255494369191321,-52441.56160577803,-0.032631651829115364,-57586.99782827463,-0.03283903251649991,-55692.85248882291
+673,-0.03246745332033608,-68113.19831283554,-0.03274705072173914,-14843.577782249306,-0.03266743603200006,-66372.02279131436,-0.03261420637536468,-67189.49582590454,-0.03246252376289529,-75246.50385551642,-0.032752774559999934,-78616.18425821402,-0.03265393170527158,-83446.1479614475,-0.03267270026163057,-89059.20947476187,-0.032540631823878625,-90143.579407292,-0.03243908090055077,-85143.91757299873,-0.03274846774081768,-96694.14981855315,-0.03267017988900007,-100274.46378423867,-0.03252971907222388,-28149.46076542076,-0.03275002466069936,-28252.893357950325,-0.032602945419332535,-36876.17427515386,-0.032436260531512474,-44317.76776053408,-0.03245901785665029,-49932.29695511033,-0.03245477463439971,-52279.40974713047,-0.03253155473761517,-57412.229989814696,-0.032739217828000114,-55525.75109484445
+674,-0.03236724513107578,-67906.57014605688,-0.03264721215246564,-14782.830488760115,-0.03256753561599997,-66166.17281920319,-0.032514162797526176,-66990.98740722795,-0.032362330788318384,-75015.86920713265,-0.03265291853999994,-78386.07690020665,-0.03255407258690688,-83209.15902519008,-0.03257278374706897,-88795.97331899135,-0.03244050680288213,-89877.2993488396,-0.03233896028048737,-84883.7544993246,-0.03264862485136399,-96413.55179373891,-0.03257027108199997,-99975.98155076212,-0.03242962762892468,-28050.298727430993,-0.03265017702453866,-28158.587381253816,-0.03250293638430384,-36753.267730923,-0.03233614861629178,-44176.67634446311,-0.032358835702771795,-49783.45251682873,-0.03235460557688611,-52117.281562175136,-0.032431457646114666,-57237.49561116348,-0.03263940313950011,-55358.727178607034
+675,-0.03226703694181538,-67699.94623893466,-0.03254737358319204,-14722.213234902605,-0.03246763520000007,-65960.34661056753,-0.03241411921968758,-66792.47525390785,-0.03226213781374169,-74785.21944504173,-0.03255306251999993,-78155.9851350906,-0.03245421346854208,-82972.10422549889,-0.032472867232507474,-88532.65338093242,-0.03234038178188563,-89610.94844444146,-0.03223883966042387,-84623.56342572352,-0.032548781961910286,-96132.86242281436,-0.03247036227499997,-99677.43012750107,-0.03232953618562558,-27951.295722509934,-0.03255032938837786,-28064.39118248177,-0.03240292734927524,-36630.457224796424,-0.03223603670107108,-44035.65995758494,-0.03225865354889319,-49634.669594958046,-0.03225443651937261,-51955.18076663095,-0.03233136055461427,-57062.801056459604,-0.03253958845100001,-55191.7830124162
+676,-0.03216682875255508,-67493.32948782235,-0.03244753501391834,-14661.72840467445,-0.032367734783999964,-65754.54038796066,-0.03231407564184908,-66593.95946701706,-0.03216194483916489,-74554.56862275985,-0.03245320650000003,-77925.89164904163,-0.03235435435017738,-82734.98564053621,-0.032372950717945874,-88269.26485931066,-0.03224025676088903,-89344.5370494549,-0.03213871904036047,-84363.34760293453,-0.032448939072456585,-95852.08648715897,-0.03237045346800007,-99378.81238768528,-0.03222944474232648,-27852.452380214992,-0.03245048175221726,-27970.307691882666,-0.03230291831424654,-36507.72795278498,-0.03213592478585038,-43894.72319065442,-0.032158471395014696,-49485.96569145938,-0.032154267461858906,-51793.11089659832,-0.032231263463114064,-56888.15303827919,-0.03243977376250001,-55024.915667622015
+677,-0.03206662056329488,-67286.72260364762,-0.03234769644464474,-14601.378674475933,-0.032267834367999966,-65548.71816011028,-0.03221403206401048,-66395.4142481771,-0.03206175186458799,-74323.92641606177,-0.032353350480000036,-77695.75577760354,-0.03225449523181268,-82497.80533268268,-0.032273034203384274,-88005.77012204017,-0.032140131739892525,-89078.073209676,-0.032038598420296965,-84103.11211527782,-0.032349096183002884,-95571.22234253152,-0.03227054466099987,-99080.13099534044,-0.03212935329902728,-27753.739761631838,-0.032350634116056556,-27876.339720658154,-0.032202909279217935,-36385.07869277296,-0.03203581287062958,-43753.87127749612,-0.032058289241136094,-49337.27800883972,-0.03205409840434541,-51631.04902442676,-0.03213116637161357,-56713.558599161915,-0.032339959074000016,-54858.12884454332
+678,-0.03196641237403458,-67080.12814955846,-0.03224785787537124,-14541.16719179725,-0.03216793395199997,-65342.898262512674,-0.03211398848617178,-66196.85702817135,-0.03196155889001119,-74093.31349237946,-0.032253494459999935,-77465.58129248832,-0.03215463611344788,-82260.55109060512,-0.032173117688822674,-87742.18477658629,-0.03204000671889603,-88811.56456920491,-0.03193847780023357,-83842.86117515969,-0.032249253293549086,-95290.27890189648,-0.03217063585399997,-98781.3884615727,-0.03202926185572818,-27655.18195113013,-0.03225078647989596,-27782.483779395876,-0.032102900244189235,-36262.500607295464,-0.03193570095540898,-43613.11280611356,-0.031958107087257596,-49188.574405634856,-0.031953929346831805,-51468.952287551605,-0.032031069280113365,-56538.98285547672,-0.03224014438550001,-54691.42203437168
+679,-0.03186620418477418,-66873.54857061556,-0.03214801930609764,-14481.09796519148,-0.03206803353599996,-65137.08951060684,-0.03201394490833328,-65998.29491507298,-0.03186136591543429,-73862.7172442876,-0.03215363843999994,-77235.3715385348,-0.03205477699508318,-82023.19633788892,-0.03207320117426117,-87478.52325201414,-0.031939881697899526,-88545.01904680749,-0.031838357180170265,-83582.59864221184,-0.032149410404095385,-95009.26316469214,-0.03207072704699997,-98482.58718282258,-0.03192917041242898,-27556.80528989801,-0.032150938843735356,-27688.72021751232,-0.03200289120916064,-36140.00025881508,-0.03183558904018818,-43472.452646995705,-0.031857924933378995,-49039.8730927693,-0.03185376028931831,-51306.81504942723,-0.03193097218861297,-56364.45301531046,-0.032140329697000015,-54524.78839375689
+680,-0.03176599599551398,-66666.98621855097,-0.032048180736823945,-14421.177169915449,-0.031968133119999964,-64931.29667557244,-0.03191390133049478,-65799.7186064878,-0.031761172940857486,-73632.11617393408,-0.032053782419999934,-77005.12965937614,-0.031954917876718385,-81785.73647762998,-0.031973284659699674,-87214.79266661979,-0.03183975667690283,-88278.44550785597,-0.03173823656010677,-83322.3244931962,-0.032049567514641684,-94728.18250315728,-0.03197081823999987,-98183.72946881609,-0.031829078969129884,-27458.576774077934,-0.03205109120757456,-27595.06459406035,-0.03190288217413214,-36017.58213999204,-0.03173547712496748,-43331.881933728095,-0.0317577427795005,-48891.18100627793,-0.03175359123180461,-51144.670424642136,-0.031830875097112465,-56190.01970343782,-0.03204051500850001,-54358.244792820355
+681,-0.031665787806253676,-66460.44337446366,-0.03194834216755044,-14361.419552640811,-0.031868232703999966,-64725.52323520893,-0.03181385775265618,-65601.13713993994,-0.03166097996628059,-73401.51272665427,-0.031953926399999937,-76774.85868948254,-0.031855058758353684,-81548.15230627124,-0.03187336814513797,-86950.99659370413,-0.03173963165590623,-88011.8414735708,-0.03163811594004337,-83062.02212706405,-0.03194972462518808,-94447.04706748087,-0.03187090943299997,-97884.81756421477,-0.03172898752583068,-27360.50258805535,-0.03195124357141386,-27501.524745573235,-0.03180287313910344,-35895.24995875628,-0.03163536520974678,-43191.40676922275,-0.031657560625621896,-48742.50422476839,-0.031653422174291006,-50982.54382465476,-0.03173077800561227,-56015.63616573039,-0.031940700320000015,-54191.79246213939
+682,-0.031565579616993376,-66253.92227263072,-0.031848503598276845,-14301.807977464417,-0.03176833228799986,-64519.77204303923,-0.03171381417481768,-65402.545760812296,-0.03156078699170379,-73170.90923182499,-0.03185407038000004,-76544.56161512817,-0.03175519963998888,-81310.4724579519,-0.031773451630576474,-86687.12345908576,-0.03163950663490973,-87745.18219719554,-0.03153799531997987,-82801.70494334276,-0.03184988173573439,-94165.88211158311,-0.03177100062599997,-97585.85366651522,-0.03162889608253158,-27262.595274673924,-0.03185139593525326,-27408.092809391826,-0.031702864104074836,-35773.00798700941,-0.031535253294526076,-43051.02389715837,-0.03155737847174339,-48593.84818306731,-0.03155325311677751,-50820.41772070525,-0.031630680914111864,-55841.287123704045,-0.03184088563150001,-54025.40724580779
+683,-0.03146537142773298,-66047.42356681546,-0.03174866502900314,-14242.338229482199,-0.03166843187199996,-64314.04559235146,-0.03161377059697918,-65203.937510380754,-0.031460594017126885,-72940.30795280333,-0.031754214359999935,-76314.22515489343,-0.03165534052162418,-81072.70799718023,-0.03167353511601497,-86423.18311099224,-0.031539381613913224,-87478.50451613504,-0.03143787469991647,-82541.36393176063,-0.031750038846280484,-93884.66948736957,-0.03167109181900007,-97286.83994164213,-0.03152880463923238,-27164.882525572786,-0.03175154829909256,-27314.75771712588,-0.031602855069046136,-35650.863094447486,-0.031435141379305274,-42910.74632909507,-0.0314571963178648,-48445.20583488386,-0.03145308405926401,-50658.29241193445,-0.03153058382261156,-55666.98572340395,-0.03174107094299991,-53859.05192321544
+684,-0.03136516323847278,-65840.94460855405,-0.031648826459729544,-14183.014602425777,-0.03156853145599987,-64108.34554531532,-0.031513727019140576,-65005.32508960791,-0.03136040104255019,-72709.71112784273,-0.03165435833999994,-76083.84331780496,-0.03155548140325938,-80834.86667334779,-0.031573618601453475,-86159.18177527124,-0.03143925659291673,-87211.83491459547,-0.03133775407985307,-82281.02197692178,-0.03165019595682688,-93603.40585555314,-0.03157118301199997,-96987.77853848992,-0.03142871319593328,-27067.350268421676,-0.03165170066293196,-27221.53811891488,-0.03150284603401754,-35528.83182454349,-0.03133502946408468,-42770.554534676296,-0.03135701416398629,-48296.53975172528,-0.03135291500175031,-50496.15627086585,-0.031430486731111165,-55492.73406213036,-0.031641256254499914,-53692.77967192676
+685,-0.03126495504921248,-65634.49093936023,-0.03154898789045604,-14123.84278936285,-0.031468631039999966,-63902.67296913916,-0.031413683441302076,-64806.66995947572,-0.03126020806797339,-72479.12100985661,-0.031554502319999934,-75853.43021144722,-0.03145562228489468,-80596.95534042428,-0.03147370208689177,-85895.12364132566,-0.03133913157192013,-86945.11343207354,-0.03123763345978957,-82020.69840586882,-0.03155035306737319,-93322.07384959511,-0.03147127420499997,-96688.67160324148,-0.031328621752633984,-26969.94377126208,-0.03155185302677136,-27128.4474491539,-0.03140283699898884,-35406.887667803094,-0.03123491754886388,-42630.422776611376,-0.031256832010107795,-48147.875811808124,-0.03125274594423671,-50334.02113394263,-0.031330389639610864,-55318.52120276622,-0.03154144156599991,-53526.57246935399
+686,-0.03116474685995228,-65428.06552648169,-0.031449149321182444,-14064.831492778476,-0.031368730624000064,-63697.030592189265,-0.031313639863463576,-64607.95973253515,-0.03116001509339649,-72248.53991199912,-0.03145464629999994,-75622.9924308365,-0.03135576316652988,-80358.98138693678,-0.031373785572330275,-85630.98348420055,-0.031239006550923626,-86678.31059431544,-0.03113751283972617,-81760.32352940096,-0.031450510177919486,-93040.66041232606,-0.03137136539800007,-96389.50580810983,-0.031228530309334975,-26872.680547128406,-0.031452005390610556,-27035.497544278274,-0.03130282796396034,-35285.02530458657,-0.031134805633643278,-42490.356388584616,-0.031156649856229193,-47999.22485238402,-0.03115257688672321,-50171.884683179866,-0.031230292548110467,-55144.27753370852,-0.031441626877500115,-53360.41242920058
+687,-0.03106453867069178,-65221.66706476799,-0.03134931075190874,-14006.003056019546,-0.03126883020799996,-63491.420437211935,-0.031213596285624978,-64409.22281622047,-0.03105982211881959,-72017.97026885315,-0.03135479028000004,-75392.5357096363,-0.03125590404816518,-80120.9559147204,-0.03127386905776877,-85366.75215491696,-0.031138881529926925,-86411.38280088746,-0.031037392219662667,-81499.8459503584,-0.031350667288465785,-92759.16758645239,-0.03127145659099997,-96090.25093945919,-0.03112843886603568,-26775.55665585583,-0.031352157754449855,-26942.717065418838,-0.031202818928931737,-35163.24810653662,-0.031034693718422476,-42350.35951884338,-0.031056467702350692,-47850.59350097164,-0.031052407829209608,-50009.73453844404,-0.031130195456610065,-54970.02483873843,-0.03134181218900011,-53194.292800053525
+688,-0.03096433048143158,-65015.29360343749,-0.031249472182635345,-13947.361165558259,-0.031168929792000064,-63285.8352683943,-0.031113552707786478,-64210.46926361618,-0.03095962914424279,-71787.41473125623,-0.03125493425999984,-75162.06642862633,-0.031156044929800383,-79882.90233271288,-0.03117395254320707,-85102.44972483817,-0.031038756508930426,-86144.30985020922,-0.03093727159959937,-81239.26094017812,-0.03125082439901199,-92477.59736197045,-0.031171547783999966,-95790.93038281209,-0.031028347422736677,-26678.525593529936,-0.03125231011828926,-26850.117227701427,-0.031102809893903037,-35041.55372999854,-0.03093458180320178,-42210.43366745823,-0.030956285548472094,-47701.98687827746,-0.03095223877169591,-49847.581945078295,-0.031030098365109764,-54795.729187557445,-0.031241997500500013,-53028.19941915397
+689,-0.030864122292171278,-64808.9352707344,-0.031149633613361642,-13888.86996038624,-0.031069029375999965,-63080.27930930598,-0.031013509129947877,-64011.70562330569,-0.03085943616966589,-71556.87633648561,-0.031155078239999932,-74931.59506191753,-0.031056185811435683,-79644.78098909324,-0.03107403602864557,-84838.0837526161,-0.030938631487933927,-85877.13065303261,-0.030837150979535967,-80978.55578738189,-0.031150981509558282,-92195.90020387132,-0.031071638977000066,-95491.55289085611,-0.030928255979437578,-26581.598895675317,-0.031152462482128558,-26757.649435697746,-0.031002800858874437,-34919.94178584213,-0.030834469887980977,-42070.5650023704,-0.030856103394593593,-47553.406706567075,-0.030852069714182407,-49685.43446003447,-0.030930001273609366,-54621.401705604854,-0.031142182812000017,-52862.121899964426
+690,-0.03076391410291108,-64602.5998333185,-0.03104979504408804,-13830.519116487036,-0.030969128960000064,-62874.75669447106,-0.03091346555210938,-63812.93696275432,-0.030759243195089093,-71326.3588751276,-0.031055222219999932,-74701.12138849744,-0.030956326693070982,-79406.5528260901,-0.030974119514084072,-84573.65942698646,-0.030838506466937327,-85609.85688366667,-0.030737030359472468,-80717.76662533102,-0.03105113862010458,-91914.06061617963,-0.030971730169999868,-95192.12411132174,-0.030828164536138278,-26484.78117175958,-0.031052614845967958,-26665.276674605848,-0.030902791823845737,-34798.41339749753,-0.030734357972760376,-41930.76543698397,-0.030755921240714995,-47404.83800340372,-0.03075190065666891,-49523.29771724334,-0.030829904182109166,-54447.05168740326,-0.031042368123500017,-52696.09537945145
+691,-0.03066370591365068,-64396.292832943174,-0.030949956474814543,-13772.318784463389,-0.030869228543999965,-62669.27011209718,-0.03081342197427088,-63614.167644441986,-0.030659050220512192,-71095.86795529505,-0.03095536619999993,-74470.58154460943,-0.03085646757470618,-79168.21756572985,-0.03087420299952247,-84309.18091152745,-0.030738381445940828,-85342.45024285298,-0.03063690973940907,-80456.90701878634,-0.03095129573065088,-91632.0759351353,-0.030871821362999968,-94892.64865946586,-0.030728073092839276,-26388.07562164237,-0.030952767209807358,-26573.00139460442,-0.030802782788817137,-34676.969692214545,-0.030634246057539578,-41791.043382920674,-0.030655739086836494,-47256.293154193394,-0.03065173159915531,-49361.14155270062,-0.030729807090608664,-54272.62661826413,-0.030942553435000016,-52530.101721367784
+692,-0.03056349772439038,-64190.01793870192,-0.03085011790554084,-13714.289604337391,-0.030769328127999963,-62463.82187252021,-0.03071337839643228,-63415.38565151739,-0.030558857245935392,-70865.41900091144,-0.03085551018000003,-74239.99890952611,-0.030756608456341483,-78929.79057117627,-0.03077428648496087,-84044.6518050354,-0.030638256424944325,-85074.89980488834,-0.030536789119345667,-80195.98569773501,-0.03085145284119718,-91349.88733829062,-0.030771912555999967,-94593.13076582683,-0.030627981649539976,-26291.484927141344,-0.030852919573646557,-26480.826135949887,-0.030702773753788437,-34555.61181390641,-0.03053413414231878,-41651.395984988405,-0.030555556932957893,-47107.76850062626,-0.030551562541641607,-49198.972871546146,-0.030629709999108266,-54098.097915332815,-0.030842738746500016,-52364.15250310968
+693,-0.03046328953513018,-63983.77837654652,-0.03075027933626724,-13656.391606037485,-0.030669427711999965,-62258.41411999142,-0.03061333481859378,-63216.57783731901,-0.030458664271358692,-70635.00771276068,-0.030755654159999833,-74009.3843817774,-0.030656749337976682,-78691.27843155706,-0.03067436997039927,-83780.07535695717,-0.030538131403947826,-84807.22741320006,-0.030436668499282168,-79935.00917923519,-0.03075160995174338,-91067.49519905046,-0.030672003749000067,-94293.5746199377,-0.030527890206240877,-26195.01155075012,-0.03075307193748586,-26388.753634598434,-0.030602764718759938,-34434.324712511014,-0.03043402222709818,-41511.82780460943,-0.030455374779079395,-46959.264226122876,-0.03045139348412811,-49036.806022296936,-0.030529612907608066,-53923.49200709101,-0.030742924058000016,-52198.274609233835
+694,-0.030363081345869878,-63777.57745166338,-0.030650440766993643,-13598.622666143006,-0.030569527295999967,-62053.04338142847,-0.030513291240755278,-63017.73917150157,-0.03035847129678179,-70404.58104340067,-0.030655798139999933,-73778.74837546772,-0.03055689021961198,-78452.68550820138,-0.030574453455837772,-83515.45458885288,-0.030438006382951126,-84539.44292553522,-0.03033654787921877,-79673.98270839667,-0.03065176706228968,-90784.9010024587,-0.030572094941999965,-93993.98465976177,-0.030427798762941678,-26098.64242219032,-0.03065322430132526,-26296.78697990217,-0.030502755683731238,-34313.107744229565,-0.030333910311877377,-41372.356472700485,-0.030355192625200693,-46810.798543738805,-0.030351224426614608,-48874.647593731206,-0.030429515816107564,-53748.77209162928,-0.030643109369500016,-52032.52261464773
+695,-0.030262873156609478,-63571.42027428083,-0.030550602197720142,-13540.986903492958,-0.030469626879999965,-61847.66754364121,-0.030413247662916677,-62818.854060177706,-0.03025827832220499,-70174.08831761977,-0.030555942119999933,-73548.10446603908,-0.030457031101247183,-78214.01522286932,-0.03047453694127617,-83250.79237304696,-0.030337881361954627,-84271.53520323138,-0.03023642725915527,-79412.9107070598,-0.03055192417283598,-90502.14347336035,-0.030472186134999968,-93694.36504969207,-0.03032770731964258,-26002.369887643654,-0.03055337666516456,-26204.929905666882,-0.030402746648702638,-34191.969573981434,-0.03023379839665668,-41232.87676092344,-0.030255010471322293,-46662.365693797976,-0.03025105536910101,-48712.49993546589,-0.030329418724607364,-53573.97047133165,-0.030543294681000015,-51866.81242827034
+696,-0.03016266496734918,-63365.306729064956,-0.030450763628446443,-13483.49057198245,-0.030369726463999967,-61642.26063546254,-0.030313204085078177,-62619.939943523495,-0.03015808534762809,-69943.56529633708,-0.030456086099999932,-73317.4310335901,-0.030357171982882483,-77975.2655624805,-0.03037462042671457,-82986.08939188455,-0.030237756340958027,-84003.513281097,-0.030136306639091868,-79151.79408422625,-0.03045208128338238,-90219.23918459454,-0.030372277328000068,-93394.67793033816,-0.03022761587634338,-25906.207701741972,-0.03045352902900396,-26113.187579718408,-0.03030273761367404,-34070.91492125284,-0.030133686481435877,-41093.40369983798,-0.030154828317443594,-46513.96540107667,-0.03015088631158731,-48550.279181887694,-0.030229321633106966,-53399.10579544742,-0.030443479992499915,-51701.120453416115
+697,-0.03006245677808898,-63159.23411799253,-0.03035092505917284,-13426.149714384477,-0.030269826047999864,-61436.81335895837,-0.03021316050723958,-62420.969679585396,-0.03005789237305119,-69713.0237841807,-0.030356230080000032,-73086.7291903758,-0.03025731286451768,-77736.39521939823,-0.030274703912153072,-82721.30657075637,-0.030137631319961528,-83735.38709569274,-0.03003618601902857,-78890.61495361726,-0.03035223839392868,-89936.19913702265,-0.030272368520999966,-93094.94545368153,-0.030127524433044277,-25810.162095823398,-0.03035368139284326,-26021.558107430476,-0.030202728578645338,-33949.94498425735,-0.030033574566215276,-40953.957770980785,-0.030054646163565193,-46365.60151465768,-0.030050717254073808,-48387.99266530753,-0.030129224541606464,-53224.18896063022,-0.030343665303999918,-51535.45136118477
+698,-0.02996224858882868,-62953.204803036264,-0.030251086489899343,-13368.96660393715,-0.030169925631999966,-61231.3600041439,-0.03011311692940108,-62221.91221964472,-0.02995769939847439,-69482.47042534345,-0.030256374059999834,-72856.00168304858,-0.03015745374615298,-77497.42506075987,-0.030174787397591572,-82456.4602395815,-0.030037506298965025,-83467.16279273691,-0.029936065398965067,-78629.38591955256,-0.03025239550447478,-89653.03071143819,-0.030172459713999965,-92795.2050044424,-0.030027432989745077,-25714.238733332157,-0.030253833756682558,-25930.0144664032,-0.03010271954361684,-33829.05916978618,-0.029933462650994478,-40814.54429842328,-0.029954464009686495,-46217.27786701579,-0.02995054819656021,-48225.65252066122,-0.030029127450106267,-53049.1998308286,-0.030243850615500115,-51369.809330177784
+699,-0.02986204039956828,-62747.208507166135,-0.03015124792062574,-13311.91150141707,-0.030070025215999864,-61025.913202867094,-0.03001307335156258,-62022.78689245192,-0.029857506423897492,-69251.90792255173,-0.030156518039999934,-72625.25108620324,-0.030057594627788183,-77258.36581382743,-0.03007487088302987,-82191.56185554252,-0.029937381277968425,-83198.84535230025,-0.02983594477890167,-78368.11383582136,-0.03015255261502118,-89369.72949540132,-0.030072550907000065,-92495.45931569047,-0.02992734154644598,-25618.444884189143,-0.030153986120521857,-25838.603179181737,-0.030002710508588038,-33708.259128608515,-0.029833350735773877,-40675.16820411034,-0.029854281855807994,-46068.999276650415,-0.029850379139046708,-48063.27384959687,-0.029929030358605866,-52874.093190126456,-0.030144035927000115,-51204.19820308077
+700,-0.02976183221030808,-62541.23759263469,-0.030051409351352042,-13254.997428887695,-0.029970124799999966,-60820.48131463273,-0.029913029773723978,-61823.615307127824,-0.029757313449320692,-69021.33938942682,-0.030056662019999934,-72394.47985450317,-0.029957735509423482,-77019.22326199678,-0.029974954368468372,-81926.61198258038,-0.029837256256971926,-82930.40833047758,-0.02973582415883817,-78106.80325720483,-0.03005270972556748,-89086.30603316912,-0.029972642099999867,-92195.6516956654,-0.029827250103146876,-25522.799744636715,-0.030054138484361257,-25747.276435329495,-0.02990270147355954,-33587.546390023344,-0.02973323882055308,-40535.81356244413,-0.029754099701929396,-45920.771251416714,-0.02975021008153301,-47900.87307862933,-0.029828933267105565,-52698.894961919344,-0.030044221238500115,-51038.62159278498
+701,-0.02966162402104778,-62335.25537830747,-0.02995157078207844,-13198.20860259607,-0.029870224384000065,-60615.064927886444,-0.029812986195885478,-61624.40643690463,-0.029657120474743993,-68790.76931314211,-0.029956805999999933,-72163.69035984643,-0.02985787639105868,-76780.0015899145,-0.029875037853906872,-81661.60455906848,-0.029737131235975225,-82661.85428392225,-0.029635703538774767,-77845.45780698936,-0.02995286683611378,-88802.76795271825,-0.029872733292999967,-91895.78555906274,-0.029727158659847677,-25427.286988760177,-0.02995429084820056,-25656.02613151305,-0.02980269243853094,-33466.91795121121,-0.029633126905332378,-40396.49240579903,-0.029653917548050895,-45772.56515794281,-0.029650041024019507,-47738.45926793963,-0.029728836175605167,-52523.625952542585,-0.029944406550000018,-50873.08296240483
+702,-0.02956141583178738,-62129.277402261214,-0.029851732212804943,-13141.538835177824,-0.029770323967999966,-60409.6658064204,-0.029712942618046977,-61425.168614266106,-0.029556927500167092,-68560.20109833736,-0.029856949979999933,-71932.88492035857,-0.029758017272693983,-76540.70418418811,-0.02977512133934517,-81396.55117964631,-0.029637006214978726,-82393.19932597574,-0.02953558291871137,-77584.08061468648,-0.02985302394666008,-88519.1211725067,-0.029772824485999966,-91595.8638932346,-0.029627067216548578,-25331.837346817258,-0.02985444321203996,-25564.855303955985,-0.02970268340350224,-33346.34170618968,-0.029533014990111676,-40257.21265816975,-0.029553735394172293,-45624.38699457881,-0.02954987196650591,-47576.03915641912,-0.029628739084104867,-52348.29913404826,-0.029844591861500017,-50707.58569361566
+703,-0.02946120764252708,-61923.32244680926,-0.02975189364353134,-13084.990592601478,-0.029670423552000065,-60204.29376699185,-0.02961289904020838,-61225.90786066009,-0.029456734525590292,-68329.63795741956,-0.02975709395999983,-71702.06582510006,-0.029658158154329282,-76301.29729875532,-0.029675204824783672,-81131.46088001561,-0.029536881193982227,-82124.45000341539,-0.02943546229864787,-77322.67449084039,-0.02975318105720628,-88235.36076052954,-0.029672915678999868,-91295.88943960558,-0.029526975773249378,-25236.457604413095,-0.02975459557587926,-25473.76637899418,-0.02960267436847364,-33225.82206008968,-0.02943290307489098,-40117.97944434829,-0.029453553240293796,-45476.24532074219,-0.02944970290899241,-47413.61822260578,-0.029528641992604465,-52172.923442951826,-0.029744777173000017,-50542.13315477402
+704,-0.029360999453266878,-61717.40277850572,-0.029652055074257642,-13028.566905747963,-0.029570523135999966,-59998.95570331675,-0.02951285546236988,-61026.62907578764,-0.02935654155101339,-68099.08298526253,-0.02965723793999993,-71471.22456550614,-0.02955829903596448,-76061.73434820454,-0.029575288310222173,-80866.34308710991,-0.029436756172985728,-81855.56516053574,-0.029335341678584467,-77061.24201756774,-0.02965333816775258,-87951.49299203602,-0.029573006871999968,-90995.86480711796,-0.029426884329950276,-25141.137793377442,-0.029654747939718458,-25382.76143150914,-0.02950266533344494,-33105.37011469291,-0.029332791159670177,-39978.7969544412,-0.029353371086415395,-45328.12812549406,-0.029349533851478708,-47251.201145090956,-0.029428544901104067,-51997.506096551675,-0.029644962484500017,-50376.72878392048
+705,-0.02926079126400658,-61511.51976201626,-0.02955221650498414,-12972.271725830564,-0.029470622720000065,-59793.651594750925,-0.02941281188453128,-60827.336022170515,-0.02925634857643659,-67868.52081640839,-0.02955738191999993,-71240.33611047748,-0.02945843991759978,-75822.04923711446,-0.029475371795660673,-80601.2173225377,-0.029336631151989128,-81586.5618677242,-0.029235221058520968,-76799.78270918499,-0.02955349527829888,-87667.52601465705,-0.029473098064999967,-90695.78230021159,-0.029326792886651076,-25045.89822113042,-0.029554900303557858,-25291.84231360834,-0.02940265629841644,-32984.9488455913,-0.029232679244449576,-39839.66892235421,-0.029253188932536693,-45179.99065793565,-0.02924936479396511,-47088.792049589065,-0.029328447809603767,-51822.053357424156,-0.029545147796000017,-50211.37104109211
+706,-0.02916058307474618,-61305.67800428942,-0.029452377935710542,-12916.110777662447,-0.029370722303999966,-59588.37336230223,-0.02931276830669278,-60627.97968022413,-0.02915615560185969,-67637.95503591484,-0.029457525899999934,-71009.41951048114,-0.029358580799234982,-75582.25818068613,-0.029375455281098972,-80336.05930608182,-0.029236506130992625,-81317.43065109041,-0.02913510043845757,-76538.29777645635,-0.029453652388845182,-87383.46618396831,-0.029373189258000067,-90395.59064242388,-0.029226701443351977,-24950.747120628817,-0.029455052667397258,-25201.010727763616,-0.02930264726338764,-32864.577481750246,-0.029132567329228778,-39700.582554545705,-0.029153006778658196,-45031.84065664366,-0.029149195736451607,-46926.39465841209,-0.029228350718103365,-51646.57093384613,-0.029445333107500016,-50046.005167276344
+707,-0.02906037488548588,-61099.889537383526,-0.02935253936643694,-12860.094691792825,-0.029270821887999964,-59383.14632224383,-0.029212724728854278,-60428.56771389484,-0.02905596262728279,-67407.388823388,-0.029357669879999933,-70778.4719956441,-0.02925872168087028,-75342.3697749099,-0.029275538766537473,-80070.83871544288,-0.029136381109996126,-81048.17576559355,-0.029034979818394268,-76276.79103391104,-0.02935380949939148,-87099.32051374447,-0.029273280450999965,-90095.31192142755,-0.029126610000052677,-24855.689970572228,-0.029355205031236557,-25110.26827268703,-0.02920263822835914,-32744.26832707662,-0.029032455414008177,-39561.50841568111,-0.029052824624779594,-44883.62173668079,-0.02904902667893811,-46764.01238838487,-0.029128253626603064,-51471.064194961014,-0.029345518419000016,-49880.648835332046
+708,-0.02896016669622568,-60894.15784318358,-0.029252700797163442,-12804.243486202638,-0.029170921471999966,-59177.94574922114,-0.029112681151015677,-60229.120923431576,-0.028955769652705993,-67176.8263196302,-0.029257813860000034,-70547.49700821543,-0.02915886256250548,-75102.37130683346,-0.029175622251975973,-79805.49534015727,-0.029036256088999426,-80778.81487154719,-0.02893485919833077,-76015.26502323267,-0.02925396660993768,-86815.10260505091,-0.029173371643999968,-89794.96304021926,-0.02902651855675368,-24760.72490334487,-0.029255357395075957,-25019.6164742959,-0.02910262919333044,-32624.02799726031,-0.02893234349878738,-39422.43247652963,-0.028952642470901093,-44735.37425993227,-0.02894885762142441,-46601.63939894107,-0.029028156535102666,-51295.53777524125,-0.029245703730500016,-49715.317176321274
+709,-0.028859958506965377,-60688.46416868073,-0.02915286222788974,-12748.552556949397,-0.029071021055999964,-58972.77693726125,-0.02901263757317698,-60029.640949972694,-0.028855576678129092,-66946.27088531571,-0.029157957839999832,-70316.49737897661,-0.029059003444140783,-74862.18234944568,-0.029075705737414373,-79540.06544790544,-0.028936131068002927,-80509.35658439655,-0.02883473857826737,-75753.72199174252,-0.029154123720483982,-86530.81276713095,-0.029073462837000068,-89494.55357167391,-0.02892642711345438,-24665.81933977347,-0.02915550975891516,-24929.056808110985,-0.02900262015830184,-32503.860562172704,-0.028832231583566677,-39283.3844804799,-0.028852460317022495,-44587.09851488695,-0.028848688563910808,-46439.23833558478,-0.028928059443602265,-51119.99801369777,-0.029145889041999915,-49550.01667093149
+710,-0.028759750317704978,-60482.811512703105,-0.02905302365861614,-12692.97292788852,-0.028971120639999966,-58767.645824055006,-0.02891259399533848,-59830.08012518903,-0.028755383703552392,-66715.72562116258,-0.029058101819999932,-70085.45781661378,-0.028959144325775982,-74621.84738395875,-0.028975789222852773,-79274.56399338355,-0.028836006047006327,-80239.80744543826,-0.028734617958203867,-75492.16402908131,-0.02905428083103028,-86246.43271691857,-0.028973554029999966,-89194.09352483912,-0.028826335670155377,-24570.994140654875,-0.02905566212275446,-24838.59071650702,-0.028902611123273338,-32383.768248873712,-0.02873211966834588,-39144.37706581325,-0.028752278163143994,-44438.78086663337,-0.02874851950639731,-46276.83272066162,-0.028827962352101964,-50944.45382404367,-0.029046074353499915,-49384.737123284074
+711,-0.02865954212844478,-60277.20280517355,-0.028953185089342443,-12637.512313988134,-0.028871220223999964,-58562.55899393507,-0.02881255041749998,-59630.44558552084,-0.028655190728975592,-66485.19365379451,-0.02895824579999993,-69854.38853833193,-0.02885928520741128,-74381.38724961012,-0.028875872708291173,-79008.999452601,-0.028735881026009828,-79970.17302066613,-0.02863449733814047,-75230.59311818218,-0.02895443794157668,-85961.96537470668,-0.028873645222999966,-88893.60144455181,-0.02872624422685628,-24476.259802807785,-0.02895581448659386,-24748.219622880257,-0.028802602088244537,-32263.756199564035,-0.02863200775312528,-39005.420300445665,-0.028652096009265392,-44290.44432100315,-0.028648350448883707,-46114.432837722336,-0.028727865260601566,-50768.891160277446,-0.028946259665000116,-49219.48191342512
+712,-0.02855933393918448,-60071.64096347575,-0.028853346520069042,-12582.166187763381,-0.028771319807999865,-58357.524908551415,-0.028712506839661377,-59430.7630313647,-0.02855499775439869,-66254.67721335632,-0.02885838977999993,-69623.30136001944,-0.028759426089046483,-74140.80263681253,-0.028775956193729673,-78743.37825109603,-0.028635756005013325,-79700.4583472826,-0.02853437671807707,-74969.01116167511,-0.02885459505212298,-85677.4138292317,-0.028773736416000065,-88593.02802576526,-0.028626152783556978,-24381.62325782034,-0.02885596685043326,-24657.94494404151,-0.028702593053216038,-32143.828793192348,-0.028531895837904477,-38866.523270469275,-0.028551913855386895,-44142.084931375284,-0.028548181391370008,-45952.04486597418,-0.028627768169101366,-50593.27831597398,-0.028846444976500116,-49054.27871807177
+713,-0.02845912574992428,-59866.1289476423,-0.028753507950795343,-12526.921699598714,-0.028671419391999964,-58152.557751470384,-0.028612463261822877,-59231.029317848755,-0.02845480477982189,-66024.15673872363,-0.02875853376000003,-69392.19276139002,-0.028659566970681782,-73900.08013237175,-0.028676039679167972,-78477.70275518521,-0.028535630984016826,-79430.66819152072,-0.028434256098013568,-74707.41999821641,-0.02875475216266908,-85392.78115018838,-0.028673827608999867,-88292.35474079585,-0.028526061340257976,-24287.0900601795,-0.028756119214272558,-24567.768101953603,-0.028602584018187337,-32023.990968714665,-0.02843178392268388,-38727.67120537511,-0.028451731701508293,-43993.72211885987,-0.02844801233385651,-45789.67353164563,-0.028527671077600965,-50417.62762880838,-0.028746630288000116,-48889.14055489989
+714,-0.02835891756066378,-59660.66982339291,-0.02865366938152174,-12471.784001213211,-0.028571518975999865,-57947.69562814066,-0.02851241968398438,-59031.197663427425,-0.02835461180524499,-65793.62323140645,-0.028658677739999833,-69161.0680841081,-0.02855970785231708,-73659.17782520242,-0.028576123164606473,-78211.95420481845,-0.028435505963020226,-79160.80725718489,-0.02833413547795017,-74445.82141370139,-0.02865490927321548,-85108.0494541514,-0.028573918801999967,-87991.60066477321,-0.028425969896958676,-24192.66301403596,-0.028656271578111958,-24477.69053553404,-0.028502574983158738,-31904.251830065004,-0.028331672007463077,-38588.85153704166,-0.028351549547629792,-43845.367357299365,-0.02834784327634301,-45627.31132468218,-0.028427573986100466,-50241.94059009848,-0.028646815599500015,-48724.03148182058
+715,-0.028258709371403578,-59455.2323238714,-0.028553830812248243,-12416.758123520407,-0.028471618559999964,-57742.87980505881,-0.02841237610614578,-58831.302977391606,-0.02825441883066819,-65563.0778888792,-0.028558821719999933,-68929.93217130579,-0.02845984873395228,-73418.02239619716,-0.028476206650044973,-77946.14117784133,-0.028335380942023525,-78890.88046221879,-0.028234014857886867,-74184.21714981981,-0.02855506638376178,-84823.21616268263,-0.028474009994999966,-87690.77271216748,-0.028325878453659577,-24098.34171686901,-0.028556423941951157,-24387.713713594654,-0.028402565948130138,-31784.60781828974,-0.028231560092242376,-38450.08490835315,-0.028251367393751194,-43697.03303618497,-0.02824767421882941,-45464.955109357055,-0.028327476894600266,-50066.215037332084,-0.028547000911000018,-48558.92071956285
+716,-0.02815850118214328,-59249.821838865486,-0.02845399224297464,-12361.832535684542,-0.028371718144000066,-57538.056012630426,-0.02831233252830728,-58631.360363909,-0.02815422585609129,-65332.54362463512,-0.028458965699999932,-68698.7897940599,-0.028359989615587583,-73176.64480492957,-0.02837629013548347,-77680.26895409274,-0.028235255921027026,-78620.89412429727,-0.028133894237823368,-73922.60891063251,-0.02845522349430808,-84538.29610101724,-0.028374101187999868,-87389.87547133508,-0.028225787010360378,-24004.12681100363,-0.02845657630579046,-24297.839149865908,-0.028302556913101438,-31665.052186354136,-0.028131448177021578,-38311.34860666499,-0.028151185239872693,-43548.72018586563,-0.028147505161315707,-45302.61482423667,-0.028227379803099865,-49890.45771448524,-0.028447186222500018,-48393.760381364664
+717,-0.02805829299288308,-59044.45472626108,-0.028354153673700942,-12307.010922817874,-0.028271817727999964,-57333.18513073011,-0.028212288950468678,-58431.367213133846,-0.02805403288151449,-65101.99617332649,-0.028359109679999932,-68467.63272854433,-0.02826013049722278,-72935.08725377431,-0.028276373620921773,-77414.34280986723,-0.028135130900030527,-78350.85249040351,-0.02803377361775997,-73660.9983680657,-0.02835538060485438,-84253.29785637684,-0.028274192380999968,-87088.9125163596,-0.02812569556706128,-23910.02719658712,-0.02835672866962986,-24208.068421826887,-0.02820254787807294,-31545.58657811345,-0.028031336261800977,-38172.64458472223,-0.028051003085994095,-43400.42802496122,-0.02804733610380221,-45140.29661499377,-0.028127282711599567,-49714.67413322797,-0.028347371534000017,-48228.55218560383
+718,-0.02795808480362268,-58839.12504885234,-0.02825431510442734,-12252.29782549478,-0.028171917312000066,-57128.2921191707,-0.028112245372630178,-58231.292716979195,-0.027953839906937592,-64871.43225372658,-0.028259253660000032,-68236.44111942383,-0.02816027137885808,-72693.30990390453,-0.028176457106360273,-77148.36695288037,-0.028035005879034028,-78080.75703482369,-0.027933652997696467,-73399.38716658183,-0.02825553771540058,-83968.22131000734,-0.028174283573999967,-86787.88684741982,-0.028025604123762076,-23816.021617576254,-0.02825688103346926,-24118.403195791292,-0.028102538843044138,-31426.205042181202,-0.02793122434658018,-38033.96921521042,-0.027950820932115594,-43252.14826407635,-0.02794716704628861,-44978.005140610854,-0.028027185620099166,-49538.86875930253,-0.028247556845500017,-48063.33986503985
+719,-0.02785787661436238,-58633.813441106155,-0.028154476535153843,-12197.7049146546,-0.028072016895999963,-56923.39054451473,-0.028012201794791677,-58031.15284244838,-0.027853646932360893,-64640.85895726297,-0.028159397639999834,-68005.23949163042,-0.028060412260493283,-72451.32096934435,-0.02807654059179877,-76882.34504513736,-0.027934880858037428,-77810.6147721455,-0.02783353237763307,-73137.77690910101,-0.02815569482594688,-83683.06953235567,-0.028074374767000067,-86486.80109290392,-0.027925512680462977,-23722.106983765716,-0.02815703339730856,-24028.845262572046,-0.02800252980801564,-31306.894434424903,-0.027831112431359578,-37895.316046490756,-0.027850638778236993,-43103.82272091663,-0.02784699798877511,-44815.74469810959,-0.027927088528598765,-49363.04555661781,-0.028147742157000017,-47898.12703498249
+720,-0.02775766842510218,-58428.561351739256,-0.02805463796588014,-12143.218828208252,-0.027972116480000066,-56718.4876421965,-0.02791215821695308,-57830.95151621914,-0.027753453957783992,-64410.280657996555,-0.028059541619999934,-67774.04024447163,-0.027960553142128582,-72209.15472406542,-0.02797662407723727,-76616.28042899238,-0.027834755837040925,-77540.43747586689,-0.02773341175756967,-72876.1017687009,-0.02805585193649318,-83397.846482684,-0.027974465959999965,-86185.65761923091,-0.027825421237163778,-23628.27484686629,-0.02805718576114796,-23939.39659214061,-0.02790252077298694,-31187.6633721915,-0.027731000516138776,-37756.6938851292,-0.027750456624358495,-42955.48601755742,-0.02774682893126141,-44653.519912978314,-0.027826991437098467,-49187.20819129734,-0.028047927468500017,-47732.92467267818
+721,-0.02765746023584188,-58223.348511872246,-0.02795479939660654,-12088.821493670783,-0.027872216063999963,-56513.58853683765,-0.02781211463911458,-57630.70517783022,-0.02765326098320719,-64179.700870548666,-0.027959685599999933,-67542.8477981234,-0.02786069402376378,-71966.8264581015,-0.02787670756267557,-76350.17625510415,-0.027734630816044225,-77270.24568565222,-0.027633291137506167,-72614.36946630408,-0.02795600904703948,-83112.51599068298,-0.027874557152999968,-85884.45859734814,-0.02772532979386468,-23534.520951125614,-0.027957338124987158,-23850.059424891282,-0.02780251173795834,-31068.519107450913,-0.02763088860091808,-37618.107296440634,-0.027650274470479793,-42807.09105536077,-0.027646659873747908,-44491.33875819727,-0.027726894345598066,-49011.30649937651,-0.027948112780000017,-47567.742817704646
+722,-0.02755725204658148,-58018.17288092164,-0.02785496082733304,-12034.49753845444,-0.027772315647999965,-56308.69729175483,-0.02771207106127608,-57430.422612484894,-0.02755306800863029,-63949.12271042747,-0.027859829579999933,-67311.63913099353,-0.02776083490539908,-71724.3469235268,-0.02777679104811407,-76084.03557274732,-0.027634505795047726,-77000.00789329589,-0.02753317051744277,-72352.52955801119,-0.02785616615758588,-82827.06011520886,-0.027774648346000068,-85583.2060462382,-0.027625238350565476,-23440.839595912785,-0.027857490488826457,-23760.833837430273,-0.02770250270292974,-30949.473897487245,-0.027530776685697277,-37479.55967066659,-0.027550092316601393,-42658.62183562335,-0.02754649081623431,-44329.19525711588,-0.027626797254097765,-48835.274664626515,-0.027848298091499916,-47402.53774930484
+723,-0.02745704385732118,-57813.041329350686,-0.027755122258059442,-11980.259129621056,-0.027672415231999967,-56103.817339075686,-0.02761202748343748,-57230.1106826161,-0.02745287503405349,-63718.54838966274,-0.027759973559999932,-67080.39723564775,-0.027660975787034282,-71481.72458971979,-0.02767687453355257,-75817.8614104717,-0.027534380774051227,-76729.66416840191,-0.02743304989737927,-72090.61539671624,-0.02775632326813218,-82541.48424485509,-0.027674739538999966,-85281.88407655217,-0.027525146907266377,-23347.244042796156,-0.027757642852665857,-23671.722970594827,-0.02760249366790104,-30830.513520640154,-0.027430664770476676,-37341.0538906262,-0.027449910162722895,-42510.12017560556,-0.027446321758720808,-44167.06298419454,-0.027526700162597367,-48659.14433469158,-0.027748483402999916,-47237.31790120278
+724,-0.027356835668060978,-57607.96228879292,-0.027655283688785743,-11926.110469882,-0.027572514815999965,-55898.95169780541,-0.027511983905598978,-57029.77537127992,-0.02735268205947659,-63487.97184167353,-0.02766011753999983,-66849.03612998068,-0.02756111666866958,-71238.94432118903,-0.02757695801899087,-75551.65686937001,-0.027434255753054627,-76459.20462500716,-0.027332929277315968,-71828.6417897375,-0.02765648037867828,-82255.80802364153,-0.027574830731999966,-84980.48797865277,-0.027425055463967278,-23253.739945744448,-0.02765779521650516,-23582.73346697545,-0.02750248463287254,-30711.63534899902,-0.027330552855255878,-37202.59253830957,-0.027349728008844294,-42361.60321085195,-0.02734615270120711,-44004.95502664207,-0.027426603071096966,-48482.94984177999,-0.027648668714500117,-47072.08952658311
+725,-0.027256627478800578,-57402.91671065773,-0.02755544511951224,-11872.054138750857,-0.027472614399999967,-55694.103099917025,-0.027411940327760478,-56829.42226311004,-0.02725248908489979,-63257.35867480576,-0.02756026151999993,-66617.59446417892,-0.02746125755030478,-70995.9987793462,-0.02747704150442937,-75285.42526418615,-0.027334130732058128,-76188.6475549084,-0.02723280865725257,-71566.59539166023,-0.02755663748922458,-81970.04701419953,-0.027474921924999965,-84679.02964796842,-0.02732496402066808,-23160.33152312581,-0.02755794758034456,-23493.881247048088,-0.02740247559784384,-30592.84163333881,-0.027230440940035277,-37064.177991799195,-0.027249545854965793,-42213.0451927864,-0.02724598364369361,-43842.878671318744,-0.027326505979596665,-48306.7038460946,-0.027548854026000116,-46906.81415568339
+726,-0.027156419289540278,-57197.873238540655,-0.027455606550238643,-11818.092136674606,-0.027372713983999965,-55489.274070410356,-0.02731189674992188,-56629.032489691184,-0.027152296110322893,-63026.72525951934,-0.027460405499999934,-66386.1093073584,-0.027361398431940083,-70752.90874901676,-0.02737712498986777,-75019.17040355582,-0.027234005711061625,-75918.00095584797,-0.02713268803718907,-71304.49254703587,-0.02745679459977098,-81684.21338766463,-0.027375013117999867,-84377.51366413108,-0.027224872577368976,-23067.022506977326,-0.02745809994418376,-23405.149003516402,-0.02730246656281524,-30474.134639558346,-0.02713032902481448,-36925.81248106366,-0.027149363701087094,-42064.47076538062,-0.027145814586180008,-43680.838657123655,-0.027226408888096267,-48130.411448999876,-0.027449039337500016,-46741.49971701853
+727,-0.02705621110027998,-56992.82518069019,-0.02735576798096504,-11764.22620817245,-0.027272813567999866,-55284.46698212459,-0.02721185317208338,-56428.59757406632,-0.02705210313574619,-62796.08070851999,-0.027360549479999934,-66154.53355805423,-0.027261539313575382,-70509.68345911439,-0.02727720847530627,-74752.89738116911,-0.027133880690065126,-75647.25098717757,-0.027032567417125668,-71042.28269188908,-0.02735695171031728,-81398.32131585469,-0.027275104310999967,-84075.94322487593,-0.027124781134069777,-22973.816570809617,-0.02735825230802316,-23316.516285695885,-0.02720245752778654,-30355.516754357952,-0.027030217109593677,-36787.49812437713,-0.027049181547208694,-41915.89177191564,-0.02704564552866651,-43518.83895440213,-0.027126311796595966,-47954.08012367208,-0.027349224649000015,-46576.17037885095
+728,-0.02695600291101978,-56787.801595572135,-0.027255929411691342,-11710.458001184688,-0.027172913151999965,-55079.684096144,-0.02711180959424478,-56228.14189274831,-0.02695191016116939,-62565.431199699306,-0.027260693459999933,-65922.87802949171,-0.02716168019521058,-70266.32599845373,-0.02717729196074467,-74486.61851491767,-0.027033755669068425,-75376.39936033428,-0.02693244679706217,-70779.98741500961,-0.02725710882086358,-81112.40353979048,-0.027175195503999966,-83774.32092339447,-0.027024689690770678,-22880.717743347708,-0.027258404671862458,-23227.986415764677,-0.02710244849275794,-30236.990687370624,-0.02693010519437298,-36649.232781385675,-0.026948999393329995,-41767.25208093742,-0.026945476471152807,-43356.88321648463,-0.027026214705095565,-47777.71614093273,-0.027249409960500015,-46410.831649028376
+729,-0.02685579472175938,-56582.82392598881,-0.02715609084241784,-11656.78918850495,-0.027073012735999866,-54874.927593638684,-0.02701176601640628,-56027.68621087077,-0.026851717186592492,-62334.77780089418,-0.027160837440000033,-65691.15103135757,-0.02706182107684588,-70022.80437031193,-0.02707737544618307,-74220.3216914027,-0.026933630648071926,-75105.43172120916,-0.02683232617699877,-70517.62910204548,-0.02715726593140978,-80826.45322176705,-0.027075286696999868,-83472.64901131381,-0.026924598247471378,-22787.731256877614,-0.027158557035701858,-23139.56176891279,-0.027002439457729437,-30118.560293767554,-0.026829993279152278,-36510.98150034893,-0.026848817239451594,-41618.58940912465,-0.02684530741363921,-43194.97498358346,-0.026926117613595365,-47601.31547237178,-0.027149595272000015,-46245.47932045049
+730,-0.026755586532499077,-56377.92801707718,-0.027056252273144243,-11603.221628161084,-0.026973112319999965,-54670.1833063868,-0.02691172243856778,-55827.22980464803,-0.02675152421201559,-62104.09379165554,-0.02706098141999983,-65459.360220300885,-0.026961961958481082,-69779.13896238874,-0.02697745893162157,-73953.92215775493,-0.026833505627075326,-74834.33538824775,-0.026732205556935368,-70255.21866126824,-0.02705742304195608,-80540.42133280796,-0.026975377889999968,-83170.92821001948,-0.026824506804172376,-22694.86880104952,-0.027058709399541157,-23051.244664687107,-0.02690243042270064,-30000.230392113288,-0.026729881363931576,-36372.69502415332,-0.026748635085572892,-41469.92432983093,-0.026745138356125707,-43033.11781551479,-0.026826020522094866,-47424.874732508324,-0.027049780583500015,-46080.12961303428
+731,-0.02665537834323888,-56173.058034176676,-0.02695641370387064,-11549.75775710916,-0.026873211904000063,-54465.39301781591,-0.026811678860729177,-55626.706188953576,-0.02665133123743879,-61873.37882001869,-0.02696112539999993,-65227.514724771354,-0.02686210284011638,-69535.34170246417,-0.02687754241705987,-73687.451515374,-0.026733380606078827,-74563.13454759496,-0.02663208493687187,-69992.76384745867,-0.02695758015250238,-80254.3164914058,-0.026875469082999967,-82869.13615023541,-0.026724415360873076,-22602.133452088365,-0.026958861763380557,-22963.03741326761,-0.026802421387672137,-29881.995171067694,-0.026629769448710778,-36234.412331059284,-0.026648452931694495,-41321.27787280698,-0.02664496929861221,-42871.31541183095,-0.026725923430594465,-47248.406590059065,-0.026949965895000018,-45914.79273687246
+732,-0.02655517015397858,-55968.20739601651,-0.026856575134597143,-11496.39954395922,-0.026773311487999964,-54260.59153040875,-0.026711635282890677,-55426.11352182952,-0.02655113826286189,-61642.64790536108,-0.02686126937999993,-64995.60994930802,-0.02676224372175158,-69291.41250789829,-0.02677762590249837,-73420.92450926625,-0.026633255585082328,-74291.83134779378,-0.02653196431680847,-69730.27085332052,-0.02685773726304868,-79968.15132492945,-0.026775560276000067,-82567.27967054905,-0.026624323917574078,-22509.478159365684,-0.02685901412721976,-22874.94148583988,-0.026702412352643437,-29763.85704770218,-0.026529657533490177,-36096.14854285255,-0.026548270777815793,-41172.65244648538,-0.02654480024109851,-42709.57175688612,-0.026625826339094265,-47071.917910082455,-0.026850151206500018,-45749.47869588426
+733,-0.02645496196471818,-55763.36045168391,-0.02675673656532344,-11443.141682333435,-0.026673411072000067,-54055.792292537815,-0.02661159170505218,-55225.45197716176,-0.02645094528828509,-61411.90363237292,-0.026761413359999934,-64763.64826925693,-0.026662384603386883,-69047.35872495892,-0.02667770938793687,-73154.34878615072,-0.026533130564085728,-74020.42906686408,-0.02643184369674517,-69467.74456864166,-0.026757894373594982,-79681.90331239662,-0.026675651468999965,-82265.32924947758,-0.026524232474274777,-22416.905348730805,-0.02675916649105916,-22786.95485366759,-0.026602403317614837,-29645.819450063944,-0.02642954561826938,-35957.91209701399,-0.026448088623937292,-41024.07372550234,-0.026444631183584907,-42547.89134176879,-0.026525729247593766,-46895.41451840413,-0.026750336518000017,-45584.20461135825
+734,-0.02635475377545788,-55558.51828551505,-0.026656897996049842,-11389.980324676175,-0.026573510655999964,-53851.0029143225,-0.02651154812721358,-55024.7279032667,-0.02635075231370819,-61181.101436440746,-0.026661557340000034,-64531.624822600475,-0.02656252548502208,-68803.18734723056,-0.02657779287337537,-72887.72974568293,-0.026433005543089225,-73748.9370044464,-0.02633172307668167,-69205.17409536552,-0.02665805148414118,-79395.57369096119,-0.026575742661999968,-81963.29104195573,-0.02642414103097568,-22324.4247110038,-0.02665931885489846,-22699.079408945203,-0.026502394282586137,-29527.887526747414,-0.026329433703048778,-35819.709039784655,-0.026347906470058694,-40875.43293298666,-0.02634446212607141,-42386.27958644501,-0.026425632156093566,-46718.902009788006,-0.026650521829500017,-45418.97441091342
+735,-0.026254545586197678,-55353.651538742415,-0.02655705942677634,-11336.901571551269,-0.026473610240000067,-53646.22910351,-0.02641150454937508,-54823.957015815744,-0.026250559339131393,-60950.26280585483,-0.026561701319999832,-64299.534769822734,-0.02646266636665738,-68558.90355511989,-0.02647787635881367,-72621.06618828302,-0.026332880522092525,-73477.360631282,-0.026231602456618267,-68942.56800385214,-0.02655820859468748,-79109.16539343889,-0.026475833855000068,-81661.1120312082,-0.026324049587676677,-22232.040598613366,-0.02655947121873786,-22611.317057203483,-0.026402385247557537,-29410.07468753026,-0.026229321787827976,-35681.544232606415,-0.026247724316180193,-40726.73822873352,-0.026244293068557807,-42224.70918620324,-0.026325535064593165,-46542.386239889165,-0.026550707140999916,-45253.76552808268
+736,-0.02615433739693738,-55148.74114830613,-0.026457220857502742,-11283.910893449804,-0.026373709823999964,-53441.47580224653,-0.026311460971536478,-54623.147150724144,-0.02615036636455469,-60719.40058610805,-0.026461845299999932,-64067.387207767555,-0.026362807248292583,-68314.51184548295,-0.02637795984425217,-72354.35589860189,-0.026232755501096026,-73205.70437701914,-0.026131481836554768,-68679.93320510804,-0.026458365705233782,-78822.6453240258,-0.026375925047999866,-81358.82863757215,-0.026223958144377377,-22139.756314050373,-0.026459623582577158,-22523.669692504962,-0.02630237621252904,-29292.36885895126,-0.02612920987260728,-35543.42187090301,-0.026147542162301595,-40578.00329933338,-0.026144124011044108,-42063.15641385858,-0.026225437973092666,-46365.874076832886,-0.026450892452499916,-45088.5833356228
+737,-0.02605412920767698,-54943.81955431116,-0.02635738228822904,-11231.013502358523,-0.026273809408000066,-53236.732396675165,-0.026211417393697978,-54422.30415463687,-0.026050173389977792,-60488.52150170322,-0.026361989279999932,-63835.14744923144,-0.026262948129927882,-68070.0163005573,-0.02627804332969067,-72087.6073229487,-0.026132630480099527,-72933.97210801541,-0.02603136121649137,-68417.2751663675,-0.026358522815780182,-78536.02290573224,-0.026276016240999966,-81056.45676849583,-0.026123866701078278,-22047.57481006864,-0.026359775946416558,-22436.11923712673,-0.026202367177500237,-29174.763350496858,-0.026029097957386477,-35405.34576803083,-0.026047360008423094,-40429.240943343895,-0.02604395495353061,-41901.63351511557,-0.026125340881592466,-46189.376149916454,-0.026351077764000117,-44923.43360898816
+738,-0.02595392101841678,-54738.89625953001,-0.02625754371895544,-11178.212152732305,-0.026173908991999964,-53031.95466679957,-0.026111373815859477,-54221.432859363675,-0.025949980415400992,-60257.63034728053,-0.02626213325999993,-63602.831320860794,-0.02616308901156308,-67825.42071496599,-0.02617812681512897,-71820.82504681678,-0.026032505459103027,-72662.16627705183,-0.025931240596427967,-68154.59838684737,-0.02625867992632648,-78249.311656049,-0.026176107433999965,-80754.00514418527,-0.02602377525777908,-21955.488470023985,-0.026259928310255757,-22348.672368708943,-0.02610235814247174,-29057.269072925035,-0.025928986042165876,-35267.3195515639,-0.025947177854544493,-40280.46085614322,-0.025943785896017108,-41740.09037919232,-0.026025243790092065,-46012.90970356335,-0.026251263075500117,-44758.323010973065
+739,-0.02585371282915648,-54533.935138410634,-0.02615770514968194,-11125.508963358094,-0.026074008575999966,-52827.17847353849,-0.02601133023802088,-54020.537470186675,-0.02584978744082409,-60026.73095331914,-0.02616227724000003,-63370.45173711754,-0.02606322989319838,-67580.72867131945,-0.02607821030056747,-71554.0008816464,-0.025932380438106428,-72390.28647881148,-0.025831119976364468,-67891.9069308716,-0.026158837036872582,-77962.51873535522,-0.026076198626999867,-80451.46690223464,-0.025923683814479976,-21863.468586381667,-0.026160080674095157,-22261.311995141656,-0.026002349107443038,-28939.878575503328,-0.025828874126945078,-35129.346851707334,-0.025846995700665995,-40131.67197861893,-0.02584361683850351,-41578.531651502584,-0.025925146698591767,-45836.4464460255,-0.026151448387000016,-44593.260208983935
+740,-0.02575350463989628,-54328.93496906205,-0.026057866580408342,-11072.905779566745,-0.025974108159999964,-52622.431354484805,-0.02591128666018238,-53819.62176515225,-0.02574959446624729,-59795.826571492995,-0.026062421219999833,-63138.017689745415,-0.025963370774833683,-67335.92618293571,-0.02597829378600597,-71287.12558276107,-0.025832255417109925,-72118.33782598382,-0.02573099935630107,-67629.2046392449,-0.026058994147418982,-77675.65021213313,-0.025976289819999967,-80148.83648911906,-0.025823592371180776,-21771.532795816915,-0.02606023303793446,-22174.043052109188,-0.02590234007241444,-28822.574229228678,-0.025728762211724477,-34991.43160659157,-0.025746813546787393,-39982.85297245822,-0.02574344778098981,-41416.9296604588,-0.025825049607091366,-45659.98886466373,-0.026051633698500016,-44428.25573694986
+741,-0.025653296450635778,-54123.91943981915,-0.025958028011134643,-11020.404315466638,-0.025874207743999966,-52417.69196804943,-0.02581124308234388,-53618.68921280362,-0.02564940149167039,-59564.920068346495,-0.025962565199999933,-62905.53201567928,-0.02586351165646888,-67090.99411684964,-0.025878377271444472,-71020.20476042829,-0.025732130396113426,-71846.31266136463,-0.02563087873623757,-67366.48699629986,-0.02595915125796528,-77388.71236751,-0.025876381012999966,-79846.12811169015,-0.025723500927881678,-21679.670995284727,-0.02596038540177386,-22086.876006282437,-0.025802331037385738,-28705.35529310264,-0.02562865029650368,-34853.579608804444,-0.025646631392908893,-39833.97434284249,-0.02564327872347631,-41255.29802751041,-0.025724952515590965,-45483.54442504822,-0.025951819010000016,-44263.302034867884
+742,-0.02555308826137558,-53918.904794998816,-0.02585818944186114,-10968.006228259826,-0.025774307327999867,-52212.95639413184,-0.025711199504505178,-53417.743048453885,-0.02554920851709349,-59333.99625425306,-0.025862709179999933,-62672.99403874945,-0.02576365253810418,-66845.95336038191,-0.02577846075688277,-70753.20348186098,-0.025632005375116725,-71574.18497774242,-0.02553075811617427,-67103.73834356813,-0.02585930836851158,-77101.71331563224,-0.025776472206000066,-79543.34809399038,-0.025623409484582478,-21587.89623578601,-0.02586053776561316,-21999.82316078572,-0.02570232200235714,-28588.225986521004,-0.025528538381282977,-34715.792991033,-0.025546449239030395,-39685.09053832447,-0.02554310966596271,-41093.66972981614,-0.025624855424090667,-45307.131880425564,-0.025852004321500015,-44098.35664133787
+743,-0.02545288007211528,-53713.89031405189,-0.025758350872587543,-10915.713165944759,-0.025674406911999965,-52008.22852498614,-0.025611155926666778,-53216.78632713366,-0.02544901554251669,-59103.038762524884,-0.025762853159999932,-62440.407063055325,-0.025663793419739383,-66600.79636311939,-0.025678544242321272,-70486.1463893932,-0.025531880354120226,-71301.97555642133,-0.02543063749611087,-66840.97466497749,-0.02575946547905788,-76814.67293214845,-0.025676563398999968,-79240.50102487746,-0.02552331804128338,-21496.190880744205,-0.02576069012945256,-21912.900968039325,-0.02560231296732864,-28471.188483251583,-0.02542842646606218,-34578.07326936727,-0.025446267085151793,-39536.15092061098,-0.02544294060844921,-40932.06503299849,-0.025524758332590266,-45130.74800154263,-0.025752189633000015,-43933.41607798734
+744,-0.025352671882855077,-53508.82747896136,-0.02565851230331394,-10863.526804221467,-0.025574506495999867,-51803.51167753832,-0.02551111234882808,-53015.82196250239,-0.025348822567939792,-58872.06596538469,-0.025662997140000032,-62207.77406021229,-0.025563934301374682,-66355.50326310308,-0.02557862772775967,-70219.04509561369,-0.025431755333123626,-71029.69300142446,-0.025330516876047367,-66578.20377040225,-0.02565962258960408,-76527.58104426842,-0.025576654591999967,-78937.59066136337,-0.025423226597984176,-21404.54414846358,-0.025660842493291758,-21826.12228226403,-0.02550230393229994,-28354.24466170976,-0.02532831455084158,-34440.407938327946,-0.025346084931273292,-39387.1526496295,-0.02534277155093551,-40770.451059519844,-0.025424661241089965,-44954.36094742711,-0.025652374944500015,-43768.459595189495
+745,-0.025252463693594678,-53303.76114829397,-0.025558673734040242,-10811.448880378446,-0.025474606079999965,-51598.80878226166,-0.02541106877098958,-52814.85275674364,-0.02524862959336309,-58641.069162547974,-0.025563141119999834,-61975.054796049044,-0.02546407518300988,-66110.09713256017,-0.025478711213198172,-69951.90687591929,-0.025331630312127127,-70757.33404094647,-0.02523039625598397,-66315.43197128794,-0.02555977970015038,-76240.41262774,-0.025476745785000067,-78634.62025064699,-0.025323135154685077,-21312.982174577624,-0.025560994857131158,-21739.447355187964,-0.02540229489727134,-28237.396396501546,-0.025228202635620776,-34302.7487472629,-0.025245902777394694,-39238.13161323441,-0.025242602493422008,-40608.83378746918,-0.025324564149589567,-44777.96331994475,-0.025552560256000015,-43603.47690997624
+746,-0.025152255504334378,-53098.68506998815,-0.02545883516476674,-10759.433819768736,-0.025374705664000064,-51394.12249300982,-0.02531102519315098,-52613.8743467743,-0.025148436618786293,-58410.019538342785,-0.025463285099999934,-61742.22752759611,-0.02536421606464518,-65864.57553408653,-0.02537879469863647,-69684.73756780618,-0.025231505291130628,-70484.87875847564,-0.02513027563592047,-66052.66567812308,-0.02545993681069668,-75953.15619959673,-0.025376836977999966,-78331.59268852316,-0.02522304371138598,-21221.522469075004,-0.025461147220970457,-21652.88151886491,-0.02530228586224264,-28120.645830683516,-0.02512809072040018,-34165.0881251457,-0.025145720623516193,-39089.076672443065,-0.02514243343590841,-40447.21747912695,-0.025224467058089367,-44601.54690152705,-0.025452745567500015,-43438.474492242145
+747,-0.02505204731507408,-52893.59532225653,-0.025358996595493143,-10707.468424252025,-0.025274805247999965,-51189.43861087404,-0.02521098161531248,-52412.81966278116,-0.025048243644209392,-58178.94206326584,-0.025363429079999934,-61509.323602210796,-0.025264356946280382,-65618.94766755168,-0.02527887818407497,-69417.54239104898,-0.025131380270134125,-70212.34635278553,-0.025030155015857068,-65789.91273391974,-0.02536009392124298,-75665.81955963184,-0.025276928170999968,-78028.48601541616,-0.02512295226808678,-21130.18630885442,-0.025361299584809857,-21566.424323603394,-0.02520227682721404,-28003.99690484839,-0.025027978805179377,-34027.44696603414,-0.025045538469637595,-38939.987374471304,-0.025042264378394907,-40285.591426818115,-0.025124369966588865,-44425.12347622556,-0.025352930878999917,-43273.430549357734
+748,-0.02495183912581388,-52688.50032619048,-0.02525915802621944,-10655.580941444394,-0.025174904832000064,-50984.729795360676,-0.025110938037473877,-52211.7128891483,-0.024948050669632592,-57947.8463233428,-0.025263573059999933,-61276.32535158548,-0.02516449782791568,-65373.21959157105,-0.025178961669513472,-69150.32634693716,-0.025031255249137428,-69939.74604750259,-0.02493003439579367,-65527.18726894329,-0.02526025103178928,-75378.40749762279,-0.025177019363999967,-77725.27919610764,-0.025022860824787677,-21038.933590296107,-0.02526145194864916,-21480.046627129177,-0.02510226779218534,-27887.449575078852,-0.024927866889958676,-33889.816211380494,-0.024945356315759094,-38790.84222103976,-0.024942095320881208,-40123.955386543865,-0.025024272875088467,-44248.69838095811,-0.025253116190499917,-43108.37326581774
+749,-0.02485163093655348,-52483.40736913145,-0.025159319456946043,-10603.781433449087,-0.025075004415999965,-50780.01870900023,-0.025010894459635377,-52010.54689358288,-0.02484785769505569,-57716.73831764003,-0.025163717039999933,-61043.24257254699,-0.02506463870955088,-65127.39375049336,-0.02507904515495177,-68883.09450790605,-0.024931130228140825,-69667.08508883552,-0.02482991377573017,-65264.50585964951,-0.02516040814233568,-75090.92390497708,-0.025077110556999866,-77421.99565220156,-0.024922769381488477,-20947.765220862217,-0.02516160431248836,-21393.726204983144,-0.02500225875715674,-27771.000342341984,-0.024827754974737878,-33752.209129480485,-0.024845174161880493,-38641.645474656674,-0.02484192626336761,-39962.28685875227,-0.024924175783588267,-44072.27587305025,-0.025153301502000115,-42943.315044582094
+750,-0.02475142274729318,-52278.32330614488,-0.02505948088767234,-10552.077050700145,-0.024975104000000064,-50575.31350493903,-0.024910850881796877,-51809.32348168533,-0.02474766472047889,-57485.62264418489,-0.025063861020000033,-60810.08967223937,-0.024964779591186183,-64881.478866442354,-0.024979128640390272,-68615.852334888,-0.024831005207144326,-69394.3711110685,-0.024729793155666768,-65001.805651067174,-0.02506056525288178,-74803.37246902056,-0.024977201749999966,-77118.64117272754,-0.024822677938189378,-20856.684244719356,-0.02506175667632776,-21307.450727585616,-0.024902249722128237,-27654.650580433194,-0.024727643059517277,-33614.63438033365,-0.024744992008001995,-38492.390853591656,-0.024741757205854108,-39800.60779512228,-0.024824078692087765,-43895.859961989176,-0.025053486813500118,-42778.26479648297
+751,-0.02465121455803298,-52073.25512275083,-0.024959642318398742,-10500.474367681181,-0.024875203583999965,-50370.61925931607,-0.02481080730395828,-51608.03390595623,-0.02464747174590199,-57254.503165231356,-0.02496400499999993,-60576.87426626363,-0.024864920472821482,-64635.481204042844,-0.024879212125828772,-68348.60620194998,-0.024730880186147827,-69121.615901176,-0.02462967253560327,-64739.07246923256,-0.02496072236342808,-74515.75695589736,-0.024877292942999965,-76815.21146539875,-0.02472258649489018,-20765.665303252696,-0.024961909040167058,-21221.22684830586,-0.02480224068709954,-27538.40169582739,-0.02462753114429648,-33477.09789650198,-0.024644809854123394,-38343.08862794848,-0.02464158814834061,-39638.92793582504,-0.024723981600587565,-43719.45477662569,-0.024953672125000118,-42613.230284651894
+752,-0.02455100636877268,-51868.21079789878,-0.02485980374912524,-10448.981163272527,-0.024775303168000064,-50165.939863393054,-0.02471076372611978,-51406.62593476691,-0.02454727877132509,-57023.38330514832,-0.02486414897999993,-60343.60251702034,-0.02476506135445668,-64389.36468843936,-0.024779295611267273,-68081.36477193392,-0.024630755165151327,-68848.83865634093,-0.024529551915539967,-64476.28779908457,-0.02486087947397448,-74228.08144698727,-0.024777384135999867,-76511.71555014132,-0.024622495051591076,-20674.703724293402,-0.024862061404006458,-21135.06185472547,-0.024702231652070937,-27422.2312280475,-0.024527419229075878,-33339.6047233141,-0.024544627700244893,-38193.72845065359,-0.02454141909082691,-39477.2392473913,-0.024623884509087167,-43543.06492072747,-0.024853857436500017,-42448.21907155016
+753,-0.02445079817951228,-51663.20231296546,-0.024759965179851542,-10397.614095050287,-0.024675402751999965,-49961.26641583521,-0.02461072014828128,-51205.11413616023,-0.024447085796748293,-56792.266214678915,-0.024764292959999934,-60110.27573764635,-0.02466520223609198,-64143.141155381774,-0.024679379096705572,-67814.14690435497,-0.024530630144154728,-68576.0017740577,-0.02442943129547657,-64213.478102875946,-0.02476103658452078,-73940.3506653497,-0.024677475328999967,-76208.15855246103,-0.024522403608291776,-20583.816621940183,-0.024762213767845858,-21048.946489051043,-0.024602222617042237,-27306.133576667155,-0.024427307313855076,-33202.159673769966,-0.024444445546366295,-38044.29110465933,-0.024441250033313308,-39315.497848809624,-0.024523787417586665,-43366.696121974855,-0.024754042748000016,-42283.23934859495
+754,-0.02435058999025198,-51458.2503504109,-0.024660126610577943,-10346.362043132898,-0.024575502335999967,-49756.58640120535,-0.024510676570442678,-51003.533507693035,-0.02434689282217159,-56561.154928109405,-0.024664436939999933,-59876.85880451864,-0.024565343117727182,-63896.82513867637,-0.024579462582144072,-67546.90170793721,-0.024430505123158225,-68303.10482380296,-0.02432931067541307,-63950.654478186014,-0.02466119369506708,-73652.57060625241,-0.024577566521999966,-75904.48821793024,-0.024422312164992778,-20493.010724334756,-0.024662366131685157,-20962.836043280837,-0.024502213582013637,-27190.102516237363,-0.02432719539863438,-33064.767987737636,-0.024344263392487794,-37894.74545854337,-0.02434108097579981,-39153.707840768846,-0.024423690326086465,-43190.357750736446,-0.024654228059500016,-42118.30154561907
+755,-0.024250381800991778,-51253.32044810025,-0.02456028804130434,-10295.217313225694,-0.024475601919999965,-49551.914704733244,-0.024410632992604177,-50801.899383037446,-0.024246699847594692,-56330.05200665409,-0.024564580920000034,-59643.37092491431,-0.02446548399936248,-63650.388476317,-0.024479546067582573,-67279.63213757657,-0.024330380102161528,-68030.15080242044,-0.024229190055349667,-63687.82585164327,-0.02456135080561328,-73364.75022279992,-0.024477657715000066,-75600.69652371685,-0.024322220721693478,-20402.2907853516,-0.02456251849552436,-20876.766232144633,-0.024402204546984937,-27074.148961423998,-0.024227083483413677,-32927.43759229919,-0.024244081238609095,-37745.09924931973,-0.02424091191828631,-38991.893717315426,-0.024323593234586067,-43014.06179293265,-0.024554413371000016,-41953.42884352972
+756,-0.024150173611731378,-51048.355828229425,-0.02446044947203084,-10244.187579701686,-0.024375701503999966,-49347.25734568069,-0.02431058941476558,-50600.21357747965,-0.024146506873017892,-56098.944623498865,-0.024464724899999832,-59409.82268451136,-0.02436562488099768,-63403.86488169574,-0.024379629553020872,-67012.3667392491,-0.024230255081165025,-67757.14288581013,-0.024129069435286168,-63425.00204647136,-0.02446150791615958,-73076.91088095275,-0.024377748907999968,-75296.76634227771,-0.02422212927839438,-20311.66072547852,-0.02446267085936376,-20790.751848928234,-0.024302195511956438,-26958.28208349158,-0.02412697156819298,-32790.17698588814,-0.024143899084730695,-37595.37399955692,-0.02414074286077261,-38830.04098626817,-0.024223496143085766,-42837.809721521495,-0.024454598682500016,-41788.615627579195
+757,-0.02404996542247108,-50843.35480545738,-0.02436061090275714,-10193.29386003219,-0.024275801087999965,-49142.618583903124,-0.02421054583692708,-50398.44347343295,-0.02404631389844099,-55867.84075855466,-0.024364868879999932,-59176.183378857975,-0.024265765762632983,-63157.29699994222,-0.024279713038459372,-66745.13326332805,-0.024130130060168526,-67484.08482288399,-0.02402894881522277,-63162.161444161684,-0.02436166502670588,-72789.06831217448,-0.024277840100999967,-74992.72920391195,-0.024122037835095176,-20221.1240344663,-0.02436282322320306,-20704.80426732596,-0.024202186476927838,-26842.507891235913,-0.024026859652972177,-32652.94391647699,-0.024043716930851992,-37445.58234469557,-0.024040573803259007,-38668.169822264106,-0.024123399051585365,-42661.582473676746,-0.024354783994000016,-41623.8404101877
+758,-0.02394975723321088,-50638.28273107846,-0.024260772333483543,-10142.517578371724,-0.024175900671999966,-48938.00203420145,-0.02411050225908858,-50196.57296041769,-0.02394612092386419,-55636.61868914284,-0.02426501285999993,-58942.4365469885,-0.02416590664426818,-62910.62300433708,-0.024179796523897873,-66477.86315980324,-0.024030005039171926,-67210.97269740107,-0.023928828195159367,-62899.30189397272,-0.02426182213725218,-72501.153083698,-0.024177931294000067,-74688.58278803484,-0.024021946391796077,-20130.683968491383,-0.02426297558704246,-20618.935703976877,-0.024102177441899138,-26726.83136242962,-0.023926747737751577,-32515.748701317,-0.023943534776973596,-37295.73425019588,-0.02394040474574551,-38506.288749458196,-0.024023301960084967,-42485.33411387828,-0.024254969305500015,-41459.116518636765
+759,-0.02384954904395058,-50433.184817486064,-0.02416093376421004,-10091.840540069707,-0.024076000255999864,-48733.4111302067,-0.02401045868124998,-49994.59056042803,-0.02384592794928729,-55405.30335947728,-0.02416515683999993,-58708.55051732979,-0.02406604752590348,-62663.79108770528,-0.024079880009336273,-66210.55812836195,-0.023929880018175427,-66937.76966170636,-0.023828707575095868,-62636.42298646159,-0.02416197924779848,-72213.1666730245,-0.024078022486999865,-74384.32559185264,-0.02392185494849708,-20040.343670851802,-0.02416312795088186,-20533.134523297147,-0.024002168406870538,-26611.261860318205,-0.02382663582253078,-32378.60277684051,-0.023843352623094893,-37145.837637253615,-0.02384023568823191,-38344.340491157935,-0.023923204868584666,-42309.07650258743,-0.024155154617000015,-41294.47333838009
+760,-0.02374934085469018,-50228.0645720585,-0.024061095194936443,-10041.265911564496,-0.023976099839999966,-48528.849764764476,-0.023910415103411478,-49792.513776768916,-0.02374573497471049,-55173.94906875826,-0.02406530082000003,-58474.5418608472,-0.023966188407538683,-62416.8453467009,-0.023979963494774673,-65943.22148161138,-0.023829754997178928,-66664.48559978811,-0.02372858695503247,-62373.47223270727,-0.02406213635834468,-71925.1107292045,-0.023978113679999965,-74079.97539512427,-0.02382176350519778,-19950.103199469548,-0.024063280314721158,-20447.403733675423,-0.023902159371841838,-26495.793087034013,-0.023726523907310178,-32241.508776105133,-0.023743170469216392,-36995.89767326993,-0.023740066630718207,-38182.36066105835,-0.023823107777084265,-42132.778782952555,-0.024055339928499918,-41129.86246199183
+761,-0.023649132665429878,-50022.94771682068,-0.02396125662566274,-9990.797490529423,-0.023876199423999864,-48324.324029780146,-0.023810371525572978,-49590.335958118216,-0.02364554200013359,-54942.54439110765,-0.023965444799999833,-58240.42715309453,-0.023866329289173982,-62169.809011646554,-0.023880046980213173,-65675.85632904938,-0.023729629976182425,-66391.12997192064,-0.023628466334969168,-62110.46829960414,-0.02396229346889098,-71636.9868958566,-0.023878204872999968,-73775.54054663645,-0.023721672061898676,-19859.93912878299,-0.023963432678560357,-20361.747166733203,-0.023802150336813238,-26380.42107687792,-0.02362641199208938,-32104.414114520492,-0.023642988315337995,-36845.87369460108,-0.02363989757320471,-38020.38659140479,-0.023723010685583967,-41956.432869023665,-0.023955525239999918,-40965.277768244116
+762,-0.02354892447616968,-49817.84515268902,-0.023861418056389243,-9940.440230113136,-0.023776299007999966,-48119.81500662652,-0.023710327947734377,-49388.103068630095,-0.02354534902555679,-54711.09728648199,-0.023865588779999933,-58006.218488956954,-0.02376647017080918,-61922.65184788344,-0.023780130465651573,-65408.465682321235,-0.023629504955185728,-66117.70828279953,-0.02352834571490567,-61847.42552464899,-0.02386245057943728,-71348.79681711645,-0.023778296065999866,-73471.02713646948,-0.023621580618599477,-19769.866029766665,-0.023863585042399757,-20276.16839934774,-0.023702141301784538,-26265.14816082307,-0.023526300076868678,-31967.338496456163,-0.023542806161459293,-36695.783912154766,-0.023539728515691208,-37858.403477530665,-0.023622913594083566,-41780.04464076727,-0.023855710551499917,-40800.72384289573
+763,-0.02344871628690938,-49612.781087577605,-0.02376157948711564,-9890.201445511117,-0.023676398592000065,-47915.28486741581,-0.02361028436989588,-49185.8214932143,-0.02344515605098009,-54479.615184664464,-0.023765732759999932,-57771.92395450522,-0.02366661105244448,-61675.38011396834,-0.023680213951090073,-65141.052536429655,-0.023529379934189226,-65844.22440035352,-0.02342822509484227,-61584.351765239655,-0.023762607689983582,-71060.54214379053,-0.023678387258999966,-73166.44011960892,-0.023521489175300378,-19679.892824034767,-0.02376373740623906,-20190.67086161752,-0.02360213226675604,-26149.976623709314,-0.023426188161647876,-31830.288541840393,-0.023442624007580893,-36545.643144411464,-0.02343955945817761,-37696.401976830326,-0.023522816502583165,-41603.634533513294,-0.023755895863000115,-40636.18444528583
+764,-0.02334850809764898,-49407.79158406464,-0.023661740917842043,-9840.08139235305,-0.023576498175999966,-47710.7582089616,-0.02351024079205728,-48983.49051865925,-0.023344963076403193,-54248.10391913476,-0.023665876739999932,-57537.52505560889,-0.023566751934079783,-61427.999657009794,-0.023580297436528373,-64873.580656504746,-0.023429254913192626,-65570.61962085623,-0.023328104474778767,-61321.252939015845,-0.023662764800529982,-70772.21801467538,-0.023578478451999965,-72861.78374718512,-0.02342139773200118,-19590.025860225316,-0.02366388977007846,-20105.257927940893,-0.02350212323172744,-26034.908266758997,-0.02332607624642728,-31693.257631951452,-0.023342441853702194,-36395.45980193317,-0.02333939040066391,-37534.38802864957,-0.023422719411082867,-41427.219503052984,-0.023656081174500115,-40471.671007234254
+765,-0.023248299908388777,-49202.724324885734,-0.02356190234856834,-9790.101793464428,-0.023476597760000065,-47506.22762310627,-0.02341019721421878,-48781.131506691316,-0.023244770101826292,-54016.56832608539,-0.023566020720000032,-57303.02335244761,-0.02346689281571498,-61180.51586695163,-0.023480380921966873,-64606.03526224,-0.023329129892196127,-65296.894493147396,-0.02322798385471537,-61058.13402002909,-0.02356292191107608,-70483.78397735867,-0.023478569645000065,-72557.05498223135,-0.023321306288702076,-19500.270938411195,-0.02356404213391776,-20019.933008540054,-0.02340211419669874,-25919.916013054037,-0.023225964331206477,-31556.255098936246,-0.023242259699823794,-36245.20920672973,-0.02323922134315041,-37372.366704930224,-0.023322622319582466,-41250.79064747421,-0.023556266486000017,-40307.17342530832
+766,-0.023148091719128478,-48997.489452817696,-0.023462063779294842,-9740.215582978022,-0.023376697343999966,-47301.667103935375,-0.02331015363638028,-48578.75901740962,-0.02314457712724949,-53785.01256281291,-0.023466164699999834,-57068.43484546099,-0.02336703369735028,-60932.933980777554,-0.02338046440740537,-64338.44421833368,-0.023229004871199627,-65023.04913515046,-0.02312786323465197,-60794.999445328634,-0.023463079021622382,-70195.26120415557,-0.023378660837999967,-72252.2547364139,-0.023221214845402877,-19410.635281158695,-0.02346419449775716,-19934.699661674036,-0.02330210516167014,-25805.010182654594,-0.02312585241598568,-31419.282950336295,-0.023142077545945095,-36094.88512588012,-0.02313905228563681,-37210.34258017276,-0.023222525228082266,-41074.34549639853,-0.023456451797500017,-40142.686607401665
+767,-0.02304788352986828,-48792.144072357,-0.02336222521002124,-9690.419322303365,-0.023276796928000065,-47097.10194860851,-0.023210110058541678,-48376.343880303284,-0.02304438415267259,-53553.44029736588,-0.023366308679999934,-56833.76763921741,-0.023267174578985483,-60685.25938551394,-0.023280547892843673,-64070.818586911926,-0.023128879850203028,-64749.10759925064,-0.023027742614588467,-60531.84431987679,-0.023363236132168782,-69906.65946527245,-0.023278752030999966,-71947.3900636339,-0.023121123402103778,-19321.129845740124,-0.023364346861596358,-19849.561765333936,-0.02320209612664144,-25690.1849424148,-0.023025740500765078,-31282.34575029236,-0.023041895392066594,-35944.42828060933,-0.023038883228123308,-37048.31979973595,-0.023122428136581767,-40897.88772169075,-0.023356637109000017,-39978.153334186274
+768,-0.02294767534060778,-48586.71233580268,-0.023262386640747642,-9640.705712901847,-0.023176896511999966,-46892.541869260735,-0.023110066480703177,-48173.84909624408,-0.02294419117809579,-53321.85400199994,-0.023266452659999933,-56599.02778542138,-0.023167315460620782,-60437.498078263816,-0.023180631378282173,-63803.15902656821,-0.023028754829206525,-64475.08055654164,-0.02292762199452507,-60268.66554513642,-0.02326339324271508,-69617.98420029574,-0.023178843224000066,-71642.43436946823,-0.023021031958804578,-19231.779733584135,-0.023264499225435758,-19764.523877342926,-0.02310208709161284,-25575.41318193052,-0.022925628585544276,-31145.445955063304,-0.022941713238187993,-35793.7788797075,-0.02293871417060961,-36886.30220244456,-0.023022331045081366,-40721.42057484307,-0.023256822420500017,-39813.52865531684
+769,-0.02284746715134758,-48381.207759638695,-0.02316254807147414,-9591.077057303439,-0.023076996095999964,-46687.992363125864,-0.023010022902864677,-47971.2528588422,-0.02284399820351889,-53090.23181612447,-0.023166596639999933,-56364.22041022542,-0.02306745634225598,-60189.65775966792,-0.02308071486372067,-63535.42459187909,-0.022928629808209828,-64200.975211919824,-0.02282750137446157,-60005.47397317768,-0.02316355035326138,-69329.23950476066,-0.023078934416999968,-71337.39508553281,-0.022920940515505476,-19142.561840023875,-0.023164651589275057,-19679.592420140994,-0.02300207805658414,-25460.721047322968,-0.02282551667032358,-31008.54436345617,-0.022841531084309495,-35642.98700483162,-0.022838545113096107,-36724.293396073575,-0.022922233953581166,-40544.9470449683,-0.023157007732000016,-39648.81864850827
+770,-0.02274725896208728,-48175.628680527756,-0.02306270950220044,-9541.537039045641,-0.022977095679999966,-46483.45563432244,-0.02290997932502608,-47768.582254858506,-0.02274380522894209,-52858.58432603639,-0.023066740619999932,-56129.35013730462,-0.022967597223891283,-59941.75397806341,-0.02298079834915917,-63267.646761010634,-0.022828504787213325,-63926.79722945354,-0.022727380754398268,-59742.22853003042,-0.023063707463807582,-69040.42888209094,-0.022979025609999967,-71032.28482647466,-0.022820849072206276,-19053.46655022663,-0.023064803953114457,-19594.729237553136,-0.02290206902155564,-25346.11832684964,-0.022725404755102777,-30871.656605117016,-0.022741348930430894,-35492.04417840774,-0.02273837605558251,-36562.294758291064,-0.022822136862080667,-40368.46998301423,-0.023057193043500016,-39484.055189147606
+771,-0.02264705077282708,-47969.97315858708,-0.022962870932926843,-9492.085646276364,-0.022877195263999964,-46278.936933700286,-0.02280993574718758,-47565.82328260811,-0.02264361225436539,-52626.907216811735,-0.022966884600000032,-55894.42132863194,-0.022867738105526482,-59693.79686484113,-0.022880881834597473,-62999.81523567531,-0.022728379766216826,-63652.551409531996,-0.02262726013433487,-59478.940796879906,-0.02296386457435388,-68751.55555989653,-0.022879116803000067,-70727.10975228596,-0.022720757628907177,-18964.459199893026,-0.02296495631695376,-19509.9091713026,-0.02280205998652704,-25231.612566809086,-0.02262529283988218,-30734.750592396787,-0.022641166776552393,-35340.96643407718,-0.02263820699806881,-36400.300752981464,-0.022722039770580467,-40191.992253469754,-0.022957378355000016,-39319.25437509059
+772,-0.02254684258356668,-47764.25664627042,-0.02286303236365324,-9442.72062383781,-0.022777294847999965,-46074.440151381474,-0.022709892169348978,-47362.987707447035,-0.02254341927978849,-52395.16896586049,-0.02286702857999993,-55659.438276690744,-0.02276787898716178,-59445.7484863168,-0.02278096532003597,-62731.93067903844,-0.022628254745220327,-63378.24201641296,-0.02252713951427137,-59215.630191473945,-0.02286402168490018,-68462.62266949835,-0.022779207995999865,-70421.87449086498,-0.02262066618560808,-18875.526261448063,-0.02286510868079296,-19425.16068484644,-0.02270205095149834,-25117.212791189697,-0.022525180924661378,-30597.812255356563,-0.022540984622673794,-35189.785180812076,-0.022538037940555308,-36238.31916508991,-0.022621942679080066,-40015.50008080762,-0.022857563666500016,-39154.42644477556
+773,-0.02244663439430638,-47558.48724711202,-0.02276319379437974,-9393.443366481684,-0.022677394431999964,-45869.968600848544,-0.022609848591510478,-47160.086028527694,-0.02244322630521169,-52163.39444863314,-0.022767172559999934,-55424.40542358128,-0.022668019868796983,-59197.613275849115,-0.02268104880547447,-62463.9858382048,-0.022528129724223727,-63103.86010739488,-0.022427018894207968,-58952.30709124748,-0.02276417879544648,-68173.63132633959,-0.022679299188999965,-70116.58297065548,-0.02252057474230888,-18786.686562668965,-0.02276526104463236,-19340.39743262849,-0.02260204191646974,-25002.9317110511,-0.022425069009440777,-30460.87363488546,-0.022440802468795294,-35038.50130045782,-0.02243786888304171,-36076.348851477895,-0.022521845587579567,-39838.945912638985,-0.022757748977999915,-38989.57934827226
+774,-0.02234642620504608,-47352.67132679731,-0.02266335522510604,-9344.25528984124,-0.022577494015999865,-45665.525277957,-0.022509805013671978,-46957.12568391099,-0.022343033330634792,-51931.56407322315,-0.022667316539999934,-55189.32771813771,-0.022568160750432283,-58949.3955443447,-0.022581132290912773,-62196.00152544288,-0.022428004703227228,-62829.40375781935,-0.02232689827414447,-58688.980955364445,-0.02266433590599278,-67884.55050533256,-0.022579390381999968,-69811.23874922187,-0.022420483299009777,-18697.93372781604,-0.02266541340847176,-19255.645268587574,-0.02250203288144104,-24888.753362540945,-0.02232495709421998,-30323.946297305185,-0.022340620314916695,-34887.06907826502,-0.022337699825528207,-35914.327085101955,-0.022421748496079367,-39662.34312707974,-0.022657934289499915,-38824.71999191725
+775,-0.022246218015785878,-47146.81448874962,-0.022563516655832443,-9295.15786944247,-0.022477593599999963,-45461.112969103844,-0.02240976143583328,-46754.11284333687,-0.02224284035605789,-51699.670088269915,-0.022567460519999933,-54954.205610956815,-0.02246830163206748,-58701.1065087662,-0.02248121577635127,-61927.99576978479,-0.022327879682230725,-62554.86352896922,-0.02222677765408107,-58425.666736006286,-0.02256449301653898,-67595.39626031468,-0.022479481574999866,-69505.84348026346,-0.022320391855710477,-18609.25796211029,-0.022565565772311058,-19170.924601104267,-0.022402023846412537,-24774.635518142946,-0.022224845178999277,-30187.03775585768,-0.022240438161038194,-34735.53140853382,-0.02223753076801471,-35752.283921154994,-0.022321651404578965,-39485.60795100723,-0.022558119601000116,-38659.85549169163
+776,-0.022146009826525478,-46940.92267697502,-0.02246367808655894,-9246.152718835296,-0.022377693183999865,-45256.73431710253,-0.02230971785799468,-46551.05298263175,-0.02214264738148109,-51467.7143370141,-0.022467604500000033,-54719.01221450957,-0.02236844251370278,-58452.73734785512,-0.02238129926178977,-61659.91392834197,-0.022227754661234028,-62280.25381259194,-0.022126657034017668,-58162.36048306721,-0.02246465012708528,-67306.18014452152,-0.022379572767999966,-69200.38784735928,-0.02222030041241148,-18520.649972644642,-0.022465718136150458,-19086.24617350661,-0.02230201481138374,-24660.598993775155,-0.02212473326377848,-30050.149421016416,-0.022140256007159593,-34583.89314747377,-0.02213736171050101,-35590.23199286665,-0.022221554313078665,-39308.742219265354,-0.022458304912500116,-38494.988753735524
+777,-0.02204580163726518,-46734.999083371484,-0.022363839517285343,-9197.24201725679,-0.022277792767999963,-45052.391872153814,-0.022209674280156178,-46347.95117115266,-0.02204245440690419,-51235.70687705859,-0.02236774847999983,-54483.754952197174,-0.022268583395338083,-58204.271680508115,-0.02228138274722817,-61391.76465782288,-0.022127629640237526,-62005.56437242983,-0.02202653641395417,-57899.009542930275,-0.02236480723763158,-67016.91069159216,-0.022279663960999965,-68894.81337221485,-0.022120208969112178,-18432.0911913464,-0.022365870499989757,-19001.609451290868,-0.022202005776355237,-24546.629109083537,-0.022024621348557878,-29913.280691531792,-0.022040073853281095,-34432.174874357384,-0.022037192652987408,-35428.13423272368,-0.022121457221578267,-39131.79271224802,-0.022358490224000115,-38330.12385370787
+778,-0.02194559344800498,-46529.04551445192,-0.02226400094801164,-9148.427375519286,-0.022177892352000066,-44848.08815770587,-0.022109630702317678,-46144.812259514205,-0.02194226143232739,-51003.66023149507,-0.02226789245999993,-54248.406772877184,-0.022168724276973282,-57955.675660764806,-0.02218146623266657,-61123.55074127371,-0.022027504619240926,-61730.80268302142,-0.021926415793890867,-57635.614265695316,-0.02226496434817788,-66727.59785991069,-0.022179755154000065,-68589.1512985561,-0.022020117525813076,-18343.60809007988,-0.02226602286382896,-18916.91715022654,-0.022101996741326638,-24432.741801877426,-0.021924509433337076,-29776.439894052488,-0.021939891699402594,-34280.39329002323,-0.02193702359547391,-35266.01590991169,-0.022021360130077966,-38954.77724453671,-0.022258675535500018,-38165.24451460171
+779,-0.02184538525874468,-46323.06258779743,-0.022164162378738143,-9099.705981621732,-0.022077991935999967,-44643.82576694895,-0.022009587124479077,-45941.6410376314,-0.02184206845775049,-50771.582569494734,-0.02216803643999993,-54012.975741233575,-0.02206886515860858,-57706.96988030403,-0.02208154971810497,-60855.24865418924,-0.021927379598244427,-61455.98035676048,-0.02182629517382747,-57372.193817447886,-0.02216512145872428,-66438.2604279638,-0.022079846346999967,-68283.4250091004,-0.021920026082513876,-18255.206523342866,-0.02216617522766836,-18832.19545128254,-0.022001987706297937,-24318.96703464804,-0.02182439751811648,-29639.63186700952,-0.021839709545523993,-34128.56519300264,-0.021836854537960207,-35103.892136138136,-0.021921263038577565,-38777.70697372228,-0.022158860847000018,-38000.353215972216
+780,-0.02174517706948428,-46116.98202642603,-0.02206432380946454,-9051.04732446084,-0.021978091520000066,-44439.606612287025,-0.02190954354664058,-45738.44241003683,-0.02174187548317379,-50539.456251411946,-0.022068180419999934,-53777.46930070347,-0.021969006040243783,-57458.15773051423,-0.02198163320354347,-60586.84479863465,-0.021827254577247927,-61181.09964925998,-0.02172617455376397,-57108.78121629411,-0.02206527856927038,-66148.92677621197,-0.021979937539999966,-67977.63540140368,-0.021819934639214777,-18166.907536185496,-0.02206632759150776,-18747.4757276286,-0.021901978671269338,-24205.340050617164,-0.021724285602895677,-29502.86054167567,-0.021739527391645495,-33976.7118709911,-0.02173668548044671,-34941.770883443474,-0.021821165947077167,-38600.59009553776,-0.022059046158500017,-37835.39824592197
+781,-0.021644968880223978,-45910.830779381395,-0.021964485240190842,-9002.465301545022,-0.021878191103999967,-44235.43300232691,-0.02180949996880208,-45535.22165516067,-0.02164168250859699,-50307.28864003305,-0.021968324400000034,-53541.89252471019,-0.021869146921879083,-57209.2082965004,-0.02188171668898197,-60318.38180532086,-0.021727129556251328,-60906.1651083545,-0.021626053933700567,-56845.323851275214,-0.02196543567981668,-65859.52407387143,-0.021880028733000066,-67671.77172183839,-0.02171984319591578,-18078.696819552057,-0.02196647995534706,-18662.775764708986,-0.021801969636240637,-24091.798956014358,-0.021624173687675077,-29366.129380959213,-0.021639345237766894,-33824.8806067077,-0.02163651642293311,-34779.65699154683,-0.021721068855576866,-38423.43313857866,-0.021959231470000017,-37670.407981458324
+782,-0.02154476069096378,-45704.62775691957,-0.02186464667091724,-8953.968884337752,-0.021778290688000065,-44031.30734736587,-0.02170945639096348,-45331.955414707474,-0.021541489534020093,-50075.09135199681,-0.021868468379999832,-53306.24946154908,-0.021769287803514482,-56960.128535712734,-0.02178180017442027,-60049.84039466984,-0.021627004535254825,-60631.186502237906,-0.02152593331363707,-56581.82439367265,-0.02186559279036308,-65570.05042898357,-0.021780119925999868,-67365.7663426892,-0.02161975175261648,-17990.57212510633,-0.02186663231918646,-18578.08589578233,-0.02170196060121214,-23978.344361112428,-0.021524061772454278,-29229.43967537559,-0.021539163083888393,-33673.03717645921,-0.02153634736541961,-34617.55943620366,-0.021620971764076465,-38246.241571557504,-0.021859416781500017,-37505.40543650192
+783,-0.02144455250170348,-45498.38243052482,-0.021764808101643742,-8905.563827547721,-0.021678390271999966,-43827.232142524444,-0.02160941281312498,-45128.64456005462,-0.021441296559443292,-49842.87058964243,-0.021768612359999932,-53070.54355659765,-0.02166942868514968,-56710.92279878916,-0.02168188365985877,-59781.22596027223,-0.021526879514258128,-60356.17598516701,-0.02142581269357367,-56318.30854565081,-0.02176574990090938,-65280.507711764905,-0.021680211118999967,-67059.65484757497,-0.021519660309317377,-17902.537464668112,-0.02176678468302576,-18493.40958800206,-0.021601951566183438,-23864.984523306317,-0.021423949857233577,-29092.717789193197,-0.021438980930009795,-33521.14736214866,-0.02143617830790601,-34455.486093300686,-0.021520874672576167,-38068.9826512154,-0.021759602093000017,-37340.406605670396
+784,-0.02134434431244308,-45292.101578352376,-0.02166496953237014,-8857.256338465817,-0.021578489855999965,-43623.21004457303,-0.021509369235286378,-44925.321201534935,-0.02134110358486639,-49610.631135478805,-0.021668756339999932,-52834.77785389329,-0.02156956956678498,-56461.58285641215,-0.02158196714529727,-59512.54478455937,-0.021426754493261625,-60081.15498333548,-0.021325692073510268,-56054.78138537235,-0.021665907011455682,-64990.897715084495,-0.021580302311999967,-66753.45487214063,-0.021419568866018177,-17814.574658829148,-0.021666937046864957,-18408.755455968032,-0.02150194253115484,-23751.702026885538,-0.02132383794201278,-28955.978088030995,-0.021338798776131294,-33369.235828998826,-0.021336009250392307,-34293.425807869295,-0.021420777581075766,-37891.63436779422,-0.021659787404500017,-37175.43254882652
+785,-0.02124413612318288,-45085.79071139138,-0.02156513096309644,-8809.060053523026,-0.021478589439999966,-43419.244030299866,-0.021409325657447877,-44721.989066484144,-0.02124091061028959,-49378.37704246705,-0.02156890031999993,-52598.953813814354,-0.021469710448420182,-56212.08934625977,-0.02148205063073557,-59243.80214253538,-0.021326629472265126,-59806.107692050384,-0.02122557145344677,-55791.21879120925,-0.02156606412200188,-64701.222177170595,-0.021480393504999865,-66447.14559210188,-0.02131947742271908,-17726.66445893704,-0.021567089410704357,-18324.137191282553,-0.02140193349612624,-23638.47504764084,-0.021223726026792178,-28819.246950487817,-0.021238616622252696,-33217.281116001286,-0.02123584019287881,-34131.389424783585,-0.021320680489575364,-37714.228226479354,-0.021559972716000016,-37010.48094025362
+786,-0.021143927933922578,-44879.454620875076,-0.02146529239382304,-8760.963935727292,-0.021378689023999965,-43215.33785754548,-0.021309282079609377,-44518.6273833121,-0.02114071763571269,-49146.090065941564,-0.02146904430000003,-52363.05168943687,-0.02136985133005548,-55962.46879703815,-0.02138213411617407,-58975.00269884993,-0.021226504451268627,-59530.927286420556,-0.02112545083338337,-55527.62520980391,-0.02146622123254818,-64411.482799695346,-0.021380484697999965,-66140.73854694457,-0.02121938597941988,-17638.813856226687,-0.021467241774543757,-18239.555280398323,-0.02130192446109754,-23525.321523902094,-0.021123614111571376,-28682.535207002595,-0.021138434468374195,-33065.27037572909,-0.021135671135365307,-33969.39475830655,-0.021220583398075067,-37536.77556300383,-0.021460158027499916,-36845.41019982203
+787,-0.021043719744662178,-44673.0850650088,-0.02136545382454934,-8712.959258989034,-0.021278788607999966,-43011.49948372658,-0.02120923850177078,-44315.238801270825,-0.02104052466113579,-48913.71443696937,-0.021369188279999833,-52127.08182070045,-0.02126999221169078,-55712.73573744684,-0.02128221760161257,-58706.15072764113,-0.021126379430272027,-59255.64595106487,-0.021025330213319867,-55264.005256511446,-0.021366378343094482,-64121.68126356616,-0.021280575890999968,-65834.22328188737,-0.021119294536120777,-17551.05862796833,-0.02136739413838306,-18154.98295176394,-0.02120191542606904,-23412.201839745532,-0.02102350219635078,-28545.850135566987,-0.021038252314495593,-32913.21225400469,-0.021035502077851608,-33807.42221730925,-0.021120486306574666,-37359.283859405194,-0.021360343338999915,-36680.266386990865
+788,-0.02094351155540188,-44466.6866237562,-0.021265615255275743,-8665.048804849237,-0.021178888191999964,-42807.726130023104,-0.02110919492393228,-44111.81801850038,-0.02094033168655899,-48681.283590728555,-0.021269332259999933,-51891.04992934435,-0.021170133093325983,-55462.84009307871,-0.021182301087051072,-58437.25025334356,-0.021026254409275528,-58980.27647253021,-0.02092520959325657,-55000.35386307239,-0.02126653545364078,-63831.81924402903,-0.021180667083999866,-65527.613219972525,-0.021019203092821577,-17463.404455607524,-0.02126754650222246,-18070.45088376735,-0.02110190639104024,-23299.124371118905,-0.020923390281129977,-28409.171544823104,-0.020938070160617096,-32761.115992847375,-0.02093533302033801,-33645.48005896015,-0.021020389215074466,-37181.75894414817,-0.021260528650500116,-36515.06942311031
+789,-0.02084330336614168,-44260.26769879537,-0.02116577668600204,-8617.235908129946,-0.021078987775999865,-42603.98789241087,-0.02100915134609378,-43908.36452957457,-0.02084013871198229,-48448.814090259475,-0.021169476239999933,-51654.882212018754,-0.021070273974961282,-55212.760447272565,-0.02108238457248937,-58168.30515290296,-0.020926129388279025,-58704.8266369988,-0.020825088973193167,-54736.60742507664,-0.02116669256418708,-63541.89729454675,-0.021080758276999966,-65220.91688932813,-0.020919111649522478,-17375.779110685122,-0.02116769886606176,-17985.973497936357,-0.02100189735601174,-23186.095169333606,-0.02082327836590928,-28272.48580572704,-0.020837888006738393,-32608.944034900556,-0.020835163962824508,-33483.569572594344,-0.020920292123573967,-37004.20556206758,-0.021160713962000116,-36349.831215562
+790,-0.02074309517688138,-44053.81674092566,-0.021065938116728543,-8569.525261721401,-0.020979087359999964,-42400.289146139614,-0.020909107768255178,-43704.87319858588,-0.02073994573740539,-48216.3148556778,-0.021069620219999932,-51418.56578931881,-0.02097041485659648,-54962.5314325399,-0.02098246805792787,-57899.31924072535,-0.020826004367282328,-58429.302377107466,-0.020724968353129668,-54472.78883729462,-0.021066849674733282,-63251.90480958137,-0.020980849469999965,-64914.140423180565,-0.02081902020622328,-17288.176588702718,-0.021067851229900958,-17901.5610792082,-0.02090188832098304,-23073.106656893808,-0.020723166450688477,-28135.814828558043,-0.020737705852859993,-32456.67956132271,-0.02073499490531091,-33321.68654080413,-0.020820195032073566,-36826.58993553028,-0.021060899273500116,-36184.55159872158
+791,-0.02064288698762098,-43847.27982884509,-0.02096609954745494,-8521.927678212918,-0.020879186943999865,-42196.640691673754,-0.020809064190416678,-43501.30496656039,-0.020639752762828593,-47983.7923214865,-0.02096976419999993,-51182.14153986477,-0.02087055573823178,-54712.16577557978,-0.020882551543366372,-57630.26806029287,-0.020725879346285826,-58153.70875834067,-0.02062484773306627,-54208.92131618201,-0.02096700678527958,-62961.848517640174,-0.020880940663000065,-64607.288788736856,-0.020718928762924176,-17200.559593412956,-0.020968003593740358,-17817.253697290653,-0.02080187928595444,-22960.134715515716,-0.020623054535467877,-27999.14652276364,-0.020637523698981294,-32304.34225494617,-0.020634825847797408,-33159.8405950409,-0.020720097940573366,-36648.92419527169,-0.020961084585000015,-36019.21305567713
+792,-0.02054267879836078,-43640.65018629979,-0.020866260978181343,-8474.449108816743,-0.020779286527999964,-41993.02590772258,-0.020709020612578177,-43297.68333339564,-0.020539559788251692,-47751.25168369053,-0.020869908180000032,-50945.623695830924,-0.020770696619866982,-54461.67250560512,-0.02078263502880467,-57361.09387346598,-0.020625754325289226,-57878.05049540271,-0.02052472711300277,-53945.017278582454,-0.02086716389582588,-62671.73274466448,-0.020781031855999967,-64300.366238554234,-0.020618837319624977,-17112.931173709036,-0.020868155957579657,-17733.053553933434,-0.02070187025092584,-22847.201100418766,-0.02052294262024708,-27862.49091620231,-0.020537341545102894,-32151.942840492353,-0.02053465679028371,-32997.98866125888,-0.020620000849072964,-36471.22209325842,-0.020861269896500015,-35853.83718986469
+793,-0.02044247060910048,-43433.956867602385,-0.02076642240890784,-8427.059804326716,-0.020679386112000066,-41789.435672746135,-0.02060897703473958,-43094.018890825624,-0.020439366813674892,-47518.69454542654,-0.020770052159999934,-50708.99073850742,-0.02067083750150228,-54211.05706591637,-0.02068271851424317,-57091.79508923636,-0.020525629304292727,-57602.278346923675,-0.020424606492939368,-53681.08705319185,-0.02076732100637228,-62381.51942040018,-0.020681123048999966,-63993.37653541278,-0.020518745876325878,-17025.29533382298,-0.020768308321419057,-17648.905270321826,-0.02060186121589714,-22734.314882880673,-0.020422830705026478,-27725.860243389703,-0.020437159391224195,-31999.487696662214,-0.02043448773277021,-32836.10744555203,-0.020519903757572667,-36293.49076024886,-0.020761455208000015,-35688.43504533247
+794,-0.02034226241984018,-43227.22028658166,-0.020666583839634142,-8379.761198885053,-0.020579485695999964,-41585.88964117188,-0.02050893345690108,-42890.301954065515,-0.02033917383909799,-47286.125391279704,-0.020670196139999934,-50472.244559659346,-0.02057097838313748,-53960.250214820924,-0.020582801999681672,-56822.38757292669,-0.020425504283296227,-57326.39331366541,-0.02032448587287597,-53417.14218220681,-0.020667478116918582,-62091.21831384607,-0.020581214242000066,-63686.323083067844,-0.02041865443302678,-16937.674395980204,-0.020668460685258457,-17564.79883327838,-0.020501852180868637,-22621.479840906894,-0.02032271878980568,-27589.26169768234,-0.020336977237345694,-31846.982721439806,-0.020334318675256608,-32674.165729048393,-0.020419806666072265,-36115.73557699858,-0.020661640519500018,-35523.01503842495
+795,-0.02024205423057978,-43020.453385092034,-0.02056674527036054,-8332.554781608838,-0.020479585280000066,-41382.4017000939,-0.02040888987906248,-42686.48114921216,-0.02023898086452119,-47053.54870608283,-0.020570340119999933,-50235.404359773886,-0.020471119264772783,-53709.27382118882,-0.020482885485120072,-56552.90064063717,-0.020325379262299728,-57050.42987012227,-0.02022436525281247,-53153.20695099217,-0.02056763522746488,-61800.844533744435,-0.020481305434999868,-63379.20900973664,-0.020318562989727576,-16850.080308446333,-0.02056861304909766,-17480.728424751764,-0.02040184314583984,-22508.687425300814,-0.020222606874584978,-27452.701102858086,-0.020236795083467093,-31694.433579552857,-0.02023414961774291,-32512.18209318618,-0.020319709574571965,-35937.96108095878,-0.020561825831000018,-35357.5847356704
+796,-0.020141846041319578,-42813.65587280083,-0.020466906701087043,-8285.442120273816,-0.020379684863999964,-41178.996800314366,-0.020308846301223978,-42482.59156979717,-0.02013878788994429,-46820.96820826792,-0.020470484099999933,-49998.4787399818,-0.02037126014640798,-53458.142999082585,-0.02038296897055847,-56283.35149272052,-0.020225254241303028,-56774.38112206689,-0.020124244632749068,-52889.267548003176,-0.02046779233801108,-61510.38044250647,-0.020381396627999968,-63072.037225119566,-0.020218471546428477,-16762.521262336697,-0.02046876541293696,-17396.659644484265,-0.020301834110811337,-22395.94855830262,-0.020122494959364176,-27316.183642913024,-0.020136612929588595,-31541.84567578039,-0.020133980560229407,-32350.152807044622,-0.020219612483071567,-35760.17131256223,-0.020462011142500017,-35192.15150883002
+797,-0.02004163785205928,-42606.8258057113,-0.02036706813181344,-8238.42489256365,-0.020279784448000066,-40975.640086666484,-0.020208802723385478,-42278.64302769879,-0.02003859491536759,-46588.387325219905,-0.020370628080000033,-49761.470560396876,-0.02027140102804328,-53206.82771830006,-0.02028305245599687,-56013.728471045215,-0.020125129220306428,-56498.250805860065,-0.02002412401268557,-52625.31019684997,-0.020367949448557382,-61219.8134886741,-0.020281487820999967,-62764.81046129145,-0.020118380103129177,-16675.00378447537,-0.02036891777677636,-17312.60790685463,-0.020201825075782637,-22283.270011447847,-0.02002238304414358,-27179.714196524732,-0.020036430775710195,-31389.224617690685,-0.02003381150271581,-32188.079976507746,-0.020119515391571165,-35582.36998804032,-0.020362196454000017,-35026.722999614016
+798,-0.01994142966279908,-42399.90666165808,-0.02026722956253974,-8191.504930575602,-0.020179884031999964,-40772.28372452184,-0.020108759145546877,-42074.59006693483,-0.01993840194079069,-46355.809315714825,-0.02027077205999983,-49524.36320613215,-0.020171541909678483,-52955.35462682006,-0.020183135941435372,-55744.016028551945,-0.020025004199309925,-56222.044165577376,-0.019924003392622267,-52361.35398454874,-0.02026810655910368,-60929.170698214555,-0.020181579013999865,-62457.53130306497,-0.02001828865983018,-16587.533451216645,-0.020269070140615658,-17228.583794156664,-0.020101816040754037,-22170.657083148402,-0.019922271128922777,-27043.297565615176,-0.019936248621831493,-31236.552770207003,-0.019933642445202307,-32025.94918640837,-0.020019418300070865,-35404.5606012163,-0.020262381765500017,-34861.307666152585
+799,-0.01984122147353868,-42192.932956092765,-0.020167390993266143,-8144.684289333475,-0.020079983615999965,-40568.936669341354,-0.02000871556770838,-41870.418733161,-0.01983820896621389,-46123.237341691616,-0.02017091603999993,-49287.17097906065,-0.020071682791313782,-52703.73715046424,-0.020083219426873872,-55474.2308385153,-0.019924879178313426,-55945.7656528575,-0.01982388277255887,-52097.384141239614,-0.02016826366964998,-60638.404576151675,-0.020081670206999965,-62150.20221130731,-0.01991819721653088,-16500.115244306944,-0.020169222504455058,-17144.574113313993,-0.020001807005725437,-22058.11467819393,-0.019822159213702176,-26906.93870933455,-0.019836066467952995,-31083.835633909894,-0.019833473387688608,-31863.767342073712,-0.019919321208570467,-35226.74645523383,-0.020162567076999916,-34695.915752654
+800,-0.01974101328427838,-41985.900769169806,-0.020067552423992642,-8097.965362513189,-0.019980083199999964,-40365.607422204674,-0.01990867198986988,-41666.164033788,-0.019738015991636992,-45890.67452877178,-0.020071060019999934,-49049.90183156281,-0.01997182367294908,-52451.983669378846,-0.01998330291231217,-55204.38866041842,-0.019824754157316927,-55669.41923442847,-0.01972376215249537,-51833.38495696217,-0.02006842078019628,-60347.448692923805,-0.019981761399999968,-61842.825541228354,-0.019818105773231877,-16412.753766677324,-0.020069374868294458,-17060.586265900645,-0.019901797970696737,-21945.636930799225,-0.019722047298481378,-26770.64312272985,-0.019735884314074394,-30931.103487522345,-0.01973330433017511,-31701.55666924658,-0.019819224117070166,-35048.91554340791,-0.020062752388499916,-34530.56193479402
+801,-0.019640805095018078,-41778.80242863448,-0.01996771385471904,-8051.3511034206185,-0.019880182783999965,-40162.30317678949,-0.01980862841203128,-41461.842166536844,-0.019637823017060192,-45658.12404091081,-0.019971203999999933,-48812.56112847898,-0.01987196455458428,-52200.100611094706,-0.019883386397750672,-54934.50986341856,-0.019724629136320327,-55393.00856763357,-0.019623641532431967,-51569.35906907909,-0.01996857789074248,-60056.31587161577,-0.019881852593000068,-61535.40355709491,-0.019718014329932577,-16325.453395857041,-0.019969527232133657,-16976.5505548132,-0.019801788935668238,-21833.194920821054,-0.019621935383260576,-26634.417931442622,-0.019635702160195893,-30778.335005572495,-0.019633135272661507,-31539.329434886902,-0.019719127025569765,-34871.07414921801,-0.019962937700000117,-34365.281932580925
+802,-0.01954059690575788,-41571.666973310545,-0.01986787528544534,-8004.845532568565,-0.019780282367999964,-39959.02996541288,-0.01970858483419278,-41257.45605797938,-0.01953763004248329,-45425.58930811619,-0.019871347980000034,-48575.153276853554,-0.019772105436219583,-51948.093321440836,-0.019783469883189173,-54664.63072334307,-0.019624504115323828,-55116.53711685767,-0.01952352091236857,-51305.309002414695,-0.01986873500128878,-59765.02277069326,-0.019781943785999966,-61227.936031426936,-0.019617922886633478,-16238.218412579274,-0.01986967959597296,-16892.454906466017,-0.019701779900639538,-21720.811980870516,-0.01952182346803988,-26498.276914794973,-0.019535520006317295,-30625.528100523825,-0.01953296621514801,-31377.09688338003,-0.019619029934069367,-34693.22071104213,-0.019863123011500117,-34200.034888775364
+803,-0.01944038871649748,-41364.51075521756,-0.019768036716171843,-7958.455393674311,-0.019680381951999965,-39755.78303998753,-0.019608541256354178,-41052.976766496635,-0.01943743706790649,-45193.07335768558,-0.019771491959999832,-48337.66413138649,-0.01967224631785478,-51695.95932971125,-0.019683553368627472,-54394.692396024824,-0.019524379094327127,-54840.00824393582,-0.01942340029230507,-51041.217397474815,-0.01976889211183508,-59473.59474709892,-0.019682034978999965,-60920.37753616446,-0.01951783144333428,-16151.053131416142,-0.01976983195981236,-16808.35660810061,-0.019601770865610938,-21608.49972495867,-0.019421711552819177,-26362.20978753076,-0.019435337852438794,-30472.688016949145,-0.01943279715763431,-31214.874913495136,-0.019518932842569066,-34515.35550440599,-0.019763308323000016,-34034.80102125283
+804,-0.01934018052723718,-41157.35037235434,-0.01966819814689824,-7912.2012275042025,-0.019580481535999866,-39552.54439608727,-0.019508497678515677,-40848.43570679914,-0.01933724409332959,-44960.55622329616,-0.019671635939999932,-48100.0851107809,-0.01957238719949008,-51443.70345038815,-0.019583636854065972,-54124.693265838156,-0.019424254073330628,-54563.42529219031,-0.019323279672241667,-50777.057362244406,-0.01966904922238138,-59182.04631084821,-0.019582126172000065,-60612.746562641085,-0.019417740000035176,-16063.962064595185,-0.01966998432365166,-16724.277708667672,-0.019501761830582238,-21496.26879287391,-0.01932159963759848,-26226.214329118724,-0.019335155698560196,-30319.819997585175,-0.01933262810012081,-31052.678555046383,-0.019418835751068664,-34337.488331796405,-0.019663493634500016,-33869.60635240858
+805,-0.01923997233797698,-40950.19218552047,-0.019568359577624643,-7866.059513131763,-0.019480581119999965,-39349.3184450118,-0.019408454100677177,-40643.847767097395,-0.01923705111875279,-44728.03645696738,-0.01957177991999993,-47862.43294170899,-0.019472528081125283,-51191.32475921018,-0.019483720339504473,-53854.643273360765,-0.019324129052334126,-54286.79168191094,-0.019223159052178168,-50512.85294712537,-0.01956920633292778,-58890.388321528386,-0.019482217364999967,-60305.05532924694,-0.019317648556735977,-15976.950173465502,-0.01957013668749106,-16640.225820918677,-0.019401752795553638,-21384.133890348323,-0.019221487722377677,-26090.290504492816,-0.019234973544681695,-30166.929776260542,-0.01923245904260721,-30890.475334057635,-0.019318738659568464,-34159.62481549398,-0.019563678946000015,-33704.427926720615
+806,-0.019139764148716678,-40743.07014435958,-0.01946852100835094,-7820.013055876968,-0.019380680703999866,-39146.119920282974,-0.01930841052283858,-40439.201325698596,-0.01913685814417609,-44495.53404514647,-0.01947192389999993,-47624.7152293963,-0.019372668962760582,-50938.76131064285,-0.019383803824942973,-53584.566761042835,-0.019224004031337526,-54010.1022346542,-0.01912303843211487,-50248.61271808851,-0.01946936344347388,-58598.63162183224,-0.019382308557999967,-59997.31001306138,-0.019217557113436878,-15890.021266998601,-0.01947028905133046,-16556.18699717395,-0.01930174376052514,-21272.131353617184,-0.019121375807157077,-25954.439135107674,-0.019134791390803093,-30013.995104938298,-0.019132289985093708,-30728.269903245317,-0.019218641568067966,-33981.77003183591,-0.019463864257500015,-33539.29742099365
+807,-0.019039555959456278,-40535.91575038499,-0.019368682439077443,-7774.063485267806,-0.019280780287999965,-38942.95588681321,-0.01920836694500008,-40234.50274027855,-0.01903666516959919,-44263.04573175821,-0.01937206788000003,-47386.93916007089,-0.01927280984439578,-50686.04458700191,-0.019283887310381272,-53314.446017122376,-0.019123879010341027,-53733.34866389127,-0.019022917812051468,-49984.34212999443,-0.01936952055402018,-58306.79616381349,-0.019282399751000066,-59689.515042225124,-0.01911746567013778,-15803.14755255842,-0.019370441415169658,-16472.162604308793,-0.019201734725496338,-21160.24568042545,-0.01902126389193628,-25818.667305422958,-0.019034609236924595,-29860.98881077684,-0.01903212092758001,-30566.067324393778,-0.019118544476567564,-33803.92962062043,-0.019364049569000015,-33374.18091558761
+808,-0.01893934777019598,-40328.70172382675,-0.01926884386980384,-7728.21272641324,-0.019180879872000064,-38739.83181492706,-0.01910832336716158,-40029.72690576247,-0.01893647219502239,-44030.57582176592,-0.019272211859999833,-47149.07087658227,-0.01917295072603108,-50433.19106681769,-0.019183970795819773,-53044.26352974282,-0.019023753989344527,-53456.5453773153,-0.01892279719198797,-49720.0454331855,-0.01926967766456658,-58014.86725377364,-0.019182490943999868,-59381.674015776094,-0.019017374226838576,-15716.35871847622,-0.019270593779008957,-16388.158934041905,-0.01910172569046784,-21048.444746410492,-0.018921151976715678,-25682.984597470873,-0.018934427083045994,-29707.930949188732,-0.01893195187006641,-30403.864048964468,-0.019018447385067364,-33626.11242293724,-0.019264234880500015,-33209.02813062549
+809,-0.01883913958093578,-40121.418737597516,-0.019169005300530142,-7682.463397482966,-0.019080979455999965,-38536.75257802407,-0.019008279789322877,-39824.85388512072,-0.018836279220445493,-43798.13058788678,-0.019172355839999933,-46911.08687374533,-0.019073091607666282,-50180.19066941903,-0.019084054281258273,-52774.029465712236,-0.018923628968348028,-53179.702575881936,-0.01882267657192457,-49455.726250295615,-0.01916983477511288,-57722.83429265928,-0.019082582136999968,-59073.79005380988,-0.018917282783539477,-15629.679713041742,-0.019170746142848357,-16304.172975136837,-0.01900171665543914,-20936.70625736045,-0.01882104006149488,-25547.410565937607,-0.018834244929167493,-29554.80955243889,-0.01883178281255291,-30241.59622895912,-0.018918350293566866,-33448.31313489042,-0.019164420192000015,-33043.83321155144
+810,-0.01873893139167548,-39914.042185539896,-0.01906916673125674,-7636.81979429116,-0.018981079040000064,-38333.70954435626,-0.01890823621148428,-39619.912361238676,-0.018736086245868592,-43565.71975767936,-0.019072499819999932,-46673.01299746041,-0.01897323248930158,-49927.02103327911,-0.018984137766696572,-52503.75418700409,-0.018823503947351328,-52902.84296592434,-0.018722555951861067,-49191.387825949205,-0.01906999188565918,-57430.700900825126,-0.018982673329999967,-58765.865966362355,-0.018817191340240277,-15543.057272069633,-0.01907089850668766,-16220.215569893584,-0.01890170762041054,-20825.03864268566,-0.018720928146274178,-25411.969832682993,-0.018734062775288895,-29401.608052883235,-0.018731613755039407,-30079.304145941685,-0.018818253202066666,-33270.533211537244,-0.019064605503500018,-32878.58340757134
+811,-0.01863872320241508,-39706.59808033466,-0.018969328161983042,-7591.279179422927,-0.018881178623999965,-38130.69835105105,-0.01880819263364578,-39414.91337602571,-0.01863589327129179,-43333.356736076974,-0.01897264379999993,-46434.85867013219,-0.01887337337093678,-49673.644136957904,-0.018884221252135073,-52233.381858990484,-0.018723378926354825,-52625.9499963993,-0.01862243533179767,-48927.0331571975,-0.01897014899620538,-57138.470306065,-0.018882764522999865,-58457.90434719451,-0.01871709989694118,-15456.495050411811,-0.01897105087052706,-16136.295970449157,-0.01880169858538184,-20713.438979047838,-0.018620816231053376,-25276.565677408,-0.018633880621410394,-29248.33865462748,-0.018631444697525708,-29916.992206926443,-0.018718156110566264,-33092.77716571154,-0.018964790815000018,-32713.244653769125
+812,-0.01853851501315488,-39499.097607663905,-0.01886948959270944,-7545.842105079103,-0.018781278208000064,-37927.73754298671,-0.01870814905580718,-39209.86459948355,-0.01853570029671489,-43101.01599200931,-0.018872787780000032,-46196.62231111517,-0.018773514252572083,-49420.099680283216,-0.018784304737573473,-51962.92322068029,-0.018623253905358225,-52349.00128235972,-0.01852231471173427,-48662.66507080947,-0.01887030610675168,-56846.145447015035,-0.018782855715999965,-58149.90730711048,-0.01861700845364198,-15369.99673722695,-0.01887120323436636,-16052.423351786603,-0.01870168955035324,-20601.87375706022,-0.01852070431583278,-25141.1546876995,-0.018533698467531792,-29094.989944208584,-0.01853127564001211,-29754.66007557523,-0.018618059019065766,-32915.050638676425,-0.018864976126499917,-32547.854958844702
+813,-0.01843830682389458,-39291.548907340526,-0.018769651023435942,-7500.5188254855275,-0.018681377791999965,-37724.837339037,-0.01860810547796868,-39004.77230148612,-0.01843550732213809,-42868.70156968559,-0.01877293176000003,-45958.276133141575,-0.018673655134207382,-49166.4047608161,-0.018684388223011973,-51692.38654692419,-0.018523128884361726,-52071.999152252494,-0.018422194091670768,-48398.286273508755,-0.01877046321729798,-56553.72903350537,-0.018682946908999968,-57841.85991248082,-0.018516917010342877,-15283.565693924624,-0.01877135559820566,-15968.609169946452,-0.01860168051532474,-20490.354813279824,-0.018420592400611977,-25005.77751940083,-0.018433516313653295,-28941.55661074109,-0.018431106582498608,-29592.310718662993,-0.018517961927565565,-32737.364700556325,-0.018765161437999917,-32382.41108423815
+814,-0.01833809863463418,-39083.958492119746,-0.01866981245416234,-7455.291132652583,-0.018581477375999966,-37521.972719408695,-0.018508061900130178,-38799.6420105871,-0.01833531434756119,-42636.418655928625,-0.018673075739999934,-45719.84109854944,-0.01857379601584258,-48912.56979510224,-0.018584471708450373,-51421.7770813451,-0.018423003863365227,-51794.94581057904,-0.01832207347160737,-48133.899387314144,-0.018670620327844282,-56261.22340214622,-0.018583038102000068,-57533.769148166255,-0.018416825567043677,-15197.205098857376,-0.018671507962044958,-15884.873004400293,-0.01850167148029604,-20378.886867530182,-0.018320480485391376,-24870.459327872926,-0.018333334159774693,-28788.04299110466,-0.01833093752498501,-29429.94208414026,-0.018417864836065164,-32559.723393406322,-0.018665346749500118,-32216.87212453446
+815,-0.01823789044537388,-38876.31007479397,-0.01856997388488864,-7410.149917746529,-0.018481576959999964,-37319.14402353747,-0.018408018322291577,-38594.47234412617,-0.01823512137298449,-42404.15790620034,-0.018573219719999933,-45481.32676129146,-0.01847393689747788,-48658.55523502276,-0.018484555193888773,-51151.09560165498,-0.018322878842368627,-51517.84337429023,-0.01822195285154387,-47869.50697622834,-0.01857077743839058,-55968.60531896006,-0.018483129294999966,-57225.64129443557,-0.01831673412374458,-15110.91803816173,-0.018571660325884358,-15801.23970590583,-0.01840166244526744,-20267.47013865512,-0.018220368570170578,-24735.1783905493,-0.018233152005896192,-28634.39720685019,-0.01823076846747131,-29267.536349588627,-0.018317767744564867,-32382.1079625885,-0.018565532061000117,-32051.257833473486
+816,-0.018137682256113678,-38668.62367166397,-0.018470135315615043,-7365.099467234843,-0.018381676543999966,-37116.32290335117,-0.01830797474445308,-38389.19874079967,-0.01813492839840769,-42171.921555321795,-0.018473363699999933,-45242.73910063081,-0.018374077779113082,-48404.2761339964,-0.018384638679327273,-50880.34622462165,-0.018222753821372128,-51240.69389214748,-0.018121832231480568,-47605.111567676984,-0.01847093454893678,-55675.88299958459,-0.018383220487999966,-56917.480045912336,-0.018216642680445278,-15024.707574189855,-0.018471812689723657,-15717.656349628385,-0.01830165341023874,-20156.109116216066,-0.018120256654949877,-24599.935245262488,-0.018132969852017695,-28480.65813293518,-0.018130599409957808,-29105.139323664822,-0.018217670653064465,-32204.521904995523,-0.018465717372500016,-31885.58692837946
+817,-0.018037474066853378,-38460.84569606906,-0.018370296746341542,-7320.143343089132,-0.018281776127999964,-36913.52614282701,-0.01820793116661458,-38183.853965173344,-0.01803473542383079,-41939.656658707754,-0.018373507679999932,-45004.08273951979,-0.01827421866074838,-48149.757382929114,-0.01828472216476577,-50609.52319068735,-0.018122628800375427,-50963.48405648305,-0.01802171161141717,-47340.71567110486,-0.018371091659483082,-55383.04450353705,-0.018283311681000065,-56609.28838319591,-0.018116551237146276,-14938.576807597789,-0.018371965053563057,-15634.028689287086,-0.018201644375210137,-20044.807437279425,-0.01802014473972908,-24464.73416166197,-0.018032787698139093,-28326.843780394884,-0.01803043035244431,-28942.71729399258,-0.018117573561564067,-32026.96898146723,-0.018365902684000016,-31719.8582113321
+818,-0.01793726587759298,-38252.990074527326,-0.018270458177067843,-7275.282146921822,-0.018181875711999966,-36710.726812117566,-0.01810788758877598,-37978.45665149823,-0.01793454244925399,-41707.37247711533,-0.018273651660000032,-44765.36156151919,-0.01817435954238358,-47895.04227493451,-0.018184805650204073,-50338.628526800654,-0.018022503779378928,-50686.203105155146,-0.017921590991353667,-47076.32179496394,-0.01827124877002938,-55090.06702324877,-0.018183402873999867,-56301.06894486095,-0.018016459793847178,-14852.52894467577,-0.01827211741740226,-15550.355548030562,-0.01810163534018144,-19933.56825556832,-0.017920032824508478,-24329.57888217415,-0.017932605544260596,-28172.968408527202,-0.017930261294930708,-28780.272447074298,-0.018017476470063767,-31849.453332359248,-0.018266087995500016,-31554.083875936743
+819,-0.01783705768833278,-38045.0661337628,-0.01817061960779424,-7230.517238494971,-0.018081975295999864,-36507.944846527396,-0.01800784401093748,-37773.00316411537,-0.017834349474677092,-41475.08884060982,-0.01817379563999993,-44526.518113542086,-0.018074500424018883,-47640.15083697972,-0.01808488913564257,-50067.66492216444,-0.017922378758382426,-50408.840722252484,-0.01782147037129027,-46811.9313912308,-0.01817140588057568,-54796.975229940996,-0.018083494066999967,-55992.82416947989,-0.017916368350547877,-14766.567383474923,-0.01817226978124156,-15466.666731679647,-0.018001626305152837,-19822.39462742532,-0.01781992090928768,-24194.41805973996,-0.017832423390381994,-28019.03623243503,-0.01783009223741701,-28617.795571835777,-0.017917379378563365,-31671.97121917213,-0.018166273307000016,-31388.25360490672
+820,-0.01773684949907248,-37837.08463925703,-0.018070781038520743,-7185.850707162963,-0.017982074879999966,-36305.18710945939,-0.01790780043309898,-37567.50420679451,-0.01773415650010019,-41242.81426675732,-0.018073939619999934,-44287.5577992121,-0.01797464130565408,-47385.091761669806,-0.01798497262108107,-49796.63489227699,-0.017822253737385926,-50131.38094506782,-0.01772134975122677,-46547.539700463356,-0.01807156299112208,-54503.77809947116,-0.017983585259999966,-55684.556365967255,-0.01781627690724888,-14680.695841094413,-0.01807242214508096,-15382.964795142776,-0.017901617270124338,-19711.289677238896,-0.01771980899406708,-24059.245641756857,-0.017732241236503493,-27865.04356905341,-0.017729923179903507,-28455.291726114774,-0.017817282287063065,-31494.507854523716,-0.018066458618500016,-31222.37743598249
+821,-0.017636641309812177,-37629.02037884428,-0.01797094246924714,-7141.284799390639,-0.017882174463999864,-36102.42725953431,-0.017807756855260377,-37361.97256264486,-0.01763396352552339,-41010.55509053475,-0.017974083599999933,-44048.50548928101,-0.01787478218728938,-47129.87792499721,-0.017885056106519373,-49525.54131029309,-0.017722128716389327,-49853.84766772788,-0.017621229131163367,-46283.152674546596,-0.01797172010166818,-54210.481337806785,-0.017883676452999868,-55376.267754403365,-0.01771618546394958,-14594.91857079289,-0.01797257450892036,-15299.266141565073,-0.017801608235095637,-19600.256756028986,-0.017619697078846277,-23924.09055706904,-0.017632059082624794,-27710.9695594381,-0.017629754122389908,-28292.770992215985,-0.017717185195562667,-31317.08321148999,-0.017966643930000015,-31056.46987545021
+822,-0.017536433120551777,-37420.87259980423,-0.017871103899973442,-7096.822118421212,-0.017782274047999966,-35899.69445092408,-0.017707713277421877,-37156.41828127134,-0.01753377055094649,-40778.317413956705,-0.017874227579999933,-43809.37099428741,-0.017774923068924583,-46874.520066759615,-0.01778513959195787,-49254.38470326385,-0.017622003695392827,-49576.23032874653,-0.01752110851109997,-46018.77440622286,-0.01787187721221448,-53917.08929717053,-0.017783767645999968,-55067.96049279844,-0.017616094020650577,-14509.24079925743,-0.017872726872759658,-15215.582127303867,-0.017701599200067038,-19489.29881407984,-0.01751958516362558,-23788.963586572878,-0.017531876928746394,-27556.79809520513,-0.01752958506487641,-28130.23928037656,-0.017617088104062466,-31139.70746918027,-0.017866829241500015,-30890.550751320494
+823,-0.01743622493129158,-37212.662728539784,-0.01777126533069984,-7052.464654714312,-0.017682373631999863,-35697.01304610672,-0.01760766969958328,-36950.852008718924,-0.01743357757636969,-40546.102086031926,-0.017774371560000033,-43570.16087713564,-0.017675063950559882,-46619.02811187141,-0.01768522307739637,-48983.1632114125,-0.017521878674396328,-49298.50964085081,-0.01742098789103647,-45754.37529068404,-0.01777203432276088,-53623.58447511118,-0.017683858838999967,-54759.63669644944,-0.017516002577351277,-14423.669857164172,-0.017772879236599058,-15131.922981807247,-0.017601590165038337,-19378.376580839606,-0.017419473248404777,-23653.872098775173,-0.017431694774867695,-27402.54461690742,-0.017429416007362707,-27967.70136677385,-0.017516991012561964,-30962.359910559815,-0.017767014553000015,-30724.579588802662
+824,-0.01733601674203128,-37004.40077984646,-0.017671426761426343,-7008.192829599173,-0.017582473215999966,-35494.40923246451,-0.01750762612174478,-36745.28747261239,-0.01733338460179299,-40313.91236759633,-0.01767451553999983,-43330.82000925679,-0.01757520483219518,-46363.4129658496,-0.01758530656283487,-48711.84017826271,-0.017421753653399628,-49020.70993947999,-0.017320867270973168,-45489.94775134747,-0.017672191433307182,-53329.968426126,-0.017583950031999866,-54451.29845333811,-0.01741591113405218,-14338.209967529832,-0.017673031600438257,-15048.300022945506,-0.017501581130009738,-19267.430463929093,-0.017319361333184177,-23518.807886305523,-0.017331512620989295,-27248.220127532346,-0.01732924694984921,-27805.161561521716,-0.017416893921061567,-30785.03068522561,-0.017667199864499918,-30558.557600182616
+825,-0.01723580855277108,-36796.09492416578,-0.01757158819215274,-6964.009800392742,-0.017482572800000065,-35291.849004287586,-0.01740758254390628,-36539.75058750159,-0.01723319162721609,-40081.75182382592,-0.01757465951999993,-43091.36347397886,-0.01747534571383038,-46107.692524068116,-0.01748539004827317,-48440.432247017605,-0.017321628632403125,-48742.840862300814,-0.01722074665090977,-45225.513509599565,-0.01757234854385348,-53036.25287041222,-0.017484041224999965,-54142.93721074139,-0.01731581969075298,-14252.884297721781,-0.01757318396427756,-14964.725237809043,-0.017401572094981037,-19156.524524518805,-0.017219249417963378,-23383.743295329277,-0.017231330467110593,-27093.83394715832,-0.017229077892335607,-27642.623877985927,-0.017316796829561366,-30607.70231738474,-0.017567385175999917,-30392.459970655294
+826,-0.01713560036351068,-36587.753876177085,-0.01747174962287904,-6919.886443501543,-0.017382672383999966,-35089.31976517213,-0.017307538966067678,-36334.284486907454,-0.01713299865263929,-39849.58208523652,-0.01747480349999993,-42851.8121646516,-0.017375486595465683,-45851.83729951202,-0.01738547353371167,-48168.94877073797,-0.017221503611406525,-48464.90896382205,-0.01712062603084627,-44961.08148538704,-0.01747250565439968,-52742.391254267124,-0.017384132417999968,-53834.48200594169,-0.017215728247453876,-14167.640902521725,-0.01747333632811696,-14881.192849466172,-0.017301563059952438,-19045.66153103045,-0.017119137502742778,-23248.701602730038,-0.017131148313232095,-26939.392245767336,-0.01712890883482211,-27480.092126871175,-0.017216699738060864,-30430.390118575262,-0.017467570487499917,-30226.22797659343
+827,-0.017035392174250378,-36379.390643391176,-0.01737191105360554,-6875.795210619733,-0.017282771968000064,-34886.79676639037,-0.017207495388229178,-36128.788099229314,-0.017032805678062393,-39617.37981893961,-0.017374947479999934,-42612.17559891793,-0.01727562747710088,-45595.84481183227,-0.01728555701915017,-47897.39461609117,-0.017121378590410026,-48186.91955430106,-0.017020505410782868,-44696.65856706299,-0.017372662764945982,-52448.33424386479,-0.017284223611000068,-53525.96808825271,-0.017115636804154677,-14082.480499835403,-0.01737348869195636,-14797.665819026002,-0.01720155402492394,-18934.773775264817,-0.01701902558752198,-23113.65559019956,-0.017030966159353494,-26784.904654055284,-0.01702873977730841,-27317.569987369818,-0.017116602646560664,-30253.11032914194,-0.017367755799000115,-30059.89146522428
+828,-0.01693518398499008,-36170.99405712827,-0.017272072484331942,-6831.7709289505,-0.017182871551999965,-34684.29094575519,-0.017107451810390677,-35923.24707980889,-0.016932612703485592,-39385.178318189384,-0.017275091460000034,-42372.46041805198,-0.01717576835873618,-45339.694132345525,-0.01718564050458847,-47625.77327689474,-0.017021253569413527,-47908.877328819726,-0.01692038479071937,-44432.25121161247,-0.01727281987549228,-52154.06816547408,-0.017184314803999966,-53217.41153889641,-0.017015545360855578,-13997.383457560283,-0.01727364105579566,-14714.142201330736,-0.01710154498989524,-18823.858891354794,-0.016918913672301278,-22978.628455678325,-0.016930784005474993,-26630.389627325534,-0.016928570719794808,-27155.061059378233,-0.017016505555060266,-30075.89078741148,-0.017267941110500118,-29893.472173195183
+829,-0.01683497579572988,-35962.565640710345,-0.01717223391505834,-6787.82844299214,-0.017082971136000064,-34481.80880086407,-0.01700740823255208,-35717.64554565643,-0.01683241972890869,-39152.98974503261,-0.017175235439999832,-42132.6643756849,-0.017075909240371383,-45083.39325982758,-0.01708572399002697,-47354.08758261953,-0.016921128548417028,-47630.78669375637,-0.01682026417065597,-44167.86630598371,-0.01717297698603858,-51859.63523573467,-0.017084405996999966,-52908.82074728711,-0.01691545391755648,-13912.346794123552,-0.01717379341963506,-14630.60278196391,-0.01700153595486664,-18712.947185313325,-0.016818801757080476,-22843.638284229168,-0.016830601851596395,-26475.852258141014,-0.01682840166228131,-26992.568906361266,-0.016916408463559764,-29898.69767540603,-0.017168126422000017,-29726.9806388449
+830,-0.01673476760646948,-35754.11000901756,-0.017072395345784842,-6743.983329035742,-0.016983070719999965,-34279.34922667842,-0.01690736465471358,-35512.00198595664,-0.01673222675433189,-38920.82236044928,-0.017075379419999932,-41892.77758382144,-0.016976050122006682,-44826.948178046536,-0.01698580747546537,-47082.33997324037,-0.016821003527420327,-47352.6186951196,-0.016720143550592568,-43903.512271629676,-0.01707313409658488,-51565.00037334859,-0.016984497190000065,-52600.13797818426,-0.016815362474257276,-13827.386873013631,-0.017073945783474258,-14547.057414678144,-0.01690152691983794,-18602.02067077825,-0.01671868984185988,-22708.709092167308,-0.016730419697717894,-26321.258755131566,-0.016728232604767808,-26830.09709445299,-0.016816311372059564,-29721.540555058345,-0.017068311733500017,-29560.424440180435
+831,-0.01663455941720918,-35545.63189569407,-0.016972556776511143,-6700.25910425623,-0.016883170303999964,-34076.89403236801,-0.01680732107687498,-35306.32795896833,-0.01663203377975499,-38688.62273960425,-0.016975523399999932,-41652.81366121699,-0.01687619100364188,-44570.36388437569,-0.01688589096090387,-46810.509168875615,-0.016720878506423727,-47074.349198565134,-0.01662002293052907,-43639.20202623098,-0.01697329120713118,-51270.18206619098,-0.016884588382999867,-52291.38054357499,-0.016715271030958177,-13742.512562690525,-0.016974098147313557,-14463.52663541288,-0.01680151788480934,-18491.044554159595,-0.016618577926639077,-22573.772720829034,-0.016630237543839296,-26166.613513097505,-0.01662806354725411,-26667.649231762058,-0.016716214280559166,-29544.40267190035,-0.016968497045000017,-29393.80988353074
+832,-0.01653435122794898,-35337.13633950544,-0.01687271820723754,-6656.600362055511,-0.016783269887999965,-33874.45927682846,-0.01670727749903648,-35100.630563555664,-0.01653184080517809,-38456.41230279595,-0.01687566737999993,-41412.73024595364,-0.01677633188527718,-44313.64478175131,-0.01678597444634217,-46538.576065393216,-0.016620753485427228,-46796.01043508154,-0.01651990231046567,-43374.97335422985,-0.01687344831767738,-50975.20588641189,-0.016784679575999967,-51982.57080516433,-0.016615179587658978,-13657.735629344475,-0.016874250511152957,-14380.007742230571,-0.01670150884978064,-18380.01909975483,-0.016518466011418476,-22438.790878374853,-0.016530055389960795,-26011.921257634316,-0.01652789448974051,-26505.221801528212,-0.016616117189058865,-29367.28680693276,-0.016868682356500016,-29227.1428145806
+833,-0.01643414303868868,-35128.628344798766,-0.016772879637963943,-6613.0024375296425,-0.016683369471999963,-33672.05298376829,-0.016607233921197978,-34894.81388457951,-0.01643164783060139,-38224.21658597209,-0.01677581136000003,-41172.51519222017,-0.016676472766912382,-44056.79487623756,-0.01668605793178067,-46266.56210681086,-0.016520628464430726,-46517.61641915297,-0.016419781690402167,-43110.7889959811,-0.01677360542822368,-50680.084694939826,-0.016684770768999966,-51673.719787171955,-0.01651508814435988,-13573.064448023724,-0.01677440287499226,-14296.515668441174,-0.01660149981475214,-18268.946533204693,-0.016418354096197678,-22303.769792112358,-0.016429873236082294,-25857.186790322674,-0.01642772543222701,-26342.77648960262,-0.016516020097558464,-29190.204734452243,-0.016768867668000016,-29060.41714896777
+834,-0.01633393484942828,-34920.09679734114,-0.016673041068690442,-6569.498157418185,-0.016583469055999864,-33469.681076289315,-0.016507190343359377,-34688.90634489639,-0.01633145485602459,-37992.062030231755,-0.016675955339999833,-40932.20004526007,-0.01657661364854768,-43799.81790126141,-0.01658614141721917,-45994.4745963513,-0.016420503443434226,-46239.181399038425,-0.01631966107033887,-42846.61298881228,-0.01667376253876998,-50384.82709006752,-0.016584861961999868,-51364.83650785014,-0.016414996701060676,-13488.48311269377,-0.01667455523883166,-14212.996823075302,-0.01650149077972354,-18157.872192222378,-0.016318242180976977,-22168.719779769588,-0.016329691082203696,-25702.416095337096,-0.01632755637471351,-26180.33733890109,-0.016415923006058066,-29013.18869938778,-0.016669052979500016,-28893.618483244776
+835,-0.01623372666016798,-34711.55704748925,-0.016573202499416743,-6526.070234271567,-0.016483568639999967,-33267.30655414951,-0.01640714676552088,-34482.928283777735,-0.01623126188144769,-37759.93937538384,-0.016576099319999933,-40691.79640012997,-0.01647675453018288,-43542.717431824014,-0.01648622490265767,-45722.31816688621,-0.016320378422437627,-45960.73084435568,-0.016219540450275467,-42582.448349636354,-0.01657391964931638,-50089.386321977625,-0.016484953154999968,-51055.93405590241,-0.016314905257761577,-13403.973549450102,-0.01657470760267086,-14129.443714528923,-0.01640148174469484,-18046.80498967491,-0.01621813026575628,-22033.662025019697,-0.016229508928325195,-25547.61993792824,-0.016227387317199807,-26017.916651068314,-0.016315825914557765,-28836.161323808974,-0.016569238291000016,-28726.761605606327
+836,-0.016133518470907778,-34503.03140510418,-0.01647336393014314,-6482.708159913605,-0.016383668223999864,-33064.93911643874,-0.01630710318768238,-34276.88967571488,-0.016131068906870893,-37527.84172046043,-0.016476243299999933,-40451.31203214642,-0.016376895411818183,-43285.49727182853,-0.01638630838809597,-45450.09636265829,-0.016220253401441127,-45682.23632111642,-0.016119419830211968,-42318.2983626246,-0.01647407675986268,-49793.75591874803,-0.016385044347999967,-50747.01070880799,-0.016214813814462378,-13319.531895275377,-0.01647485996651026,-14045.884740408548,-0.01630147270966624,-17935.729914487052,-0.016118018350535477,-21898.608997599695,-0.016129326774446593,-25392.814479430403,-0.01612721825968621,-25855.522847888962,-0.016215728823057367,-28659.111523785716,-0.016469423602500016,-28559.84180648645
+837,-0.016033310281647478,-34294.5128731383,-0.016373525360869643,-6439.414706552233,-0.016283767807999967,-32862.59675931314,-0.01620705960984378,-34070.797517290106,-0.016030875932293992,-37295.77966055941,-0.016376387279999932,-40210.75307948088,-0.016277036293453482,-43028.160034284214,-0.01628639187353447,-45177.81214937998,-0.016120128380444427,-45403.69954665785,-0.01601929921014857,-42054.16762359672,-0.01637423387040878,-49497.96800832642,-0.016285135541000067,-50438.05910235736,-0.01611472237116328,-13235.146991560914,-0.016375012330349558,-13962.34435219959,-0.01620146367463754,-17824.626900042895,-0.01601790643531478,-21763.571172687134,-0.016029144620568096,-25237.9648224743,-0.016027049202172707,-25693.156288250953,-0.016115631731557067,-28482.04954518065,-0.016369608913999915,-28392.83070781619
+838,-0.015933102092387078,-34085.935208105104,-0.01627368679159604,-6396.193308153369,-0.016183867391999864,-32660.289907581115,-0.01610701603200528,-33864.65738375569,-0.015930682957717192,-37063.77005452213,-0.01627653125999993,-39970.12483178117,-0.01617717717508868,-42770.707783825776,-0.01618647535897297,-44905.46815003154,-0.016020003359447928,-45125.082825156176,-0.01591917859008507,-41790.05828859446,-0.01627439098095518,-49202.03511151492,-0.016185226733999965,-50129.08301061494,-0.01601463092786398,-13150.83162756834,-0.016275164694188958,-13878.831997677818,-0.01610145463960894,-17713.512083904858,-0.015917794520093977,-21628.562593461957,-0.015928962466689494,-25083.070910443355,-0.01592688014465911,-25530.791415218497,-0.016015534640056665,-28304.979947147927,-0.016269794225499914,-28225.745810503704
+839,-0.01583289390312688,-33877.31375190594,-0.016173848222322342,-6353.052208260853,-0.016083966975999966,-32458.022664138858,-0.016006972454166678,-33658.424230298995,-0.01583048998314029,-36831.793421622024,-0.016176675240000032,-39729.43115999101,-0.016077318056723983,-42513.143354956555,-0.01608655884441127,-44633.06679015749,-0.015919878338451425,-44846.38805961536,-0.015819057970021668,-41525.969925945814,-0.01617454809150148,-48905.96578288649,-0.016085317926999968,-49820.08597108601,-0.015914539484564977,-13066.591583455687,-0.016175317058028257,-13795.318559800036,-0.01600144560458024,-17602.39036930889,-0.015817682604873377,-21493.557636109574,-0.015828780312810993,-24928.129826181976,-0.01582671108714541,-25368.45189811702,-0.015915437548556267,-28127.890992397803,-0.016169979536999918,-28058.59974955706
+840,-0.01573268571386658,-33668.65977186254,-0.01607400965304874,-6309.985866105633,-0.015984066560000065,-32255.81919187201,-0.015906928876328177,-33452.08420962097,-0.01573029700856349,-36599.86602761092,-0.016076819219999833,-39488.663085104,-0.015977458938359182,-42255.42938326957,-0.01598664232984977,-44360.59741859754,-0.015819753317454825,-44567.58053437267,-0.01571893734995827,-41261.90585107762,-0.01607470520204778,-48609.76674870786,-0.015985409120000068,-49511.07135981859,-0.015814448041265677,-12982.416963933027,-0.016075469421867657,-13711.8125785097,-0.015901436569551737,-17491.256143162,-0.015717570689652578,-21358.558292058966,-0.015728598158932395,-24773.136350593537,-0.015726542029631908,-25206.09034708383,-0.015815340457055967,-27950.77112238006,-0.016070164848500115,-27891.391820984
+841,-0.01563247752460618,-33459.98246256693,-0.015974171083775243,-6266.992391492472,-0.015884166143999966,-32053.65760304172,-0.01580688529848948,-33245.66140544779,-0.01563010403398659,-36367.98114001437,-0.015976963199999934,-39247.828619574684,-0.01587759981999448,-41997.546348718184,-0.015886725815288272,-44088.039219668695,-0.015719628296458326,-44288.679251150024,-0.015618816729894772,-40997.86970368288,-0.015974862312594082,-48313.44367009441,-0.015885500312999967,-49202.04244854573,-0.015714356597966578,-12898.26774525039,-0.01597562178570686,-13628.32515946392,-0.015801427534523137,-17380.078952032578,-0.015617458774431976,-21223.57520293379,-0.015628416005053894,-24618.075701262875,-0.01562637297211841,-25043.725999150287,-0.015715243365555565,-27773.638448227863,-0.015970350160000115,-27724.121819776996
+842,-0.015532269335345877,-33251.29327292378,-0.01587433251450164,-6224.074500131592,-0.015784265728000065,-31851.526442043098,-0.01570684172065098,-33039.1718850469,-0.01552991105940989,-36136.1245986942,-0.015877107179999933,-39006.91205990017,-0.015777740701629683,-41739.523496174945,-0.015786809300726772,-43815.36686647456,-0.015619503275461827,-44009.69743340417,-0.01551869610983147,-40733.86561334446,-0.01587501942314028,-48017.001509503985,-0.015785591505999966,-48893.00245236758,-0.015614265154667578,-12814.066642538157,-0.01587577414954626,-13544.881240345137,-0.015701418499494437,-17268.88313938495,-0.015517346859211176,-21088.615350771503,-0.015528233851175294,-24462.95882729213,-0.015526203914604809,-24881.345199019815,-0.015615146274055266,-27596.50202894656,-0.015870535471500018,-27556.790076804577
+843,-0.015432061146085677,-33042.60292405526,-0.01577449394522794,-6181.23528166677,-0.015684365311999966,-31649.409197659035,-0.015606798142812376,-32832.62458292769,-0.015429718084832992,-35904.30238805408,-0.015777251159999933,-38765.90793296273,-0.015677881583264983,-41481.37107843051,-0.01568689278616507,-43542.582621460075,-0.015519378254465326,-43730.64231235934,-0.01541857548976787,-40469.89219418701,-0.01577517653368658,-47720.44473926019,-0.015685682698999965,-48583.954573841045,-0.01551417371136828,-12729.823719604252,-0.01577592651338556,-13461.468515202403,-0.015601409464465837,-17157.6823380223,-0.015417234943990476,-20953.684732802674,-0.015428051697296793,-24307.789023013425,-0.015426034857091108,-24718.962870840754,-0.015515049182554868,-27419.317226233652,-0.015770720783000017,-27389.396240489958
+844,-0.015331852956825378,-32833.91448812158,-0.01567465537595444,-6138.478764559116,-0.015584464896000065,-31447.26425948753,-0.015506754564973876,-32626.02627064976,-0.015329525110256191,-35672.52291317075,-0.015677395140000033,-38524.821099842346,-0.015578022464900181,-41223.09581504186,-0.015586976271603572,-43269.67395716935,-0.015419253233468627,-43451.51942632013,-0.015318454869704571,-40205.937136621156,-0.015675333644232882,-47423.777475157556,-0.015585773891999867,-48274.902048758726,-0.01541408226806928,-12645.573983170809,-0.01567607887722496,-13378.010914454206,-0.015501400429437137,-17046.48515208099,-0.015317123028769676,-20818.72530549834,-0.015327869543418193,-24152.57427083316,-0.015325865799577608,-24556.6068483294,-0.015414952091054668,-27242.09516473937,-0.015670906094500017,-27221.92451779279
+845,-0.015231644767564978,-32625.194335024462,-0.015574816806680842,-6095.812608892427,-0.015484564479999964,-31245.11222467316,-0.015406710987135377,-32419.382613072718,-0.01522933213567929,-35440.80813781447,-0.015577539119999833,-38283.659231280595,-0.015478163346535482,-40964.70298502846,-0.015487059757041972,-42996.66634117115,-0.015319128212472126,-43172.33368417935,-0.01521833424964117,-39942.0216457225,-0.015575490754779181,-47127.00357104796,-0.015485865084999967,-47965.84819992321,-0.01531399082476998,-12561.34479642983,-0.015576231241064257,-13294.528660119538,-0.015401391394408636,-16935.29819045271,-0.015217011113549075,-20683.728504714192,-0.015227687389539694,-23997.319385233382,-0.015225696742064008,-24394.314658095645,-0.015314854999554267,-27064.82363393702,-0.015571091406000017,-27054.384528247247
+846,-0.015131436578304777,-32416.407136455477,-0.015474978237407141,-6053.212274758132,-0.015384664063999964,-31042.951349594732,-0.015306667409296777,-32212.69861297279,-0.01512913916110249,-35209.14275601835,-0.015477683099999933,-38042.427146230315,-0.015378304228170681,-40706.19711733031,-0.015387143242480372,-42723.569809335764,-0.015219003191475526,-42893.090116773645,-0.01511821362957767,-39678.17603682156,-0.01547564786532558,-46830.12669290564,-0.015385956277999966,-47656.79650893015,-0.015213899381470879,-12477.152910085795,-0.015476383604903656,-13211.030323980736,-0.015301382359379837,-16824.065006170567,-0.015116899198328275,-20548.73315163484,-0.015127505235661094,-23842.028375795497,-0.015125527684550508,-24232.012781607606,-0.015214757908053768,-26887.505931028947,-0.015471276717500017,-26886.70412796165
+847,-0.015031228389044478,-32207.553563073838,-0.015375139668133742,-6010.660193821157,-0.015284763647999964,-30840.797985101606,-0.015206623831458276,-32005.978847204467,-0.015028946186525591,-34977.50476828287,-0.015377827079999932,-37801.10457259472,-0.015278445109805982,-40447.5823085709,-0.015287226727918872,-42450.38895732855,-0.015118878170479027,-42613.79441782874,-0.015018093009514271,-39414.37366998094,-0.01537580497587168,-46533.15038425529,-0.015286047470999866,-47347.75072546062,-0.01511380793817168,-12392.99436130559,-0.015376535968742857,-13127.508238610715,-0.015201373324351336,-16712.767270452634,-0.015016787283107676,-20413.746184168234,-0.015027323081782593,-23686.704878267214,-0.015025358627036809,-24069.69637326028,-0.015114660816553568,-26710.155607982135,-0.015371462029000017,-26718.87673183571
+848,-0.014931020199784177,-31998.649543569085,-0.015275301098860041,-5968.166440177122,-0.015184863231999964,-30638.662059028924,-0.015106580253619778,-31799.22761220066,-0.014928753211948791,-34745.89735653634,-0.015277971059999932,-37559.70231980674,-0.015178585991441182,-40188.8624039338,-0.015187310213357272,-42177.10496922992,-0.015018753149482526,-42334.45052186382,-0.01491797238945087,-39150.59650357583,-0.015275962086417981,-46236.0781337019,-0.015186138663999966,-47038.715059734925,-0.015013716494872579,-12308.88738376087,-0.015276688332582257,-13043.91587214933,-0.015101364289322737,-16601.447435528306,-0.014916675367886876,-20278.7075005746,-0.014927140927903895,-23531.352334911888,-0.014925189569523309,-23907.37041379216,-0.015014563725053167,-26532.779495732706,-0.015271647340500016,-26550.94166260314
+849,-0.014830812010523777,-31789.697139408192,-0.015175462529586441,-5925.71765924771,-0.015084962815999865,-30436.550429075003,-0.015006536675781177,-31592.448740217857,-0.01482856023737189,-34514.31558471036,-0.015178115040000032,-37318.22956083477,-0.015078726873076482,-39930.04112212507,-0.015087393698795772,-41903.69776702144,-0.014918628128485927,-42055.04670684751,-0.01481785176938737,-38886.84743087429,-0.01517611919696428,-45938.913459318486,-0.015086229856999967,-46729.69459161615,-0.014913625051573379,-12224.822319031768,-0.015176840696421556,-12960.278631026134,-0.015001355254294036,-16490.125408637417,-0.014816563452666177,-20143.646758549185,-0.014826958774025494,-23375.974099081654,-0.014825020512009708,-23745.039627933926,-0.014914466633552868,-26355.38271153214,-0.015171832652000016,-26382.912713490055
+850,-0.014730603821263578,-31580.660816802185,-0.015075623960312742,-5883.2910430147085,-0.014985062399999966,-30234.468032737546,-0.014906493097942676,-31385.62534520396,-0.014728367262795191,-34282.75343403472,-0.015078259019999832,-37076.691673041496,-0.01497886775471178,-39671.12216253765,-0.014987477184234071,-41630.182043065724,-0.014818503107489427,-41775.58576265926,-0.014717731149323971,-38623.09726955567,-0.01507627630751068,-45641.66004068294,-0.014986321050000067,-46420.69645328275,-0.014813533608274278,-12140.792118118388,-0.015076993060260956,-12876.602346099153,-0.014901346219265437,-16378.827987487064,-0.014716451537445377,-20008.582594041734,-0.014726776620146794,-23220.573512956707,-0.014724851454496209,-23582.70728821965,-0.014814369542052468,-26177.96949465964,-0.015072017963499917,-26214.786082946765
+851,-0.014630395632003277,-31371.563387340444,-0.014975785391039241,-5840.903052225192,-0.014885161983999865,-30032.393464000226,-0.014806449520104077,-31178.759939708456,-0.01462817428821839,-34051.21269819257,-0.014978402999999932,-36835.09289454671,-0.014879008636346981,-39412.10932250948,-0.014887560669672572,-41356.572076822,-0.014718378086492727,-41496.06890763993,-0.01461761052926047,-38359.373953349175,-0.01497643341805698,-45344.321987186435,-0.014886412242999967,-46111.73875736456,-0.014713442164975079,-12056.804836787776,-0.014977145424100257,-12792.895340789153,-0.014801337184236736,-16267.541414210162,-0.014616339622224776,-19873.52794313776,-0.014626594466268393,-23065.153981274572,-0.01462468239698251,-23420.370887991325,-0.014714272450552068,-26000.52261803859,-0.014972203274999917,-26046.58205491281
+852,-0.014530187442743077,-31162.28229160486,-0.014875946821765641,-5798.514687163959,-0.014785261567999966,-29830.339267055337,-0.014706405942265577,-30971.817432615015,-0.014527981313641492,-33819.6394966649,-0.014878546979999933,-36593.43688317036,-0.014779149517982282,-39153.00666183033,-0.014787644155111072,-41082.87515815085,-0.014618253065496226,-41216.43554251264,-0.01451748990919717,-38095.71174560419,-0.01487659052860308,-45046.90463136612,-0.014786503435999966,-45802.816252320314,-0.01461335072167598,-11972.835287321339,-0.014877297787939657,-12709.163830741145,-0.014701328149208237,-16156.254953624015,-0.014516227707003976,-19738.489757615498,-0.014526412312389894,-22909.71905977292,-0.014524513339468909,-23258.040515490575,-0.014614175359051768,-25823.041570381145,-0.014872388586500116,-25878.321217873963
+853,-0.014429979253482677,-30952.850058595497,-0.014776108252492043,-5756.152802385407,-0.014685361151999865,-29628.302815870797,-0.014606362364427077,-30764.82455544495,-0.014427788339064692,-33588.056646411875,-0.014778690959999933,-36351.72694088636,-0.01467929039961748,-38893.81879559198,-0.014687727640549571,-40809.09654735023,-0.014518128044499727,-40936.68119722021,-0.01441736928913377,-37832.021700679106,-0.01477674763914948,-44749.42040230584,-0.014686594629000066,-45493.899374695604,-0.01451325927837688,-11888.889816128354,-0.014777450151778856,-12625.383469366887,-0.014601319114179436,-16044.974404029992,-0.014416115791783375,-19603.476315428972,-0.014426230158511294,-22754.2725862964,-0.014424344281955409,-23095.723738562483,-0.014514078267551368,-25645.539463538207,-0.014772573898000116,-25709.99572552937
+854,-0.014329771064222377,-30743.311163742223,-0.014676269683218541,-5713.813942633744,-0.014585460735999966,-29426.256640972708,-0.014506318786588477,-30557.795494406422,-0.014327595364487791,-33356.41136889591,-0.014678834940000033,-36109.96613059475,-0.014579431281252782,-38634.55157430188,-0.014587811125987872,-40535.24047005546,-0.014418003023503226,-40656.83523880225,-0.01431724866907027,-37568.30646366022,-0.01467690474969578,-44451.86218410203,-0.014586685821999866,-45184.94403657961,-0.01441316783507768,-11804.96984471292,-0.014677602515618256,-12541.533638881707,-0.014501310079150937,-15933.705219406642,-0.014316003876562577,-19468.496352697108,-0.014326048004632793,-22598.809241341616,-0.01432417522444191,-22933.406785968218,-0.014413981176051067,-25468.02217294555,-0.014672759209500116,-25541.603672144618
+855,-0.014229562874962078,-30533.68486390416,-0.014576431113944842,-5671.498333546823,-0.014485560320000064,-29224.211151105832,-0.014406275208749977,-30350.740184355687,-0.014227402389910892,-33124.70390544828,-0.014578978919999833,-35868.15577959031,-0.014479572162887982,-38375.21456086272,-0.014487894611426372,-40261.3105145201,-0.014317878002506626,-40376.90856500671,-0.01421712804900687,-37304.576300429646,-0.014577061860242081,-44154.21889822,-0.014486777014999966,-44875.970526502024,-0.01431307639177858,-11721.076955037779,-0.014577754879457557,-12457.642509410121,-0.014401301044122336,-15822.452739782017,-0.014215891961341875,-19333.516086710668,-0.014225865850754095,-22443.286504191517,-0.014224006166928208,-22771.053332218675,-0.014313884084550667,-25290.494102654317,-0.014572944521000017,-25373.153898860946
+856,-0.014129354685701877,-30323.98448360186,-0.014476592544671242,-5629.223671809262,-0.014385659903999965,-29022.190567085505,-0.014306231630911477,-30143.668639809766,-0.014127209415334092,-32892.968880230736,-0.014479122899999933,-35626.21588739628,-0.014379713044523281,-38115.8039645011,-0.014387978096864871,-39987.30983307954,-0.014217752981510127,-40096.908214689975,-0.01411700742894337,-37040.83771339625,-0.01447721897078838,-43856.49289626067,-0.014386868207999967,-44566.98177233437,-0.01421298494847938,-11637.226418428985,-0.014477907243296957,-12373.720840944112,-0.014301292009093637,-15711.222427230907,-0.014115780046121075,-19198.477403041557,-0.014125683696875694,-22287.736472971723,-0.014123837109414608,-22608.68874447805,-0.014213786993050268,-25112.958980179148,-0.014473129832500016,-25204.656058788365
+857,-0.014029146496441477,-30114.221019936755,-0.01437675397539774,-5587.00686499062,-0.014285759488000064,-28820.20121862625,-0.014206188053072877,-29936.59466876645,-0.014027016440757191,-32661.23732261745,-0.014379266879999932,-35384.15121568959,-0.014279853926158482,-37856.286606242225,-0.014288061582303172,-39713.241259409595,-0.014117627960513626,-39816.839110022454,-0.014016886808879971,-36777.09586276882,-0.01437737608133458,-43558.68652994589,-0.014286959400999867,-44257.965723077185,-0.01411289350518028,-11553.441169250293,-0.014378059607136257,-12289.776142650091,-0.014201282974065036,-15600.020196370482,-0.014015668130900476,-19063.441084407175,-0.014025501542996994,-22132.190207955864,-0.014023668051901108,-22446.32627124244,-0.014113689901549967,-24935.420142955594,-0.014373315144000016,-25036.095960239272
+858,-0.013928938307181178,-29904.397962619594,-0.014276915406124142,-5544.839562899604,-0.014185859071999965,-28618.243774504743,-0.014106144475234377,-29729.537870049393,-0.01392682346618039,-32429.541124540545,-0.014279410859999932,-35141.99504534737,-0.014179994807793781,-37596.6624134476,-0.014188145067741671,-39439.10738317588,-0.014017502939516927,-39536.68251224479,-0.01391676618881657,-36513.35527837754,-0.014277533191880881,-43260.80217405846,-0.014187050593999967,-43948.94238598561,-0.01401280206188108,-11469.722322081287,-0.014278211970975457,-12205.814643405094,-0.014101273939036338,-15488.853053975115,-0.013915556215679676,-18928.401512226592,-0.013925319389118593,-21976.626342343327,-0.01392349899438751,-22283.976726426867,-0.014013592810049567,-24757.8806776861,-0.014273500455500016,-24867.468046072434
+859,-0.013828730117920978,-29694.50696148762,-0.014177076836850442,-5502.717727819929,-0.014085958656000066,-28416.31944620492,-0.014006100897395776,-29522.458498709384,-0.013826630491603691,-32197.913053786895,-0.014179554839999933,-34899.76026292245,-0.014080135689428981,-37336.936601350084,-0.014088228553180171,-39164.91060069592,-0.013917377918520426,-39256.419431246366,-0.01381664556875307,-36249.62019194062,-0.01417769030242718,-42962.84225754947,-0.014087141786999966,-43639.92232761451,-0.013912710618581979,-11386.066795246701,-0.014178364334814857,-12121.816626927462,-0.014001264904007837,-15377.730959322216,-0.013815444300459076,-18793.33480773072,-0.013825137235239895,-21821.033761511826,-0.013823329936873909,-22121.655238661304,-0.013913495718549267,-24580.343500988976,-0.014173685767000016,-24698.774810646046
+860,-0.013728521928660677,-29484.5799512639,-0.014077238267576841,-5460.632739611969,-0.013986058239999965,-28214.396726511557,-0.013906057319557278,-29315.358030893734,-0.01372643751702679,-31966.337717713595,-0.014079698820000033,-34657.44822976996,-0.01398027657106428,-37077.11312886198,-0.013988312038618571,-38890.65315100424,-0.013817252897523826,-38976.07299827215,-0.01371652494868977,-35985.89474555843,-0.014077847412973481,-42664.787132666956,-0.013987232980000066,-43330.91479582017,-0.013812619175282679,-11302.459859722198,-0.014078516698654156,-12037.733839314964,-0.013901255868979136,-15266.680009519983,-0.013715332385238276,-18658.27578667222,-0.013724955081361394,-21665.41681091342,-0.013723160879360308,-21959.384457344364,-0.013813398627048867,-24402.811412353658,-0.014073871078500015,-24530.019787456305
+861,-0.013628313739400277,-29274.643195090695,-0.013977399698303342,-5418.558035960941,-0.013886157823999965,-28012.479627462482,-0.013806013741718777,-29108.236657796122,-0.01362624454244999,-31734.7774311203,-0.013979842799999932,-34415.030297538644,-0.013880417452699481,-36817.19543196623,-0.013888395524056971,-38616.33714253593,-0.013717127876527327,-38695.651780904955,-0.01361640432862617,-35722.1831655498,-0.01397800452351988,-42366.641940594316,-0.013887324172999966,-43021.930140871365,-0.013712527731983679,-11218.87582455546,-0.013978669062493556,-11953.593539954116,-0.013801246833950537,-15155.669033516555,-0.013615220470017576,-18523.19994953454,-0.013624772927482794,-21509.778172918213,-0.013622991821846809,-21797.123195341293,-0.013713301535548467,-24225.28713247834,-0.013974056390000017,-24361.20150972461
+862,-0.013528105550139977,-29064.63949973408,-0.013877561129029742,-5376.51529979484,-0.013786257407999965,-27810.584551451502,-0.013705970163880176,-28901.072288851225,-0.013526051567873091,-31503.210543480363,-0.013879986779999933,-34172.52968042008,-0.013780558334334782,-36557.18671082408,-0.013788479009495471,-38341.964573414756,-0.013617002855530826,-38415.161474779336,-0.01351628370856287,-35458.4899558341,-0.01387816163406598,-42068.41688587164,-0.013787415365999967,-42712.98425427568,-0.013612436288684379,-11135.31959422292,-0.013878821426332956,-11869.42244734226,-0.013701237798921937,-15044.675808473574,-0.013515108554796876,-18388.089576662278,-0.013524590773604295,-21354.12151340453,-0.013522822764333208,-21634.876404389754,-0.013613204444048168,-24047.773333781253,-0.013874241701500017,-24192.327937050202
+863,-0.013427897360879777,-28854.57261286831,-0.013777722559756041,-5334.513303243228,-0.013686356991999965,-27608.706957071205,-0.013605926586041676,-28693.877145676543,-0.013425858593296291,-31271.653547050988,-0.013780130759999933,-33929.95826594865,-0.013680699215970081,-36297.09010018541,-0.013688562494933871,-38067.53734733059,-0.013516877834534327,-38134.60656981352,-0.01341616308849947,-35194.82017939662,-0.013778318744612281,-41770.118171474096,-0.013687506559000067,-42404.10333165917,-0.013512344845385379,-11051.803884454539,-0.013778973790172257,-11785.244063587244,-0.013601228763893237,-14933.70790424656,-0.013414996639576175,-18252.9481116557,-0.013424408619725693,-21198.450976747827,-0.013422653706819509,-21472.653593440948,-0.013513107352547767,-23870.272666849294,-0.013774427012999916,-24023.40390664865
+864,-0.013327689171619478,-28644.436799746214,-0.013677883990482542,-5292.5443700885935,-0.013586456575999864,-27406.77286859585,-0.013505883008203177,-28486.555962611248,-0.01332566561871939,-31040.089345071214,-0.013680274739999932,-33687.32434575984,-0.013580840097605282,-36036.908825663515,-0.013588645980372271,-37793.04792268198,-0.013416752813537627,-37853.990893316186,-0.01331604246843597,-34931.179980191024,-0.01367847585515868,-41471.754338794315,-0.013587597751999967,-42095.25104180252,-0.013412253402086079,-10968.335983206614,-0.013679126154011456,-11701.044107394522,-0.013501219728864736,-14822.771507756039,-0.013314884724355375,-18117.781974643865,-0.013324226465847194,-21042.770279359094,-0.013322484649306009,-21310.43595335655,-0.013413010261047567,-23692.765366294825,-0.013674612324499916,-23854.424812145608
+865,-0.013227480982359078,-28434.220260334747,-0.013578045421208941,-5250.587023276727,-0.013486556159999965,-27204.790960717524,-0.013405839430364577,-28279.119707326598,-0.013225472644142491,-30808.515977499464,-0.013580418720000032,-33444.59476955118,-0.013480980979240581,-35776.64643143454,-0.013488729465810671,-37518.4391034703,-0.013316627792541027,-37573.31786100023,-0.01321592184837257,-34667.577863021346,-0.01357863296570498,-41173.327799676576,-0.013487688944999967,-41786.44255482899,-0.01331216195878698,-10884.922512919458,-0.013579278517850856,-11616.83042506718,-0.013401210693835937,-14711.869217698571,-0.013214772809134776,-17982.59850651931,-0.013224044311968594,-20887.083089109536,-0.01322231559179251,-21148.22567202762,-0.013312913169547068,-23515.25235771864,-0.013574797636000117,-23685.38907710514
+866,-0.013127272793098877,-28223.92192811143,-0.013478206851935341,-5208.663028294812,-0.013386655743999864,-27002.773863073293,-0.013305795852526076,-28071.611351288797,-0.013125279669565691,-30576.937605666153,-0.013480562699999832,-33201.78582845662,-0.013381121860875781,-35516.30729568871,-0.013388812951249171,-37243.72043791708,-0.013216502771544526,-37292.59061933133,-0.01311580122830917,-34404.030051432215,-0.01347879007625128,-40874.834327659766,-0.013387780138000066,-41477.70964445787,-0.01321207051548798,-10801.57088245723,-0.013479430881690157,-11532.620802751977,-0.013301201658807436,-14600.986335940303,-0.013114660893913976,-17847.40340643993,-0.013123862158090093,-20731.39137625311,-0.013122146534278909,-20986.025447671644,-0.013212816078046667,-23337.745887911085,-0.013474982947500116,-23516.302838228243
+867,-0.013027064603838578,-28013.5203885464,-0.013378368282661642,-5166.781769089148,-0.013286755327999965,-26800.7490654786,-0.013205752274687578,-27864.04272980265,-0.01302508669498879,-30345.358469648116,-0.013380706679999932,-32958.92693562794,-0.013281262742511082,-35255.8988347381,-0.013288896436687672,-36968.871718965784,-0.013116377750548027,-37011.81214149734,-0.01301568060824567,-34140.568172219195,-0.01337894718679738,-40576.2850817753,-0.013287871330999866,-41168.99766524256,-0.01311197907218868,-10718.295389197658,-0.013379583245529557,-11448.38848467632,-0.013201192623778737,-14490.125278002368,-0.013014548978693375,-17712.16510133428,-0.013023680004211493,-20575.68640553565,-0.01302197747676521,-20823.837923482097,-0.013112718986546467,-23160.25172690284,-0.013375168259000116,-23347.17550660202
+868,-0.012926856414578178,-27803.040719372046,-0.013278529713388141,-5124.92889452474,-0.013186854911999866,-26598.730991222852,-0.013105708696848977,-27656.42438228739,-0.012924893720412091,-30113.78306153382,-0.013280850659999932,-32716.02385294901,-0.013181403624146281,-34995.4128438575,-0.013188979922125971,-36693.922840637126,-0.013016252729551526,-36730.985305539354,-0.01291555998818227,-33877.12547358927,-0.01327910429734378,-40277.67956438882,-0.013187962523999966,-40860.28561078929,-0.013011887628889579,-10635.094862535032,-0.013279735609368957,-11364.120473961502,-0.013101183588750136,-14379.290539403246,-0.012914437063472575,-17576.87536564315,-0.012923497850332994,-20419.903487130086,-0.012921808419251708,-20661.665708232133,-0.013012621895046067,-22982.774509702627,-0.013275353570500015,-23178.016308664486
+869,-0.012826648225317877,-27592.493288785932,-0.01317869114411454,-5083.081605736594,-0.013086954495999965,-26396.731104552346,-0.013005665119010476,-27448.769712209047,-0.01282470074583529,-29882.196932381903,-0.013180994639999933,-32473.04747378434,-0.013081544505781582,-34734.765299236795,-0.013089063407564471,-36418.8853654244,-0.012916127708554926,-36450.11297565383,-0.01281543936811877,-33613.697579780535,-0.01317926140789008,-39978.9998201195,-0.013088053716999967,-40551.566212742655,-0.01291179618559038,-10551.954036061232,-0.013179887973208257,-11279.792048844925,-0.013001174553721536,-14268.48669285846,-0.012814325148251876,-17441.559317025592,-0.012823315696454394,-20263.974296683133,-0.01282163936173811,-20499.51139630851,-0.012912524803545768,-22805.31853418283,-0.013175538882000017,-23008.847015348474
+870,-0.012726440036057678,-27381.885210102944,-0.013078852574840942,-5041.26870170853,-0.012987054080000065,-26194.743755520758,-0.012905621541171877,-27241.089228136236,-0.012724507771258392,-29650.594950298208,-0.013081138620000033,-32230.002293493962,-0.012981685387416782,-34473.99073975475,-0.012989146893002972,-36143.766469986185,-0.012816002687558427,-36169.18712255075,-0.01271531874805547,-33350.28799053495,-0.013079418518436381,-39680.247817631425,-0.012988144909999867,-40242.84241586565,-0.012811704742291279,-10468.877025987578,-0.013080040337047457,-11195.423864259004,-0.012901165518692836,-14157.692371738616,-0.012714213233031076,-17306.210091682537,-0.012723133542575893,-20107.959891279625,-0.01272147030422461,-20337.373361239217,-0.012812427712045368,-22627.88812549222,-0.013075724193500017,-22839.646266168304
+871,-0.012626231846797377,-27171.222322222846,-0.012979014005567441,-4999.490477706019,-0.012887153663999965,-25992.741266963836,-0.012805577963333377,-27033.334357133885,-0.012624314796681592,-29418.99174798548,-0.012981282599999833,-31986.870614560692,-0.012881826269052082,-34213.10232940754,-0.012889230378441472,-35868.57147407116,-0.012715877666561726,-35888.15656837054,-0.012615198127992071,-33086.90132629275,-0.01297957562898268,-39381.42556027968,-0.012888236102999967,-39934.11709697841,-0.01271161329899208,-10385.86812113382,-0.012980192700886857,-11111.02707963934,-0.012801156483664337,-14046.828231620973,-0.012614101317810477,-17170.81067202009,-0.012622951388697394,-19951.89044316802,-0.012621301246710908,-20175.213961303692,-0.012712330620545068,-22450.48795250634,-0.012975909505000017,-22670.38184645713
+872,-0.012526023657536977,-26960.509845971275,-0.012879175436293742,-4957.719246247019,-0.012787253248000065,-25790.761411559928,-0.012705534385494877,-26825.469081576983,-0.01252412182210469,-29187.41064233027,-0.012881426579999933,-31743.62316121434,-0.012781967150687282,-33952.10742638402,-0.012789313863879772,-35593.30466560032,-0.012615752645565227,-35607.05269246678,-0.01251507750792857,-32823.54771120993,-0.012879732739528981,-39082.535193951146,-0.012788327295999966,-39625.3440281474,-0.012611521855692979,-10302.931905969868,-0.012880345064726156,-11026.609707992146,-0.012701147448635637,-13935.944566527683,-0.012513989402589677,-17035.37676357593,-0.012522769234818794,-19795.7846151118,-0.012521132189197409,-20012.999033937464,-0.012612233529044668,-22273.122828993495,-0.012876094816500016,-22501.035199046393
+873,-0.012425815468276777,-26749.752527390818,-0.012779336867020142,-4915.966226942287,-0.012687352831999964,-25588.829547882262,-0.012605490807656277,-26617.567500086487,-0.01242392884752789,-28955.822953788447,-0.012781570559999933,-31500.237736287192,-0.012682108032322581,-33691.011335443545,-0.012689397349318272,-35317.96967749938,-0.012515627624568726,-35325.89564177113,-0.01241495688786517,-32560.22904905394,-0.012779889850075181,-38783.57936820038,-0.012688418489000066,-39316.49186995039,-0.01251143041239378,-10220.014668407135,-0.012780497428565556,-10942.176452640311,-0.012601138413607037,-13825.045605285228,-0.012413877487368876,-16899.882426275854,-0.012422587080940293,-19639.658735529676,-0.012420963131683808,-19850.762578649425,-0.012512136437544268,-22095.799024509786,-0.012776280128000016,-22331.615103770244
+874,-0.012325607279016477,-26538.919687619917,-0.012679498297746642,-4874.2402262912265,-0.012587452416000065,-25386.91927845883,-0.012505447229817578,-26409.64507693583,-0.012323735872950992,-28724.233143853322,-0.012681714539999932,-31256.74890867281,-0.012582248913957882,-33429.81835117651,-0.012589480834756773,-35042.56969116811,-0.012415502603572126,-35044.68314356905,-0.01231483626780167,-32296.927055729255,-0.01268004696062148,-38484.56291413119,-0.012588509681999966,-39007.58983540191,-0.012411338969094679,-10137.132447492228,-0.012680649792404956,-10857.707304902624,-0.012501129378578337,-13714.148991147897,-0.012313765572148276,-16764.354484938445,-0.012322404927061693,-19483.531192481674,-0.012320794074170308,-19688.519840010493,-0.012412039346043967,-21918.535739715273,-0.012676465439500016,-22162.09980162352
+875,-0.012225399089756178,-26327.9982378017,-0.012579659728473042,-4832.54969165613,-0.012487551999999964,-25185.01239768775,-0.012405403651979077,-26201.665297945678,-0.012223542898374191,-28492.618265076813,-0.012581858520000032,-31013.169389562798,-0.012482389795593081,-33168.53220008121,-0.012489564320195072,-34767.10755852621,-0.012315377582575627,-34763.41072679093,-0.01221471564773827,-32033.64409546915,-0.012580204071167781,-38185.43407685409,-0.012488600874999967,-38698.64895397345,-0.01231124752579548,-10054.30939656789,-0.012580802156244257,-10773.200652472822,-0.012401120343549737,-13603.241625774437,-0.012213653656927476,-16628.796462114697,-0.012222222773183194,-19327.43718908838,-0.012220625016656609,-19526.2818735642,-0.012311942254543568,-21741.333046139247,-0.012576650751000016,-21992.443219345358
+876,-0.012125190900495778,-26116.973221600485,-0.012479821159199342,-4790.892386614262,-0.012387651583999964,-24983.139482697792,-0.012305360074140577,-25993.639483236926,-0.012123349923797492,-28260.988466525985,-0.012482002499999832,-30769.507226370522,-0.012382530677228382,-32907.15628010586,-0.012389647805633572,-34491.5858807517,-0.012215252561579126,-34482.082200606164,-0.01211459502767487,-31770.382678880036,-0.01248036118171418,-37886.15138275844,-0.012388692068000067,-38389.63239682163,-0.012211156082496379,-9971.56158356596,-0.012480954520083456,-10688.66268602509,-0.012301111308521236,-13492.320390458379,-0.012113541741706776,-16493.190256932423,-0.012122040619304594,-19171.391078338092,-0.012120455959143009,-19364.05561526824,-0.012211845163043267,-21564.143993247002,-0.012476836062499917,-21822.629027942246
+877,-0.012024982711235577,-25905.828046016275,-0.012379982589925741,-4749.272898760671,-0.012287751167999964,-24781.31048523185,-0.012205316496301976,-25785.578378233735,-0.012023156949220591,-28029.360864858463,-0.012382146479999932,-30525.76851074263,-0.012282671558863582,-32645.692859903742,-0.012289731291072071,-34216.00645118047,-0.012115127540582627,-34200.70081787675,-0.01201447440761137,-31507.145524460757,-0.01238051829226048,-37586.749066949815,-0.012288783260999867,-38080.56165841006,-0.01211106463919728,-9888.911597121301,-0.012381106883922856,-10604.100149028223,-0.012201102273492437,-13381.392249788121,-0.012013429826485976,-16357.502606527387,-0.012021858465426093,-19015.368342297428,-0.012020286901629509,-19201.837999633433,-0.012111748071542867,-21386.956563071486,-0.012377021373999916,-21652.697006427126
+878,-0.011924774521975278,-25694.60825830249,-0.012280144020652242,-4707.695506025474,-0.012187850751999966,-24579.5502080378,-0.012105272918463477,-25577.465166540856,-0.01192296397464369,-27797.734651992643,-0.012282290459999932,-30281.958255344216,-0.012182812440498882,-32384.138238616226,-0.012189814776510472,-33940.35430728403,-0.012015002519585927,-33919.26915652243,-0.011914353787548071,-31243.905395916878,-0.012280675402806581,-37287.24246096248,-0.012188874453999967,-37771.45222900236,-0.012010973195898078,-9806.390731493464,-0.012281259247762157,-10519.518748655257,-0.012101093238463936,-13270.462890105311,-0.011913317911265375,-16221.764178364894,-0.011921676311547494,-18859.343940162016,-0.011920117844116009,-19039.610649104703,-0.012011650980042468,-21209.7878208731,-0.012277206685500116,-21482.640675855953
+879,-0.011824566332715078,-25483.24532672551,-0.012180305451378541,-4666.16427846599,-0.012087950335999966,-24377.904795953502,-0.012005229340624876,-25369.316777230168,-0.01182277100006689,-27566.13231155877,-0.012182434439999933,-30038.08078966674,-0.012082953322134082,-32122.49905227746,-0.012089898261948872,-33664.63704233997,-0.011914877498589426,-33637.78495376672,-0.011814233167484471,-30980.665935240584,-0.01218083251335298,-36987.62115213718,-0.012088965646999966,-37462.3141963735,-0.01191088175259898,-9723.952351367954,-0.012181411611601557,-10434.924056173159,-0.012001084203435236,-13159.537275030354,-0.011813205996044575,-16085.995432294152,-0.011821494157668994,-18703.23717723359,-0.011819948786602308,-18877.35298301938,-0.011911553888542167,-21032.62837867062,-0.012177391997000115,-21312.446907475012
+880,-0.011724358143454577,-25271.720204802554,-0.012080466882104941,-4624.6832175638265,-0.011988049919999966,-24176.328674173375,-0.011905185762786376,-25161.152221134835,-0.011722578025489991,-27334.509231608467,-0.012082578419999932,-29794.139972418656,-0.011983094203769381,-31860.781288049646,-0.011989981747387272,-33388.854716501875,-0.011814752477592826,-33356.252421527926,-0.01171411254742117,-30717.44352368308,-0.01208098962389928,-36687.879872668,-0.011989056839999866,-37153.159531533456,-0.01181079030929978,-9641.518433889285,-0.012081563975440857,-10350.316829911528,-0.011901075168406636,-13048.614288296452,-0.011713094080823976,-15950.20882681643,-0.011721312003790394,-18547.051065276642,-0.01171977972908871,-18715.089928625435,-0.011811456797041767,-20855.490968547787,-0.012077577308500016,-21142.128173582783
+881,-0.011624149954194377,-25060.031448802543,-0.011980628312831441,-4583.256390852517,-0.011888149503999865,-23974.852168804784,-0.011805142184947878,-24953.003229823324,-0.011622385050913191,-27102.807834826846,-0.011982722399999833,-29550.13434837837,-0.011883235085404582,-31598.994689500316,-0.01189006523282577,-33112.99968773746,-0.011714627456596327,-33074.67486256223,-0.011613991927357771,-30454.25022425032,-0.01198114673444558,-36388.01852733287,-0.011889148032999966,-36843.99831736141,-0.01171069886600068,-9559.133357093722,-0.011981716339280158,-10265.707637171961,-0.011801066133377936,-12937.69481447334,-0.011612982165603176,-15814.390940224595,-0.011621129849911893,-18390.802556642146,-0.01161961067157521,-18552.831229643336,-0.011711359705541567,-20678.391388977576,-0.011977762620000016,-20971.70574924799
+882,-0.011523941764934077,-24848.21235663034,-0.011880789743557841,-4541.888095179336,-0.011788249087999966,-23773.435068653474,-0.011705098607109277,-24744.89536774179,-0.01152219207633629,-26871.04142970216,-0.011882866379999933,-29306.060624992984,-0.011783375967039881,-31337.128758472834,-0.011790148718264172,-32837.06814423979,-0.011614502435599826,-32793.04849239903,-0.01151387130729427,-30191.08322063464,-0.011881303844991881,-36088.025649634794,-0.011789239225999967,-36534.803934883494,-0.01161060742270138,-9476.788747813862,-0.011881868703119457,-10181.099820601816,-0.011701057098349336,-12826.786979499942,-0.011512870250382477,-15678.524034182637,-0.011520947696033195,-18234.49948689237,-0.011519441614061609,-18390.573026504822,-0.011611262614041067,-20501.36209428157,-0.011877947931500016,-20801.187730917965
+883,-0.011423733575673877,-24636.276178465865,-0.011780951174284142,-4500.583102685049,-0.011688348671999865,-23572.04358914477,-0.011605055029270776,-24536.763876477442,-0.011421999101759492,-26639.162614224097,-0.011783010359999933,-29061.92695479749,-0.011683516848675081,-31075.18220283452,-0.011690232203702572,-32561.070970653287,-0.011514377414603226,-32511.35284533019,-0.01141375068723087,-29927.94828572074,-0.01178146095553808,-35787.922082174,-0.011689330419000067,-36225.570827144904,-0.01151051597940238,-9394.471537388645,-0.011782021066958857,-10096.476545060747,-0.011601048063320837,-12715.896210185823,-0.011412758335161775,-15542.630473050294,-0.011420765542154794,-18078.147719612745,-0.011419272556547908,-18228.32278678601,-0.011511165522540667,-20324.36352713785,-0.011778133243000016,-20630.536747096216
+884,-0.011323525386413477,-24424.204396049892,-0.011681112605010542,-4459.3471188825615,-0.011588448255999965,-23370.670524801368,-0.011505011451432276,-24328.551735694426,-0.011321806127182591,-26407.206120212617,-0.011683154339999932,-28817.737692357005,-0.011583657730310382,-30813.157121345248,-0.011590315689141071,-32285.013648015032,-0.011414252393606727,-32229.602554065706,-0.01131363006716737,-29664.862989971913,-0.01168161806608438,-35487.71637128663,-0.011589421611999967,-35916.30826071023,-0.01141042453610308,-9312.187247448923,-0.011682173430798156,-10011.841123153437,-0.011501039028292036,-12605.022869449193,-0.011312646419941076,-15406.728020771387,-0.011320583388276094,-17921.752258983746,-0.011319103499034408,-18066.0888801027,-0.011411068431040467,-20147.334496786745,-0.011678318554500015,-20459.775749605
+885,-0.011223317197153177,-24212.02571497572,-0.01158127403573704,-4418.1878864664495,-0.011488547840000064,-23169.285069200938,-0.011404967873593677,-24120.240656980026,-0.011221613152605892,-26175.1875781936,-0.011583298319999932,-28573.49488145895,-0.011483798611945581,-30551.05552131296,-0.011490399174579571,-32008.883159911187,-0.011314127372610026,-31947.803936165572,-0.01121350944710397,-29401.820718130784,-0.011581775176630681,-35187.41433111913,-0.011489512804999966,-35607.02133315403,-0.01131033309280408,-9229.940562072832,-0.011582325794637556,-9927.176754399376,-0.011401029993263537,-12494.171871536964,-0.011212534504720276,-15270.828923698165,-0.011220401234397694,-17765.31765697992,-0.011218934441520908,-17903.87742482679,-0.011310971339539967,-19970.274425375763,-0.011578503866000017,-20288.920205250477
+886,-0.011123109007892977,-23999.757784683698,-0.011481435466463442,-4377.119524167423,-0.011388647423999965,-22967.88447275888,-0.011304924295755176,-23911.85964633226,-0.011121420178029091,-25943.11610033617,-0.011483442300000032,-28329.166862003716,-0.011383939493580882,-30288.879338963332,-0.011390482660017872,-31732.646984461397,-0.011214002351613527,-31665.960994471618,-0.01111338882704057,-29138.805568622814,-0.01148193228717698,-34887.02053791883,-0.011389603998000066,-35297.71407702898,-0.011210241649504779,-9147.71911763502,-0.011482478158476857,-9842.490487160216,-0.011301020958234837,-12383.354738185943,-0.011112422589499677,-15134.97572725253,-0.011120219080518993,-17608.842818940564,-0.011118765384007308,-17741.694064406856,-0.011210874248039767,-19793.18375831358,-0.011478689177500017,-20117.979551360953
+887,-0.011022900818632678,-23787.41743816467,-0.011381596897189742,-4336.1734004195805,-0.011288747008000064,-22766.472654702186,-0.011204880717916676,-23703.421829577223,-0.01102122720345219,-25710.998389236196,-0.011383586279999832,-28084.768049659302,-0.011284080375216181,-30026.630453640406,-0.011290566145456371,-31456.298798268985,-0.011113877330617026,-31384.076891148383,-0.01101326820697707,-28875.825246342316,-0.011382089397723281,-34586.53884449923,-0.011289695190999966,-34988.39000450697,-0.011110150206205678,-9065.467582106217,-0.011382630522316056,-9757.78655408615,-0.011201011923206237,-12272.563112707812,-0.011012310674278877,-14999.146182730972,-0.011020036926640595,-17452.28956583016,-0.011018596326493608,-17579.544436910877,-0.011110777156539367,-19616.078812885207,-0.011378874489000016,-19946.96141596292
+888,-0.010922692629372278,-23575.038156835195,-0.011281758327916242,-4295.291711880918,-0.011188846591999965,-22565.05935442746,-0.011104837140078077,-23494.947073404717,-0.010921034228875292,-25478.839876205202,-0.011283730259999932,-27840.308834550575,-0.011184221256851382,-29764.310698538844,-0.011190649630894871,-31179.864571458464,-0.011013752309620527,-31102.154350214794,-0.01091314758691377,-28612.90048104337,-0.011282246508269481,-34285.972625093,-0.011189786383999967,-34679.05233126489,-0.011010058762906479,-8983.21580500532,-0.011282782886155456,-9673.0482384789,-0.011101002888177636,-12161.77752655165,-0.010912198759058276,-14863.308645981608,-0.010919854772761894,-17295.6398330426,-0.010918427268980109,-17417.43455890839,-0.011010680065038867,-19438.948582485013,-0.011279059800500016,-19775.87274399016
+889,-0.010822484440111977,-23362.61417012027,-0.011181919758642642,-4254.454597557805,-0.011088946176000066,-22363.634263004336,-0.011004793562239577,-23286.412468433442,-0.010820841254298491,-25246.645214413336,-0.011183874239999933,-27595.79496933907,-0.01108436213848668,-29501.92186964906,-0.011090733116333372,-30903.353804848415,-0.010913627288623927,-30820.19582562097,-0.010813026966850171,-28350.001512534716,-0.01118240361881578,-33985.324912842676,-0.011089877577000067,-34369.70408347564,-0.01090996731960738,-8900.967205856312,-0.011182935249994856,-9588.290095111044,-0.011000993853148937,-12051.005142594913,-0.010812086843837476,-14727.46988408834,-0.010819672618883393,-17138.92330433769,-0.010818258211466609,-17255.37144862413,-0.010910582973538668,-19261.773584175535,-0.011179245111999915,-19604.720529369555
+890,-0.010722276250851778,-23150.09905470759,-0.011082081189369042,-4213.627993202967,-0.010989045759999965,-22162.20446980639,-0.010904749984400977,-23077.820887398117,-0.01072064827972159,-25014.395372661384,-0.011084018219999933,-27351.23085422878,-0.010984503020121881,-29239.46573442018,-0.010990816601771671,-30626.772690301834,-0.010813502267627426,-30538.200288148644,-0.01071290634678687,-28087.099714129654,-0.011082560729362081,-33684.59848532283,-0.010989968769999867,-34060.34816012054,-0.01080987587630828,-8818.719569706476,-0.011083087613834157,-9503.519852993246,-0.010900984818120437,-11940.251644295255,-0.010711974928616776,-14591.636594077581,-0.010719490465004995,-16982.155534207926,-0.010718089153953008,-17093.365159963367,-0.010810485882038267,-19084.554419444717,-0.011079430423499917,-19433.512922968996
+891,-0.010622068061591477,-22937.474225486247,-0.010982242620095542,-4172.832529167306,-0.010889145343999965,-21960.77605963628,-0.010804706406562477,-22869.177238974276,-0.01062045530514479,-24782.08244977667,-0.010984162200000033,-27106.61139264871,-0.010884643901757182,-28976.943845727797,-0.010890900087210172,-30350.125943758336,-0.010713377246630927,-30256.149632160712,-0.010612785726723471,-27824.207380634485,-0.01098271783990848,-33383.79054661102,-0.010890059962999967,-33750.98737445587,-0.01070978443300908,-8736.463055958213,-0.010983239977673557,-9418.742931079669,-0.010800975783091736,-11829.522146316845,-0.010611863013395976,-14455.815731348746,-0.010619308311126294,-16825.34754476736,-0.010617920096439309,-16931.433454032216,-0.010710388790537968,-18907.302840890352,-0.010979615735000116,-19262.26137754295
+892,-0.010521859872331077,-22724.747481961498,-0.010882404050821842,-4132.076138918518,-0.010789244927999965,-21759.354782871807,-0.010704662828723977,-22660.486072617656,-0.010520262330567891,-24549.724926082556,-0.010884306179999833,-26861.938692878583,-0.01078478478339238,-28714.325209851442,-0.010790983572648672,-30073.413183729914,-0.010613252225634227,-29974.038067233952,-0.01051266510665997,-27561.330321350546,-0.01088287495045478,-33082.893021875454,-0.010790151155999966,-33441.62448436959,-0.01060969298970998,-8654.22346748882,-0.010883392341512857,-9333.964038726834,-0.010700966748063137,-11718.821931910388,-0.010511751098175376,-14320.008710647466,-0.010519126157247894,-16668.503570028228,-0.01051775103892581,-16769.557580672357,-0.010610291699037568,-18730.015695817285,-0.010879801046500116,-19090.954606522857
+893,-0.010421651683070878,-22511.93084271762,-0.010782565481548241,-4091.363882143017,-0.010689344511999965,-21557.947417337717,-0.010604619250885378,-22451.751700819437,-0.010420069355991091,-24317.330543177228,-0.010784450159999933,-26617.21996145724,-0.010684925665027682,-28451.589467623613,-0.010691067058086971,-29796.62837915854,-0.010513127204637726,-29691.86089171675,-0.01041254448659657,-27298.473248802216,-0.010783032061000881,-32781.91521944042,-0.010690242348999866,-33132.25662928829,-0.01050960154641078,-8572.014525693732,-0.010783544705352057,-9249.187687515603,-0.010600957713034436,-11608.157283713386,-0.010411639182954575,-14184.20238344137,-0.010418944003369193,-16511.632482968846,-0.010417581981412209,-16607.743755486303,-0.010510194607537268,-18552.709575159977,-0.010779986358000017,-18919.507701897
+894,-0.010321443493810577,-22299.031434681776,-0.010682726912274641,-4050.6986735758273,-0.010589444095999965,-21356.557327982606,-0.010504575673046877,-22242.978282529875,-0.010319876381414392,-24084.905274673816,-0.010684594139999932,-26372.45941043347,-0.010585066546662882,-28188.759434892207,-0.010591150543525472,-29519.780529693002,-0.010413002183641126,-29409.63378344457,-0.010312423866533171,-27035.64091893472,-0.01068318917154728,-32480.861437008796,-0.010590333541999966,-32822.84147962626,-0.01040951010311168,-8489.83900921428,-0.010683697069191457,-9164.418559787806,-0.010500948678005837,-11497.538230838167,-0.010311527267733977,-14048.400294727182,-0.010318761849490694,-16354.747661961923,-0.010317412923898709,-16445.986776490543,-0.010410097516036868,-18375.393245421405,-0.010680171669500017,-18747.94068205378
+895,-0.010221235304550278,-22086.055523173807,-0.010582888343001142,-4010.063566721048,-0.010489543679999965,-21155.18656506617,-0.010404532095208377,-22034.169885987954,-0.010219683406837491,-23852.455949988198,-0.010584738119999932,-26127.660609894418,-0.010485207428298182,-27925.844566878623,-0.010491234028963972,-29242.874189898746,-0.010312877162644627,-29127.363071634096,-0.01021230324646967,-26772.838840849876,-0.01058334628209358,-32179.734835582938,-0.010490424734999967,-32513.401344353057,-0.01030941865981248,-8407.706426926912,-0.010583849433030857,-9079.662110069592,-0.010400939642977336,-11386.975107023758,-0.010211415352513176,-13912.650634654892,-0.010218579695612094,-16197.842861615172,-0.010217243866385008,-16284.232737220827,-0.010310000424536468,-18198.073671001544,-0.010580356981000016,-18576.206396450038
+896,-0.010121027115289878,-21873.009609099525,-0.010483049773727441,-3969.4691096220567,-0.010389643263999866,-20953.840456536913,-0.010304488517369776,-21825.330540554187,-0.01011949043226069,-23619.985452406007,-0.010484882100000032,-25882.826838614026,-0.010385348309933382,-27662.850461041766,-0.010391317514402372,-28965.912547466236,-0.010212752141648126,-28845.0531524971,-0.01011218262640637,-26510.07450311812,-0.01048350339263988,-31878.538112243445,-0.010390515928000067,-32203.94770655445,-0.010209327216513379,-8325.592277663698,-0.010484001796870156,-8994.927421975468,-0.010300930607948537,-11276.419976853907,-0.010111303437292475,-13776.886729477961,-0.010118397541733593,-16040.922179475445,-0.010117074808871508,-16122.467687143842,-0.010209903333036167,-18020.757390076087,-0.010480542292500016,-18404.335302205174
+897,-0.010020818926029677,-21659.90467242353,-0.01038321120445384,-3928.9229288699153,-0.010289742847999965,-20752.52562293694,-0.010204444939531277,-21616.45018398808,-0.010019297457683792,-23387.491665714315,-0.010385026079999832,-25637.961226852138,-0.010285489191568681,-27399.78128369654,-0.010291400999840772,-28688.87090324895,-0.010112627120651627,-28562.7075609811,-0.01001206200634277,-26247.36192513954,-0.010383660503186181,-31577.2068983179,-0.010290607120999967,-31894.48724438303,-0.01010923577321418,-8243.483874512156,-0.010384154160709556,-8910.222188195943,-0.010200921572920036,-11165.886188560355,-0.010011191522071677,-13641.100569027843,-0.010018215387854993,-15883.99532497909,-0.01001690575135791,-15960.707258370625,-0.010109806241535768,-17843.451640867876,-0.010380727604000016,-18232.345129597634
+898,-0.009920610736769397,-21446.662502293293,-0.010283372635180341,-3888.430139980046,-0.010189842431999866,-20551.255052568624,-0.010104401361692677,-21407.523378039405,-0.009919104483106941,-23154.97776132819,-0.010285170059999932,-25393.066841534193,-0.010185630073203982,-27136.64046653192,-0.010191484485279172,-28411.758471737594,-0.010012502099655027,-28280.329345097685,-0.00991194138627947,-25984.732723598554,-0.01028381761373238,-31275.75012250366,-0.010190698313999966,-31585.025181711553,-0.010009144329915079,-8161.364326255519,-0.010284306524548857,-8825.5282916589,-0.010100912537891337,-11055.391276550465,-0.009911079606851076,-13505.304295267268,-0.009918033233976524,-15727.07916979764,-0.009916736693844389,-15798.96082390377,-0.010009709150035568,-17666.169897579362,-0.010280912915500016,-18060.247558084266
+899,-0.009820402547508987,-21233.27654599557,-0.010183534065906741,-3847.9952997079126,-0.010089942015999965,-20350.01958322375,-0.010004357783854176,-21198.545599170702,-0.009818911508530091,-22922.44675806852,-0.010185314039999933,-25148.146754849564,-0.01008577095483918,-26873.431002758534,-0.010091567970717672,-28134.5847357649,-0.009912377078658366,-27997.92124159758,-0.00981182076621607,-25722.12457901155,-0.01018397472427868,-30974.191890500893,-0.010090789507000066,-31275.547950754288,-0.00990905288661588,-8079.25590105723,-0.010184458888388056,-8740.849121355974,-0.010000903502862736,-10944.924196080723,-0.009810967691630276,-13369.50673503322,-0.009817851080097894,-15570.208849456114,-0.009816567636330688,-15637.235652116693,-0.009909612058535097,-17488.912721890407,-0.010181098227000016,-17888.0468425675
+900,-0.009720194358248727,-21019.776269270267,-0.010083695496633042,-3807.62298333759,-0.009990041600000065,-20148.81605730405,-0.009904314206015646,-20989.502849371973,-0.009718718533953232,-22689.901582953706,-0.010085458019999933,-24903.20411678065,-0.009985911836474482,-26610.15559938577,-0.009991651456156072,-27857.354612954674,-0.009812252057661836,-27715.485772656317,-0.00971170014615254,-25459.528977026745,-0.010084131834824981,-30672.5416684349,-0.009990880699999967,-30966.02754574196,-0.00980896144331676,-7997.157216722664,-0.010084611252227456,-8656.142580997204,-0.009900894467834027,-10834.476934620947,-0.009710855776409635,-13233.715977570635,-0.009717668926219414,-15413.318935020883,-0.009716398578817148,-15475.532140061128,-0.009809514967034687,-17311.6564043539,-0.010081283538500017,-17715.70375500783
+901,-0.009619986168988468,-20806.142535830124,-0.009983856927359442,-3767.3182785823446,-0.009890141183999956,-19947.648761864846,-0.009804270628177106,-20780.41907925913,-0.009618525559376381,-22457.345131337563,-0.009985601999999982,-24658.242252406726,-0.00988605271810969,-26346.767356887234,-0.009891734941594501,-27580.071783909363,-0.009712127036665316,-27433.025305034196,-0.00961157952608917,-25196.947603298362,-0.00998428894537128,-30370.80568872772,-0.009890971892999966,-30656.490500376884,-0.00970887000001768,-7915.048320026457,-0.009984763616066856,-8571.419294171506,-0.009800885432805467,-10724.05258742569,-0.009610743861188846,-13097.940514857737,-0.009617486772340785,-15256.403033923469,-0.009616229521303608,-15313.864913645592,-0.009709417875534417,-17134.368750165777,-0.009981468850000017,-17543.241429923437
+902,-0.009519777979728217,-20592.356232470607,-0.009884018358085942,-3727.0877383941097,-0.009790240768000035,-19746.468905536683,-0.009704227050338568,-20571.30531523106,-0.00951833258479952,-22224.780343212497,-0.009885745979999862,-24413.262907069286,-0.009786193599744952,-26083.269931590385,-0.009791818427032981,-27302.73932693844,-0.009612002015668787,-27150.542089064784,-0.00951145890602565,-24934.381838333957,-0.00988444605591763,-30068.988731026,-0.009791063086000017,-30346.94765123363,-0.009608778556718439,-7832.952627145228,-0.009884915979906166,-8486.697544154888,-0.009700876397776908,-10613.654135709992,-0.009510631945968205,-12962.191083145099,-0.009517304618462305,-15099.465119875966,-0.009516060463790069,-15152.237963112182,-0.009609320784034007,-16957.072586237082,-0.009881654161499956,-17370.67288680384
+903,-0.009419569790467807,-20378.42489959289,-0.009784179788812302,-3686.934798073109,-0.009690340351999956,-19545.279875527704,-0.009604183472500036,-20362.170372586665,-0.009418139610222821,-21992.21033052253,-0.009785889959999893,-24168.263259997744,-0.009686334481380362,-25819.639221303754,-0.009691901912471471,-27025.359958868805,-0.009511876994672257,-26868.038286047275,-0.00941133828596228,-24671.82067721155,-0.00978460316646379,-29767.093834877272,-0.009691154278999907,-30037.406693177785,-0.009508687113419359,-7750.823063253716,-0.009785068343745526,-8401.987402718385,-0.009600867362748186,-10503.284573892797,-0.009410520030747415,-12826.491584202866,-0.009417122464583674,-14942.509470469306,-0.00941589140627637,-14990.641101453522,-0.009509223692533748,-16779.779856628065,-0.009781839472999947,-17198.002380523998
+904,-0.009319361601207547,-20164.370416900143,-0.009684341219538662,-3646.8594119318323,-0.009590439936000025,-19344.1082456961,-0.009504139894661498,-20153.022264217343,-0.00931794663564597,-21759.63866923477,-0.009686033939999922,-23923.25306285072,-0.009586475363015611,-25555.89529784611,-0.009591985397909791,-26747.936153002698,-0.009411751973675737,-26585.515988411076,-0.009311217665898921,-24409.26949123277,-0.00968476027701011,-29465.078085719306,-0.009591245471999956,-29727.874342383362,-0.00940859567012013,-7668.668927528174,-0.009685220707584727,-8317.29858093462,-0.009500858327719627,-10392.947067599176,-0.009310408115526777,-12690.826200269064,-0.009316940310705193,-14785.540856701842,-0.009315722348762828,-14829.077783675524,-0.009409126601033328,-16602.50097274229,-0.009682024784500086,-17025.237760757183
+905,-0.009219153411947288,-19950.211821496687,-0.009584502650265172,-3606.829316403154,-0.009490539519999935,-19142.966796440363,-0.009404096316822957,-19943.827415847223,-0.009217753661069111,-21527.07053706202,-0.009586177919999942,-23678.229211394577,-0.009486616244650862,-25292.05426255255,-0.009492068883348272,-26470.470206237325,-0.009311626952679047,-26302.97723531557,-0.00921109704583539,-24146.732970499204,-0.00958491738755643,-29162.957572280513,-0.009491336665000006,-29418.35709047,-0.009308504226821048,-7586.520857120229,-0.009585373071424087,-8232.647013539185,-0.009400849292690916,-10282.645325260673,-0.009210296200305985,-12555.179711997675,-0.009216758156826564,-14628.564895461437,-0.009215553291249288,-14667.524959129432,-0.009309029509532907,-16425.256807589238,-0.009582210096000077,-16852.385133803662
+906,-0.009118945222687037,-19735.949171076663,-0.009484664080991531,-3566.8374200147946,-0.009390639104000014,-18941.866528225626,-0.009304052738984428,-19734.60403333485,-0.00911756068649226,-21294.515471819737,-0.009486321899999973,-23433.171966634884,-0.009386757126286121,-25028.124569024592,-0.009392152368786762,-26192.964281292272,-0.009211501931682527,-26020.424025168464,-0.00911097642577203,-23884.211579121566,-0.009485074498102741,-28860.74620570791,-0.009391427857999887,-29108.861695690415,-0.00920841278352182,-7504.396610030009,-0.009485525435263447,-8148.035225646612,-0.009300840257662356,-10172.38587085385,-0.009110184285085346,-12419.495807159325,-0.009116576002948084,-14471.588857376206,-0.009115384233735759,-14505.99788505986,-0.009208932418032648,-16248.035310552212,-0.009482395407500066,-16679.449570894198
+907,-0.009018737033426627,-19521.56972629643,-0.009384825511717891,-3526.904287777478,-0.009290738687999924,-18740.81904317066,-0.009204009161145726,-19525.305294807546,-0.009017367711915402,-21061.958227641167,-0.009386465880000002,-23188.047703634264,-0.009286898007921372,-24764.112335325844,-0.009292235854225242,-25915.420435243323,-0.009111376910685996,-25737.85832620063,-0.0090108558057085,-23621.63653912835,-0.00938523160864906,-28558.450972544622,-0.009291519050999937,-28799.395754963312,-0.00910832134022274,-7422.311041893093,-0.009385677799102807,-8063.436841272794,-0.009200831222633637,-10062.166555950123,-0.009010072369864557,-12283.812815474359,-0.009016393849069455,-14314.62446875949,-0.009015215176222058,-14344.509534588395,-0.009108835326532227,-16070.818863949427,-0.009382580719000047,-16506.435624658225
+908,-0.008918528844166367,-19307.081964570127,-0.009284986942444402,-3487.0187488134698,-0.009190838272000006,-18539.838870944404,-0.009103965583307196,-19315.981680405464,-0.008917174737338551,-20829.344568244065,-0.009286609859999883,-22942.875028727674,-0.009187038889556631,-24500.022515521992,-0.009192319339663572,-25637.840639904985,-0.009011251889689466,-25455.282085721665,-0.008910735185645141,-23359.032632553804,-0.00928538871919538,-28256.076933932414,-0.009191610243999986,-28489.968861491274,-0.009008229896923499,-7340.262783880494,-0.009285830162942156,-7978.844985761097,-0.009100822187605077,-9951.977926765401,-0.008909960454643765,-12148.134962104581,-0.008916211695190975,-14157.700943134061,-0.008915046118708518,-14183.070529411669,-0.009008738235031968,-15893.611332432214,-0.009282766030500036,-16333.347543716694
+909,-0.008818320654906108,-19092.49241257057,-0.009185148373170762,-3447.1844555316775,-0.009090937855999915,-18338.950294637267,-0.009003922005468656,-19106.708701919324,-0.00881698176276169,-20596.689209034354,-0.009186753839999912,-22697.66198040821,-0.009087179771191882,-24235.847833634616,-0.009092402825102052,-25360.226797148112,-0.008911126868692946,-25172.697238544803,-0.00881061456558177,-23096.41814847823,-0.009185545829741541,-27953.628227831643,-0.009091701437000036,-28180.597712157887,-0.008908138453624419,-7258.270271317646,-0.009185982526781516,-7894.258151022225,-0.009000813152576517,-9841.826308094678,-0.008809848539423126,-12012.45162769731,-0.008816029541312494,-14000.786837397665,-0.008814877061194978,-14021.693812631343,-0.008908641143531548,-15716.417110717188,-0.009182951342000025,-16160.18942706914
+910,-0.008718112465645857,-18877.806474541878,-0.009085309803897122,-3407.4053808807703,-0.008991037439999995,-18138.20406760049,-0.008903878427630118,-18897.402367055533,-0.008716788788184842,-20364.008192711633,-0.009086897819999943,-22452.41411608821,-0.008987320652827131,-23971.570574806363,-0.008992486310540532,-25082.58075069956,-0.008811001847696417,-24890.09118510363,-0.00871049394551824,-22833.80179971701,-0.00908570294028786,-27651.108452237993,-0.008991792629999927,-27871.30258247717,-0.00880804701032519,-7176.274824958386,-0.009086134890620727,-7809.647967595555,-0.008900804117547796,-9731.718122634109,-0.008709736624202337,-11876.771959482612,-0.008715847387433863,-13843.829467342342,-0.008714708003681439,-13860.407363671578,-0.008808544052031138,-15539.23223620058,-0.009083136653500017,-15986.965392744745
+911,-0.008617904276385447,-18663.028866695564,-0.008985471234623482,-3367.6852038702273,-0.008891137023999905,-17937.550697178594,-0.008803834849791577,-18688.053777634104,-0.00861659581360814,-20131.30871439797,-0.008987041799999972,-22207.135947387767,-0.008887461534462392,-23707.20892583431,-0.008892569795978862,-24804.904295613233,-0.008710876826699887,-24607.44684459319,-0.008610373325454881,-22571.18971356865,-0.00898586005083418,-27348.52085361205,-0.008891883822999977,-27562.042924237816,-0.00870795556702611,-7094.292746734246,-0.008986287254460087,-7725.004411678939,-0.008800795082519236,-9621.660990055338,-0.008609624708981696,-11741.10471253775,-0.008615665233555383,-13686.838699421647,-0.00861453894616774,-13699.220832768766,-0.008708446960530868,-15362.034161293572,-0.008983321965000006,-15813.67986708316
+912,-0.008517696087125187,-18448.163827195636,-0.008885632665349991,-3328.027494654235,-0.008791236607999985,-17736.92764886454,-0.008703791271953048,-18478.686551976945,-0.008516402839031281,-19898.59575912218,-0.008887185780000003,-21961.825375819648,-0.008787602416097641,-23442.77059960881,-0.008792653281417342,-24527.199186109676,-0.008610751805703207,-24324.758510107928,-0.00851025270539151,-22308.58690203155,-0.0088860171613805,-27045.868434601703,-0.008791975016000026,-27252.826493969533,-0.008607864123727028,-7012.356096984835,-0.008886439618299437,-7640.339937754521,-0.008700786047490527,-9511.675203285464,-0.008509512793760896,-11605.459952794734,-0.008515483079676754,-13529.828255478105,-0.008514369888654198,-13538.06736887901,-0.008608349869030458,-15184.818028767904,-0.008883507276499987,-15640.338443769137
+913,-0.008417487897864928,-18233.215238696535,-0.008785794096076351,-3288.4358397637625,-0.008691336191999894,-17536.24957845414,-0.008603747694114507,-18269.29792029189,-0.00841620986445443,-19665.83951049304,-0.008787329759999872,-21716.44785823355,-0.008687743297732902,-23178.261011332652,-0.008692736766855821,-24249.467142157693,-0.008510626784706677,-24042.04283775667,-0.00841013208532799,-22045.997849296724,-0.00878617427192682,-26743.154022466926,-0.008692066208999916,-26943.665536890465,-0.0085077726804278,-6930.408183875259,-0.008786591982138797,-7555.663033614615,-0.008600777012461966,-9401.746488730627,-0.008409400878540255,-11469.854562457498,-0.008415300925798274,-13372.808544349124,-0.008414200831140658,-13376.929182094036,-0.008508252777530187,-15007.557829396952,-0.008783692587999976,-15466.953048989995
+914,-0.008317279708604677,-18018.18160404135,-0.008685955526802711,-3248.913953563606,-0.008591435775999976,-17335.55610747522,-0.008503704116275967,-18059.85786821405,-0.008316016889877572,-19432.994911612477,-0.008687473739999903,-21471.02463498768,-0.008587884179368151,-22913.684696103075,-0.008592820252294301,-23971.709855210167,-0.008410501763710146,-23759.30728127502,-0.008310011465264621,-21783.422110360323,-0.00868633138247298,-26440.380316332936,-0.008592157401999966,-26634.580196129868,-0.00840768123712872,-6848.419448379328,-0.008686744345978157,-7470.980930302287,-0.008500767977433247,-9291.851086145118,-0.008309288963319466,-11334.310775578359,-0.008315118771919644,-13215.730207376622,-0.008314031773627118,-13215.813750991283,-0.008408155686029777,-14830.283792575348,-0.008683877899499965,-15293.513369460015
+915,-0.008217071519344267,-17803.06673928787,-0.00858611695752923,-3209.465807342134,-0.008491535360000045,-17134.85677177895,-0.008403660538437437,-17850.349940266544,-0.008215823915300721,-19200.07565384914,-0.008587617719999932,-21225.566377540184,-0.008488025061003412,-22649.045764318344,-0.008492903737732631,-23693.92899326777,-0.008310376742713626,-23476.556836121403,-0.008209890845201101,-21520.837967597905,-0.00858648849301929,-26137.54992219974,-0.008492248595000007,-26325.63011990717,-0.008307589793829478,-6766.452954555278,-0.008586896709817517,-7386.300550169382,-0.008400758942404687,-9181.990858872974,-0.008209177048098827,-11198.78759839878,-0.008214936618041175,-13058.632688536978,-0.00821386271611342,-13054.722540032652,-0.008308058594529358,-14653.010293242869,-0.008584063210999957,-15120.014239104295
+916,-0.008116863330084007,-17587.875590945372,-0.008486278388255592,-3170.0725831441187,-0.008391634943999965,-16934.167083401386,-0.008303616960598897,-17640.73889279137,-0.00811563094072386,-18967.105914792257,-0.008487761699999962,-20980.07981958263,-0.008388165942638661,-22384.348144787065,-0.008392987223171111,-23416.12620553003,-0.008210251721717096,-23193.795565337474,-0.00810977022513773,-21258.262746448327,-0.00848664560356561,-25834.665380815517,-0.008392339787999897,-26016.78362893171,-0.008207498350530399,-6684.5143038980295,-0.008487049073656716,-7301.629164062069,-0.008300749907376127,-9072.167248965703,-0.008109065132878035,-11063.275572548891,-0.008114754464162533,-12901.493418802565,-0.00811369365859988,-12893.652208007772,-0.008207961503029097,-14475.751384329553,-0.008484248522499935,-14946.458120821067
+917,-0.008016655140823748,-17372.611807180423,-0.008386439818981952,-3130.7209271878755,-0.008291734528000035,-16733.519754847744,-0.008203573382760357,-17431.05797113,-0.008015437966147012,-18734.09811551539,-0.008387905679999993,-20734.570529387132,-0.008288306824273912,-22119.595812576623,-0.008293070708609592,-23138.30312668272,-0.008110126700720567,-22911.02088550072,-0.00800964960507437,-20995.707017573437,-0.00838680271411193,-25531.729191485414,-0.008292430980999946,-25707.93143308277,-0.00810740690723117,-6602.572227962229,-0.008387201437496076,-7216.975237649823,-0.008200740872347406,-8962.362570351623,-0.008008953217657397,-10927.778875799546,-0.008014572310284063,-12744.296047469315,-0.008013524601086338,-12732.611608885009,-0.008107864411528677,-14298.45153068142,-0.008384433834000086,-14772.847405649343
+918,-0.007916446951563497,-17157.278673548797,-0.008286601249708462,-3091.4360703492557,-0.008191834111999955,-16532.912263543454,-0.008103529804921817,-17221.31431002481,-0.00791524499157015,-18501.060248837974,-0.008288049659999873,-20489.043691931976,-0.008188447705909171,-21854.79313719364,-0.008193154194047921,-22860.46017900051,-0.008010001679724047,-22628.214138598825,-0.007909528985010841,-20733.18121146695,-0.008286959824658251,-25228.743834045017,-0.008192522173999997,-25399.04377224265,-0.00800731546393209,-6520.648519018547,-0.008287353801335436,-7132.344178526657,-0.008100731837318846,-8852.580058627133,-0.007908841302436607,-10792.301754971615,-0.007914390156405424,-12587.049416500406,-0.007913355543572798,-12571.606511045804,-0.008007767320028418,-14121.114895507215,-0.008284619145500076,-14599.184422408192
+919,-0.007816238762303087,-16941.879279564608,-0.008186762680434822,-3052.238294321003,-0.008091933696000026,-16332.29696318913,-0.008003486227083287,-17011.47046750907,-0.0078150520169933,-18267.998475878605,-0.008188193639999893,-20243.50455769609,-0.008088588587544422,-21589.919759674325,-0.0080932376794864,-22582.558786057267,-0.007909876658727357,-22345.389947014206,-0.00780940836494747,-20470.708944893384,-0.00818711693520441,-24925.71179094504,-0.008092613367000047,-25090.149646421174,-0.007907224020632849,-6438.723922338639,-0.008187506165174796,-7047.749682403642,-0.008000722802290137,-8742.799749615275,-0.007808729387215967,-10656.848597050217,-0.007814208002526954,-12429.76277594517,-0.00781318648605911,-12410.64203023632,-0.007907670228527997,-13943.763823623864,-0.008184804457000056,-14425.47144609915
+920,-0.007716030573042827,-16726.403929614447,-0.008086924111161181,-3013.1319867786615,-0.007992033279999944,-16131.678135511951,-0.007903442649244747,-16801.542646556933,-0.0077148590424166,-18034.917953466607,-0.008088337619999922,-19997.9589199334,-0.00798872946917967,-21324.97968155192,-0.007993321164924882,-22304.6128463664,-0.007809751637730836,-22062.51234200002,-0.00770928774488395,-20208.224557284964,-0.00808727404575073,-24622.635571561597,-0.007992704559999937,-24781.2733421926,-0.007807132577333769,-6356.796242239717,-0.008087658529014146,-6963.20671399709,-0.007900713767261577,-8633.030967700735,-0.0077086174719951765,-10521.424017721842,-0.007714025848648324,-12272.455341661669,-0.007713017428545569,-12249.723181247215,-0.007807573137027738,-13766.412243148523,-0.008084989768500046,-14251.710705470885
+921,-0.007615822383782568,-16510.842248699224,-0.007987085541887541,-2974.098268635974,-0.007892132864000015,-15931.033726067677,-0.007803399071406206,-16591.5567085759,-0.00761466606783974,-17801.815288582697,-0.007988481599999953,-19752.39913214201,-0.007888870350814932,-21059.982751517786,-0.007893404650363362,-22026.633174207767,-0.007709626616734306,-21779.598828535556,-0.00760916712482058,-19945.66797603187,-0.007987431156297051,-24319.51774158608,-0.007892795752999986,-24472.447664651332,-0.007707041134034539,-6274.870609282085,-0.007987810892853506,-6878.66958895091,-0.007800704732232856,-8523.259931449193,-0.007608505556774537,-10386.032983904039,-0.0076138436947698436,-12115.11752410092,-0.007612848371032028,-12088.845518226623,-0.007707476045527318,-13589.064138772383,-0.007985175080000037,-14077.902454263975
+922,-0.007515614194522317,-16295.208743375817,-0.007887246972614052,-2935.1446587918517,-0.0077922324479999345,-15730.361822353194,-0.007703355493567677,-16381.531262277958,-0.00751447309326289,-17568.665774797948,-0.007888625579999982,-19506.795277208275,-0.007789011232450181,-20794.926137218346,-0.007793488135801692,-21748.62506779027,-0.007609501595737775,-21496.664975178406,-0.0075090465047572205,-19683.038184793688,-0.007887588266843371,-24016.360962102088,-0.007792886946000036,-24163.59947705519,-0.007606949690735459,-6192.951983443925,-0.007887963256692717,-6794.163572425283,-0.0077006956972042965,-8413.50362089491,-0.007508393641553747,-10250.65951708475,-0.007513661540891214,-11957.73005364836,-0.0075126793135184885,-11928.01278761562,-0.007607378954026897,-13411.716677143235,-0.007885360391500026,-13904.038836112393
+923,-0.0074154060052619075,-16079.51069315383,-0.007787408403340413,-2896.2786374433517,-0.007692332032000004,-15529.679197209322,-0.007603311915729137,-16171.42460783274,-0.00741428011868603,-17335.489024048587,-0.007788769559999863,-19261.202048952993,-0.007689152114085442,-20529.787036401747,-0.007693571621240172,-21470.55493520547,-0.007509376574741246,-21213.72021040525,-0.00740892588469369,-19420.36957903189,-0.007787745377389691,-23713.16804735095,-0.007692978138999916,-23854.71001955735,-0.007506858247436229,-6111.044986291483,-0.007788115620532067,-6709.678418627781,-0.007600686662175737,-8303.7699186327,-0.007408281726333107,-10115.279385676477,-0.007413479387012734,-11800.295989348539,-0.007412510256004788,-11767.235985664036,-0.007507281862526637,-13234.374975512263,-0.007785545703000015,-13730.126919585578
+924,-0.007315197816001647,-15863.751804068304,-0.007687569834066772,-2857.4903166853946,-0.007592431615999924,-15328.993490500501,-0.007503268337890597,-15961.241796788696,-0.00731408714410918,-17102.294168250355,-0.007688913539999893,-19015.58372180282,-0.007589292995720692,-20264.588489977876,-0.0075936551066786515,-21192.424687947274,-0.007409251553744726,-20930.773218281174,-0.0073088052646303305,-19157.67739758586,-0.0076879024879358505,-23409.942060634494,-0.007593069331999967,-23545.757311527355,-0.00740676680413715,-6029.153217947392,-0.007688267984371427,-6625.176879668225,-0.0075006776271470165,-8194.059082350737,-0.007308169811112317,-9979.844471973438,-0.007313297233134104,-11642.818111391614,-0.007312341198491249,-11606.524349007244,-0.0074071847710262175,-13057.043905207245,-0.007685731014499995,-13556.170706679199
+925,-0.007214989626741388,-15647.932076958952,-0.007587731264793282,-2818.824761973925,-0.007492531199999994,-15128.310746524387,-0.007403224760052057,-15750.987692003602,-0.00721389416953232,-16869.05717543507,-0.007589057519999923,-18769.93026377872,-0.007489433877355952,-19999.34541420629,-0.007493738592117132,-20914.25205330772,-0.007309126532748195,-20647.83432191667,-0.0072086846445668,-18894.97204054817,-0.007588059598482161,-23106.686499365092,-0.007493160525000017,-23236.76221208001,-0.007306675360838069,-5947.245902655121,-0.007588420348210787,-6540.651284369112,-0.007400668592118457,-8084.35332626246,-0.007208057895891677,-9844.398995325726,-0.007213115079255624,-11485.299030429109,-0.007212172140977709,-11445.890501458327,-0.0073070876795259575,-12879.723773359518,-0.0075859163259999855,-13382.173170941165
+926,-0.007114781437480977,-15432.053562585817,-0.007487892695519642,-2780.2738215235704,-0.007392630783999904,-14927.636511927916,-0.007303181182213527,-15540.666834922004,-0.00711370119495547,-16635.7373830769,-0.007489201499999953,-18524.246784485767,-0.007389574758991202,-19734.083431214258,-0.007393822077555462,-20636.044289452402,-0.007209001511751516,-20364.922178743596,-0.00710856402450343,-18632.262254815087,-0.007488216709028481,-22803.405743714466,-0.007393251717999907,-22927.732333794414,-0.0072065839175388295,-5865.272852035984,-0.007488572712050147,-6456.1101539986075,-0.007300659557089747,-7974.667671738815,-0.007107945980670887,-9708.962442111604,-0.007112932925377144,-11327.741232566168,-0.007112003083464168,-11285.362052036271,-0.0072069905880255474,-12702.390431752903,-0.007486101637499976,-13208.129515720704
+927,-0.0070145732482207275,-15216.106640921353,-0.007388054126246002,-2741.8244297286337,-0.0072927303679999845,-14726.976342056825,-0.007203137604374987,-15330.28364507048,-0.00701350822037861,-16402.369653264588,-0.007389345479999984,-18278.537727435363,-0.007289715640626452,-19468.77639095365,-0.007293905562993941,-20357.80649034891,-0.007108876490754985,-20082.066548192015,-0.0070084434044400705,-18369.556530523027,-0.0073883738195748005,-22500.106801287613,-0.007293342910999956,-22618.672587145855,-0.007106492474239749,-5783.265130294069,-0.0073887250758893465,-6371.558645776826,-0.007200650522061177,-7865.009622456829,-0.007007834065450247,-9573.559536177734,-0.007012750771498514,-11170.14710882785,-0.007011834025950469,-11124.90800818484,-0.007106893496525128,-12525.06304071989,-0.007386286948999965,-13034.03864819562
+928,-0.006914365058960467,-15000.098863290023,-0.007288215556972362,-2703.4193043414734,-0.007192829951999904,-14526.290913587947,-0.0071030940265364466,-15119.842637591513,-0.006913315245801761,-16168.947433166759,-0.007289489460000003,-18032.80720793672,-0.007189856522261712,-19203.405074220682,-0.007193989048432422,-20079.542797002407,-0.007008751469758456,-19799.19673384928,-0.00690832278437654,-18106.86481052747,-0.00728853093012112,-22196.804135649178,-0.007193434104000007,-22309.586816475345,-0.007006401030940519,-5701.245696597012,-0.007288877439728707,-6287.001131129851,-0.007100641487032467,-7755.380550468223,-0.006907722150229457,-9438.152136379606,-0.006912568617620034,-11012.518976659525,-0.006911664968436928,-10964.525332834535,-0.007006796405024868,-12347.754241005001,-0.007286472260499955,-12859.90763440412
+929,-0.006814156869700208,-14784.035305211837,-0.0071883769876988825,-2665.025087554731,-0.007092929535999974,-14325.537098205112,-0.007003050448697917,-14909.348844528025,-0.00681312227122506,-15935.45950223913,-0.007189633439999884,-17787.057242649284,-0.007089997403896962,-18937.938928441537,-0.007094072533870751,-19801.25684242761,-0.006908626448761925,-19516.31057694966,-0.00680820216431318,-17844.206907995045,-0.007188688040667281,-21893.474962105298,-0.007093525296999897,-22000.478306119312,-0.006906309587641439,-5619.226845805473,-0.007189029803568067,-6202.441807092913,-0.007000632452003907,-7645.772630315999,-0.006807610235008817,-9302.713633224408,-0.006812386463741404,-10854.859096881828,-0.006811495910923389,-10804.221576280752,-0.006906699313524447,-12170.478994838755,-0.007186657572000096,-12685.740149440435
+930,-0.006713948680439797,-14567.91949996273,-0.0070885384184252425,-2626.6422474056917,-0.006993029119999885,-14124.76480371328,-0.0069030068708593765,-14698.77603619967,-0.0067129292966482,-15701.912652764822,-0.0070897774199999136,-17541.25208937361,-0.006990138285532222,-18672.40724399071,-0.006994156019309232,-19522.95197178867,-0.006808501427765405,-19233.410431890836,-0.00670808154424965,-17581.572427966283,-0.0070888451512136005,-21590.117339577268,-0.006993616489999946,-21691.35000562082,-0.006806218144342209,-5537.2183889408525,-0.007089182167407427,-6117.885202093194,-0.0069006234169753464,-7536.16090819659,-0.0067074983197880165,-9167.240188162888,-0.006712204309862924,-10697.169687432099,-0.006711326853409849,-10644.001085752017,-0.006806602222024187,-11993.248564585114,-0.007086842883500085,-12511.539250383235
+931,-0.0066137404911795475,-14351.75446892158,-0.0069886998491516025,-2588.2900692616604,-0.006893128703999964,-13923.95537233685,-0.006802963293020837,-14488.129250430522,-0.006612736322071351,-15468.324111965114,-0.006989921399999943,-17295.409664701467,-0.006890279167167472,-18406.820910524446,-0.006894239504747711,-19244.631375303154,-0.006708376406768876,-18950.49853995545,-0.00660796092418629,-17318.952709418532,-0.00698900226175992,-21286.73405340924,-0.006893707682999986,-21382.20465172969,-0.0067061267010431296,-5455.229410653731,-0.006989334531246776,-6033.332610637886,-0.006800614381946627,-7426.55183764911,-0.006607386404567387,-9031.743516986086,-0.006612022155984294,-10539.445052034245,-0.006611157795896149,-10483.888156158828,-0.006706505130523768,-11816.026357796676,-0.006987028195000066,-12337.279441458171
+932,-0.006513532301919287,-14135.542964749111,-0.0068888612798781125,-2549.9772779306777,-0.0067932282880000345,-13723.098917105186,-0.006702919715182297,-14277.410061365554,-0.006512543347494491,-15234.699457296421,-0.006890065379999973,-17049.543242327472,-0.0067904200488027215,-18141.169539156752,-0.006794322990186192,-18966.29818385573,-0.006608251385772345,-18667.57705273028,-0.00650784030412292,-17056.357273141795,-0.00688915937230624,-20983.328181689176,-0.006793798876000037,-21073.044844618347,-0.006606035257743889,-5373.26930210692,-0.0068894868950861365,-5948.748800235387,-0.006700605346918066,-7316.963601661529,-0.006507274489346587,-8896.232074940199,-0.006511840002105814,-10381.645857911655,-0.006510988738382608,-10323.852293177457,-0.006606408039023347,-11638.806569862076,-0.006887213506500055,-12162.923808548554
+933,-0.006413324112659028,-13919.287570509176,-0.006789022710604472,-2511.710683563105,-0.006693327871999954,-13522.173746328184,-0.006602876137343767,-14066.626134141321,-0.00641235037291764,-15001.027484371778,-0.006790209360000003,-16803.661998042266,-0.006690560930437982,-17875.455341042798,-0.0066944064756245215,-18687.955551477542,-0.006508126364775666,-18384.64804997901,-0.0064077196840594,-16793.809409683054,-0.006789316482852551,-20679.90325170479,-0.0066938900689999265,-20763.85949111072,-0.0065059438144448095,-5291.349022486961,-0.0067896392589253465,-5864.174179480314,-0.006600596311889357,-7207.404870117584,-0.0064071625741259465,-8760.71285813901,-0.006411657848227184,-10223.758043366379,-0.0064108196808690685,-10163.897023242647,-0.006506310947523087,-11461.594542469662,-0.006787398818000045,-11988.499164218485
+934,-0.006313115923398617,-13702.990751027444,-0.006689184141330832,-2473.4893427411516,-0.006593427456000024,-13321.196243846787,-0.006502832559505227,-13855.747408852609,-0.00631215739834078,-14767.308489183124,-0.006690353339999873,-16557.775813457534,-0.006590701812073232,-17609.684139051114,-0.006594489961063002,-18409.60674081529,-0.006408001343779135,-18101.71355373646,-0.00630759906399603,-16531.29138547491,-0.006689473593398711,-20376.463561226177,-0.006593981261999977,-20454.582033802995,-0.00640585237114558,-5209.474014211217,-0.006689791622764707,-5779.593228157209,-0.006500587276860786,-7097.881469287436,-0.006307050658905157,-8625.192255247808,-0.006311475694348714,-10065.70827800108,-0.006310650623355529,-10004.043425768215,-0.006406213856022668,-11284.396758472956,-0.006687584129500036,-11814.013298236843
+935,-0.0062129077341383674,-13486.65488387184,-0.006589345572057342,-2435.325139419442,-0.006493527039999944,-13120.177729669222,-0.006402788981666687,-13644.776995876087,-0.006211964423763931,-14533.49305513554,-0.006590497319999903,-16311.901658709161,-0.006490842693708492,-17343.86069041159,-0.006494573446501482,-18131.255228401576,-0.006307876322782615,-17818.775539655573,-0.00620747844393267,-16268.787699706432,-0.006589630703945031,-20073.010830349445,-0.006494072455000026,-20145.209315887572,-0.006305760927846499,-5127.659441480885,-0.006589943986604057,-5694.992628093752,-0.006400578241832077,-6988.386409514794,-0.006206938743684517,-8489.639077675367,-0.006211293540470074,-9907.476888986883,-0.006210481565841839,-9844.317338345423,-0.006306116764522408,-11107.221821549445,-0.006587769441000025,-11639.447897391032
+936,-0.006112699544878107,-13270.282280016645,-0.006489507002783702,-2397.231025240655,-0.006393626624000014,-12919.127867307916,-0.006302745403828157,-13433.734987214102,-0.006111771449187071,-14299.621141223306,-0.006490641299999933,-16066.06294844365,-0.006390983575343742,-17077.989570817314,-0.006394656931939811,-17852.904855880017,-0.006207751301786086,-17535.813297163557,-0.00610735782386914,-16006.304982811298,-0.0064897878144913506,-19769.512723647695,-0.006394163647999916,-19835.72783349177,-0.006205669484547419,-5045.924620818356,-0.006490096350443417,-5610.376925478061,-0.006300569206803517,-6878.9305097092665,-0.0061068268284637265,-8353.985578339685,-0.006111111386591604,-9749.120350786408,-0.006110312508328298,-9684.651199511633,-0.006206019673021987,-10930.071789120087,-0.006487954752500006,-11464.823941044186
+937,-0.006012491355617848,-13053.875199055403,-0.006389668433510062,-2359.2343192065264,-0.0062937262079999345,-12718.049803398773,-0.006202701825989617,-13222.631447057372,-0.00601157847461022,-14065.703985266311,-0.006390785279999964,-15820.184954065611,-0.0062911244569789915,-16812.075485845144,-0.006294740417378292,-17574.560080322473,-0.006107626280789555,-17252.77037651171,-0.00600723720380577,-15743.854111046438,-0.00638994492503767,-19465.981110572997,-0.006294254840999967,-19526.174425119683,-0.006105578041248189,-4964.203715138038,-0.0063902487142827764,-5525.7501386788435,-0.006200560171774957,-6769.523291186983,-0.006006714913243087,-8218.223428530158,-0.006010929232712964,-9590.661902642014,-0.006010143450814759,-9525.04337735402,-0.006105922581521577,-10752.944482417844,-0.006388140063999995,-11290.15362708584
+938,-0.005912283166357437,-12837.435861088283,-0.006289829864236422,-2321.2748269033173,-0.006193825792000004,-12516.949520792727,-0.0061026582481510765,-13011.47507963093,-0.005911385500033521,-13831.741299122728,-0.0062909292599999935,-15574.221228434275,-0.006191265338614252,-16546.12358032014,-0.006194823902816771,-17296.226460110374,-0.006007501259793035,-16969.684127703284,-0.00590711658374225,-15481.451383526568,-0.00629010203558399,-19162.423220478013,-0.006194346034000016,-19216.557197170565,-0.0060054865979491095,-4882.502410754831,-0.0062904010781221365,-5441.11598938537,-0.006100551136746237,-6660.17154657712,-0.005906602998022297,-8082.397261605871,-0.005910747078834494,-9432.115417513105,-0.005909974393301219,-9365.488799062961,-0.006005825490021308,-10575.844758532668,-0.006288325375499985,-11115.430673663002
+939,-0.005812074977097187,-12620.966456910362,-0.006189991294962932,-2283.350390429774,-0.006093925375999924,-12315.833930607225,-0.006002614670312537,-12800.26980985804,-0.005811192525456661,-13597.740658396873,-0.006191073239999873,-15328.198013876296,-0.0060914062202495015,-16280.139974864855,-0.006094907388255252,-17017.911841522247,-0.005907376238796345,-16686.560718418164,-0.00580699596367888,-15219.076149370494,-0.0061902591461301506,-18858.858332367134,-0.006094437226999906,-18906.889920785365,-0.005905395154649869,-4800.823274532715,-0.006190553441961337,-5356.463288872441,-0.006000542101717677,-6550.876260204534,-0.005806491082801657,-7946.53431674441,-0.005810564924955864,-9273.491016438551,-0.005809805335787519,-9205.997698409687,-0.0059057283985208976,-10398.751836666575,-0.0061885106869999755,-10940.62685086386
+940,-0.005711866787836927,-12404.469157347054,-0.006090152725689292,-2245.4641953861947,-0.005994024959999994,-12114.711103954525,-0.005902571092473847,-12588.975379528143,-0.00571099955087981,-13363.690659055981,-0.006091217219999903,-15082.124291032473,-0.005991547101884762,-16014.133241006435,-0.005994990873693581,-16739.63130269927,-0.005807251217799816,-16403.38540714088,-0.005706875343615521,-14956.741679937159,-0.00609041625667647,-18555.3204656574,-0.005994528419999947,-18597.182055447898,-0.005805303711350789,-4719.143636835766,-0.006090705805800697,-5271.763311928825,-0.005900533066688957,-6441.635244201922,-0.005706379167580867,-7810.652974203449,-0.005710382771077384,-9114.796834767769,-0.005709636278273978,-9046.548998717406,-0.005805631307020627,-10221.670307579965,-0.006088695998499966,-10765.723311518403
+941,-0.005611658598576668,-12187.94612256685,-0.005990314156415652,-2207.619219747741,-0.005894124543999914,-11913.580562185793,-0.005802527514635307,-12377.649426330652,-0.00561080657630295,-13129.601165123357,-0.005991361199999933,-14835.953571512528,-0.005891687983520012,-15748.12241133673,-0.005895074359132062,-16461.410274991136,-0.005707126196803296,-16120.176111591956,-0.00560675472355199,-14694.478864452272,-0.00599057336722279,-18251.741259158298,-0.0058946196129999965,-18287.411912235886,-0.0057052122680515596,-4637.461971910281,-0.005990858169640057,-5187.040745466809,-0.005800524031660397,-6332.467111497309,-0.005606267252360227,-7674.771426191412,-0.005610200617198754,-8956.039825731976,-0.0056094672207604385,-8887.110045510424,-0.005705534215520217,-10044.621416153632,-0.005988881309999946,-10590.692318181647
+942,-0.005511450409316257,-11971.399512327578,-0.005890475587142173,-2169.818354401362,-0.0057942241279999845,-11712.397105381651,-0.005702483936796777,-12166.262785065062,-0.0055106136017261005,-12895.4825574795,-0.005891505179999964,-14589.715967896718,-0.005791828865155261,-15482.107073366584,-0.0057951578445705415,-16183.221481125976,-0.005607001175806765,-15836.94134686095,-0.005506634103488631,-14432.219169994893,-0.005890730477769101,-17948.1152385344,-0.005794710805999886,-17977.596102214575,-0.005605120824752479,-4555.783492517753,-0.005891010533479417,-5102.306266279698,-0.005700514996631686,-6223.356705560621,-0.005506155337139437,-7538.9187951285585,-0.005510018463320274,-8797.22620410995,-0.005509298163246899,-8727.715139170032,-0.005605437124019957,-9867.634646206907,-0.005889066621500095,-10415.570068022398
+943,-0.005411242220056007,-11754.82837813781,-0.0057906370178685326,-2132.064480437206,-0.005694323711999904,-11511.183339834879,-0.005602440358958237,-11954.723775449867,-0.0054104206271492405,-12661.342128818465,-0.005791649159999983,-14343.429351673942,-0.005691969746790522,-15216.058126956994,-0.005695241330009032,-15905.02199957856,-0.005506876154810236,-15553.68688192747,-0.0054065134834251,-14169.95627172405,-0.0057908875883154205,-17644.444733441345,-0.005694801998999937,-17667.760202989688,-0.0055050293814532395,-4474.080588598025,-0.005791162897318767,-5017.5682114374595,-0.0056005059616031265,-6114.268420121304,-0.005406043421918797,-7403.060309794841,-0.005409836309441644,-8638.36173019796,-0.005409129105733199,-8568.258228642757,-0.0055053400325195375,-9690.701010919043,-0.005789251933000075,-10240.370348095828
+944,-0.005311034030795747,-11538.228009668952,-0.0056907984485948925,-2094.3605344118632,-0.005594423295999974,-11309.950521459996,-0.005502396781119697,-11743.018474629427,-0.00531022765257239,-12427.186590126708,-0.005691793139999863,-14097.10750308743,-0.0055921106284257715,-14949.979986407052,-0.005595324815447352,-15626.810027879837,-0.005406751133813716,-15270.417362459271,-0.005306392863361741,-13907.688759070068,-0.00569104469886174,-17340.73189743269,-0.005594893191999986,-17357.917315634142,-0.005404937938154159,-4392.3148171069,-0.005691315261158127,-4932.8337270527545,-0.005500496926574567,-6005.2017858142835,-0.005305931506698007,-7267.134186821502,-0.005309654155563164,-8479.45192110274,-0.005308960048219659,-8408.76960858557,-0.005405242941019118,-9513.786271312089,-0.0056894372445000655,-10065.091676228514
+945,-0.005210825841535488,-11321.605097500355,-0.0055909598793212525,-2056.7095777529457,-0.005494522879999894,-11108.706972289032,-0.005402353203281167,-11531.185606405426,-0.00521003467799553,-12193.022877363597,-0.005591937119999894,-13850.77541523275,-0.005492251510061032,-14683.888231905457,-0.005495408300885831,-15348.587146096044,-0.005306626112817185,-14987.136824582123,-0.005206272243298371,-13645.398625753081,-0.005591201809407901,-17036.97876151579,-0.005494984385000037,-17048.028219170952,-0.005304846494854929,-4310.509054501159,-0.005591467624997337,-4848.100471290342,-0.0054004878915458465,-5896.162342804207,-0.005205819591477207,-7131.155023585732,-0.005209472001684684,-8320.491868114645,-0.005208790990706118,-8249.272818588288,-0.005305145849518858,-9336.889037164952,-0.005589622556000056,-9889.694481686034
+946,-0.005110617652275088,-11104.894588482046,-0.0054911213100477625,-2019.1005251200756,-0.005394622463999964,-10907.46053499858,-0.005302309625442627,-11319.241040396484,-0.0051098417034188305,-11958.859283575519,-0.0054920810999999235,-13604.415651328458,-0.0053923923916962815,-14417.76117007951,-0.005395491786324321,-15070.344786219093,-0.005206501091820506,-14703.848941609023,-0.00510615162323484,-13383.09684145811,-0.0054913589199542204,-16733.187269783102,-0.005395075577999927,-16738.097237755763,-0.005204755051555849,-4228.68354385509,-0.005491619988836687,-4763.3437221192235,-0.005300478856517287,-5787.119951890162,-0.0051057076762565665,-6995.101220619765,-0.005109289847806054,-8161.468479699943,-0.005108621933192579,-8089.769438047454,-0.005205048758018437,-9160.013532121322,-0.005489807867500045,-9714.20873812709
+947,-0.005010409463014827,-10888.07490266202,-0.0053912827407741224,-1981.51044593216,-0.0052947220480000345,-10706.219919913734,-0.005202266047604087,-11107.19496166374,-0.00500964872884198,-11724.712040087896,-0.005392225079999953,-13358.011914885337,-0.005292533273331531,-14151.596421997918,-0.005295575271762641,-14792.081738924537,-0.005106376070823975,-14420.5571741215,-0.005006031003171481,-13120.788922798609,-0.00539151603050054,-16429.359304974874,-0.005295166770999977,-16428.128192986656,-0.005104663608256619,-4146.848575439209,-0.005391772352676047,-4678.473533487298,-0.0052004698214885665,-5678.095245132894,-0.005005595761035777,-6858.979727241203,-0.005009107693927574,-8002.400733113268,-0.005008452875678889,-7930.273194847325,-0.005104951666518177,-8983.164338040773,-0.005389993179000035,-9538.64880047085
+948,-0.004910201273754567,-10671.188449529567,-0.005291444171500482,-1943.961677661544,-0.005194821631999954,-10504.99763157389,-0.005102222469765547,-10895.055230657039,-0.00490945575426512,-11490.585283641085,-0.005292369059999983,-13111.567988474962,-0.0051926741549667916,-13885.397933143879,-0.005195658757201122,-14513.806445692962,-0.005006251049827446,-14137.264884386572,-0.00490591038310795,-12858.478361613537,-0.00529167314104686,-16125.496708131945,-0.005195257964000017,-16118.124563016525,-0.0050045721649575395,-4065.011856891312,-0.005291924716515407,-4593.533123414199,-0.005100460786460007,-5569.102513933351,-0.004905483845815137,-6722.8008666023,-0.004908925540048944,-7843.2995501866235,-0.004908283818165348,-7770.795944970597,-0.005004854575017758,-8806.346891076048,-0.005290178490500015,-9363.024098568822
+949,-0.004809993084494308,-10454.25105766335,-0.005191605602226992,-1906.4650208396122,-0.005094921216000024,-10303.818536777886,-0.005002178891927017,-10682.828496412705,-0.0048092627796882705,-11256.452704046835,-0.005192513040000013,-12865.087328860041,-0.005092815036602041,-13619.170863570027,-0.005095742242639612,-14235.52137122484,-0.004906126028830915,-13853.97545140094,-0.004805789763044591,-12596.168018467477,-0.005191830251593181,-15821.601295138697,-0.005095349156999907,-15808.08957891869,-0.004904480721658459,-3983.179929640233,-0.005192077080354767,-4508.554123488922,-0.005000451751431297,-5460.153553556554,-0.0048053719305943465,-6586.591321503014,-0.0048087433861704635,-7684.176382845839,-0.0048081147606518085,-7611.3481754274935,-0.004904757483517348,-8629.568869929068,-0.005190363802000005,-9187.342543569153
+950,-0.004709784895233908,-10237.276123009973,-0.005091767032953352,-1869.0321432839607,-0.004995020799999944,-10102.653014325297,-0.004902135314088477,-10470.520747025354,-0.0047090698051114105,-11022.318824758764,-0.005092657019999883,-12618.573157386993,-0.004992955918237302,-13352.923752492188,-0.0049958257280780915,-13957.216708948617,-0.004806001007834395,-13570.692433400778,-0.004705669142981221,-12333.860477502614,-0.00509198736213934,-15517.674872088739,-0.004995440349999956,-15498.026289230114,-0.004804389278359219,-3901.3587483560646,-0.0050922294441939665,-4423.5789129957775,-0.004900442716402737,-5351.262383831906,-0.004705260015373707,-6450.377890461683,-0.004708561232291834,-7525.0528893868295,-0.004707945703138269,-7451.941546302478,-0.004804660392017077,-8452.85062641535,-0.005090549113499996,-9011.611769195428
+951,-0.004609576705973647,-10020.258415679416,-0.004991928463679712,-1831.6769803606142,-0.004895120384000014,-9901.480393501088,-0.0048020917362499365,-10258.137685328198,-0.00460887683053456,-10788.188455088297,-0.004992800999999913,-12372.028523810015,-0.004893096799872551,-13086.679359284259,-0.0048959092135164115,-13678.886629801891,-0.004705875986837866,-13287.419903592385,-0.004605548522917701,-12071.558197689284,-0.004992144472685651,-15213.7192518778,-0.004895531543000007,-15187.937607021227,-0.00470429783506014,-3819.554002315288,-0.004992381808033327,-4338.580276888357,-0.004800433681374167,-5242.462173356233,-0.004605148100152917,-6314.122638996634,-0.004608379078413354,-7365.940818522905,-0.004607776645624569,-7292.593602796669,-0.004704563300516667,-8276.181160528155,-0.004990734424999985,-8835.840551285984
+952,-0.004509368516713387,-9803.201580804116,-0.004892089894406222,-1794.3863104344646,-0.004795219967999934,-9700.290328217037,-0.004702048158411397,-10045.68512423188,-0.0045086838559577,-10554.066906159667,-0.004892944979999943,-12125.456355021997,-0.004793237681507801,-12820.405474826306,-0.0047959926989549016,-13400.540302257448,-0.004605750965841335,-13004.16363275236,-0.004505427902854331,-11809.26359998697,-0.0048923015832319705,-14909.736275170535,-0.004795622735999897,-14877.82634674022,-0.004604206391760909,-3737.7713475121454,-0.004892534171872687,-4253.531206320776,-0.004700424646345457,-5133.735246076586,-0.0045050361849322765,-6177.813102785469,-0.004508196924534724,-7206.793249759759,-0.004507607588111029,-7133.330716553679,-0.004604466209016398,-8099.534936563612,-0.004890919736499975,-8660.046927490726
+953,-0.004409160327453128,-9586.10997933244,-0.004792251325132582,-1757.1823792952605,-0.004695319552000004,-9499.06754088116,-0.0046020045805728665,-9833.16973986735,-0.00440849088138084,-10319.93833165658,-0.004793088959999974,-11878.85949583447,-0.0046933785631430615,-12554.091302865025,-0.004696076184393382,-13122.181581759416,-0.004505625944844656,-12720.935626158072,-0.0044053072827908,-11546.979133120272,-0.00479245869377829,-14605.727843791374,-0.004695713928999946,-14567.695255441296,-0.004504114948461829,-3656.016629741928,-0.004792686535712047,-4168.436909460509,-0.0046004156113168965,-5025.04676830835,-0.004404924269711487,-6041.494347212703,-0.004408014770656244,-7047.6168778480305,-0.004407438530597488,-6974.09342424861,-0.004504369117515988,-7922.914572727428,-0.004791105047999955,-8484.226153517688
+954,-0.004308952138192728,-9368.98750698107,-0.004692412755858942,-1720.0198840110186,-0.004595419135999924,-9297.819907818173,-0.004501961002734327,-9620.602983908493,-0.00430829790680399,-10085.791111688486,-0.0046932329400000035,-11632.240747276082,-0.004593519444778311,-12287.73787373287,-0.004596159669831701,-12843.813332660298,-0.004405500923848125,-12437.720185676495,-0.0043051866627274405,-11284.707338417593,-0.00469261580432461,-14301.695992157676,-0.004595805121999997,-14257.547041573227,-0.004404023505162599,-3574.2961759588416,-0.0046928388995513964,-4083.30192489039,-0.004500406576288177,-4916.403092612685,-0.004304812354490847,-5905.139432042317,-0.004307832616777614,-6888.391863423218,-0.004307269473083949,-6814.892749675099,-0.004404272026015567,-7746.322750716759,-0.004691290359499945,-8308.358937488962
+955,-0.004208743948932467,-9151.83773871887,-0.004592574186585302,-1682.8503444208984,-0.004495518719999994,-9096.553133535033,-0.004401917424895787,-9407.992798166664,-0.00420810493222729,-9851.632174991173,-0.004593376919999883,-11385.543373074797,-0.0044936603264135715,-12021.331727103017,-0.004496243155270191,-12565.438046242807,-0.004305375902851605,-12154.514881868256,-0.0042050660426640706,-11022.45093128366,-0.0045927729148707705,-13997.643156286418,-0.004495896315000047,-13947.384404317363,-0.004303932061863519,-3492.6173209600547,-0.0045929912633907565,-3998.13028100014,-0.0044003975412596165,-4807.8116988301035,-0.0042047004392700565,-5768.718127384809,-0.004207650462899144,-6729.094296858204,-0.004207100415570248,-6655.687458271697,-0.004304174934515307,-7569.762246649179,-0.004591475671000086,-8132.449223919378
+956,-0.004108535759672207,-8934.66402207249,-0.004492735617311823,-1645.6686286711358,-0.004395618303999914,-8895.272060933989,-0.004301873847057257,-9195.31610382113,-0.00410791195765044,-9617.499634464664,-0.004493520899999913,-11138.77213722797,-0.004393801208048821,-11754.881226726413,-0.004396326640708672,-12287.05787538894,-0.004205250881855076,-11871.321971401945,-0.0041049454226005505,-10760.21112594359,-0.00449293002541709,-13693.57262160772,-0.004395987507999937,-13637.210066943695,-0.004203840618564279,-3410.9899838644383,-0.0044931436272299665,-3912.8537107823595,-0.004300388506230907,-4699.281852762536,-0.004104588524049417,-5632.2108795436125,-0.004107468309020504,-6569.71892880937,-0.004106931358056709,-6496.484160824162,-0.004204077843014888,-7393.23597153391,-0.004491660982500075,-7956.50095347562
+957,-0.0040083275704117976,-8717.469541807435,-0.004392897048038183,-1608.4738669826365,-0.004295717887999984,-8693.966842758344,-0.004201830269218717,-8982.57624063143,-0.00400771898307358,-9383.36043151212,-0.004393664879999933,-10891.95177417506,-0.004293942089684071,-11488.382784008154,-0.004296410126147151,-12008.66998194898,-0.004105125860858545,-11588.143704253227,-0.0040048248025371805,-10497.961958031468,-0.00439308713596341,-13389.482858172238,-0.004296078700999977,-13327.026819681594,-0.004103749175265199,-3329.4302268467727,-0.004393295991069327,-3827.4393528409246,-0.004200379471202347,-4590.807566315059,-0.004004476608828627,-5495.607222167953,-0.004007286155142034,-6410.274190952035,-0.004006762300543169,-6337.2894951622575,-0.0041039807515146276,-7216.7470284074425,-0.004391846294000065,-7780.518152662673
+958,-0.003908119381151548,-8500.25736762666,-0.0042930584787645425,-1571.2067680546634,-0.0041958174719999046,-8492.635238803628,-0.004101786691380177,-8769.776517607921,-0.00390752600849673,-9149.223662716024,-0.004293808859999963,-10645.090757770613,-0.004194082971319331,-11221.839690793304,-0.004196493611585471,-11730.278393973984,-0.004005000839862025,-11304.982333361439,-0.00390470418247382,-10235.681707669071,-0.004293244246509731,-13085.375479460306,-0.004196169894000026,-13016.837582435594,-0.0040036577319659695,-3247.9348409195286,-0.004293448354908677,-3741.8796915352077,-0.004100370436173777,-4482.267401791242,-0.0039043646936079866,-5358.920621776853,-0.003907104001263394,-6250.76771138044,-0.003906593243029628,-6178.10921577157,-0.004003883660014207,-7040.29880003776,-0.0042920316055000554,-7604.505051781608
+959,-0.0038079111918912873,-8283.030491964531,-0.0041932199094910525,-1533.9125889349948,-0.004095917055999974,-8291.235612614297,-0.0040017431135416365,-8556.920261557327,-0.0038073330339198704,-8915.1211204545,-0.004193952839999993,-10398.175617281235,-0.004094223852954581,-10955.25459328161,-0.0040965770970239615,-11451.871554576646,-0.003904875818865496,-11021.840124216544,-0.0038045835624102905,-9973.37918018452,-0.00419340135705604,-12781.252735535667,-0.004096261086999916,-12706.645510641449,-0.003903566288666889,-3166.49740665955,-0.004193600718748037,-3656.219009577394,-0.004000361401145067,-4373.741434547469,-0.003804252778387187,-5222.155603631891,-0.003806921847384924,-6091.205129649483,-0.0038064241855159287,-6018.947700052109,-0.0039037865685137875,-6863.884076739978,-0.004192216917000046,-7428.464652777238
+960,-0.0037077030026310275,-8065.791862120359,-0.0040933813402174125,-1496.6108804628961,-0.003996016639999894,-8089.787198800628,-0.003901699535703107,-8344.010880591219,-0.0037071400593430203,-8681.033235676467,-0.004094096819999874,-10151.22432205674,-0.0039943647345898415,-10688.629841693413,-0.003996660582462442,-11173.437693983506,-0.003804750797868806,-10738.719364866045,-0.0037044629423469305,-9711.090388760462,-0.00409355846760221,-12477.117460830703,-0.003996352279999967,-12396.454208328612,-0.0038034748453678094,-3085.131162788769,-0.0040937530825873964,-3570.4580537701568,-0.003900352366116507,-4265.13596072652,-0.0037041408631665568,-5085.3248074698,-0.0037067396935062938,-5931.59046528216,-0.0037062551280023985,-5859.808383744034,-0.0038036894770135275,-6687.48523250851,-0.0040924022285000255,-7252.381432442097
+961,-0.0036074948133706175,-7848.544410077283,-0.0039935427709437725,-1459.3132501708046,-0.0038961162239999647,-7888.2888603661195,-0.0038016559578645673,-8131.0519620876275,-0.0036069470847661603,-8446.906445823715,-0.003994240799999904,-9904.24957857727,-0.0038945056162250917,-10421.967629474022,-0.003896744067900922,-10894.99452009192,-0.003704625776872286,-10455.622376655836,-0.0036043423222834005,-9448.794546510066,-0.0039937155781485205,-12172.97520743514,-0.0038964434730000166,-12086.268287788174,-0.003703383402068569,-3003.8046413538914,-0.0039939054464267565,-3484.5773438624915,-0.003800343331087787,-4156.428975851717,-0.0036040289479457566,-4948.443292970485,-0.003606557539627814,-5771.928559677802,-0.003606086070488849,-5700.697613744442,-0.0037035923855131075,-6511.106359824983,-0.003992587540000016,-7076.270122722001
+962,-0.003507286624110367,-7631.2910829118355,-0.0038937042016701324,-1422.0285362878171,-0.0037962158080000344,-7686.677205551747,-0.003701612380026027,-7918.047454092075,-0.0035067541101893103,-8212.683616930182,-0.0038943847799999334,-9657.239282685638,-0.003794646497860342,-10155.270065366767,-0.003796827553339252,-10616.552983270873,-0.003604500755875756,-10172.55152628681,-0.0035042217022200305,-9186.49109707577,-0.003893872688694841,-11868.822369503923,-0.003796534665999907,-11776.096180500199,-0.0036032919587694894,-2922.5079789952024,-0.0038940578102659574,-3398.6083910896955,-0.0037003342960592266,-4047.6513485535916,-0.003503917032725127,-4811.536528755796,-0.003506375385749184,-5612.223626913128,-0.0035059170129753186,-5541.621009059416,-0.0036034952940128475,-6334.742457503471,-0.003892772851500005,-6900.143089533296
+963,-0.0034070784348501073,-7414.034877120915,-0.0037938656323966424,-1384.764311804293,-0.0036963153919999546,-7484.978427551641,-0.0036015688021874973,-7705.002098443403,-0.0034065611356124503,-7978.402052947412,-0.0037945287599999633,-9410.197923929274,-0.003694787379495602,-9888.539219652906,-0.003696911038777732,-10338.131601051517,-0.003504375734879226,-9889.50923979825,-0.0034041010821566704,-8924.178698196929,-0.003794029799241161,-11564.65766912826,-0.003696625858999957,-11465.947531235483,-0.003503200515470259,-2841.202102511304,-0.003794210174105317,-3312.566633646306,-0.003600325261030517,-3938.8177487887087,-0.0034038051175043268,-4674.5801874685385,-0.003406193231870704,-5452.479578548252,-0.0034057479554616184,-5382.583985381163,-0.0035033982025124274,-6158.384491718123,-0.0037929581629999954,-6724.010352963464
+964,-0.0033068702455898475,-7196.753498426312,-0.0036940270631230024,-1347.527617983212,-0.0035964149760000248,-7283.200000378971,-0.003501525224348957,-7491.923130413557,-0.0033063681610357503,-7744.076279259733,-0.003694672739999993,-9163.129619760435,-0.003594928261130852,-9621.77716158778,-0.003596994524216212,-10059.702944606279,-0.003404250713882706,-9606.498019335253,-0.0033039804620931404,-8661.815720697217,-0.003694186909787481,-11260.48307145597,-0.003596717052000007,-11155.798138673768,-0.0034031090721711793,-2759.9019053520433,-0.003694362537944677,-3226.4653165555633,-0.0035003162260019566,-3829.930804505484,-0.0033036932022836867,-4537.563692725231,-0.003306011077992224,-5292.700168684398,-0.0033055788979480787,-5223.583163457235,-0.0034033011110121674,-5982.026116865172,-0.003693143474499985,-6547.87053703887
+965,-0.0032066620563294375,-6979.416644441646,-0.0035941884938493623,-1310.3255016467026,-0.0034965145599999445,-7081.355625558113,-0.0034014816465104173,-7278.824390532307,-0.0032061751864589003,-7509.714836713151,-0.0035948167199998634,-8916.022167213636,-0.0034950691427661123,-9354.985999375805,-0.003497078009654542,-9781.24379210687,-0.003304125692886176,-9323.520464073192,-0.0032038598420297804,-8399.429403416165,-0.0035943440203336408,-10956.30065462998,-0.003496808244999897,-10845.649696654718,-0.0033030176288719494,-2678.6340930851693,-0.0035945149017840372,-3140.3164433099146,-0.003400307190973387,-3720.9925707342427,-0.003203581287062897,-4400.492309122564,-0.003205828924113594,-5132.878234540527,-0.0032054098404345386,-5064.627131644378,-0.0033032040195117574,-5805.677583059916,-0.0035933287859999654,-6371.678961184923
+966,-0.003106453867069187,-6762.007561634122,-0.0034943499245758724,-1273.1656514648557,-0.0033966141440000147,-6879.454884344024,-0.003301438068671887,-7065.684793140803,-0.0031059822118820403,-7275.3241570555265,-0.003494960699999893,-8668.854854315938,-0.003395210024401362,-9088.167937481296,-0.0033971614950930222,-9502.692706144824,-0.003204000671889646,-9040.579297257504,-0.0031037392219662504,-8137.0077357513255,-0.003494501130879961,-10652.112216368776,-0.003396899437999937,-10535.50450812048,-0.003202926185572869,-2597.4119631044473,-0.0034946672656233873,-3054.1177525815,-0.0033002981559446766,-3611.9993304557456,-0.003103469371842257,-4263.371202967486,-0.003105646770235114,-4972.983356763546,-0.0031052407829209984,-4905.695808226108,-0.0032031069280113373,-5629.334145383805,-0.0034935140974999552,-6195.4401045630075
+967,-0.0030062456778089273,-6544.554246628302,-0.0033945113553022323,-1236.0565265011614,-0.003296713727999935,-6677.505305130586,-0.0032013944908333473,-6852.503477067712,-0.0030057892373051903,-7040.909636048714,-0.0033951046799999235,-8421.649346238242,-0.003295350906036612,-8821.325387028955,-0.003297244980531502,-9224.037583098994,-0.003103875650892966,-8757.677402603797,-0.0030036186019028904,-7874.578100663459,-0.003394658241426281,-10347.877363124257,-0.003296990630999987,-10225.359183510765,-0.0031028347422736293,-2516.2029892818114,-0.0033948196294627474,-2967.852546504445,-0.003200289120916117,-3502.926735827633,-0.0030033574566214667,-4126.205553695259,-0.003005464616356484,-4813.038688226058,-0.0030050717254072987,-4746.807104054298,-0.0031030098365110773,-5453.005462090174,-0.0033936994089999455,-6019.15758920895
+968,-0.0029060374885486674,-6327.0371925997515,-0.0032946727860285927,-1198.9652316250315,-0.0031968133120000046,-6475.490755770839,-0.003101350912994807,-6639.262130767613,-0.0029055962627283303,-6806.47609064247,-0.0032952486599999533,-8174.414739914727,-0.003195491787671872,-8554.461271901153,-0.003197328465969982,-8945.274359051515,-0.003003750629896436,-8474.778649376127,-0.0029034979818395204,-7612.130599879057,-0.003294815351972591,-10043.609340646912,-0.003197081824000037,-9915.21409487348,-0.003002743298974549,-2435.016137562406,-0.0032949719933019575,-2881.5129058999723,-0.0031002800858873966,-3393.8014687808272,-0.002903245541400827,-3989.0006794250858,-0.002905282462478004,-4653.054516868495,-0.0029049026678937585,-4587.981192888366,-0.0030029127450106577,-5276.712000246574,-0.0032938847205000853,-5842.834597341586
+969,-0.0028058292992882575,-6109.463641481027,-0.0031948342167551027,-1161.9267124867959,-0.0030969128959999247,-6273.3975122360425,-0.0030013073351562673,-6425.96261790338,-0.0028054032881514803,-6572.028004990968,-0.003195392639999983,-7927.157969420522,-0.003095632669307122,-8287.581296901119,-0.003097411951408312,-8666.41913577763,-0.002903625608899906,-8191.853064180644,-0.0028033773617760003,-7349.650353929903,-0.003194972462518911,-9739.322113217862,-0.003097173016999927,-9605.07514991538,-0.0029026518556753192,-2353.8689078968473,-0.003195124357141307,-2795.1083663070253,-0.0030002710508588368,-3284.6348962785705,-0.002803133626180037,-3851.7622076808893,-0.002805100308599374,-4493.037688022852,-0.002804733610380219,-4429.244781475882,-0.0029028156535103977,-5100.476395415485,-0.003194070032000075,-5666.474044208425
+970,-0.002705621110028007,-5891.848479375821,-0.0030949956474814726,-1124.9141286055383,-0.0029970124799999945,-6071.218378253941,-0.0029012637573177374,-6212.618173820792,-0.0027052103135746203,-6337.569690047086,-0.0030955366199998634,-7679.885897834937,-0.002995773550942382,-8020.685548753145,-0.002997495436846792,-8387.495064105615,-0.002803500587903386,-7908.936252945346,-0.0027032567417126304,-7087.144004034371,-0.003095129573065071,-9435.023584755001,-0.002997264209999977,-9294.94608797059,-0.0028025604123762394,-2272.751806257588,-0.003095276720980667,-2708.646111656848,-0.0029002620158301265,-3175.413665476616,-0.0027030217109593967,-3714.496355144684,-0.002704918154720894,-4332.958280132152,-0.0027045645528666787,-4270.61553666757,-0.0028027185620099777,-4924.255496477839,-0.0030942553435000654,-5490.0786677711
+971,-0.0026054129207677473,-5674.208216556322,-0.0029951570782078326,-1087.9176295548887,-0.0028971120639999146,-5868.973069371401,-0.0028012201794791972,-5999.237633157023,-0.0026050173389977603,-6103.1054091493,-0.002995680599999893,-7432.607710804224,-0.002895914432577632,-7753.767729328444,-0.002897578922285272,-8108.50196204161,-0.002703375566906856,-7626.041644420362,-0.0026031361216491003,-6824.616848840986,-0.002995286683611391,-9130.719297307205,-0.002897355403000027,-8984.830469051645,-0.002702468969077159,-2191.6570379006166,-0.0029954290848200273,-2622.105813471464,-0.0028002529808015568,-3066.127334848743,-0.002602909795738607,-3577.210495864615,-0.002604736000842264,-4172.827962484746,-0.0026043954953529785,-4112.085137355225,-0.0027026214705095576,-4748.052928073501,-0.002994440655000055,-5313.651082276719
+972,-0.0025052047315074874,-5456.484558619517,-0.0028953185089341926,-1050.944266252402,-0.002797211647999985,-5666.674946457735,-0.0027011766016405074,-5785.837522357937,-0.0025048243644209102,-5868.639500663908,-0.0028958245799999135,-7185.331796309908,-0.0027960553142128823,-7486.829614741908,-0.002797662407723602,-7829.397202658391,-0.002603250545910326,-7343.179614588796,-0.0025030155015857403,-6562.073301285322,-0.002895443794157711,-8826.41677646304,-0.002797446595999917,-8674.732036348043,-0.0026023775257779293,-2110.5910052659156,-0.0028955814486593874,-2535.5031716458707,-0.0027002439457729966,-2956.7975159061816,-0.002502797880517967,-3439.914782884015,-0.002504553846963784,-4012.646291246104,-0.0025042264378394388,-3953.6948880726604,-0.0026025243790092976,-4571.876375867747,-0.0028946259665000354,-5137.193813599544
+973,-0.0024049965422470775,-5238.63426782388,-0.0027954799396607026,-1013.9984755072704,-0.0026973112319999045,-5464.332449817874,-0.002601133023801967,-5572.403455215184,-0.0024046313898442103,-5634.176529490812,-0.0027959685599999434,-6937.986139675616,-0.002696196195848142,-7219.871238461093,-0.002697745893162082,-7550.212153724051,-0.002503125524913806,-7060.361538015205,-0.0024028948815223703,-6299.517419556627,-0.002795600904704031,-8522.135358954905,-0.002697537788999967,-8364.655003682868,-0.002502286082478849,-2029.562627606993,-0.0027957338124985874,-2448.8440408933466,-0.0026002349107442867,-2847.4340049486327,-0.0024026859652971767,-3302.6334338440083,-0.002404371693085154,-3852.436815996587,-0.0024040573803258986,-3795.334073979404,-0.0025024272875088776,-4395.740606397866,-0.0027948112780000253,-4960.709324689653
+974,-0.002304788352986827,-5020.669058190111,-0.0026956413703870625,-977.0499802092836,-0.0025974108159999747,-5261.952306523584,-0.0025010894459634274,-5358.92830250451,-0.0023044384152673602,-5399.7215230142765,-0.002696112539999973,-6690.594816001097,-0.002596337077483392,-6952.852252132359,-0.002597829378600562,-7270.9609797490175,-0.002403000503917116,-6777.608579101129,-0.0023027742614588503,-6036.953174643817,-0.002695758015250351,-8217.900239702049,-0.002597628982000007,-8054.604526555512,-0.0024021946391796093,-1948.5628985132043,-0.002695886176337947,-2362.123635829561,-0.0025002258757157265,-2738.044037302703,-0.0023025740500765366,-3165.3550968689133,-0.002304189539206684,-3692.1774112568796,-0.0023038883228123585,-3637.0049710807134,-0.0024023301960086176,-4219.626548104864,-0.0026949965895000155,-4784.200035239101
+975,-0.0022045801637265673,-4802.62659268948,-0.0025958028011134225,-940.1205577899166,-0.0024975103999998944,-5059.540347676015,-0.002401045868124887,-5145.404434134945,-0.0022042454406905002,-5165.28044060376,-0.0025962565200000035,-6443.160641179932,-0.002496477959118652,-6685.774854222453,-0.0024979128640390423,-6991.652164857418,-0.002302875482920596,-6494.916896911253,-0.0022026536413954803,-5774.3847350440765,-0.002595915125796511,-7913.644472380656,-0.002497720174999897,-7744.587956084161,-0.002302103195880529,-1867.6086789254591,-0.002596038540177307,-2275.3203979021664,-0.0024002168406870067,-2628.6338394214463,-0.002202462134855747,-3028.0689906864236,-0.002204007385328044,-3531.8552969721063,-0.0022037192652986687,-3478.7103700067664,-0.0023022331045081976,-4043.532289755822,-0.0025951819010000053,-4607.66580206041
+976,-0.0021043719744663074,-4584.522524917396,-0.0024959642318399325,-903.235126414471,-0.0023976099839999646,-4857.101869382133,-0.0023010022902863574,-4931.832217213563,-0.00210405246611365,-4930.858024678789,-0.0024964004999998833,-6195.683901804393,-0.002396618840753902,-6418.624706704446,-0.0023979963494773723,-6712.292026381328,-0.002202750461924066,-6212.265329763449,-0.0021025330213319602,-5511.817022515498,-0.002496072236342831,-7609.367418014728,-0.002397811367999947,-7434.621542034599,-0.002202011752581299,-1786.6826391584132,-0.002496190904016667,-2188.420764684,-0.0023002078056584465,-2519.2092582921605,-0.0021023502196351068,-2890.776043291402,-0.002103825231449574,-3371.4861225213645,-0.0021035502077851286,-3320.458776251621,-0.0022021360130077875,-3867.4547579323926,-0.0024953672124999955,-4431.043152020581
+977,-0.0020041637852058975,-4366.362046652453,-0.0023961256625662924,-866.4022388306387,-0.002297709568000035,-4654.641836521678,-0.002200958712447817,-4718.221633917648,-0.00200385949153679,-4696.400612230546,-0.0023965444799999135,-5948.1547709778,-0.002296759722389152,-6151.424844400834,-0.002298079834915852,-6432.8856990664235,-0.002102625440927536,-5929.654253684052,-0.0020024124012685903,-5249.258164058681,-0.002396229346889151,-7305.071050352139,-0.002297902560999997,-7124.6953256010875,-0.0021019203092822194,-1705.741965401394,-0.0023963432678560173,-2101.4425604253775,-0.0022001987706297367,-2409.7763167866015,-0.0020022383044143066,-2753.465705267901,-0.002003643077570934,-3211.0807973984092,-0.002003381150271589,-3162.27071684419,-0.0021020389215075175,-3691.3553232906665,-0.0023955525239999754,-4254.355775656915
+978,-0.0019039555959456474,-4148.155418070454,-0.0022962870932926524,-829.5927999053279,-0.0021978091519999545,-4452.165020838611,-0.0021009151346092774,-4504.576992045353,-0.0019036665169599402,-4461.929709864615,-0.0022966884599999434,-5700.573297858059,-0.002196900604024412,-5884.184694452537,-0.002198163320354332,-6153.437565075699,-0.002002500419931006,-5647.090887212841,-0.0019022917812052302,-4986.718077413219,-0.002296386457435461,-7000.757262781839,-0.002197993754000047,-6814.785663278388,-0.002001828865982979,-1624.7423127677307,-0.0022964956316953774,-2014.3968184811145,-0.002100189735601167,-2300.342548918662,-0.001902126389193677,-2616.1520039225175,-0.0019034609236924641,-3050.6498065712876,-0.0019032120927580487,-3004.134358605804,-0.0020019418300071075,-3515.2574274021717,-0.002295737835499965,-4077.6207019983585
+979,-0.0018037474066853873,-3929.912862081211,-0.0021964485240190124,-792.8124765164172,-0.0020979087360000247,-4249.676112740282,-0.002000871556770747,-4290.886069631733,-0.0018034735423830802,-4227.430977426052,-0.002196832439999973,-5452.936293754684,-0.0020970414856596622,-5616.910479492354,-0.002098246805792812,-5873.951484388202,-0.001902375398934486,-5364.585366064594,-0.0018021711611417004,-4724.175420539988,-0.002196543567981781,-6696.4278953034645,-0.002098084946999937,-6504.898151324554,-0.001901737422683899,-1543.6607069240113,-0.0021966479955345874,-1927.2904774454075,-0.0020001807005726067,-2190.9215893647242,-0.0018020144739728768,-2478.850881810128,-0.0018032787698138242,-2890.2056901294086,-0.0018030430352443487,-2845.9837004307083,-0.0019018447385068375,-3339.1712074947654,-0.0021959231469999554,-3900.8463058480575
+980,-0.0017035392174251274,-3711.6325585052427,-0.0020966099547455224,-756.0668050097617,-0.0019980083199999444,-4047.1798321752303,-0.0019008279789322073,-4077.079546270809,-0.0017032805678062202,-3992.915210692653,-0.0020969764199999935,-5205.256764963658,-0.001997182367294922,-5349.607151677154,-0.001998330291231142,-5594.430934335238,-0.001802250377937796,-5082.159854538886,-0.0017020505410783305,-4461.632167334682,-0.002096700678528101,-6392.084754132385,-0.001998176139999987,-6195.039310799532,-0.001801645979384669,-1462.5095807448288,-0.002096800359373947,-1840.1290992335182,-0.0019001716655438969,-2081.498702998325,-0.0017019025587520868,-2341.484427825252,-0.0017030966159353542,-2729.772062815043,-0.0017028739777308086,-2687.875146715039,-0.0018017476470064274,-3163.1021266957837,-0.002096108458499945,-3724.019228007167
+981,-0.0016033310281647175,-3493.3201315453816,-0.0019967713854718823,-719.3614274837225,-0.0018981079040000146,-3844.6810675208526,-0.0018007844010936673,-3863.188197747198,-0.0016030875932293701,-3758.340617562958,-0.0019971203999998733,-4957.541331071691,-0.0018973232489301719,-5082.2790293674525,-0.0018984137766696221,-5314.8791015264005,-0.0017021253569412759,-4799.831211409468,-0.0016019299210149704,-4199.091168262882,-0.001996857789074261,-6087.729627009275,-0.0018982673330000368,-5885.218897217036,-0.001701554536085589,-1381.3080641420481,-0.001996952723213297,-1752.917474000946,-0.0018001626305153369,-1972.0673780336,-0.0016017906435314467,-2204.0526781989674,-0.0016029144620567243,-2569.3759350696673,-0.0016027049202172686,-2529.7866486528706,-0.0017016505555060076,-2987.056557537543,-0.0019962937700000855,-3547.0849111622374
+982,-0.0015031228389044673,-3274.9814233890165,-0.0018969328161982425,-682.7023111422329,-0.0017982074879999345,-3642.1851029329937,-0.0017007408232551273,-3649.226785355911,-0.0015028946186526702,-3523.680205192578,-0.0018972643799999031,-4709.794981356895,-0.0017974641305654319,-4814.930102367282,-0.001798497262108102,-5035.298946337427,-0.0016020003359447459,-4517.564665837349,-0.0015018093009514404,-3936.555571881436,-0.0018970148996205808,-5783.364296294183,-0.0017983585259999167,-5575.464312118607,-0.001601463092786359,-1300.0856235963302,-0.0018971050870526572,-1665.6600030091001,-0.0017001535954866169,-1862.5625884834044,-0.0015016787283106568,-2066.5678586934628,-0.001502732308178244,-2408.956185345048,-0.0015025358627037287,-2371.7184908183076,-0.0016015534640057476,-2811.041875608846,-0.0018964790815000755,-3370.082190558852
+983,-0.0014029146496442075,-3056.6222013074985,-0.0017970942469247525,-646.0960204935363,-0.0016983070720000045,-3439.6981461328196,-0.0016006972454165973,-3435.203991807038,-0.0014027016440758201,-3288.9790974144535,-0.0017974083599999332,-4462.021976831124,-0.001697605012200682,-4547.564218491753,-0.001698580747546432,-4755.693250549052,-0.001501875314948216,-4235.2821495380695,-0.0014016886808880804,-3674.029093172736,-0.0017971720101669008,-5478.990550922892,-0.0016984497189999669,-5265.771772332779,-0.001501371649487279,-1218.8516774527595,-0.0017972574508920173,-1578.3608912199527,-0.0016001445604580569,-1753.014516002967,-0.001401566813090017,-1929.0365485019884,-0.0014025501542997642,-2248.5005038861045,-0.0014023668051900285,-2213.6490991841724,-0.0015014563725053276,-2635.0738191919804,-0.0017966643930000656,-3193.027227719063
+984,-0.0013027064603837973,-2838.24833246435,-0.0016972556776511224,-609.55017113043,-0.0015984066559999247,-3237.230136584446,-0.0015006536675780573,-3221.126377580162,-0.0013025086694989601,-3054.23878161255,-0.001697552339999963,-4214.226167545458,-0.0015977458938359317,-4280.185228450724,-0.001598664232984912,-4476.0612054611065,-0.0014017502939516959,-3952.91429196786,-0.0013015680608245504,-3411.516664033513,-0.0016973291207132207,-5174.610198399449,-0.0015985409120000168,-4956.083816968891,-0.001401280206188199,-1137.577432537559,-0.0016974098147313772,-1491.0109824794783,-0.0015001355254293468,-1643.4407168294938,-0.0013014548978692267,-1791.4636712240035,-0.0013023680004211342,-2088.0135109483476,-0.0013021977476764886,-2055.567861008889,-0.0014013592810050675,-2459.1402120284674,-0.0016968497045000456,-3015.9311063709756
+985,-0.0012024982711235374,-2619.8660067396727,-0.0015974171083774824,-573.0742085354653,-0.0014985062399999946,-3034.7839082579812,-0.0014006100897395173,-3006.999521959439,-0.0012023156949221101,-2819.4724628411814,-0.001597696319999993,-3966.4111575390334,-0.0014978867754711917,-4012.773760169377,-0.001498747718423392,-4196.393447048683,-0.001301625272955166,-3670.5118309164827,-0.0012014474407611904,-3149.0268865401167,-0.0015974862312595308,-4870.225077750158,-0.0014986321049999067,-4646.374187650267,-0.001301188762888959,-1056.280458297164,-0.0015975621785705772,-1403.5949139865866,-0.0014001264904007769,-1533.8508988027356,-0.0012013429826485868,-1653.8527758293935,-0.0012021858465426543,-1927.5001752162623,-0.0012020286901629487,-1897.5289089923604,-0.0013012621895046475,-2283.231842679784,-0.0015970350160000356,-2838.7960274804636
+986,-0.0011022900818632873,-2401.4820945659644,-0.0014975785391039924,-536.6801470860927,-0.0013986058239999146,-2832.343746337052,-0.0013005665119009873,-2792.828553200397,-0.0011021227203452501,-2584.693558167538,-0.0014978402999998631,-3718.5804190701865,-0.0013980276571064418,-3745.3119706229872,-0.0013988312038618821,-3916.6990010184318,-0.001201500251958636,-3388.0931423365337,-0.0011013268206978204,-2886.581085679028,-0.0014976433418057008,-4565.837074845375,-0.0013987232979999567,-4336.641089603836,-0.001201097319589879,-974.9731014053461,-0.0014977145424099373,-1316.1315522315276,-0.0013001174553722169,-1424.2465167663954,-0.001101231067427797,-1516.1944043706048,-0.0011020036926640243,-1766.9661116982477,-0.0011018596326494087,-1739.4963930568747,-0.0012011650980042275,-2107.3516931300546,-0.0014972203275000256,-2661.6277605277255
+987,-0.0010020818926030275,-2183.104906392592,-0.0013977399698303526,-500.39589334564295,-0.0012987054079999845,-2629.9193980109694,-0.0012005229340624473,-2578.5362022349013,-0.0010019297457683901,-2349.923526335723,-0.0013979842799998932,-3470.737408095217,-0.0012981685387417018,-3477.8249838268193,-0.0012989146893002022,-3636.9824821740185,-0.0011013752309619559,-3105.6689878563557,-0.0010012062006343003,-2624.143120485678,-0.0013978004523520107,-4261.448142427781,-0.0012988144910000068,-4026.891919206111,-0.001101005876290649,-893.668223243765,-0.0013978669062492972,-1228.6298989547877,-0.0012001084203435068,-1314.6218996957891,-0.0010011191522071568,-1378.4851351069128,-0.0010018215387855441,-1606.4181733324754,-0.0010016905751357185,-1581.427314280466,-0.0011010680065039675,-1931.5026892297788,-0.0013974056390000157,-2484.432066330143
+988,-0.0009018737033426163,-1964.7469883861418,-0.0012979014005567125,-464.2155086161796,-0.0011988049919999047,-2427.5205967086895,-0.0011004793562239073,-2364.1148393968556,-0.0009017367711915403,-2115.1866147676965,-0.001298128259999923,-3222.8857757149226,-0.0011983094203769518,-3210.3251811040736,-0.001198998174738682,-3357.247306676679,-0.0010012502099654259,-2823.2476048694184,-0.0009010855805709303,-2361.705240449443,-0.0012979575628983308,-3957.0603300055645,-0.0011989056839998968,-3717.1111834298026,-0.001000914432991569,-812.35927023504,-0.0012980192700886573,-1141.0980777144955,-0.0011000993853149468,-1204.9919948443094,-0.0009010072369863668,-1240.736804760763,-0.000901639384906914,-1445.8660134788904,-0.0009015215176221746,-1423.3278328871788,-0.0010009709150035474,-1755.6877314647222,-0.0012975909505000055,-2307.2147472225515
+989,-0.0008016655140823594,-1746.4270493457288,-0.0011980628312830725,-428.1476951227654,-0.0010989045759999747,-2225.160431530535,-0.0010004357783853673,-2149.609175498507,-0.0008015437966146853,-1880.3481490468494,-0.001198272239999953,-2975.030692995194,-0.0010984503020122019,-2942.828621609551,-0.001099081660177172,-3077.4964760329685,-0.0009011251889688999,-2540.8363075824795,-0.0008009649605074042,-2099.2688863859958,-0.0011981146734446506,-3652.675838501757,-0.0010989968769999467,-3407.3149743798967,-0.0009008229896923392,-731.0523698895424,-0.0011981716339280074,-1053.5495160486098,-0.001000090350286227,-1095.3667373240096,-0.0008008953217657248,-1102.9553249527285,-0.000801457231028437,-1285.3309899497494,-0.0008013524601086346,-1265.2361092371418,-0.0009008738235032904,-1579.909720691941,-0.0011977762619999855,-2129.947515236295
+990,-0.0007014573248221034,-1528.142942705555,-0.0010982242620095825,-392.2343385941439,-0.0009990041599998946,-2022.8420940162732,-0.0009003922005468341,-1935.038390279518,-0.0007013508220379853,-1645.4320526000856,-0.0010984162199999831,-2727.174006441762,-0.0009985911836474619,-2675.343881345646,-0.000999165145615492,-2797.732814019425,-0.0008010001679723729,-2258.442495817162,-0.0007008443404440392,-1836.8354778773096,-0.0010982717839909707,-3348.2971766887085,-0.0009990880699999969,-3097.5107697043504,-0.0008007315463932551,-649.755600720977,-0.0010983239977672172,-965.9818617109986,-0.0009000813152576669,-985.7569284950528,-0.0007007834065449318,-965.1453075193809,-0.0007012750771498051,-1124.8276568899453,-0.0007011834025950946,-1107.1386428086091,-0.0008007767320028724,-1404.1715813547532,-0.0010979615734999755,-1952.6440320570098
+991,-0.0006012491355618464,-1309.883079874516,-0.0009983856927359425,-356.3711301353594,-0.0008991037439999685,-1820.516949400263,-0.0008003486227082971,-1720.3758436222456,-0.0006011578474611303,-1410.4600202044512,-0.0009985601999998631,-2479.31322016815,-0.000898732065282714,-2407.8654667993515,-0.000899248631053976,-2517.959096481267,-0.0007008751469758459,-1976.0751979760157,-0.0006007237203806734,-1574.4064159279246,-0.0009984288945371308,-3043.927752060541,-0.0008991792630000407,-2787.7036758133654,-0.0007006401030940212,-568.4795016528914,-0.0009984763616065772,-878.388770595301,-0.0008000722802289519,-876.1805963087909,-0.0006006714913242939,-827.3108442587194,-0.0006010929232713281,-964.3023274939083,-0.0006010143450813966,-949.034096250891,-0.0007006796405026114,-1228.4762839473365,-0.0009981468849999656,-1775.3357940039095
+992,-0.0005010409463014364,-1091.6292369929001,-0.0008985471234623034,-320.561259358058,-0.0007992033280000405,-1618.1899552414025,-0.0007003050448697602,-1505.6500504115043,-0.0005009648728842753,-1175.4439578260772,-0.0008987041799998902,-2231.4319901114877,-0.0007988729469179679,-2140.3697202600697,-0.000799332116492457,-2238.1781678702646,-0.0006007501259793189,-1693.7476797363179,-0.0005006031003171483,-1311.9830853332483,-0.0008985860050834498,-2739.547259042463,-0.0007992704559999298,-2477.897988412017,-0.0006005486597949411,-487.2213772258973,-0.0008986287254459312,-790.7590379368114,-0.0007000632452003909,-766.6701109208498,-0.0005005595761035008,-689.4557682444497,-0.0005009107693926961,-803.725134068203,-0.0005008452875678567,-790.905333166042,-0.0006005825490021934,-1052.826868400885,-0.0008983321964999534,-1598.012247801178
+993,-0.0004008327570411794,-873.3503856650747,-0.0007987085541888144,-284.8295211921424,-0.0006993029119999575,-1415.8693513777716,-0.0006002614670312232,-1290.8707045371457,-0.00040077189830742033,-940.3941902962297,-0.0007988481599999192,-1983.5396657116062,-0.000699013828553222,-1872.8481760552895,-0.000699415601930939,-1958.393106185006,-0.0005006251049827919,-1411.4268631842829,-0.0004004824802537823,-1049.5668569009122,-0.0007987431156297678,-2435.160635229542,-0.0006993616489999788,-2168.0977152104633,-0.0005004572164957072,-405.9888046505723,-0.0007987810892852892,-703.0938637726222,-0.000600054210171829,-657.158407851181,-0.00040044766088286185,-551.5837808495413,-0.0004007286155142191,-643.0717976716344,-0.0004006762300543166,-632.7526813786137,-0.0005004854575017764,-877.2264697545206,-0.0007985175079999415,-1420.6262918463226
+994,-0.00030062456778092345,-655.0674582967413,-0.0006988699849151754,-249.1389875849192,-0.0005994024960000305,-1213.5669423022891,-0.0005002178891926861,-1076.0177926445162,-0.0003005789237305653,-705.3248604186256,-0.0006989921399999482,-1735.632218675356,-0.0005991547101884759,-1605.3020770795283,-0.000599499087369265,-1678.6075679042694,-0.00040050008398610787,-1129.1053664028514,-0.0003003618601902563,-787.1590894682231,-0.0006989002261760858,-2130.777427253922,-0.0005994528420000268,-1858.3069014606988,-0.00040036577319662713,-324.7963586295483,-0.0006989334531246473,-615.3751771171214,-0.000500045175143114,-547.6418018737118,-0.0003003357456620698,-413.6985293346251,-0.0003005464616355861,-482.36329436905,-0.0003005071725407776,-474.5806069830062,-0.0004003883660015144,-701.678348073538,-0.0006987028195000845,-1243.1875218185553
+995,-0.0002004163785206664,-436.74803132689095,-0.0005990314156415354,-213.48177651663022,-0.0004995020799999475,-1011.2916463209613,-0.0004001743113541482,-861.09758687885,-0.0002003859491537103,-470.24897772634586,-0.0005991361199999782,-1487.7004762939114,-0.00049929559182373,-1337.7430617402242,-0.0004995825728077469,-1398.8269438164664,-0.0003003750629895809,-846.792620259017,-0.00020024124012689128,-524.7611317290189,-0.0005990573367224048,-1826.403668609827,-0.0004995440349999168,-1548.52998981617,-0.0003002743298975481,-243.60311556674299,-0.0005990858169640052,-527.6080974382489,-0.00040003614011455287,-438.1233453883701,-0.00020022383044143081,-275.8036637968768,-0.0002003643077571091,-321.61520847114843,-0.0002003381150270796,-316.3937724179764,-0.0003002912745010964,-526.1850033554165,-0.0005988881310000724,-1065.7080858380343
+996,-0.0001002081892602564,-218.3900993646315,-0.0004991928463680464,-177.8524068884879,-0.00039960166400002047,-809.030671921345,-0.0003001307335156112,-646.0498559533221,-0.0001001929745768553,-235.13959539355483,-0.0004992801000000072,-1239.7518558708953,-0.00039943647345898385,-1070.180276402385,-0.00039966605824622904,-1119.0646200583722,-0.0002002500419930539,-564.496743157817,-0.0001001206200635253,-262.37432403066896,-0.0004992144472685657,-1522.0378623499528,-0.0003996352279999648,-1238.7725226869657,-0.00020018288659831408,-162.3931745070082,-0.0004992381808032102,-439.7939897813642,-0.0003000271050858379,-328.6005826704286,-0.0001001119152206388,-137.90288628698,-0.00010018215387847708,-160.8287968757336,-0.00010016905751353958,-158.19755191036484,-0.00020019418300083538,-350.7501200998031,-0.0004990734425000604,-888.1947099859096
+997,0.0,0.0,-0.0003993542770944074,-142.21569159156257,-0.00029970124799993746,-606.7735996472302,-0.0002000871556770742,-430.8167910790228,0.0,0.0,-0.0003994240799998832,-991.7965264432378,-0.0002995773550942379,-802.6243338331042,-0.00029974954368471,-839.3040062604402,-0.0001001250209965269,-282.230624369593,0.0,0.0,-0.0003993715578148838,-1217.6343322864568,-0.00029972642100001376,-929.0438753583023,-0.00010009144329923409,-81.19712426907972,-0.0003993905446425682,-351.92768759579326,-0.0002000180700572759,-219.06773512106747,0.0,0.0,0.0,0.0,0.0,0.0,-0.0001000970915004174,-175.3617826479276,-0.00039925875400004853,-710.6527633315361
+998,0.0001002081892602564,218.3900993646315,-0.0002995157078207674,-106.60002258106215,-0.00019980083200001048,-404.51684313933583,-0.0001000435778385372,-215.45973775681728,0.0001001929745768553,235.13959539355483,-0.00029956805999991216,-743.8415591368494,-0.0001997182367294919,-535.0796721684001,-0.000199833029123037,-559.538620625551,0.0,0.0,0.0001001206200635253,262.37432403066896,-0.0002995286683612018,-913.2392030361202,-0.00019981761399990282,-619.3610162596951,0.0,0.0,-0.0002995429084819262,-264.0203014385297,-0.00010000903502856192,-109.53390125079159,0.0001001119152206388,137.90288628698,0.00010018215387847708,160.8287968757336,0.00010016905751353958,158.19755191036484,0.0,0.0,-0.0002994440655000365,-533.0680469752167
+999,0.0002004163785206664,436.74803132689095,-0.0001996771385471284,-71.03183097008139,-9.990041599992751e-05,-202.26040608706353,0.0,0.0,0.0002003859491537103,470.24897772634586,-0.00019971203999994116,-495.89297406529204,-9.98591183647459e-05,-267.5368712914642,-9.9916514561518e-05,-279.77008736711286,0.0001001250209965269,282.230624369593,0.00020024124012689128,524.7611317290189,-0.0001996857789075208,-608.8472403051401,-9.99088069999518e-05,-309.688890930169,0.00010009144329923409,81.19712426907972,-0.0001996952723212842,-176.07789217949198,0.0,0.0,0.00020022383044143081,275.8036637968768,0.0002003643077571091,321.61520847114843,0.0002003381150270796,316.3937724179764,0.0001000970915004174,175.3617826479276,-0.0001996293770000245,-355.41673051270686
+1000,0.00030062456778092345,655.0674582967413,-9.983856927363939e-05,-35.49853149782322,0.0,0.0,0.0001000435778385372,215.45973775681728,0.0003005789237305653,705.3248604186256,-9.985601999997118e-05,-247.94747882393222,0.0,0.0,0.0,0.0,0.0002002500419930539,564.496743157817,0.0003003618601902563,787.1590894682231,-9.984288945383881e-05,-304.43238549851776,0.0,0.0,0.00020018288659831408,162.3931745070082,-9.98476361606422e-05,-88.0665540985865,0.00010000903502856192,109.53390125079159,0.0003003357456620698,413.6985293346251,0.0003005464616355861,482.36329436905,0.0003005071725407776,474.5806069830062,0.00020019418300083538,350.7501200998031,-9.981468850001251e-05,-177.72396838546683
+1001,0.0004008327570411794,873.3503856650747,0.0,0.0,9.990041599992751e-05,202.26040608706353,0.0002000871556770742,430.8167910790228,0.00040077189830742033,940.3941902962297,0.0,0.0,9.98591183647459e-05,267.5368712914642,9.9916514561518e-05,279.77008736711286,0.0003003750629895809,846.792620259017,0.0004004824802537823,1049.5668569009122,0.0,0.0,9.99088069999518e-05,309.688890930169,0.0003002743298975481,243.60311556674299,0.0,0.0,0.0002000180700572759,219.06773512106747,0.00040044766088286185,551.5837808495413,0.0004007286155142191,643.0717976716344,0.0004006762300543166,632.7526813786137,0.0003002912745010964,526.1850033554165,0.0,0.0
+1002,0.0005010409463014364,1091.6292369929001,9.983856927363939e-05,35.49853149782322,0.00019980083200001048,404.51684313933583,0.0003001307335156112,646.0498559533221,0.0005009648728842753,1175.4439578260772,9.985601999997118e-05,247.94747882393222,0.0001997182367294919,535.0796721684001,0.000199833029123037,559.538620625551,0.00040050008398610787,1129.1053664028514,0.0005006031003171483,1311.9830853332483,9.984288945383881e-05,304.43238549851776,0.00019981761399990282,619.3610162596951,0.00040036577319662713,324.7963586295483,9.98476361606422e-05,88.0665540985865,0.0003000271050858379,328.6005826704286,0.0005005595761035008,689.4557682444497,0.0005009107693926961,803.725134068203,0.0005008452875678567,790.905333166042,0.0004003883660015144,701.678348073538,9.981468850001251e-05,177.72396838546683
+1003,0.0006012491355618464,1309.883079874516,0.0001996771385471284,71.03183097008139,0.00029970124799993746,606.7735996472302,0.0004001743113541482,861.09758687885,0.0006011578474611303,1410.4600202044512,0.00019971203999994116,495.89297406529204,0.0002995773550942379,802.6243338331042,0.00029974954368471,839.3040062604402,0.0005006251049827919,1411.4268631842829,0.0006007237203806734,1574.4064159279246,0.0001996857789075208,608.8472403051401,0.00029972642100001376,929.0438753583023,0.0005004572164957072,405.9888046505723,0.0001996952723212842,176.07789217949198,0.00040003614011455287,438.1233453883701,0.0006006714913242939,827.3108442587194,0.0006010929232713281,964.3023274939083,0.0006010143450813966,949.034096250891,0.0005004854575017764,877.2264697545206,0.0001996293770000245,355.41673051270686
+1004,0.0007014573248221034,1528.142942705555,0.0002995157078207674,106.60002258106215,0.00039960166400002047,809.030671921345,0.0005002178891926861,1076.0177926445162,0.0007013508220379853,1645.4320526000856,0.00029956805999991216,743.8415591368494,0.00039943647345898385,1070.180276402385,0.00039966605824622904,1119.0646200583722,0.0006007501259793189,1693.7476797363179,0.0007008443404440392,1836.8354778773096,0.0002995286683612018,913.2392030361202,0.0003996352279999648,1238.7725226869657,0.0006005486597949411,487.2213772258973,0.0002995429084819262,264.0203014385297,0.000500045175143114,547.6418018737118,0.0007007834065449318,965.1453075193809,0.0007012750771498051,1124.8276568899453,0.0007011834025950946,1107.1386428086091,0.0006005825490021934,1052.826868400885,0.0002994440655000365,533.0680469752167
+1005,0.0008016655140823594,1746.4270493457288,0.0003993542770944074,142.21569159156257,0.0004995020799999475,1011.2916463209613,0.0006002614670312232,1290.8707045371457,0.0008015437966146853,1880.3481490468494,0.0003994240799998832,991.7965264432378,0.00049929559182373,1337.7430617402242,0.0004995825728077469,1398.8269438164664,0.0007008751469758459,1976.0751979760157,0.0008009649605074042,2099.2688863859958,0.0003993715578148838,1217.6343322864568,0.0004995440349999168,1548.52998981617,0.0007006401030940212,568.4795016528914,0.0003993905446425682,351.92768759579326,0.000600054210171829,657.158407851181,0.0008008953217657248,1102.9553249527285,0.000801457231028437,1285.3309899497494,0.0008013524601086346,1265.2361092371418,0.0007006796405026114,1228.4762839473365,0.00039925875400004853,710.6527633315361
+1006,0.0009018737033426163,1964.7469883861418,0.0004991928463680464,177.8524068884879,0.0005994024960000305,1213.5669423022891,0.0007003050448697602,1505.6500504115043,0.0009017367711915403,2115.1866147676965,0.0004992801000000072,1239.7518558708953,0.0005991547101884759,1605.3020770795283,0.000599499087369265,1678.6075679042694,0.0008010001679723729,2258.442495817162,0.0009010855805709303,2361.705240449443,0.0004992144472685657,1522.0378623499528,0.0005994528420000268,1858.3069014606988,0.0008007315463932551,649.755600720977,0.0004992381808032102,439.7939897813642,0.0007000632452003909,766.6701109208498,0.0009010072369863668,1240.736804760763,0.000901639384906914,1445.8660134788904,0.0009015215176221746,1423.3278328871788,0.0008007767320028724,1404.1715813547532,0.0004990734425000604,888.1947099859096
+1007,0.0010020818926030275,2183.104906392592,0.0005990314156415354,213.48177651663022,0.0006993029119999575,1415.8693513777716,0.0008003486227082971,1720.3758436222456,0.0010019297457683901,2349.923526335723,0.0005991361199999782,1487.7004762939114,0.000699013828553222,1872.8481760552895,0.000699415601930939,1958.393106185006,0.0009011251889688999,2540.8363075824795,0.0010012062006343003,2624.143120485678,0.0005990573367224048,1826.403668609827,0.0006993616489999788,2168.0977152104633,0.0009008229896923392,731.0523698895424,0.0005990858169640052,527.6080974382489,0.0008000722802289519,876.1805963087909,0.0010011191522071568,1378.4851351069128,0.0010018215387855441,1606.4181733324754,0.0010016905751357185,1581.427314280466,0.0009008738235032904,1579.909720691941,0.0005988881310000724,1065.7080858380343
+1008,0.0011022900818632873,2401.4820945659644,0.0006988699849151754,249.1389875849192,0.0007992033280000405,1618.1899552414025,0.0009003922005468341,1935.038390279518,0.0011021227203452501,2584.693558167538,0.0006989921399999482,1735.632218675356,0.0007988729469179679,2140.3697202600697,0.000799332116492457,2238.1781678702646,0.0010012502099654259,2823.2476048694184,0.0011013268206978204,2886.581085679028,0.0006989002261760858,2130.777427253922,0.0007992704559999298,2477.897988412017,0.001000914432991569,812.35927023504,0.0006989334531246473,615.3751771171214,0.0009000813152576669,985.7569284950528,0.001101231067427797,1516.1944043706048,0.0011020036926640243,1766.9661116982477,0.0011018596326494087,1739.4963930568747,0.0010009709150035474,1755.6877314647222,0.0006987028195000845,1243.1875218185553
+1009,0.0012024982711235374,2619.8660067396727,0.0007987085541888144,284.8295211921424,0.0008991037439999685,1820.516949400263,0.0010004357783853673,2149.609175498507,0.0012023156949221101,2819.4724628411814,0.0007988481599999192,1983.5396657116062,0.000898732065282714,2407.8654667993515,0.000899248631053976,2517.959096481267,0.0011013752309619559,3105.6689878563557,0.0012014474407611904,3149.0268865401167,0.0007987431156297678,2435.160635229542,0.0008991792630000407,2787.7036758133654,0.001101005876290649,893.668223243765,0.0007987810892852892,703.0938637726222,0.001000090350286227,1095.3667373240096,0.0012013429826485868,1653.8527758293935,0.0012021858465426543,1927.5001752162623,0.0012020286901629487,1897.5289089923604,0.0011010680065039675,1931.5026892297788,0.0007985175079999415,1420.6262918463226
+1010,0.0013027064603837973,2838.24833246435,0.0008985471234623034,320.561259358058,0.0009990041599998946,2022.8420940162732,0.0011004793562239073,2364.1148393968556,0.0013025086694989601,3054.23878161255,0.0008987041799998902,2231.4319901114877,0.0009985911836474619,2675.343881345646,0.000999165145615492,2797.732814019425,0.001201500251958636,3388.0931423365337,0.0013015680608245504,3411.516664033513,0.0008985860050834498,2739.547259042463,0.0009990880699999969,3097.5107697043504,0.001201097319589879,974.9731014053461,0.0008986287254459312,790.7590379368114,0.0011000993853149468,1204.9919948443094,0.0013014548978692267,1791.4636712240035,0.0013023680004211342,2088.0135109483476,0.0013021977476764886,2055.567861008889,0.0012011650980042275,2107.3516931300546,0.0008983321964999534,1598.012247801178
+1011,0.0014029146496442075,3056.6222013074985,0.0009983856927359425,356.3711301353594,0.0010989045759999747,2225.160431530535,0.0012005229340624473,2578.5362022349013,0.0014027016440758201,3288.9790974144535,0.0009985601999998631,2479.31322016815,0.0010984503020122019,2942.828621609551,0.001099081660177172,3077.4964760329685,0.001301625272955166,3670.5118309164827,0.0014016886808880804,3674.029093172736,0.0009984288945371308,3043.927752060541,0.0010989968769999467,3407.3149743798967,0.001301188762888959,1056.280458297164,0.0009984763616065772,878.388770595301,0.0012001084203435068,1314.6218996957891,0.001401566813090017,1929.0365485019884,0.0014025501542997642,2248.5005038861045,0.0014023668051900285,2213.6490991841724,0.0013012621895046475,2283.231842679784,0.0009981468849999656,1775.3357940039095
+1012,0.0015031228389044673,3274.9814233890165,0.0010982242620095825,392.2343385941439,0.0011988049919999047,2427.5205967086895,0.0013005665119009873,2792.828553200397,0.0015028946186526702,3523.680205192578,0.0010984162199999831,2727.174006441762,0.0011983094203769518,3210.3251811040736,0.001198998174738682,3357.247306676679,0.0014017502939516959,3952.91429196786,0.0015018093009514404,3936.555571881436,0.0010982717839909707,3348.2971766887085,0.0011989056839998968,3717.1111834298026,0.001401280206188199,1137.577432537559,0.0010983239977672172,965.9818617109986,0.0013001174553722169,1424.2465167663954,0.0015016787283106568,2066.5678586934628,0.001502732308178244,2408.956185345048,0.0015025358627037287,2371.7184908183076,0.0014013592810050675,2459.1402120284674,0.0010979615734999755,1952.6440320570098
+1013,0.0016033310281647175,3493.3201315453816,0.0011980628312830725,428.1476951227654,0.0012987054079999845,2629.9193980109694,0.0014006100897395173,3006.999521959439,0.0016030875932293701,3758.340617562958,0.001198272239999953,2975.030692995194,0.0012981685387417018,3477.8249838268193,0.0012989146893002022,3636.9824821740185,0.001501875314948216,4235.2821495380695,0.0016019299210149704,4199.091168262882,0.0011981146734446506,3652.675838501757,0.0012988144910000068,4026.891919206111,0.001501371649487279,1218.8516774527595,0.0011981716339280074,1053.5495160486098,0.0014001264904007769,1533.8508988027356,0.0016017906435314467,2204.0526781989674,0.0016029144620567243,2569.3759350696673,0.0016027049202172686,2529.7866486528706,0.0015014563725053276,2635.0738191919804,0.0011977762619999855,2129.947515236295
+1014,0.0017035392174251274,3711.6325585052427,0.0012979014005567125,464.2155086161796,0.0013986058239999146,2832.343746337052,0.0015006536675780573,3221.126377580162,0.0017032805678062202,3992.915210692653,0.001298128259999923,3222.8857757149226,0.0013980276571064418,3745.3119706229872,0.0013988312038618821,3916.6990010184318,0.0016020003359447459,4517.564665837349,0.0017020505410783305,4461.632167334682,0.0012979575628983308,3957.0603300055645,0.0013987232979999567,4336.641089603836,0.001601463092786359,1300.0856235963302,0.0012980192700886573,1141.0980777144955,0.0015001355254293468,1643.4407168294938,0.0017019025587520868,2341.484427825252,0.0017030966159353542,2729.772062815043,0.0017028739777308086,2687.875146715039,0.0016015534640057476,2811.041875608846,0.0012975909505000055,2307.2147472225515
+1015,0.0018037474066853873,3929.912862081211,0.0013977399698303526,500.39589334564295,0.0014985062399999946,3034.7839082579812,0.0016006972454165973,3435.203991807038,0.0018034735423830802,4227.430977426052,0.0013979842799998932,3470.737408095217,0.0014978867754711917,4012.773760169377,0.001498747718423392,4196.393447048683,0.0017021253569412759,4799.831211409468,0.0018021711611417004,4724.175420539988,0.0013978004523520107,4261.448142427781,0.0014986321049999067,4646.374187650267,0.001701554536085589,1381.3080641420481,0.0013978669062492972,1228.6298989547877,0.0016001445604580569,1753.014516002967,0.0018020144739728768,2478.850881810128,0.0018032787698138242,2890.2056901294086,0.0018030430352443487,2845.9837004307083,0.0017016505555060076,2987.056557537543,0.0013974056390000157,2484.432066330143
+1016,0.0019039555959456474,4148.155418070454,0.0014975785391039924,536.6801470860927,0.0015984066559999247,3237.230136584446,0.0017007408232551273,3649.226785355911,0.0019036665169599402,4461.929709864615,0.0014978402999998631,3718.5804190701865,0.0015977458938359317,4280.185228450724,0.001598664232984912,4476.0612054611065,0.001802250377937796,5082.159854538886,0.0019022917812052302,4986.718077413219,0.0014976433418057008,4565.837074845375,0.0015985409120000168,4956.083816968891,0.001801645979384669,1462.5095807448288,0.0014977145424099373,1316.1315522315276,0.0017001535954866169,1862.5625884834044,0.001902126389193677,2616.1520039225175,0.0019034609236924641,3050.6498065712876,0.0019032120927580487,3004.134358605804,0.0018017476470064274,3163.1021266957837,0.0014972203275000256,2661.6277605277255
+1017,0.0020041637852058975,4366.362046652453,0.0015974171083774824,573.0742085354653,0.0016983070720000045,3439.6981461328196,0.0018007844010936673,3863.188197747198,0.00200385949153679,4696.400612230546,0.001597696319999993,3966.4111575390334,0.001697605012200682,4547.564218491753,0.001698580747546432,4755.693250549052,0.001902375398934486,5364.585366064594,0.0020024124012685903,5249.258164058681,0.0015974862312595308,4870.225077750158,0.0016984497189999669,5265.771772332779,0.001901737422683899,1543.6607069240113,0.0015975621785705772,1403.5949139865866,0.0018001626305153369,1972.0673780336,0.0020022383044143066,2753.465705267901,0.002003643077570934,3211.0807973984092,0.002003381150271589,3162.27071684419,0.0019018447385068375,3339.1712074947654,0.0015970350160000356,2838.7960274804636
+1018,0.0021043719744663074,4584.522524917396,0.0016972556776511224,609.55017113043,0.0017982074879999345,3642.1851029329937,0.0019008279789322073,4077.079546270809,0.00210405246611365,4930.858024678789,0.001697552339999963,4214.226167545458,0.0017974641305654319,4814.930102367282,0.001798497262108102,5035.298946337427,0.002002500419931006,5647.090887212841,0.0021025330213319602,5511.817022515498,0.0016973291207132207,5174.610198399449,0.0017983585259999167,5575.464312118607,0.002001828865982979,1624.7423127677307,0.0016974098147313772,1491.0109824794783,0.0019001716655438969,2081.498702998325,0.0021023502196351068,2890.776043291402,0.002103825231449574,3371.4861225213645,0.0021035502077851286,3320.458776251621,0.0020019418300071075,3515.2574274021717,0.0016968497045000456,3015.9311063709756
+1019,0.0022045801637265673,4802.62659268948,0.0017970942469247525,646.0960204935363,0.0018981079040000146,3844.6810675208526,0.002000871556770747,4290.886069631733,0.0022042454406905002,5165.28044060376,0.0017974083599999332,4462.021976831124,0.0018973232489301719,5082.2790293674525,0.0018984137766696221,5314.8791015264005,0.002102625440927536,5929.654253684052,0.0022026536413954803,5774.3847350440765,0.0017971720101669008,5478.990550922892,0.0018982673330000368,5885.218897217036,0.0021019203092822194,1705.741965401394,0.0017972574508920173,1578.3608912199527,0.0020001807005726067,2190.9215893647242,0.002202462134855747,3028.0689906864236,0.002204007385328044,3531.8552969721063,0.0022037192652986687,3478.7103700067664,0.0021020389215075175,3691.3553232906665,0.0017966643930000656,3193.027227719063
+1020,0.002304788352986827,5020.669058190111,0.0018969328161982425,682.7023111422329,0.0019980083199999444,4047.1798321752303,0.0021009151346092774,4504.576992045353,0.0023044384152673602,5399.7215230142765,0.0018972643799999031,4709.794981356895,0.001997182367294922,5349.607151677154,0.001998330291231142,5594.430934335238,0.002202750461924066,6212.265329763449,0.0023027742614588503,6036.953174643817,0.0018970148996205808,5783.364296294183,0.001998176139999987,6195.039310799532,0.002202011752581299,1786.6826391584132,0.0018971050870526572,1665.6600030091001,0.002100189735601167,2300.342548918662,0.0023025740500765366,3165.3550968689133,0.002304189539206684,3692.1774112568796,0.0023038883228123585,3637.0049710807134,0.0022021360130077875,3867.4547579323926,0.0018964790815000755,3370.082190558852
+1021,0.0024049965422470775,5238.63426782388,0.0019967713854718823,719.3614274837225,0.0020979087360000247,4249.676112740282,0.002200958712447817,4718.221633917648,0.0024046313898442103,5634.176529490812,0.0019971203999998733,4957.541331071691,0.0020970414856596622,5616.910479492354,0.002098246805792812,5873.951484388202,0.002302875482920596,6494.916896911253,0.0024028948815223703,6299.517419556627,0.001996857789074261,6087.729627009275,0.002098084946999937,6504.898151324554,0.002302103195880529,1867.6086789254591,0.001996952723213297,1752.917474000946,0.0022001987706297367,2409.7763167866015,0.0024026859652971767,3302.6334338440083,0.002404371693085154,3852.436815996587,0.0024040573803258986,3795.334073979404,0.0023022331045081976,4043.532289755822,0.0019962937700000855,3547.0849111622374
+1022,0.0025052047315074874,5456.484558619517,0.0020966099547455224,756.0668050097617,0.0021978091519999545,4452.165020838611,0.0023010022902863574,4931.832217213563,0.0025048243644209102,5868.639500663908,0.0020969764199999935,5205.256764963658,0.002196900604024412,5884.184694452537,0.002198163320354332,6153.437565075699,0.002403000503917116,6777.608579101129,0.0025030155015857403,6562.073301285322,0.002096700678528101,6392.084754132385,0.002197993754000047,6814.785663278388,0.0024021946391796093,1948.5628985132043,0.002096800359373947,1840.1290992335182,0.0023002078056584465,2519.2092582921605,0.002502797880517967,3439.914782884015,0.002504553846963784,4012.646291246104,0.0025042264378394388,3953.6948880726604,0.0024023301960086176,4219.626548104864,0.002096108458499945,3724.019228007167
+1023,0.0026054129207677473,5674.208216556322,0.0021964485240190124,792.8124765164172,0.002297709568000035,4654.641836521678,0.002401045868124887,5145.404434134945,0.0026050173389977603,6103.1054091493,0.002196832439999973,5452.936293754684,0.002296759722389152,6151.424844400834,0.002298079834915852,6432.8856990664235,0.002503125524913806,7060.361538015205,0.0026031361216491003,6824.616848840986,0.002196543567981781,6696.4278953034645,0.002297902560999997,7124.6953256010875,0.002502286082478849,2029.562627606993,0.0021966479955345874,1927.2904774454075,0.0024002168406870067,2628.6338394214463,0.002602909795738607,3577.210495864615,0.002604736000842264,4172.827962484746,0.0026043954953529785,4112.085137355225,0.0025024272875088776,4395.740606397866,0.0021959231469999554,3900.8463058480575
+1024,0.002705621110028007,5891.848479375821,0.0022962870932926524,829.5927999053279,0.0023976099839999646,4857.101869382133,0.0025010894459634274,5358.92830250451,0.0027052103135746203,6337.569690047086,0.0022966884599999434,5700.573297858059,0.002396618840753902,6418.624706704446,0.0023979963494773723,6712.292026381328,0.002603250545910326,7343.179614588796,0.0027032567417126304,7087.144004034371,0.002296386457435461,7000.757262781839,0.002397811367999947,7434.621542034599,0.0026023775257779293,2110.5910052659156,0.0022964956316953774,2014.3968184811145,0.0025002258757157265,2738.044037302703,0.0027030217109593967,3714.496355144684,0.002704918154720894,4332.958280132152,0.0027045645528666787,4270.61553666757,0.0026025243790092976,4571.876375867747,0.002295737835499965,4077.6207019983585
+1025,0.0028058292992882575,6109.463641481027,0.0023961256625662924,866.4022388306387,0.0024975103999998944,5059.540347676015,0.002601133023801967,5572.403455215184,0.0028054032881514803,6572.028004990968,0.0023965444799999135,5948.1547709778,0.002496477959118652,6685.774854222453,0.0024979128640390423,6991.652164857418,0.002703375566906856,7626.041644420362,0.0028033773617760003,7349.650353929903,0.002396229346889151,7305.071050352139,0.002497720174999897,7744.587956084161,0.002702468969077159,2191.6570379006166,0.0023963432678560173,2101.4425604253775,0.0026002349107442867,2847.4340049486327,0.002803133626180037,3851.7622076808893,0.002805100308599374,4493.037688022852,0.002804733610380219,4429.244781475882,0.0027026214705095576,4748.052928073501,0.0023955525239999754,4254.355775656915
+1026,0.0029060374885486674,6327.0371925997515,0.0024959642318399325,903.235126414471,0.0025974108159999747,5261.952306523584,0.0027011766016405074,5785.837522357937,0.0029055962627283303,6806.47609064247,0.0024964004999998833,6195.683901804393,0.002596337077483392,6952.852252132359,0.002597829378600562,7270.9609797490175,0.002803500587903386,7908.936252945346,0.0029034979818395204,7612.130599879057,0.002496072236342831,7609.367418014728,0.002597628982000007,8054.604526555512,0.0028025604123762394,2272.751806257588,0.002496190904016667,2188.420764684,0.0027002439457729966,2956.7975159061816,0.002903245541400827,3989.0006794250858,0.002905282462478004,4653.054516868495,0.0029049026678937585,4587.981192888366,0.0028027185620099777,4924.255496477839,0.0024953672124999955,4431.043152020581
+1027,0.0030062456778089273,6544.554246628302,0.0025958028011134225,940.1205577899166,0.0026973112319999045,5464.332449817874,0.0028012201794791972,5999.237633157023,0.0030057892373051903,7040.909636048714,0.0025962565200000035,6443.160641179932,0.002696196195848142,7219.871238461093,0.002697745893162082,7550.212153724051,0.002903625608899906,8191.853064180644,0.0030036186019028904,7874.578100663459,0.002595915125796511,7913.644472380656,0.002697537788999967,8364.655003682868,0.0029026518556753192,2353.8689078968473,0.002596038540177307,2275.3203979021664,0.0028002529808015568,3066.127334848743,0.0030033574566214667,4126.205553695259,0.003005464616356484,4813.038688226058,0.0030050717254072987,4746.807104054298,0.0029028156535103977,5100.476395415485,0.0025951819010000053,4607.66580206041
+1028,0.003106453867069187,6762.007561634122,0.0026956413703870625,977.0499802092836,0.002797211647999985,5666.674946457735,0.0029012637573177374,6212.618173820792,0.0031059822118820403,7275.3241570555265,0.002696112539999973,6690.594816001097,0.0027960553142128823,7486.829614741908,0.002797662407723602,7829.397202658391,0.003003750629896436,8474.778649376127,0.0031037392219662504,8137.0077357513255,0.002695758015250351,8217.900239702049,0.002797446595999917,8674.732036348043,0.003002743298974549,2435.016137562406,0.002695886176337947,2362.123635829561,0.0029002620158301265,3175.413665476616,0.003103469371842257,4263.371202967486,0.003105646770235114,4972.983356763546,0.0031052407829209984,4905.695808226108,0.0030029127450106577,5276.712000246574,0.0026949965895000155,4784.200035239101
+1029,0.0032066620563294375,6979.416644441646,0.0027954799396607026,1013.9984755072704,0.0028971120639999146,5868.973069371401,0.0030013073351562673,6425.96261790338,0.0032061751864589003,7509.714836713151,0.0027959685599999434,6937.986139675616,0.002895914432577632,7753.767729328444,0.002897578922285272,8108.50196204161,0.003103875650892966,8757.677402603797,0.0032038598420297804,8399.429403416165,0.002795600904704031,8522.135358954905,0.002897355403000027,8984.830469051645,0.0031028347422736293,2516.2029892818114,0.0027957338124985874,2448.8440408933466,0.0030002710508588368,3284.6348962785705,0.003203581287062897,4400.492309122564,0.003205828924113594,5132.878234540527,0.0032054098404345386,5064.627131644378,0.0031030098365110773,5453.005462090174,0.0027948112780000253,4960.709324689653
+1030,0.0033068702455898475,7196.753498426312,0.0028953185089341926,1050.944266252402,0.0029970124799999945,6071.218378253941,0.003101350912994807,6639.262130767613,0.0033063681610357503,7744.076279259733,0.0028958245799999135,7185.331796309908,0.002995773550942382,8020.685548753145,0.002997495436846792,8387.495064105615,0.003204000671889646,9040.579297257504,0.0033039804620931404,8661.815720697217,0.002895443794157711,8826.41677646304,0.002997264209999977,9294.94608797059,0.003202926185572869,2597.4119631044473,0.0028955814486593874,2535.5031716458707,0.0031002800858873966,3393.8014687808272,0.0033036932022836867,4537.563692725231,0.003306011077992224,5292.700168684398,0.0033055788979480787,5223.583163457235,0.0032031069280113373,5629.334145383805,0.0028946259665000354,5137.193813599544
+1031,0.0034070784348501073,7414.034877120915,0.0029951570782078326,1087.9176295548887,0.0030969128959999247,6273.3975122360425,0.0032013944908333473,6852.503477067712,0.0034065611356124503,7978.402052947412,0.002995680599999893,7432.607710804224,0.003095632669307122,8287.581296901119,0.003097411951408312,8666.41913577763,0.003304125692886176,9323.520464073192,0.0034041010821566704,8924.178698196929,0.002995286683611391,9130.719297307205,0.003097173016999927,9605.07514991538,0.0033030176288719494,2678.6340930851693,0.0029954290848200273,2622.105813471464,0.003200289120916117,3502.926735827633,0.0034038051175043268,4674.5801874685385,0.003406193231870704,5452.479578548252,0.0034057479554616184,5382.583985381163,0.0033032040195117574,5805.677583059916,0.002994440655000055,5313.651082276719
+1032,0.003507286624110367,7631.2910829118355,0.0030949956474814726,1124.9141286055383,0.0031968133120000046,6475.490755770839,0.003301438068671887,7065.684793140803,0.0035067541101893103,8212.683616930182,0.0030955366199998634,7679.885897834937,0.003195491787671872,8554.461271901153,0.003197328465969982,8945.274359051515,0.003404250713882706,9606.498019335253,0.0035042217022200305,9186.49109707577,0.003095129573065071,9435.023584755001,0.003197081824000037,9915.21409487348,0.0034031090721711793,2759.9019053520433,0.003095276720980667,2708.646111656848,0.0033002981559446766,3611.9993304557456,0.003503917032725127,4811.536528755796,0.003506375385749184,5612.223626913128,0.0035059170129753186,5541.621009059416,0.0034033011110121674,5982.026116865172,0.0030942553435000654,5490.0786677711
+1033,0.0036074948133706175,7848.544410077283,0.0031948342167551027,1161.9267124867959,0.003296713727999935,6677.505305130586,0.0034014816465104173,7278.824390532307,0.0036069470847661603,8446.906445823715,0.003195392639999983,7927.157969420522,0.003295350906036612,8821.325387028955,0.003297244980531502,9224.037583098994,0.003504375734879226,9889.50923979825,0.0036043423222834005,9448.794546510066,0.003194972462518911,9739.322113217862,0.003296990630999987,10225.359183510765,0.003503200515470259,2841.202102511304,0.003195124357141307,2795.1083663070253,0.003400307190973387,3720.9925707342427,0.0036040289479457566,4948.443292970485,0.003606557539627814,5771.928559677802,0.003606086070488849,5700.697613744442,0.0035033982025124274,6158.384491718123,0.003194070032000075,5666.474044208425
+1034,0.0037077030026310275,8065.791862120359,0.0032946727860285927,1198.9652316250315,0.0033966141440000147,6879.454884344024,0.003501525224348957,7491.923130413557,0.0037071400593430203,8681.033235676467,0.0032952486599999533,8174.414739914727,0.003395210024401362,9088.167937481296,0.0033971614950930222,9502.692706144824,0.003604500755875756,10172.55152628681,0.0037044629423469305,9711.090388760462,0.003294815351972591,10043.609340646912,0.003396899437999937,10535.50450812048,0.0036032919587694894,2922.5079789952024,0.0032949719933019575,2881.5129058999723,0.0035003162260019566,3829.930804505484,0.0037041408631665568,5085.3248074698,0.0037067396935062938,5931.59046528216,0.0037062551280023985,5859.808383744034,0.0036034952940128475,6334.742457503471,0.0032938847205000853,5842.834597341586
+1035,0.0038079111918912873,8283.030491964531,0.0033945113553022323,1236.0565265011614,0.0034965145599999445,7081.355625558113,0.0036015688021874973,7705.002098443403,0.0038073330339198704,8915.1211204545,0.0033951046799999235,8421.649346238242,0.0034950691427661123,9354.985999375805,0.003497078009654542,9781.24379210687,0.003704625776872286,10455.622376655836,0.0038045835624102905,9973.37918018452,0.003394658241426281,10347.877363124257,0.003496808244999897,10845.649696654718,0.003703383402068569,3003.8046413538914,0.0033948196294627474,2967.852546504445,0.003600325261030517,3938.8177487887087,0.003804252778387187,5222.155603631891,0.003806921847384924,6091.205129649483,0.0038064241855159287,6018.947700052109,0.0037035923855131075,6511.106359824983,0.0033936994089999455,6019.15758920895
+1036,0.003908119381151548,8500.25736762666,0.0034943499245758724,1273.1656514648557,0.0035964149760000248,7283.200000378971,0.003701612380026027,7918.047454092075,0.00390752600849673,9149.223662716024,0.003494960699999893,8668.854854315938,0.003594928261130852,9621.77716158778,0.003596994524216212,10059.702944606279,0.003804750797868806,10738.719364866045,0.00390470418247382,10235.681707669071,0.003494501130879961,10652.112216368776,0.003596717052000007,11155.798138673768,0.0038034748453678094,3085.131162788769,0.0034946672656233873,3054.1177525815,0.0037003342960592266,4047.6513485535916,0.0039043646936079866,5358.920621776853,0.003907104001263394,6250.76771138044,0.003906593243029628,6178.10921577157,0.0038036894770135275,6687.48523250851,0.0034935140974999552,6195.4401045630075
+1037,0.0040083275704117976,8717.469541807435,0.0035941884938493623,1310.3255016467026,0.0036963153919999546,7484.978427551641,0.0038016559578645673,8131.0519620876275,0.00400771898307358,9383.36043151212,0.0035948167199998634,8916.022167213636,0.003694787379495602,9888.539219652906,0.003696911038777732,10338.131601051517,0.003904875818865496,11021.840124216544,0.0040048248025371805,10497.961958031468,0.0035943440203336408,10956.30065462998,0.003696625858999957,11465.947531235483,0.003903566288666889,3166.49740665955,0.0035945149017840372,3140.3164433099146,0.003800343331087787,4156.428975851717,0.004004476608828627,5495.607222167953,0.004007286155142034,6410.274190952035,0.004006762300543169,6337.2894951622575,0.0039037865685137875,6863.884076739978,0.0035933287859999654,6371.678961184923
+1038,0.004108535759672207,8934.66402207249,0.0036940270631230024,1347.527617983212,0.0037962158080000344,7686.677205551747,0.003901699535703107,8344.010880591219,0.00410791195765044,9617.499634464664,0.003694672739999993,9163.129619760435,0.003794646497860342,10155.270065366767,0.003796827553339252,10616.552983270873,0.004005000839862025,11304.982333361439,0.0041049454226005505,10760.21112594359,0.003694186909787481,11260.48307145597,0.003796534665999907,11776.096180500199,0.0040036577319659695,3247.9348409195286,0.003694362537944677,3226.4653165555633,0.003900352366116507,4265.13596072652,0.004104588524049417,5632.2108795436125,0.004107468309020504,6569.71892880937,0.004106931358056709,6496.484160824162,0.004003883660014207,7040.29880003776,0.003693143474499985,6547.87053703887
+1039,0.004208743948932467,9151.83773871887,0.0037938656323966424,1384.764311804293,0.0038961162239999647,7888.2888603661195,0.0040017431135416365,8556.920261557327,0.00420810493222729,9851.632174991173,0.0037945287599999633,9410.197923929274,0.0038945056162250917,10421.967629474022,0.003896744067900922,10894.99452009192,0.004105125860858545,11588.143704253227,0.0042050660426640706,11022.45093128366,0.003794029799241161,11564.65766912826,0.0038964434730000166,12086.268287788174,0.004103749175265199,3329.4302268467727,0.003794210174105317,3312.566633646306,0.004000361401145067,4373.741434547469,0.0042047004392700565,5768.718127384809,0.004207650462899144,6729.094296858204,0.004207100415570248,6655.687458271697,0.0041039807515146276,7216.7470284074425,0.0037929581629999954,6724.010352963464
+1040,0.004308952138192728,9368.98750698107,0.0038937042016701324,1422.0285362878171,0.003996016639999894,8089.787198800628,0.004101786691380177,8769.776517607921,0.00430829790680399,10085.791111688486,0.0038943847799999334,9657.239282685638,0.0039943647345898415,10688.629841693413,0.003996660582462442,11173.437693983506,0.004205250881855076,11871.321971401945,0.0043051866627274405,11284.707338417593,0.003893872688694841,11868.822369503923,0.003996352279999967,12396.454208328612,0.004203840618564279,3410.9899838644383,0.0038940578102659574,3398.6083910896955,0.004100370436173777,4482.267401791242,0.004304812354490847,5905.139432042317,0.004307832616777614,6888.391863423218,0.004307269473083949,6814.892749675099,0.004204077843014888,7393.23597153391,0.003892772851500005,6900.143089533296
+1041,0.004409160327453128,9586.10997933244,0.0039935427709437725,1459.3132501708046,0.004095917055999974,8291.235612614297,0.004201830269218717,8982.57624063143,0.00440849088138084,10319.93833165658,0.003994240799999904,9904.24957857727,0.004094223852954581,10955.25459328161,0.0040965770970239615,11451.871554576646,0.004305375902851605,12154.514881868256,0.0044053072827908,11546.979133120272,0.0039937155781485205,12172.97520743514,0.004096261086999916,12706.645510641449,0.004303932061863519,3492.6173209600547,0.0039939054464267565,3484.5773438624915,0.004200379471202347,4590.807566315059,0.004404924269711487,6041.494347212703,0.004408014770656244,7047.6168778480305,0.004407438530597488,6974.09342424861,0.004304174934515307,7569.762246649179,0.003992587540000016,7076.270122722001
+1042,0.004509368516713387,9803.201580804116,0.0040933813402174125,1496.6108804628961,0.0041958174719999046,8492.635238803628,0.004301873847057257,9195.31610382113,0.0045086838559577,10554.066906159667,0.004094096819999874,10151.22432205674,0.004194082971319331,11221.839690793304,0.004196493611585471,11730.278393973984,0.004405500923848125,12437.720185676495,0.004505427902854331,11809.26359998697,0.00409355846760221,12477.117460830703,0.004196169894000026,13016.837582435594,0.004404023505162599,3574.2961759588416,0.0040937530825873964,3570.4580537701568,0.004300388506230907,4699.281852762536,0.0045050361849322765,6177.813102785469,0.004508196924534724,7206.793249759759,0.004507607588111029,7133.330716553679,0.004404272026015567,7746.322750716759,0.0040924022285000255,7252.381432442097
+1043,0.004609576705973647,10020.258415679416,0.0041932199094910525,1533.9125889349948,0.004295717887999984,8693.966842758344,0.004401917424895787,9407.992798166664,0.00460887683053456,10788.188455088297,0.004193952839999993,10398.175617281235,0.004293942089684071,11488.382784008154,0.004296410126147151,12008.66998194898,0.004505625944844656,12720.935626158072,0.004605548522917701,12071.558197689284,0.00419340135705604,12781.252735535667,0.004296078700999977,13327.026819681594,0.004504114948461829,3656.016629741928,0.004193600718748037,3656.219009577394,0.0044003975412596165,4807.8116988301035,0.004605148100152917,6314.122638996634,0.004608379078413354,7365.940818522905,0.004607776645624569,7292.593602796669,0.004504369117515988,7922.914572727428,0.004192216917000046,7428.464652777238
+1044,0.004709784895233908,10237.276123009973,0.0042930584787645425,1571.2067680546634,0.004395618303999914,8895.272060933989,0.004501961002734327,9620.602983908493,0.0047090698051114105,11022.318824758764,0.004293808859999963,10645.090757770613,0.004393801208048821,11754.881226726413,0.004396326640708672,12287.05787538894,0.004605750965841335,13004.16363275236,0.004705669142981221,12333.860477502614,0.004293244246509731,13085.375479460306,0.004395987507999937,13637.210066943695,0.004604206391760909,3737.7713475121454,0.004293448354908677,3741.8796915352077,0.004500406576288177,4916.403092612685,0.004705260015373707,6450.377890461683,0.004708561232291834,7525.0528893868295,0.004707945703138269,7451.941546302478,0.004604466209016398,8099.534936563612,0.0042920316055000554,7604.505051781608
+1045,0.004809993084494308,10454.25105766335,0.004392897048038183,1608.4738669826365,0.004495518719999994,9096.553133535033,0.0046020045805728665,9833.16973986735,0.0048092627796882705,11256.452704046835,0.004393664879999933,10891.95177417506,0.0044936603264135715,12021.331727103017,0.004496243155270191,12565.438046242807,0.004705875986837866,13287.419903592385,0.004805789763044591,12596.168018467477,0.00439308713596341,13389.482858172238,0.004495896315000047,13947.384404317363,0.00470429783506014,3819.554002315288,0.004393295991069327,3827.4393528409246,0.0046004156113168965,5025.04676830835,0.0048053719305943465,6586.591321503014,0.0048087433861704635,7684.176382845839,0.0048081147606518085,7611.3481754274935,0.004704563300516667,8276.181160528155,0.004391846294000065,7780.518152662673
+1046,0.004910201273754567,10671.188449529567,0.004492735617311823,1645.6686286711358,0.004595419135999924,9297.819907818173,0.004702048158411397,10045.68512423188,0.00490945575426512,11490.585283641085,0.004493520899999913,11138.77213722797,0.004593519444778311,12287.73787373287,0.004596159669831701,12843.813332660298,0.004806001007834395,13570.692433400778,0.00490591038310795,12858.478361613537,0.00449293002541709,13693.57262160772,0.004595805121999997,14257.547041573227,0.004804389278359219,3901.3587483560646,0.0044931436272299665,3912.8537107823595,0.004700424646345457,5133.735246076586,0.004905483845815137,6722.8008666023,0.004908925540048944,7843.2995501866235,0.004908283818165348,7770.795944970597,0.004804660392017077,8452.85062641535,0.004491660982500075,7956.50095347562
+1047,0.005010409463014827,10888.07490266202,0.004592574186585302,1682.8503444208984,0.004695319552000004,9499.06754088116,0.0048020917362499365,10258.137685328198,0.00500964872884198,11724.712040087896,0.004593376919999883,11385.543373074797,0.0046933785631430615,12554.091302865025,0.004696076184393382,13122.181581759416,0.004906126028830915,13853.97545140094,0.005006031003171481,13120.788922798609,0.0045927729148707705,13997.643156286418,0.004695713928999946,14567.695255441296,0.004904480721658459,3983.179929640233,0.0045929912633907565,3998.13028100014,0.004800433681374167,5242.462173356233,0.005005595761035777,6858.979727241203,0.005009107693927574,8002.400733113268,0.005008452875678889,7930.273194847325,0.004904757483517348,8629.568869929068,0.004591475671000086,8132.449223919378
+1048,0.005110617652275088,11104.894588482046,0.004692412755858942,1720.0198840110186,0.004795219967999934,9700.290328217037,0.004902135314088477,10470.520747025354,0.0051098417034188305,11958.859283575519,0.0046932329400000035,11632.240747276082,0.004793237681507801,12820.405474826306,0.0047959926989549016,13400.540302257448,0.005006251049827446,14137.264884386572,0.00510615162323484,13383.09684145811,0.00469261580432461,14301.695992157676,0.004795622735999897,14877.82634674022,0.0050045721649575395,4065.011856891312,0.0046928388995513964,4083.30192489039,0.004900442716402737,5351.262383831906,0.0051057076762565665,6995.101220619765,0.005109289847806054,8161.468479699943,0.005108621933192579,8089.769438047454,0.005004854575017758,8806.346891076048,0.004691290359499945,8308.358937488962
+1049,0.005210825841535488,11321.605097500355,0.004792251325132582,1757.1823792952605,0.004895120384000014,9901.480393501088,0.005002178891927017,10682.828496412705,0.00521003467799553,12193.022877363597,0.004793088959999974,11878.85949583447,0.004893096799872551,13086.679359284259,0.0048959092135164115,13678.886629801891,0.005106376070823975,14420.5571741215,0.005206272243298371,13645.398625753081,0.00479245869377829,14605.727843791374,0.004895531543000007,15187.937607021227,0.005104663608256619,4146.848575439209,0.004792686535712047,4168.436909460509,0.005000451751431297,5460.153553556554,0.005205819591477207,7131.155023585732,0.005209472001684684,8320.491868114645,0.005208790990706118,8249.272818588288,0.005104951666518177,8983.164338040773,0.004791105047999955,8484.226153517688
+1050,0.005311034030795747,11538.228009668952,0.004892089894406222,1794.3863104344646,0.004995020799999944,10102.653014325297,0.005102222469765547,10895.055230657039,0.00531022765257239,12427.186590126708,0.004892944979999943,12125.456355021997,0.004992955918237302,13352.923752492188,0.0049958257280780915,13957.216708948617,0.005206501091820506,14703.848941609023,0.005306392863361741,13907.688759070068,0.0048923015832319705,14909.736275170535,0.004995440349999956,15498.026289230114,0.005204755051555849,4228.68354385509,0.004892534171872687,4253.531206320776,0.005100460786460007,5569.102513933351,0.005305931506698007,7267.134186821502,0.005309654155563164,8479.45192110274,0.005308960048219659,8408.76960858557,0.005205048758018437,9160.013532121322,0.004890919736499975,8660.046927490726
+1051,0.005411242220056007,11754.82837813781,0.004991928463679712,1831.6769803606142,0.005094921216000024,10303.818536777886,0.005202266047604087,11107.19496166374,0.0054104206271492405,12661.342128818465,0.004992800999999913,12372.028523810015,0.005092815036602041,13619.170863570027,0.005095742242639612,14235.52137122484,0.005306626112817185,14987.136824582123,0.0054065134834251,14169.95627172405,0.004992144472685651,15213.7192518778,0.005095349156999907,15808.08957891869,0.005304846494854929,4310.509054501159,0.004992381808033327,4338.580276888357,0.0052004698214885665,5678.095245132894,0.005406043421918797,7403.060309794841,0.005409836309441644,8638.36173019796,0.005409129105733199,8568.258228642757,0.005305145849518858,9336.889037164952,0.004990734424999985,8835.840551285984
+1052,0.005511450409316257,11971.399512327578,0.005091767032953352,1869.0321432839607,0.005194821631999954,10504.99763157389,0.005302309625442627,11319.241040396484,0.0055106136017261005,12895.4825574795,0.005092657019999883,12618.573157386993,0.0051926741549667916,13885.397933143879,0.005195658757201122,14513.806445692962,0.005406751133813716,15270.417362459271,0.005506634103488631,14432.219169994893,0.00509198736213934,15517.674872088739,0.005195257964000017,16118.124563016525,0.005404937938154159,4392.3148171069,0.0050922294441939665,4423.5789129957775,0.005300478856517287,5787.119951890162,0.005506155337139437,7538.9187951285585,0.005510018463320274,8797.22620410995,0.005509298163246899,8727.715139170032,0.005405242941019118,9513.786271312089,0.005090549113499996,9011.611769195428
+1053,0.005611658598576668,12187.94612256685,0.005191605602226992,1906.4650208396122,0.0052947220480000345,10706.219919913734,0.005402353203281167,11531.185606405426,0.00561080657630295,13129.601165123357,0.005192513040000013,12865.087328860041,0.005292533273331531,14151.596421997918,0.005295575271762641,14792.081738924537,0.005506876154810236,15553.68688192747,0.00560675472355199,14694.478864452272,0.005191830251593181,15821.601295138697,0.005295166770999977,16428.128192986656,0.0055050293814532395,4474.080588598025,0.005192077080354767,4508.554123488922,0.0054004878915458465,5896.162342804207,0.005606267252360227,7674.771426191412,0.005610200617198754,8956.039825731976,0.0056094672207604385,8887.110045510424,0.0055053400325195375,9690.701010919043,0.005190363802000005,9187.342543569153
+1054,0.005711866787836927,12404.469157347054,0.005291444171500482,1943.961677661544,0.005394622463999964,10907.46053499858,0.005502396781119697,11743.018474629427,0.00571099955087981,13363.690659055981,0.005292369059999983,13111.567988474962,0.0053923923916962815,14417.76117007951,0.005395491786324321,15070.344786219093,0.005607001175806765,15836.94134686095,0.005706875343615521,14956.741679937159,0.00529167314104686,16125.496708131945,0.005395075577999927,16738.097237755763,0.005605120824752479,4555.783492517753,0.005291924716515407,4593.533123414199,0.005500496926574567,6005.2017858142835,0.005706379167580867,7810.652974203449,0.005710382771077384,9114.796834767769,0.005709636278273978,9046.548998717406,0.005605437124019957,9867.634646206907,0.005290178490500015,9363.024098568822
+1055,0.005812074977097187,12620.966456910362,0.0053912827407741224,1981.51044593216,0.005494522879999894,11108.706972289032,0.005602440358958237,11954.723775449867,0.005811192525456661,13597.740658396873,0.005392225079999953,13358.011914885337,0.005492251510061032,14683.888231905457,0.005495408300885831,15348.587146096044,0.005707126196803296,16120.176111591956,0.00580699596367888,15219.076149370494,0.00539151603050054,16429.359304974874,0.005494984385000037,17048.028219170952,0.0057052122680515596,4637.461971910281,0.005391772352676047,4678.473533487298,0.0056005059616031265,6114.268420121304,0.005806491082801657,7946.53431674441,0.005810564924955864,9273.491016438551,0.005809805335787519,9205.997698409687,0.005705534215520217,10044.621416153632,0.005389993179000035,9538.64880047085
+1056,0.005912283166357437,12837.435861088283,0.0054911213100477625,2019.1005251200756,0.005594423295999974,11309.950521459996,0.005702483936796777,12166.262785065062,0.005911385500033521,13831.741299122728,0.0054920810999999235,13604.415651328458,0.0055921106284257715,14949.979986407052,0.005595324815447352,15626.810027879837,0.005807251217799816,16403.38540714088,0.00590711658374225,15481.451383526568,0.0054913589199542204,16733.187269783102,0.005594893191999986,17357.917315634142,0.005805303711350789,4719.143636835766,0.005491619988836687,4763.3437221192235,0.005700514996631686,6223.356705560621,0.005906602998022297,8082.397261605871,0.005910747078834494,9432.115417513105,0.005909974393301219,9365.488799062961,0.005805631307020627,10221.670307579965,0.005489807867500045,9714.20873812709
+1057,0.006012491355617848,13053.875199055403,0.0055909598793212525,2056.7095777529457,0.005694323711999904,11511.183339834879,0.005802527514635307,12377.649426330652,0.00601157847461022,14065.703985266311,0.005591937119999894,13850.77541523275,0.005691969746790522,15216.058126956994,0.005695241330009032,15905.02199957856,0.005907376238796345,16686.560718418164,0.00600723720380577,15743.854111046438,0.005591201809407901,17036.97876151579,0.005694801998999937,17667.760202989688,0.005905395154649869,4800.823274532715,0.005591467624997337,4848.100471290342,0.005800524031660397,6332.467111497309,0.006006714913243087,8218.223428530158,0.006010929232712964,9590.661902642014,0.006010143450814759,9525.04337735402,0.0059057283985208976,10398.751836666575,0.005589622556000056,9889.694481686034
+1058,0.006112699544878107,13270.282280016645,0.0056907984485948925,2094.3605344118632,0.0057942241279999845,11712.397105381651,0.005902571092473847,12588.975379528143,0.006111771449187071,14299.621141223306,0.005691793139999863,14097.10750308743,0.005791828865155261,15482.107073366584,0.0057951578445705415,16183.221481125976,0.006007501259793035,16969.684127703284,0.00610735782386914,16006.304982811298,0.00569104469886174,17340.73189743269,0.005794710805999886,17977.596102214575,0.0060054865979491095,4882.502410754831,0.005691315261158127,4932.8337270527545,0.005900533066688957,6441.635244201922,0.0061068268284637265,8353.985578339685,0.006111111386591604,9749.120350786408,0.006110312508328298,9684.651199511633,0.006005825490021308,10575.844758532668,0.0056894372445000655,10065.091676228514
+1059,0.0062129077341383674,13486.65488387184,0.0057906370178685326,2132.064480437206,0.005894124543999914,11913.580562185793,0.006002614670312537,12800.26980985804,0.006211964423763931,14533.49305513554,0.005791649159999983,14343.429351673942,0.005891687983520012,15748.12241133673,0.005895074359132062,16461.410274991136,0.006107626280789555,17252.77037651171,0.00620747844393267,16268.787699706432,0.0057908875883154205,17644.444733441345,0.0058946196129999965,18287.411912235886,0.006105578041248189,4964.203715138038,0.005791162897318767,5017.5682114374595,0.006000542101717677,6550.876260204534,0.006206938743684517,8489.639077675367,0.006211293540470074,9907.476888986883,0.006210481565841839,9844.317338345423,0.006105922581521577,10752.944482417844,0.005789251933000075,10240.370348095828
+1060,0.006313115923398617,13702.990751027444,0.005890475587142173,2169.818354401362,0.005994024959999994,12114.711103954525,0.0061026582481510765,13011.47507963093,0.00631215739834078,14767.308489183124,0.005891505179999964,14589.715967896718,0.005991547101884762,16014.133241006435,0.005994990873693581,16739.63130269927,0.006207751301786086,17535.813297163557,0.00630759906399603,16531.29138547491,0.005890730477769101,17948.1152385344,0.005994528419999947,18597.182055447898,0.006205669484547419,5045.924620818356,0.005891010533479417,5102.306266279698,0.006100551136746237,6660.17154657712,0.006307050658905157,8625.192255247808,0.006311475694348714,10065.70827800108,0.006310650623355529,10004.043425768215,0.006206019673021987,10930.071789120087,0.005889066621500095,10415.570068022398
+1061,0.006413324112659028,13919.287570509176,0.005990314156415652,2207.619219747741,0.006093925375999924,12315.833930607225,0.006202701825989617,13222.631447057372,0.00641235037291764,15001.027484371778,0.005991361199999933,14835.953571512528,0.0060914062202495015,16280.139974864855,0.006094907388255252,17017.911841522247,0.006307876322782615,17818.775539655573,0.0064077196840594,16793.809409683054,0.00599057336722279,18251.741259158298,0.006094437226999906,18906.889920785365,0.006305760927846499,5127.659441480885,0.005990858169640057,5187.040745466809,0.006200560171774957,6769.523291186983,0.0064071625741259465,8760.71285813901,0.006411657848227184,10223.758043366379,0.0064108196808690685,10163.897023242647,0.006306116764522408,11107.221821549445,0.005988881309999946,10590.692318181647
+1062,0.006513532301919287,14135.542964749111,0.006090152725689292,2245.4641953861947,0.006193825792000004,12516.949520792727,0.006302745403828157,13433.734987214102,0.006512543347494491,15234.699457296421,0.006091217219999903,15082.124291032473,0.006191265338614252,16546.12358032014,0.006194823902816771,17296.226460110374,0.006408001343779135,18101.71355373646,0.00650784030412292,17056.357273141795,0.00609041625667647,18555.3204656574,0.006194346034000016,19216.557197170565,0.00640585237114558,5209.474014211217,0.006090705805800697,5271.763311928825,0.006300569206803517,6878.9305097092665,0.006507274489346587,8896.232074940199,0.006511840002105814,10381.645857911655,0.006510988738382608,10323.852293177457,0.006406213856022668,11284.396758472956,0.006088695998499966,10765.723311518403
+1063,0.0066137404911795475,14351.75446892158,0.006189991294962932,2283.350390429774,0.0062937262079999345,12718.049803398773,0.006402788981666687,13644.776995876087,0.006612736322071351,15468.324111965114,0.006191073239999873,15328.198013876296,0.0062911244569789915,16812.075485845144,0.006294740417378292,17574.560080322473,0.006508126364775666,18384.64804997901,0.00660796092418629,17318.952709418532,0.0061902591461301506,18858.858332367134,0.006294254840999967,19526.174425119683,0.0065059438144448095,5291.349022486961,0.006190553441961337,5356.463288872441,0.006400578241832077,6988.386409514794,0.006607386404567387,9031.743516986086,0.006612022155984294,10539.445052034245,0.006611157795896149,10483.888156158828,0.006506310947523087,11461.594542469662,0.0061885106869999755,10940.62685086386
+1064,0.006713948680439797,14567.91949996273,0.006289829864236422,2321.2748269033173,0.006393626624000014,12919.127867307916,0.006502832559505227,13855.747408852609,0.0067129292966482,15701.912652764822,0.0062909292599999935,15574.221228434275,0.006390983575343742,17077.989570817314,0.006394656931939811,17852.904855880017,0.006608251385772345,18667.57705273028,0.00670808154424965,17581.572427966283,0.00629010203558399,19162.423220478013,0.006394163647999916,19835.72783349177,0.006606035257743889,5373.26930210692,0.0062904010781221365,5441.11598938537,0.006500587276860786,7097.881469287436,0.0067074983197880165,9167.240188162888,0.006712204309862924,10697.169687432099,0.006711326853409849,10644.001085752017,0.006606408039023347,11638.806569862076,0.006288325375499985,11115.430673663002
+1065,0.006814156869700208,14784.035305211837,0.006389668433510062,2359.2343192065264,0.006493527039999944,13120.177729669222,0.006602876137343767,14066.626134141321,0.00681312227122506,15935.45950223913,0.006390785279999964,15820.184954065611,0.006490842693708492,17343.86069041159,0.006494573446501482,18131.255228401576,0.006708376406768876,18950.49853995545,0.00680820216431318,17844.206907995045,0.00638994492503767,19465.981110572997,0.006494072455000026,20145.209315887572,0.0067061267010431296,5455.229410653731,0.0063902487142827764,5525.7501386788435,0.006600596311889357,7207.404870117584,0.006807610235008817,9302.713633224408,0.006812386463741404,10854.859096881828,0.006811495910923389,10804.221576280752,0.006706505130523768,11816.026357796676,0.006388140063999995,11290.15362708584
+1066,0.006914365058960467,15000.098863290023,0.006489507002783702,2397.231025240655,0.006593427456000024,13321.196243846787,0.006702919715182297,14277.410061365554,0.006913315245801761,16168.947433166759,0.006490641299999933,16066.06294844365,0.006590701812073232,17609.684139051114,0.006594489961063002,18409.60674081529,0.006808501427765405,19233.410431890836,0.00690832278437654,18106.86481052747,0.0064897878144913506,19769.512723647695,0.006593981261999977,20454.582033802995,0.006806218144342209,5537.2183889408525,0.006490096350443417,5610.376925478061,0.006700605346918066,7316.963601661529,0.006907722150229457,9438.152136379606,0.006912568617620034,11012.518976659525,0.006911664968436928,10964.525332834535,0.006806602222024187,11993.248564585114,0.006487954752500006,11464.823941044186
+1067,0.0070145732482207275,15216.106640921353,0.006589345572057342,2435.325139419442,0.006693327871999954,13522.173746328184,0.006802963293020837,14488.129250430522,0.00701350822037861,16402.369653264588,0.006590497319999903,16311.901658709161,0.006690560930437982,17875.455341042798,0.0066944064756245215,18687.955551477542,0.006908626448761925,19516.31057694966,0.0070084434044400705,18369.556530523027,0.006589630703945031,20073.010830349445,0.0066938900689999265,20763.85949111072,0.006906309587641439,5619.226845805473,0.006589943986604057,5694.992628093752,0.006800614381946627,7426.55183764911,0.007007834065450247,9573.559536177734,0.007012750771498514,11170.14710882785,0.007011834025950469,11124.90800818484,0.006906699313524447,12170.478994838755,0.006587769441000025,11639.447897391032
+1068,0.007114781437480977,15432.053562585817,0.006689184141330832,2473.4893427411516,0.0067932282880000345,13723.098917105186,0.0069030068708593765,14698.77603619967,0.00711370119495547,16635.7373830769,0.006690353339999873,16557.775813457534,0.0067904200488027215,18141.169539156752,0.006794322990186192,18966.29818385573,0.007008751469758456,19799.19673384928,0.00710856402450343,18632.262254815087,0.006689473593398711,20376.463561226177,0.006793798876000037,21073.044844618347,0.007006401030940519,5701.245696597012,0.006689791622764707,5779.593228157209,0.0069006234169753464,7536.16090819659,0.007107945980670887,9708.962442111604,0.007112932925377144,11327.741232566168,0.007112003083464168,11285.362052036271,0.007006796405024868,12347.754241005001,0.006687584129500036,11814.013298236843
+1069,0.007214989626741388,15647.932076958952,0.006789022710604472,2511.710683563105,0.006893128703999964,13923.95537233685,0.007003050448697917,14909.348844528025,0.00721389416953232,16869.05717543507,0.006790209360000003,16803.661998042266,0.006890279167167472,18406.820910524446,0.006894239504747711,19244.631375303154,0.007108876490754985,20082.066548192015,0.0072086846445668,18894.97204054817,0.006789316482852551,20679.90325170479,0.006893707682999986,21382.20465172969,0.007106492474239749,5783.265130294069,0.0067896392589253465,5864.174179480314,0.007000632452003907,7645.772630315999,0.007208057895891677,9844.398995325726,0.007213115079255624,11485.299030429109,0.007212172140977709,11445.890501458327,0.007106893496525128,12525.06304071989,0.006787398818000045,11988.499164218485
+1070,0.007315197816001647,15863.751804068304,0.0068888612798781125,2549.9772779306777,0.006993029119999885,14124.76480371328,0.0071030940265364466,15119.842637591513,0.00731408714410918,17102.294168250355,0.006890065379999973,17049.543242327472,0.006990138285532222,18672.40724399071,0.006994156019309232,19522.95197178867,0.007209001511751516,20364.922178743596,0.0073088052646303305,19157.67739758586,0.00688915937230624,20983.328181689176,0.006993616489999946,21691.35000562082,0.0072065839175388295,5865.272852035984,0.0068894868950861365,5948.748800235387,0.007100641487032467,7755.380550468223,0.007308169811112317,9979.844471973438,0.007313297233134104,11642.818111391614,0.007312341198491249,11606.524349007244,0.0072069905880255474,12702.390431752903,0.006887213506500055,12162.923808548554
+1071,0.0074154060052619075,16079.51069315383,0.0069886998491516025,2588.2900692616604,0.007092929535999974,14325.537098205112,0.007203137604374987,15330.28364507048,0.00741428011868603,17335.489024048587,0.006989921399999943,17295.409664701467,0.007089997403896962,18937.938928441537,0.007094072533870751,19801.25684242761,0.007309126532748195,20647.83432191667,0.00740892588469369,19420.36957903189,0.00698900226175992,21286.73405340924,0.007093525296999897,22000.478306119312,0.007306675360838069,5947.245902655121,0.006989334531246776,6033.332610637886,0.007200650522061177,7865.009622456829,0.007408281726333107,10115.279385676477,0.007413479387012734,11800.295989348539,0.007412510256004788,11767.235985664036,0.0073070876795259575,12879.723773359518,0.006987028195000066,12337.279441458171
+1072,0.007515614194522317,16295.208743375817,0.0070885384184252425,2626.6422474056917,0.007192829951999904,14526.290913587947,0.007303181182213527,15540.666834922004,0.00751447309326289,17568.665774797948,0.0070897774199999136,17541.25208937361,0.007189856522261712,19203.405074220682,0.007193989048432422,20079.542797002407,0.007409251553744726,20930.773218281174,0.0075090465047572205,19683.038184793688,0.0070888451512136005,21590.117339577268,0.007193434104000007,22309.586816475345,0.00740676680413715,6029.153217947392,0.007089182167407427,6117.885202093194,0.007300659557089747,7974.667671738815,0.007508393641553747,10250.65951708475,0.007513661540891214,11957.73005364836,0.0075126793135184885,11928.01278761562,0.0074071847710262175,13057.043905207245,0.007086842883500085,12511.539250383235
+1073,0.007615822383782568,16510.842248699224,0.0071883769876988825,2665.025087554731,0.0072927303679999845,14726.976342056825,0.007403224760052057,15750.987692003602,0.00761466606783974,17801.815288582697,0.007189633439999884,17787.057242649284,0.007289715640626452,19468.77639095365,0.007293905562993941,20357.80649034891,0.007509376574741246,21213.72021040525,0.00760916712482058,19945.66797603187,0.007188688040667281,21893.474962105298,0.007293342910999956,22618.672587145855,0.007506858247436229,6111.044986291483,0.007189029803568067,6202.441807092913,0.007400668592118457,8084.35332626246,0.007608505556774537,10386.032983904039,0.0076138436947698436,12115.11752410092,0.007612848371032028,12088.845518226623,0.007507281862526637,13234.374975512263,0.007186657572000096,12685.740149440435
+1074,0.007716030573042827,16726.403929614447,0.007288215556972362,2703.4193043414734,0.007392630783999904,14927.636511927916,0.007503268337890597,15961.241796788696,0.0077148590424166,18034.917953466607,0.007289489460000003,18032.80720793672,0.007389574758991202,19734.083431214258,0.007393822077555462,20636.044289452402,0.007609501595737775,21496.664975178406,0.00770928774488395,20208.224557284964,0.00728853093012112,22196.804135649178,0.007393251717999907,22927.732333794414,0.007606949690735459,6192.951983443925,0.007288877439728707,6287.001131129851,0.0075006776271470165,8194.059082350737,0.0077086174719951765,10521.424017721842,0.007714025848648324,12272.455341661669,0.007713017428545569,12249.723181247215,0.007607378954026897,13411.716677143235,0.007286472260499955,12859.90763440412
+1075,0.007816238762303087,16941.879279564608,0.007388054126246002,2741.8244297286337,0.007492531199999994,15128.310746524387,0.007603311915729137,16171.42460783274,0.0078150520169933,18267.998475878605,0.007389345479999984,18278.537727435363,0.007489433877355952,19999.34541420629,0.007493738592117132,20914.25205330772,0.007709626616734306,21779.598828535556,0.00780940836494747,20470.708944893384,0.0073883738195748005,22500.106801287613,0.007493160525000017,23236.76221208001,0.007707041134034539,6274.870609282085,0.0073887250758893465,6371.558645776826,0.007600686662175737,8303.7699186327,0.007808729387215967,10656.848597050217,0.007814208002526954,12429.76277594517,0.00781318648605911,12410.64203023632,0.007707476045527318,13589.064138772383,0.007386286948999965,13034.03864819562
+1076,0.007916446951563497,17157.278673548797,0.007487892695519642,2780.2738215235704,0.007592431615999924,15328.993490500501,0.007703355493567677,16381.531262277958,0.00791524499157015,18501.060248837974,0.007489201499999953,18524.246784485767,0.007589292995720692,20264.588489977876,0.0075936551066786515,21192.424687947274,0.007809751637730836,22062.51234200002,0.007909528985010841,20733.18121146695,0.007488216709028481,22803.405743714466,0.007593069331999967,23545.757311527355,0.007807132577333769,6356.796242239717,0.007488572712050147,6456.1101539986075,0.0077006956972042965,8413.50362089491,0.007908841302436607,10792.301754971615,0.007914390156405424,12587.049416500406,0.007913355543572798,12571.606511045804,0.007807573137027738,13766.412243148523,0.007486101637499976,13208.129515720704
+1077,0.008016655140823748,17372.611807180423,0.007587731264793282,2818.824761973925,0.007692332032000004,15529.679197209322,0.007803399071406206,16591.5567085759,0.008015437966147012,18734.09811551539,0.007589057519999923,18769.93026377872,0.007689152114085442,20529.787036401747,0.007693571621240172,21470.55493520547,0.007909876658727357,22345.389947014206,0.00800964960507437,20995.707017573437,0.007588059598482161,23106.686499365092,0.007692978138999916,23854.71001955735,0.007907224020632849,6438.723922338639,0.007588420348210787,6540.651284369112,0.007800704732232856,8523.259931449193,0.008008953217657397,10927.778875799546,0.008014572310284063,12744.296047469315,0.008013524601086338,12732.611608885009,0.007907670228527997,13943.763823623864,0.0075859163259999855,13382.173170941165
+1078,0.008116863330084007,17587.875590945372,0.007687569834066772,2857.4903166853946,0.0077922324479999345,15730.361822353194,0.007903442649244747,16801.542646556933,0.00811563094072386,18967.105914792257,0.007688913539999893,19015.58372180282,0.007789011232450181,20794.926137218346,0.007793488135801692,21748.62506779027,0.008010001679724047,22628.214138598825,0.00810977022513773,21258.262746448327,0.0076879024879358505,23409.942060634494,0.007792886946000036,24163.59947705519,0.00800731546393209,6520.648519018547,0.007688267984371427,6625.176879668225,0.007900713767261577,8633.030967700735,0.008109065132878035,11063.275572548891,0.008114754464162533,12901.493418802565,0.00811369365859988,12893.652208007772,0.008007767320028418,14121.114895507215,0.007685731014499995,13556.170706679199
+1079,0.008217071519344267,17803.06673928787,0.007787408403340413,2896.2786374433517,0.007892132864000015,15931.033726067677,0.008003486227083287,17011.47046750907,0.008215823915300721,19200.07565384914,0.007788769559999863,19261.202048952993,0.007888870350814932,21059.982751517786,0.007893404650363362,22026.633174207767,0.008110126700720567,22911.02088550072,0.008209890845201101,21520.837967597905,0.007787745377389691,23713.16804735095,0.007892795752999986,24472.447664651332,0.00810740690723117,6602.572227962229,0.007788115620532067,6709.678418627781,0.008000722802290137,8742.799749615275,0.008209177048098827,11198.78759839878,0.008214936618041175,13058.632688536978,0.00821386271611342,13054.722540032652,0.008107864411528677,14298.45153068142,0.007785545703000015,13730.126919585578
+1080,0.008317279708604677,18018.18160404135,0.007887246972614052,2935.1446587918517,0.007992033279999944,16131.678135511951,0.008103529804921817,17221.31431002481,0.008316016889877572,19432.994911612477,0.007888625579999982,19506.795277208275,0.00798872946917967,21324.97968155192,0.007993321164924882,22304.6128463664,0.008210251721717096,23193.795565337474,0.008310011465264621,21783.422110360323,0.007887588266843371,24016.360962102088,0.007992704559999937,24781.2733421926,0.008207498350530399,6684.5143038980295,0.007887963256692717,6794.163572425283,0.008100731837318846,8852.580058627133,0.008309288963319466,11334.310775578359,0.008315118771919644,13215.730207376622,0.008314031773627118,13215.813750991283,0.008207961503029097,14475.751384329553,0.007885360391500026,13904.038836112393
+1081,0.008417487897864928,18233.215238696535,0.007987085541887541,2974.098268635974,0.008091933696000026,16332.29696318913,0.008203573382760357,17431.05797113,0.00841620986445443,19665.83951049304,0.007988481599999953,19752.39913214201,0.008088588587544422,21589.919759674325,0.0080932376794864,22582.558786057267,0.008310376742713626,23476.556836121403,0.00841013208532799,22045.997849296724,0.007987431156297051,24319.51774158608,0.008092613367000047,25090.149646421174,0.008307589793829478,6766.452954555278,0.007987810892853506,6878.66958895091,0.008200740872347406,8962.362570351623,0.008409400878540255,11469.854562457498,0.008415300925798274,13372.808544349124,0.008414200831140658,13376.929182094036,0.008308058594529358,14653.010293242869,0.007985175080000037,14077.902454263975
+1082,0.008517696087125187,18448.163827195636,0.008086924111161181,3013.1319867786615,0.008191834111999955,16532.912263543454,0.008303616960598897,17640.73889279137,0.008516402839031281,19898.59575912218,0.008088337619999922,19997.9589199334,0.008188447705909171,21854.79313719364,0.008193154194047921,22860.46017900051,0.008410501763710146,23759.30728127502,0.00851025270539151,22308.58690203155,0.00808727404575073,24622.635571561597,0.008192522173999997,25399.04377224265,0.00840768123712872,6848.419448379328,0.008087658529014146,6963.20671399709,0.008300749907376127,9072.167248965703,0.008509512793760896,11605.459952794734,0.008515483079676754,13529.828255478105,0.008514369888654198,13538.06736887901,0.008408155686029777,14830.283792575348,0.008084989768500046,14251.710705470885
+1083,0.008617904276385447,18663.028866695564,0.008186762680434822,3052.238294321003,0.008291734528000035,16733.519754847744,0.008403660538437437,17850.349940266544,0.00861659581360814,20131.30871439797,0.008188193639999893,20243.50455769609,0.008288306824273912,22119.595812576623,0.008293070708609592,23138.30312668272,0.008510626784706677,24042.04283775667,0.008610373325454881,22571.18971356865,0.00818711693520441,24925.71179094504,0.008292430980999946,25707.93143308277,0.0085077726804278,6930.408183875259,0.008187506165174796,7047.749682403642,0.008400758942404687,9181.990858872974,0.008609624708981696,11741.10471253775,0.008615665233555383,13686.838699421647,0.00861453894616774,13699.220832768766,0.008508252777530187,15007.557829396952,0.008184804457000056,14425.47144609915
+1084,0.008718112465645857,18877.806474541878,0.008286601249708462,3091.4360703492557,0.008391634943999965,16934.167083401386,0.008503704116275967,18059.85786821405,0.008716788788184842,20364.008192711633,0.008288049659999873,20489.043691931976,0.008388165942638661,22384.348144787065,0.008392987223171111,23416.12620553003,0.008610751805703207,24324.758510107928,0.00871049394551824,22833.80179971701,0.008286959824658251,25228.743834045017,0.008392339787999897,26016.78362893171,0.008607864123727028,7012.356096984835,0.008287353801335436,7132.344178526657,0.008500767977433247,9291.851086145118,0.008709736624202337,11876.771959482612,0.008715847387433863,13843.829467342342,0.008714708003681439,13860.407363671578,0.008608349869030458,15184.818028767904,0.008284619145500076,14599.184422408192
+1085,0.008818320654906108,19092.49241257057,0.008386439818981952,3130.7209271878755,0.008491535360000045,17134.85677177895,0.008603747694114507,18269.29792029189,0.00881698176276169,20596.689209034354,0.008387905679999993,20734.570529387132,0.008488025061003412,22649.045764318344,0.008492903737732631,23693.92899326777,0.008710876826699887,24607.44684459319,0.00881061456558177,23096.41814847823,0.00838680271411193,25531.729191485414,0.008492248595000007,26325.63011990717,0.00870795556702611,7094.292746734246,0.008387201437496076,7216.975237649823,0.008600777012461966,9401.746488730627,0.008809848539423126,12012.45162769731,0.008816029541312494,14000.786837397665,0.008814877061194978,14021.693812631343,0.008708446960530868,15362.034161293572,0.008384433834000086,14772.847405649343
+1086,0.008918528844166367,19307.081964570127,0.008486278388255592,3170.0725831441187,0.008591435775999976,17335.55610747522,0.008703791271953048,18478.686551976945,0.008917174737338551,20829.344568244065,0.008487761699999962,20980.07981958263,0.008587884179368151,22913.684696103075,0.008592820252294301,23971.709855210167,0.008811001847696417,24890.09118510363,0.008910735185645141,23359.032632553804,0.00848664560356561,25834.665380815517,0.008592157401999966,26634.580196129868,0.00880804701032519,7176.274824958386,0.008487049073656716,7301.629164062069,0.008700786047490527,9511.675203285464,0.008909960454643765,12148.134962104581,0.008916211695190975,14157.700943134061,0.008915046118708518,14183.070529411669,0.008808544052031138,15539.23223620058,0.008484248522499935,14946.458120821067
+1087,0.009018737033426627,19521.56972629643,0.00858611695752923,3209.465807342134,0.008691336191999894,17536.24957845414,0.008803834849791577,18688.053777634104,0.009017367711915402,21061.958227641167,0.008587617719999932,21225.566377540184,0.008687743297732902,23178.261011332652,0.008692736766855821,24249.467142157693,0.008911126868692946,25172.697238544803,0.0090108558057085,23621.63653912835,0.00858648849301929,26137.54992219974,0.008692066208999916,26943.665536890465,0.008908138453624419,7258.270271317646,0.008586896709817517,7386.300550169382,0.008800795082519236,9621.660990055338,0.009010072369864557,12283.812815474359,0.009016393849069455,14314.62446875949,0.009015215176222058,14344.509534588395,0.008908641143531548,15716.417110717188,0.008584063210999957,15120.014239104295
+1088,0.009118945222687037,19735.949171076663,0.008685955526802711,3248.913953563606,0.008791236607999985,17736.92764886454,0.008903878427630118,18897.402367055533,0.00911756068649226,21294.515471819737,0.008687473739999903,21471.02463498768,0.008787602416097641,23442.77059960881,0.008792653281417342,24527.199186109676,0.009011251889689466,25455.282085721665,0.00911097642577203,23884.211579121566,0.00868633138247298,26440.380316332936,0.008791975016000026,27252.826493969533,0.009008229896923499,7340.262783880494,0.008686744345978157,7470.980930302287,0.008900804117547796,9731.718122634109,0.009110184285085346,12419.495807159325,0.009116576002948084,14471.588857376206,0.009115384233735759,14505.99788505986,0.009008738235031968,15893.611332432214,0.008683877899499965,15293.513369460015
+1089,0.009219153411947288,19950.211821496687,0.008785794096076351,3288.4358397637625,0.008891137023999905,17937.550697178594,0.009003922005468656,19106.708701919324,0.009217753661069111,21527.07053706202,0.008787329759999872,21716.44785823355,0.008887461534462392,23707.20892583431,0.008892569795978862,24804.904295613233,0.009111376910685996,25737.85832620063,0.00921109704583539,24146.732970499204,0.00878617427192682,26743.154022466926,0.008891883822999977,27562.042924237816,0.00910832134022274,7422.311041893093,0.008786591982138797,7555.663033614615,0.009000813152576517,9841.826308094678,0.009210296200305985,12555.179711997675,0.009216758156826564,14628.564895461437,0.009215553291249288,14667.524959129432,0.009108835326532227,16070.818863949427,0.008783692587999976,15466.953048989995
+1090,0.009319361601207547,20164.370416900143,0.008885632665349991,3328.027494654235,0.008991037439999995,18138.20406760049,0.009103965583307196,19315.981680405464,0.00931794663564597,21759.63866923477,0.008887185780000003,21961.825375819648,0.008987320652827131,23971.570574806363,0.008992486310540532,25082.58075069956,0.009211501931682527,26020.424025168464,0.009311217665898921,24409.26949123277,0.0088860171613805,27045.868434601703,0.008991792629999927,27871.30258247717,0.00920841278352182,7504.396610030009,0.008886439618299437,7640.339937754521,0.009100822187605077,9951.977926765401,0.009310408115526777,12690.826200269064,0.009316940310705193,14785.540856701842,0.009315722348762828,14829.077783675524,0.009208932418032648,16248.035310552212,0.008883507276499987,15640.338443769137
+1091,0.009419569790467807,20378.42489959289,0.008985471234623482,3367.6852038702273,0.009090937855999915,18338.950294637267,0.009204009161145726,19525.305294807546,0.009418139610222821,21992.21033052253,0.008987041799999972,22207.135947387767,0.009087179771191882,24235.847833634616,0.009092402825102052,25360.226797148112,0.009311626952679047,26302.97723531557,0.00941133828596228,24671.82067721155,0.00898586005083418,27348.52085361205,0.009091701437000036,28180.597712157887,0.009308504226821048,7586.520857120229,0.008986287254460087,7725.004411678939,0.009200831222633637,10062.166555950123,0.009410520030747415,12826.491584202866,0.009417122464583674,14942.509470469306,0.00941589140627637,14990.641101453522,0.009309029509532907,16425.256807589238,0.008983321965000006,15813.67986708316
+1092,0.009519777979728217,20592.356232470607,0.009085309803897122,3407.4053808807703,0.009190838272000006,18539.838870944404,0.009304052738984428,19734.60403333485,0.00951833258479952,22224.780343212497,0.009086897819999943,22452.41411608821,0.009187038889556631,24500.022515521992,0.009192319339663572,25637.840639904985,0.009411751973675737,26585.515988411076,0.00951145890602565,24934.381838333957,0.00908570294028786,27651.108452237993,0.009191610243999986,28489.968861491274,0.00940859567012013,7668.668927528174,0.009086134890620727,7809.647967595555,0.009300840257662356,10172.38587085385,0.009510631945968205,12962.191083145099,0.009517304618462305,15099.465119875966,0.009516060463790069,15152.237963112182,0.009409126601033328,16602.50097274229,0.009083136653500017,15986.965392744745
+1093,0.009619986168988468,20806.142535830124,0.009185148373170762,3447.1844555316775,0.009290738687999924,18740.81904317066,0.009404096316822957,19943.827415847223,0.009618525559376381,22457.345131337563,0.009186753839999912,22697.66198040821,0.009286898007921372,24764.112335325844,0.009292235854225242,25915.420435243323,0.009511876994672257,26868.038286047275,0.00961157952608917,25196.947603298362,0.009185545829741541,27953.628227831643,0.009291519050999937,28799.395754963312,0.009508687113419359,7750.823063253716,0.009185982526781516,7894.258151022225,0.009400849292690916,10282.645325260673,0.009610743861188846,13097.940514857737,0.009617486772340785,15256.403033923469,0.009616229521303608,15313.864913645592,0.009509223692533748,16779.779856628065,0.009182951342000025,16160.18942706914
+1094,0.009720194358248727,21019.776269270267,0.009284986942444402,3487.0187488134698,0.009390639104000014,18941.866528225626,0.009504139894661498,20153.022264217343,0.009718718533953232,22689.901582953706,0.009286609859999883,22942.875028727674,0.009386757126286121,25028.124569024592,0.009392152368786762,26192.964281292272,0.009612002015668787,27150.542089064784,0.00971170014615254,25459.528977026745,0.00928538871919538,28256.076933932414,0.009391427857999887,29108.861695690415,0.009608778556718439,7832.952627145228,0.009285830162942156,7978.844985761097,0.009500858327719627,10392.947067599176,0.009710855776409635,13233.715977570635,0.009717668926219414,15413.318935020883,0.009716398578817148,15475.532140061128,0.009609320784034007,16957.072586237082,0.009282766030500036,16333.347543716694
+1095,0.009820402547508987,21233.27654599557,0.009384825511717891,3526.904287777478,0.009490539519999935,19142.966796440363,0.009604183472500036,20362.170372586665,0.009818911508530091,22922.44675806852,0.009386465880000002,23188.047703634264,0.009486616244650862,25292.05426255255,0.009492068883348272,26470.470206237325,0.009712127036665316,27433.025305034196,0.00981182076621607,25722.12457901155,0.00938523160864906,28558.450972544622,0.009491336665000006,29418.35709047,0.00970887000001768,7915.048320026457,0.009385677799102807,8063.436841272794,0.009600867362748186,10503.284573892797,0.009810967691630276,13369.50673503322,0.009817851080097894,15570.208849456114,0.009816567636330688,15637.235652116693,0.009709417875534417,17134.368750165777,0.009382580719000047,16506.435624658225
+1096,0.009920610736769397,21446.662502293293,0.009484664080991531,3566.8374200147946,0.009590439936000025,19344.1082456961,0.009704227050338568,20571.30531523106,0.009919104483106941,23154.97776132819,0.009486321899999973,23433.171966634884,0.009586475363015611,25555.89529784611,0.009591985397909791,26747.936153002698,0.009812252057661836,27715.485772656317,0.00991194138627947,25984.732723598554,0.009485074498102741,28860.74620570791,0.009591245471999956,29727.874342383362,0.00980896144331676,7997.157216722664,0.009485525435263447,8148.035225646612,0.009700876397776908,10613.654135709992,0.009911079606851076,13505.304295267268,0.009918033233976524,15727.07916979764,0.009916736693844389,15798.96082390377,0.009809514967034687,17311.6564043539,0.009482395407500066,16679.449570894198
+1097,0.010020818926029677,21659.90467242353,0.009584502650265172,3606.829316403154,0.009690340351999956,19545.279875527704,0.009804270628177106,20780.41907925913,0.010019297457683792,23387.491665714315,0.009586177919999942,23678.229211394577,0.009686334481380362,25819.639221303754,0.009691901912471471,27025.359958868805,0.009912377078658366,27997.92124159758,0.01001206200634277,26247.36192513954,0.00958491738755643,29162.957572280513,0.009691154278999907,30037.406693177785,0.00990905288661588,8079.25590105723,0.009585373071424087,8232.647013539185,0.009800885432805467,10724.05258742569,0.010011191522071677,13641.100569027843,0.010018215387854993,15883.99532497909,0.01001690575135791,15960.707258370625,0.009909612058535097,17488.912721890407,0.009582210096000077,16852.385133803662
+1098,0.010121027115289878,21873.009609099525,0.009684341219538662,3646.8594119318323,0.009790240768000035,19746.468905536683,0.009904314206015646,20989.502849371973,0.01011949043226069,23619.985452406007,0.009686033939999922,23923.25306285072,0.009786193599744952,26083.269931590385,0.009791818427032981,27302.73932693844,0.010012502099655027,28280.329345097685,0.01011218262640637,26510.07450311812,0.00968476027701011,29465.078085719306,0.009791063086000017,30346.94765123363,0.010009144329915079,8161.364326255519,0.009685220707584727,8317.29858093462,0.009900894467834027,10834.476934620947,0.010111303437292475,13776.886729477961,0.010118397541733593,16040.922179475445,0.010117074808871508,16122.467687143842,0.010009709150035568,17666.169897579362,0.009682024784500086,17025.237760757183
+1099,0.010221235304550278,22086.055523173807,0.009784179788812302,3686.934798073109,0.009890141183999956,19947.648761864846,0.010004357783854176,21198.545599170702,0.010219683406837491,23852.455949988198,0.009785889959999893,24168.263259997744,0.00988605271810969,26346.767356887234,0.009891734941594501,27580.071783909363,0.010112627120651627,28562.7075609811,0.01021230324646967,26772.838840849876,0.00978460316646379,29767.093834877272,0.009890971892999966,30656.490500376884,0.01010923577321418,8243.483874512156,0.009785068343745526,8401.987402718385,0.010000903502862736,10944.924196080723,0.010211415352513176,13912.650634654892,0.010218579695612094,16197.842861615172,0.010217243866385008,16284.232737220827,0.010109806241535768,17843.451640867876,0.009781839472999947,17198.002380523998
+1100,0.010321443493810577,22299.031434681776,0.009884018358085942,3727.0877383941097,0.009990041600000065,20148.81605730405,0.010104401361692677,21407.523378039405,0.010319876381414392,24084.905274673816,0.009885745979999862,24413.262907069286,0.009985911836474482,26610.15559938577,0.009991651456156072,27857.354612954674,0.010212752141648126,28845.0531524971,0.010312423866533171,27035.64091893472,0.00988444605591763,30068.988731026,0.009990880699999967,30966.02754574196,0.010209327216513379,8325.592277663698,0.009884915979906166,8486.697544154888,0.010100912537891337,11055.391276550465,0.010311527267733977,14048.400294727182,0.010318761849490694,16354.747661961923,0.010317412923898709,16445.986776490543,0.010209903333036167,18020.757390076087,0.009881654161499956,17370.67288680384
+1101,0.010421651683070878,22511.93084271762,0.009983856927359442,3767.3182785823446,0.010089942015999965,20350.01958322375,0.010204444939531277,21616.45018398808,0.010420069355991091,24317.330543177228,0.009985601999999982,24658.242252406726,0.01008577095483918,26873.431002758534,0.010091567970717672,28134.5847357649,0.010312877162644627,29127.363071634096,0.01041254448659657,27298.473248802216,0.00998428894537128,30370.80568872772,0.010090789507000066,31275.547950754288,0.01030941865981248,8407.706426926912,0.009984763616066856,8571.419294171506,0.010200921572920036,11165.886188560355,0.010411639182954575,14184.20238344137,0.010418944003369193,16511.632482968846,0.010417581981412209,16607.743755486303,0.010310000424536468,18198.073671001544,0.009981468850000017,17543.241429923437
+1102,0.010521859872331077,22724.747481961498,0.010083695496633042,3807.62298333759,0.010189842431999866,20551.255052568624,0.010304488517369776,21825.330540554187,0.010520262330567891,24549.724926082556,0.010085458019999933,24903.20411678065,0.010185630073203982,27136.64046653192,0.010191484485279172,28411.758471737594,0.010413002183641126,29409.63378344457,0.01051266510665997,27561.330321350546,0.010084131834824981,30672.5416684349,0.010190698313999966,31585.025181711553,0.01040951010311168,8489.83900921428,0.010084611252227456,8656.142580997204,0.010300930607948537,11276.419976853907,0.010511751098175376,14320.008710647466,0.010519126157247894,16668.503570028228,0.01051775103892581,16769.557580672357,0.010410097516036868,18375.393245421405,0.010081283538500017,17715.70375500783
+1103,0.010622068061591477,22937.474225486247,0.010183534065906741,3847.9952997079126,0.010289742847999965,20752.52562293694,0.010404532095208377,22034.169885987954,0.01062045530514479,24782.08244977667,0.010185314039999933,25148.146754849564,0.010285489191568681,27399.78128369654,0.010291400999840772,28688.87090324895,0.010513127204637726,29691.86089171675,0.010612785726723471,27824.207380634485,0.01018397472427868,30974.191890500893,0.010290607120999967,31894.48724438303,0.01050960154641078,8572.014525693732,0.010184458888388056,8740.849121355974,0.010400939642977336,11386.975107023758,0.010611863013395976,14455.815731348746,0.010619308311126294,16825.34754476736,0.010617920096439309,16931.433454032216,0.010510194607537268,18552.709575159977,0.010181098227000016,17888.0468425675
+1104,0.010722276250851778,23150.09905470759,0.010283372635180341,3888.430139980046,0.010389643263999866,20953.840456536913,0.010504575673046877,22242.978282529875,0.01072064827972159,25014.395372661384,0.010285170059999932,25393.066841534193,0.010385348309933382,27662.850461041766,0.010391317514402372,28965.912547466236,0.010613252225634227,29974.038067233952,0.01071290634678687,28087.099714129654,0.01028381761373238,31275.75012250366,0.010390515928000067,32203.94770655445,0.01060969298970998,8654.22346748882,0.010284306524548857,8825.5282916589,0.010500948678005837,11497.538230838167,0.010711974928616776,14591.636594077581,0.010719490465004995,16982.155534207926,0.010718089153953008,17093.365159963367,0.010610291699037568,18730.015695817285,0.010280912915500016,18060.247558084266
+1105,0.010822484440111977,23362.61417012027,0.01038321120445384,3928.9229288699153,0.010489543679999965,21155.18656506617,0.010604619250885378,22451.751700819437,0.010820841254298491,25246.645214413336,0.010385026079999832,25637.961226852138,0.010485207428298182,27925.844566878623,0.010491234028963972,29242.874189898746,0.010713377246630927,30256.149632160712,0.010813026966850171,28350.001512534716,0.010383660503186181,31577.2068983179,0.010490424734999967,32513.401344353057,0.01070978443300908,8736.463055958213,0.010384154160709556,8910.222188195943,0.010600957713034436,11608.157283713386,0.010812086843837476,14727.46988408834,0.010819672618883393,17138.92330433769,0.010818258211466609,17255.37144862413,0.010710388790537968,18907.302840890352,0.010380727604000016,18232.345129597634
+1106,0.010922692629372278,23575.038156835195,0.010483049773727441,3969.4691096220567,0.010589444095999965,21356.557327982606,0.010704662828723977,22660.486072617656,0.010921034228875292,25478.839876205202,0.010484882100000032,25882.826838614026,0.010585066546662882,28188.759434892207,0.010591150543525472,29519.780529693002,0.010813502267627426,30538.200288148644,0.01091314758691377,28612.90048104337,0.01048350339263988,31878.538112243445,0.010590333541999966,32822.84147962626,0.01080987587630828,8818.719569706476,0.010484001796870156,8994.927421975468,0.010700966748063137,11718.821931910388,0.010912198759058276,14863.308645981608,0.010919854772761894,17295.6398330426,0.010918427268980109,17417.43455890839,0.010810485882038267,19084.554419444717,0.010480542292500016,18404.335302205174
+1107,0.011022900818632678,23787.41743816467,0.010582888343001142,4010.063566721048,0.010689344511999965,21557.947417337717,0.010804706406562477,22869.177238974276,0.01102122720345219,25710.998389236196,0.010584738119999932,26127.660609894418,0.010684925665027682,28451.589467623613,0.010691067058086971,29796.62837915854,0.010913627288623927,30820.19582562097,0.01101326820697707,28875.825246342316,0.01058334628209358,32179.734835582938,0.010690242348999866,33132.25662928829,0.01090996731960738,8900.967205856312,0.010583849433030857,9079.662110069592,0.010800975783091736,11829.522146316845,0.011012310674278877,14999.146182730972,0.011020036926640595,17452.28956583016,0.011018596326493608,17579.544436910877,0.010910582973538668,19261.773584175535,0.010580356981000016,18576.206396450038
+1108,0.011123109007892977,23999.757784683698,0.010682726912274641,4050.6986735758273,0.010789244927999965,21759.354782871807,0.010904749984400977,23077.820887398117,0.011121420178029091,25943.11610033617,0.010684594139999932,26372.45941043347,0.01078478478339238,28714.325209851442,0.010790983572648672,30073.413183729914,0.011013752309620527,31102.154350214794,0.01111338882704057,29138.805568622814,0.01068318917154728,32480.861437008796,0.010790151155999966,33441.62448436959,0.011010058762906479,8983.21580500532,0.010683697069191457,9164.418559787806,0.010900984818120437,11940.251644295255,0.011112422589499677,15134.97572725253,0.011120219080518993,17608.842818940564,0.011118765384007308,17741.694064406856,0.011010680065038867,19438.948582485013,0.010680171669500017,18747.94068205378
+1109,0.011223317197153177,24212.02571497572,0.010782565481548241,4091.363882143017,0.010889145343999965,21960.77605963628,0.011004793562239577,23286.412468433442,0.011221613152605892,26175.1875781936,0.010784450159999933,26617.21996145724,0.010884643901757182,28976.943845727797,0.010890900087210172,30350.125943758336,0.011113877330617026,31384.076891148383,0.01121350944710397,29401.820718130784,0.010783032061000881,32781.91521944042,0.010890059962999967,33750.98737445587,0.011110150206205678,9065.467582106217,0.010783544705352057,9249.187687515603,0.011000993853148937,12051.005142594913,0.011212534504720276,15270.828923698165,0.011220401234397694,17765.31765697992,0.011218934441520908,17903.87742482679,0.011110777156539367,19616.078812885207,0.010779986358000017,18919.507701897
+1110,0.011323525386413477,24424.204396049892,0.010882404050821842,4132.076138918518,0.010989045759999965,22162.20446980639,0.011104837140078077,23494.947073404717,0.011321806127182591,26407.206120212617,0.010884306179999833,26861.938692878583,0.010984503020121881,29239.46573442018,0.010990816601771671,30626.772690301834,0.011214002351613527,31665.960994471618,0.01131363006716737,29664.862989971913,0.01088287495045478,33082.893021875454,0.010989968769999867,34060.34816012054,0.011210241649504779,9147.71911763502,0.010883392341512857,9333.964038726834,0.011101002888177636,12161.77752655165,0.011312646419941076,15406.728020771387,0.011320583388276094,17921.752258983746,0.011319103499034408,18066.0888801027,0.011210874248039767,19793.18375831358,0.010879801046500116,19090.954606522857
+1111,0.011423733575673877,24636.276178465865,0.010982242620095542,4172.832529167306,0.011088946176000066,22363.634263004336,0.011204880717916676,23703.421829577223,0.011421999101759492,26639.162614224097,0.010984162200000033,27106.61139264871,0.01108436213848668,29501.92186964906,0.011090733116333372,30903.353804848415,0.011314127372610026,31947.803936165572,0.01141375068723087,29927.94828572074,0.01098271783990848,33383.79054661102,0.011089877577000067,34369.70408347564,0.01131033309280408,9229.940562072832,0.010983239977673557,9418.742931079669,0.011201011923206237,12272.563112707812,0.011412758335161775,15542.630473050294,0.011420765542154794,18078.147719612745,0.011419272556547908,18228.32278678601,0.011310971339539967,19970.274425375763,0.010979615735000116,19262.26137754295
+1112,0.011523941764934077,24848.21235663034,0.011082081189369042,4213.627993202967,0.011188846591999965,22565.05935442746,0.011304924295755176,23911.85964633226,0.01152219207633629,26871.04142970216,0.011084018219999933,27351.23085422878,0.011184221256851382,29764.310698538844,0.011190649630894871,31179.864571458464,0.011414252393606727,32229.602554065706,0.01151387130729427,30191.08322063464,0.011082560729362081,33684.59848532283,0.011189786383999967,34679.05233126489,0.01141042453610308,9312.187247448923,0.011083087613834157,9503.519852993246,0.011301020958234837,12383.354738185943,0.011512870250382477,15678.524034182637,0.011520947696033195,18234.49948689237,0.011519441614061609,18390.573026504822,0.011411068431040467,20147.334496786745,0.011079430423499917,19433.512922968996
+1113,0.011624149954194377,25060.031448802543,0.011181919758642642,4254.454597557805,0.011288747008000064,22766.472654702186,0.011404967873593677,24120.240656980026,0.011622385050913191,27102.807834826846,0.011183874239999933,27595.79496933907,0.011284080375216181,30026.630453640406,0.011290566145456371,31456.298798268985,0.011514377414603226,32511.35284533019,0.011613991927357771,30454.25022425032,0.01118240361881578,33985.324912842676,0.011289695190999966,34988.39000450697,0.01151051597940238,9394.471537388645,0.011182935249994856,9588.290095111044,0.011401029993263537,12494.171871536964,0.011612982165603176,15814.390940224595,0.011621129849911893,18390.802556642146,0.01161961067157521,18552.831229643336,0.011511165522540667,20324.36352713785,0.011179245111999915,19604.720529369555
+1114,0.011724358143454577,25271.720204802554,0.011281758327916242,4295.291711880918,0.011388647423999965,22967.88447275888,0.011505011451432276,24328.551735694426,0.011722578025489991,27334.509231608467,0.011283730259999932,27840.308834550575,0.011383939493580882,30288.879338963332,0.011390482660017872,31732.646984461397,0.011614502435599826,32793.04849239903,0.01171411254742117,30717.44352368308,0.011282246508269481,34285.972625093,0.011389603998000066,35297.71407702898,0.01161060742270138,9476.788747813862,0.011282782886155456,9673.0482384789,0.011501039028292036,12605.022869449193,0.011713094080823976,15950.20882681643,0.011721312003790394,18547.051065276642,0.01171977972908871,18715.089928625435,0.011611262614041067,20501.36209428157,0.011279059800500016,19775.87274399016
+1115,0.011824566332715078,25483.24532672551,0.011381596897189742,4336.1734004195805,0.011488547840000064,23169.285069200938,0.011605055029270776,24536.763876477442,0.01182277100006689,27566.13231155877,0.011383586279999832,28084.768049659302,0.011483798611945581,30551.05552131296,0.011490399174579571,32008.883159911187,0.011714627456596327,33074.67486256223,0.011814233167484471,30980.665935240584,0.011382089397723281,34586.53884449923,0.011489512804999966,35607.02133315403,0.01171069886600068,9559.133357093722,0.011382630522316056,9757.78655408615,0.011601048063320837,12715.896210185823,0.011813205996044575,16085.995432294152,0.011821494157668994,18703.23717723359,0.011819948786602308,18877.35298301938,0.011711359705541567,20678.391388977576,0.011378874489000016,19946.96141596292
+1116,0.011924774521975278,25694.60825830249,0.011481435466463442,4377.119524167423,0.011588448255999965,23370.670524801368,0.011705098607109277,24744.89536774179,0.01192296397464369,27797.734651992643,0.011483442300000032,28329.166862003716,0.011583657730310382,30813.157121345248,0.011590315689141071,32285.013648015032,0.011814752477592826,33356.252421527926,0.011914353787548071,31243.905395916878,0.01148193228717698,34887.02053791883,0.011589421611999967,35916.30826071023,0.01181079030929978,9641.518433889285,0.011482478158476857,9842.490487160216,0.011701057098349336,12826.786979499942,0.011913317911265375,16221.764178364894,0.011921676311547494,18859.343940162016,0.011920117844116009,19039.610649104703,0.011811456797041767,20855.490968547787,0.011478689177500017,20117.979551360953
+1117,0.012024982711235577,25905.828046016275,0.01158127403573704,4418.1878864664495,0.011688348671999865,23572.04358914477,0.011805142184947878,24953.003229823324,0.012023156949220591,28029.360864858463,0.011583298319999932,28573.49488145895,0.011683516848675081,31075.18220283452,0.011690232203702572,32561.070970653287,0.011914877498589426,33637.78495376672,0.01201447440761137,31507.145524460757,0.011581775176630681,35187.41433111913,0.011689330419000067,36225.570827144904,0.01191088175259898,9723.952351367954,0.011582325794637556,9927.176754399376,0.011801066133377936,12937.69481447334,0.012013429826485976,16357.502606527387,0.012021858465426093,19015.368342297428,0.012020286901629509,19201.837999633433,0.011911553888542167,21032.62837867062,0.011578503866000017,20288.920205250477
+1118,0.012125190900495778,26116.973221600485,0.011681112605010542,4459.3471188825615,0.011788249087999966,23773.435068653474,0.011905185762786376,25161.152221134835,0.012123349923797492,28260.988466525985,0.011683154339999932,28817.737692357005,0.011783375967039881,31337.128758472834,0.011790148718264172,32837.06814423979,0.012015002519585927,33919.26915652243,0.01211459502767487,31770.382678880036,0.01168161806608438,35487.71637128663,0.011789239225999967,36534.803934883494,0.012010973195898078,9806.390731493464,0.011682173430798156,10011.841123153437,0.011901075168406636,13048.614288296452,0.012113541741706776,16493.190256932423,0.012122040619304594,19171.391078338092,0.012120455959143009,19364.05561526824,0.012011650980042468,21209.7878208731,0.011678318554500015,20459.775749605
+1119,0.012225399089756178,26327.9982378017,0.011780951174284142,4500.583102685049,0.011888149503999865,23974.852168804784,0.012005229340624876,25369.316777230168,0.012223542898374191,28492.618265076813,0.011783010359999933,29061.92695479749,0.011883235085404582,31598.994689500316,0.01189006523282577,33112.99968773746,0.012115127540582627,34200.70081787675,0.01221471564773827,32033.64409546915,0.01178146095553808,35787.922082174,0.011889148032999966,36843.99831736141,0.01211106463919728,9888.911597121301,0.011782021066958857,10096.476545060747,0.012001084203435236,13159.537275030354,0.012213653656927476,16628.796462114697,0.012222222773183194,19327.43718908838,0.012220625016656609,19526.2818735642,0.012111748071542867,21386.956563071486,0.011778133243000016,20630.536747096216
+1120,0.012325607279016477,26538.919687619917,0.011880789743557841,4541.888095179336,0.011988049919999966,24176.328674173375,0.012105272918463477,25577.465166540856,0.012323735872950992,28724.233143853322,0.011882866379999933,29306.060624992984,0.011983094203769381,31860.781288049646,0.011989981747387272,33388.854716501875,0.012215252561579126,34482.082200606164,0.01231483626780167,32296.927055729255,0.011881303844991881,36088.025649634794,0.011989056839999866,37153.159531533456,0.012211156082496379,9971.56158356596,0.011881868703119457,10181.099820601816,0.012101093238463936,13270.462890105311,0.012313765572148276,16764.354484938445,0.012322404927061693,19483.531192481674,0.012320794074170308,19688.519840010493,0.012211845163043267,21564.143993247002,0.011877947931500016,20801.187730917965
+1121,0.012425815468276777,26749.752527390818,0.011980628312831441,4583.256390852517,0.012087950335999966,24377.904795953502,0.012205316496301976,25785.578378233735,0.01242392884752789,28955.822953788447,0.011982722399999833,29550.13434837837,0.012082953322134082,32122.49905227746,0.012089898261948872,33664.63704233997,0.012315377582575627,34763.41072679093,0.01241495688786517,32560.22904905394,0.01198114673444558,36388.01852733287,0.012088965646999966,37462.3141963735,0.01231124752579548,10054.30939656789,0.011981716339280158,10265.707637171961,0.012201102273492437,13381.392249788121,0.012413877487368876,16899.882426275854,0.012422587080940293,19639.658735529676,0.012420963131683808,19850.762578649425,0.012311942254543568,21741.333046139247,0.011977762620000016,20971.70574924799
+1122,0.012526023657536977,26960.509845971275,0.012080466882104941,4624.6832175638265,0.012187850751999966,24579.5502080378,0.012305360074140577,25993.639483236926,0.01252412182210469,29187.41064233027,0.012082578419999932,29794.139972418656,0.012182812440498882,32384.138238616226,0.012189814776510472,33940.35430728403,0.012415502603572126,35044.68314356905,0.01251507750792857,32823.54771120993,0.01208098962389928,36687.879872668,0.012188874453999967,37771.45222900236,0.012411338969094679,10137.132447492228,0.012081563975440857,10350.316829911528,0.012301111308521236,13492.320390458379,0.012513989402589677,17035.37676357593,0.012522769234818794,19795.7846151118,0.012521132189197409,20012.999033937464,0.012412039346043967,21918.535739715273,0.012077577308500016,21142.128173582783
+1123,0.012626231846797377,27171.222322222846,0.012180305451378541,4666.16427846599,0.012287751167999964,24781.31048523185,0.012405403651979077,26201.665297945678,0.012624314796681592,29418.99174798548,0.012182434439999933,30038.08078966674,0.012282671558863582,32645.692859903742,0.012289731291072071,34216.00645118047,0.012515627624568726,35325.89564177113,0.012615198127992071,33086.90132629275,0.01218083251335298,36987.62115213718,0.012288783260999867,38080.56165841006,0.01251143041239378,10220.014668407135,0.012181411611601557,10434.924056173159,0.012401120343549737,13603.241625774437,0.012614101317810477,17170.81067202009,0.012622951388697394,19951.89044316802,0.012621301246710908,20175.213961303692,0.012512136437544268,22095.799024509786,0.012177391997000115,21312.446907475012
+1124,0.012726440036057678,27381.885210102944,0.012280144020652242,4707.695506025474,0.012387651583999964,24983.139482697792,0.012505447229817578,26409.64507693583,0.012724507771258392,29650.594950298208,0.012282290459999932,30281.958255344216,0.012382530677228382,32907.15628010586,0.012389647805633572,34491.5858807517,0.012615752645565227,35607.05269246678,0.01271531874805547,33350.28799053495,0.012280675402806581,37287.24246096248,0.012388692068000067,38389.63239682163,0.012611521855692979,10302.931905969868,0.012281259247762157,10519.518748655257,0.012501129378578337,13714.148991147897,0.012714213233031076,17306.210091682537,0.012723133542575893,20107.959891279625,0.01272147030422461,20337.373361239217,0.012612233529044668,22273.122828993495,0.012277206685500116,21482.640675855953
+1125,0.012826648225317877,27592.493288785932,0.012379982589925741,4749.272898760671,0.012487551999999964,25185.01239768775,0.012605490807656277,26617.567500086487,0.01282470074583529,29882.196932381903,0.012382146479999932,30525.76851074263,0.012482389795593081,33168.53220008121,0.012489564320195072,34767.10755852621,0.012715877666561726,35888.15656837054,0.01281543936811877,33613.697579780535,0.01238051829226048,37586.749066949815,0.012488600874999967,38698.64895397345,0.01271161329899208,10385.86812113382,0.012381106883922856,10604.100149028223,0.012601138413607037,13825.045605285228,0.012814325148251876,17441.559317025592,0.012823315696454394,20263.974296683133,0.01282163936173811,20499.51139630851,0.012712330620545068,22450.48795250634,0.012377021373999916,21652.697006427126
+1126,0.012926856414578178,27803.040719372046,0.012479821159199342,4790.892386614262,0.012587452416000065,25386.91927845883,0.012705534385494877,26825.469081576983,0.012924893720412091,30113.78306153382,0.012482002499999832,30769.507226370522,0.012582248913957882,33429.81835117651,0.012589480834756773,35042.56969116811,0.012816002687558427,36169.18712255075,0.01291555998818227,33877.12547358927,0.01248036118171418,37886.15138275844,0.012588509681999966,39007.58983540191,0.012811704742291279,10468.877025987578,0.012480954520083456,10688.66268602509,0.012701147448635637,13935.944566527683,0.012914437063472575,17576.87536564315,0.012923497850332994,20419.903487130086,0.012921808419251708,20661.665708232133,0.012812427712045368,22627.88812549222,0.012476836062499917,21822.629027942246
+1127,0.013027064603838578,28013.5203885464,0.012579659728473042,4832.54969165613,0.012687352831999964,25588.829547882262,0.012805577963333377,27033.334357133885,0.01302508669498879,30345.358469648116,0.012581858520000032,31013.169389562798,0.012682108032322581,33691.011335443545,0.012689397349318272,35317.96967749938,0.012916127708554926,36450.11297565383,0.01301568060824567,34140.568172219195,0.012580204071167781,38185.43407685409,0.012688418489000066,39316.49186995039,0.01291179618559038,10551.954036061232,0.012580802156244257,10773.200652472822,0.012801156483664337,14046.828231620973,0.013014548978693375,17712.16510133428,0.013023680004211493,20575.68640553565,0.01302197747676521,20823.837923482097,0.012912524803545768,22805.31853418283,0.012576650751000016,21992.443219345358
+1128,0.013127272793098877,28223.92192811143,0.012679498297746642,4874.2402262912265,0.012787253248000065,25790.761411559928,0.012905621541171877,27241.089228136236,0.013125279669565691,30576.937605666153,0.012681714539999932,31256.74890867281,0.012781967150687282,33952.10742638402,0.012789313863879772,35593.30466560032,0.013016252729551526,36730.985305539354,0.01311580122830917,34404.030051432215,0.01268004696062148,38484.56291413119,0.012788327295999966,39625.3440281474,0.013011887628889579,10635.094862535032,0.012680649792404956,10857.707304902624,0.012901165518692836,14157.692371738616,0.013114660893913976,17847.40340643993,0.013123862158090093,20731.39137625311,0.013122146534278909,20986.025447671644,0.013012621895046067,22982.774509702627,0.012676465439500016,22162.09980162352
+1129,0.013227480982359078,28434.220260334747,0.012779336867020142,4915.966226942287,0.012887153663999965,25992.741266963836,0.013005665119010476,27448.769712209047,0.013225472644142491,30808.515977499464,0.012781570559999933,31500.237736287192,0.012881826269052082,34213.10232940754,0.012889230378441472,35868.57147407116,0.013116377750548027,37011.81214149734,0.01321592184837257,34667.577863021346,0.012779889850075181,38783.57936820038,0.012888236102999967,39934.11709697841,0.01311197907218868,10718.295389197658,0.012780497428565556,10942.176452640311,0.013001174553721536,14268.48669285846,0.013214772809134776,17982.59850651931,0.013224044311968594,20887.083089109536,0.01322231559179251,21148.22567202762,0.013112718986546467,23160.25172690284,0.012776280128000016,22331.615103770244
+1130,0.013327689171619478,28644.436799746214,0.012879175436293742,4957.719246247019,0.012987054080000065,26194.743755520758,0.013105708696848977,27656.42438228739,0.01332566561871939,31040.089345071214,0.012881426579999933,31743.62316121434,0.012981685387416782,34473.99073975475,0.012989146893002972,36143.766469986185,0.013216502771544526,37292.59061933133,0.01331604246843597,34931.179980191024,0.012879732739528981,39082.535193951146,0.012988144909999867,40242.84241586565,0.01321207051548798,10801.57088245723,0.012880345064726156,11026.609707992146,0.013101183588750136,14379.290539403246,0.013314884724355375,18117.781974643865,0.013324226465847194,21042.770279359094,0.013322484649306009,21310.43595335655,0.013212816078046667,23337.745887911085,0.012876094816500016,22501.035199046393
+1131,0.013427897360879777,28854.57261286831,0.012979014005567441,4999.490477706019,0.013086954495999965,26396.731104552346,0.013205752274687578,27864.04272980265,0.013425858593296291,31271.653547050988,0.012981282599999833,31986.870614560692,0.013081544505781582,34734.765299236795,0.013089063407564471,36418.8853654244,0.013316627792541027,37573.31786100023,0.01341616308849947,35194.82017939662,0.01297957562898268,39381.42556027968,0.013088053716999967,40551.566212742655,0.01331216195878698,10884.922512919458,0.012980192700886857,11111.02707963934,0.013201192623778737,14490.125278002368,0.013414996639576175,18252.9481116557,0.013424408619725693,21198.450976747827,0.013422653706819509,21472.653593440948,0.013312913169547068,23515.25235771864,0.012975909505000017,22670.38184645713
+1132,0.013528105550139977,29064.63949973408,0.013078852574840942,5041.26870170853,0.013186854911999866,26598.730991222852,0.013305795852526076,28071.611351288797,0.013526051567873091,31503.210543480363,0.013081138620000033,32230.002293493962,0.013181403624146281,34995.4128438575,0.013188979922125971,36693.922840637126,0.013416752813537627,37853.990893316186,0.01351628370856287,35458.4899558341,0.013079418518436381,39680.247817631425,0.013187962523999966,40860.28561078929,0.013412253402086079,10968.335983206614,0.013080040337047457,11195.423864259004,0.013301201658807436,14600.986335940303,0.013515108554796876,18388.089576662278,0.013524590773604295,21354.12151340453,0.013522822764333208,21634.876404389754,0.013413010261047567,23692.765366294825,0.013075724193500017,22839.646266168304
+1133,0.013628313739400277,29274.643195090695,0.01317869114411454,5083.081605736594,0.013286755327999965,26800.7490654786,0.013405839430364577,28279.119707326598,0.01362624454244999,31734.7774311203,0.013180994639999933,32473.04747378434,0.013281262742511082,35255.8988347381,0.013288896436687672,36968.871718965784,0.013516877834534327,38134.60656981352,0.01361640432862617,35722.1831655498,0.01317926140789008,39978.9998201195,0.013287871330999866,41168.99766524256,0.013512344845385379,11051.803884454539,0.013179887973208257,11279.792048844925,0.013401210693835937,14711.869217698571,0.013615220470017576,18523.19994953454,0.013624772927482794,21509.778172918213,0.013622991821846809,21797.123195341293,0.013513107352547767,23870.272666849294,0.013175538882000017,23008.847015348474
+1134,0.013728521928660677,29484.5799512639,0.013278529713388141,5124.92889452474,0.013386655743999864,27002.773863073293,0.013505883008203177,28486.555962611248,0.01372643751702679,31966.337717713595,0.013280850659999932,32716.02385294901,0.013381121860875781,35516.30729568871,0.013388812951249171,37243.72043791708,0.013617002855530826,38415.161474779336,0.01371652494868977,35985.89474555843,0.01327910429734378,40277.67956438882,0.013387780138000066,41477.70964445787,0.013612436288684379,11135.31959422292,0.013279735609368957,11364.120473961502,0.013501219728864736,14822.771507756039,0.013715332385238276,18658.27578667222,0.013724955081361394,21665.41681091342,0.013723160879360308,21959.384457344364,0.013613204444048168,24047.773333781253,0.013275353570500015,23178.016308664486
+1135,0.013828730117920978,29694.50696148762,0.013378368282661642,5166.781769089148,0.013486556159999965,27204.790960717524,0.013605926586041676,28693.877145676543,0.013826630491603691,32197.913053786895,0.013380706679999932,32958.92693562794,0.013480980979240581,35776.64643143454,0.013488729465810671,37518.4391034703,0.013717127876527327,38695.651780904955,0.01381664556875307,36249.62019194062,0.01337894718679738,40576.2850817753,0.013487688944999967,41786.44255482899,0.013712527731983679,11218.87582455546,0.013379583245529557,11448.38848467632,0.013601228763893237,14933.70790424656,0.013815444300459076,18793.33480773072,0.013825137235239895,21821.033761511826,0.013823329936873909,22121.655238661304,0.013713301535548467,24225.28713247834,0.013375168259000116,23347.17550660202
+1136,0.013928938307181178,29904.397962619594,0.013478206851935341,5208.663028294812,0.013586456575999864,27406.77286859585,0.013705970163880176,28901.072288851225,0.01392682346618039,32429.541124540545,0.013480562699999832,33201.78582845662,0.013580840097605282,36036.908825663515,0.013588645980372271,37793.04792268198,0.013817252897523826,38976.07299827215,0.01391676618881657,36513.35527837754,0.01347879007625128,40874.834327659766,0.013587597751999967,42095.25104180252,0.013812619175282679,11302.459859722198,0.013479430881690157,11532.620802751977,0.013701237798921937,15044.675808473574,0.013915556215679676,18928.401512226592,0.013925319389118593,21976.626342343327,0.01392349899438751,22283.976726426867,0.013813398627048867,24402.811412353658,0.013474982947500116,23516.302838228243
+1137,0.014029146496441477,30114.221019936755,0.013578045421208941,5250.587023276727,0.013686356991999965,27608.706957071205,0.013806013741718777,29108.236657796122,0.014027016440757191,32661.23732261745,0.013580418720000032,33444.59476955118,0.013680699215970081,36297.09010018541,0.013688562494933871,38067.53734733059,0.013917377918520426,39256.419431246366,0.014016886808879971,36777.09586276882,0.01357863296570498,41173.327799676576,0.013687506559000067,42404.10333165917,0.013912710618581979,11386.066795246701,0.013579278517850856,11616.83042506718,0.013801246833950537,15155.669033516555,0.014015668130900476,19063.441084407175,0.014025501542996994,22132.190207955864,0.014023668051901108,22446.32627124244,0.013913495718549267,24580.343500988976,0.013574797636000117,23685.38907710514
+1138,0.014129354685701877,30323.98448360186,0.013677883990482542,5292.5443700885935,0.013786257407999965,27810.584551451502,0.013906057319557278,29315.358030893734,0.014127209415334092,32892.968880230736,0.013680274739999932,33687.32434575984,0.013780558334334782,36557.18671082408,0.013788479009495471,38341.964573414756,0.014017502939516927,39536.68251224479,0.01411700742894337,37040.83771339625,0.01367847585515868,41471.754338794315,0.013787415365999967,42712.98425427568,0.01401280206188108,11469.722322081287,0.013679126154011456,11701.044107394522,0.013901255868979136,15266.680009519983,0.014115780046121075,19198.477403041557,0.014125683696875694,22287.736472971723,0.014123837109414608,22608.68874447805,0.014013592810049567,24757.8806776861,0.013674612324499916,23854.424812145608
+1139,0.014229562874962078,30533.68486390416,0.013777722559756041,5334.513303243228,0.013886157823999965,28012.479627462482,0.014006100897395776,29522.458498709384,0.014227402389910892,33124.70390544828,0.013780130759999933,33929.95826594865,0.013880417452699481,36817.19543196623,0.013888395524056971,38616.33714253593,0.014117627960513626,39816.839110022454,0.01421712804900687,37304.576300429646,0.013778318744612281,41770.118171474096,0.013887324172999966,43021.930140871365,0.01411289350518028,11553.441169250293,0.013778973790172257,11785.244063587244,0.014001264904007837,15377.730959322216,0.014215891961341875,19333.516086710668,0.014225865850754095,22443.286504191517,0.014224006166928208,22771.053332218675,0.014113689901549967,24935.420142955594,0.013774427012999916,24023.40390664865
+1140,0.014329771064222377,30743.311163742223,0.013877561129029742,5376.51529979484,0.013986058239999965,28214.396726511557,0.014106144475234377,29729.537870049393,0.014327595364487791,33356.41136889591,0.013879986779999933,34172.52968042008,0.01398027657106428,37077.11312886198,0.013988312038618571,38890.65315100424,0.014217752981510127,40096.908214689975,0.01431724866907027,37568.30646366022,0.01387816163406598,42068.41688587164,0.013987232980000066,43330.91479582017,0.01421298494847938,11637.226418428985,0.013878821426332956,11869.42244734226,0.014101273939036338,15488.853053975115,0.014316003876562577,19468.496352697108,0.014326048004632793,22598.809241341616,0.01432417522444191,22933.406785968218,0.014213786993050268,25112.958980179148,0.013874241701500017,24192.327937050202
+1141,0.014429979253482677,30952.850058595497,0.013977399698303342,5418.558035960941,0.014085958656000066,28416.31944620492,0.014206188053072877,29936.59466876645,0.014427788339064692,33588.056646411875,0.013979842799999932,34415.030297538644,0.014080135689428981,37336.936601350084,0.014088228553180171,39164.91060069592,0.014317878002506626,40376.90856500671,0.01441736928913377,37832.021700679106,0.01397800452351988,42366.641940594316,0.014087141786999966,43639.92232761451,0.01431307639177858,11721.076955037779,0.013978669062493556,11953.593539954116,0.014201282974065036,15600.020196370482,0.014416115791783375,19603.476315428972,0.014426230158511294,22754.2725862964,0.014424344281955409,23095.723738562483,0.014313884084550667,25290.494102654317,0.013974056390000017,24361.20150972461
+1142,0.014530187442743077,31162.28229160486,0.014077238267576841,5460.632739611969,0.014185859071999965,28618.243774504743,0.014306231630911477,30143.668639809766,0.014527981313641492,33819.6394966649,0.014079698820000033,34657.44822976996,0.014179994807793781,37596.6624134476,0.014188145067741671,39439.10738317588,0.014418003023503226,40656.83523880225,0.01451748990919717,38095.71174560419,0.014077847412973481,42664.787132666956,0.014187050593999967,43948.94238598561,0.01441316783507768,11804.96984471292,0.014078516698654156,12037.733839314964,0.014301292009093637,15711.222427230907,0.014516227707003976,19738.489757615498,0.014526412312389894,22909.71905977292,0.014524513339468909,23258.040515490575,0.014413981176051067,25468.02217294555,0.014073871078500015,24530.019787456305
+1143,0.014630395632003277,31371.563387340444,0.014177076836850442,5502.717727819929,0.014285759488000064,28820.20121862625,0.014406275208749977,30350.740184355687,0.01462817428821839,34051.21269819257,0.014179554839999933,34899.76026292245,0.014279853926158482,37856.286606242225,0.014288061582303172,39713.241259409595,0.014518128044499727,40936.68119722021,0.01461761052926047,38359.373953349175,0.01417769030242718,42962.84225754947,0.014286959400999867,44257.965723077185,0.01451325927837688,11888.889816128354,0.014178364334814857,12121.816626927462,0.014401301044122336,15822.452739782017,0.014616339622224776,19873.52794313776,0.014626594466268393,23065.153981274572,0.01462468239698251,23420.370887991325,0.014514078267551368,25645.539463538207,0.014173685767000016,24698.774810646046
+1144,0.014730603821263578,31580.660816802185,0.014276915406124142,5544.839562899604,0.014385659903999965,29022.190567085505,0.014506318786588477,30557.795494406422,0.014728367262795191,34282.75343403472,0.014279410859999932,35141.99504534737,0.014379713044523281,38115.8039645011,0.014387978096864871,39987.30983307954,0.014618253065496226,41216.43554251264,0.014717731149323971,38623.09726955567,0.014277533191880881,43260.80217405846,0.014386868207999967,44566.98177233437,0.01461335072167598,11972.835287321339,0.014278211970975457,12205.814643405094,0.014501310079150937,15933.705219406642,0.014716451537445377,20008.582594041734,0.014726776620146794,23220.573512956707,0.014724851454496209,23582.70728821965,0.014614175359051768,25823.041570381145,0.014273500455500016,24867.468046072434
+1145,0.014830812010523777,31789.697139408192,0.01437675397539774,5587.00686499062,0.014485560320000064,29224.211151105832,0.014606362364427077,30764.82455544495,0.01482856023737189,34514.31558471036,0.014379266879999932,35384.15121568959,0.014479572162887982,38375.21456086272,0.014487894611426372,40261.3105145201,0.014718378086492727,41496.06890763993,0.01481785176938737,38886.84743087429,0.01437737608133458,43558.68652994589,0.014486777014999966,44875.970526502024,0.014713442164975079,12056.804836787776,0.014378059607136257,12289.776142650091,0.014601319114179436,16044.974404029992,0.014816563452666177,20143.646758549185,0.014826958774025494,23375.974099081654,0.014825020512009708,23745.039627933926,0.014714272450552068,26000.52261803859,0.014373315144000016,25036.095960239272
+1146,0.014931020199784177,31998.649543569085,0.014476592544671242,5629.223671809262,0.014585460735999966,29426.256640972708,0.014706405942265577,30971.817432615015,0.014928753211948791,34745.89735653634,0.014479122899999933,35626.21588739628,0.014579431281252782,38634.55157430188,0.014587811125987872,40535.24047005546,0.014818503107489427,41775.58576265926,0.01491797238945087,39150.59650357583,0.01447721897078838,43856.49289626067,0.014586685821999866,45184.94403657961,0.014813533608274278,12140.792118118388,0.014477907243296957,12373.720840944112,0.014701328149208237,16156.254953624015,0.014916675367886876,20278.7075005746,0.014927140927903895,23531.352334911888,0.014925189569523309,23907.37041379216,0.014814369542052468,26177.96949465964,0.014473129832500016,25204.656058788365
+1147,0.015031228389044478,32207.553563073838,0.014576431113944842,5671.498333546823,0.014685361151999865,29628.302815870797,0.014806449520104077,31178.759939708456,0.015028946186525591,34977.50476828287,0.014578978919999833,35868.15577959031,0.01467929039961748,38893.81879559198,0.014687727640549571,40809.09654735023,0.014918628128485927,42055.04670684751,0.015018093009514271,39414.37366998094,0.014577061860242081,44154.21889822,0.014686594629000066,45493.899374695604,0.014913625051573379,12224.822319031768,0.014577754879457557,12457.642509410121,0.014801337184236736,16267.541414210162,0.015016787283107676,20413.746184168234,0.015027323081782593,23686.704878267214,0.015025358627036809,24069.69637326028,0.014914466633552868,26355.38271153214,0.014572944521000017,25373.153898860946
+1148,0.015131436578304777,32416.407136455477,0.014676269683218541,5713.813942633744,0.014785261567999966,29830.339267055337,0.014906493097942676,31385.62534520396,0.01512913916110249,35209.14275601835,0.014678834940000033,36109.96613059475,0.014779149517982282,39153.00666183033,0.014787644155111072,41082.87515815085,0.015018753149482526,42334.45052186382,0.01511821362957767,39678.17603682156,0.01467690474969578,44451.86218410203,0.014786503435999966,45802.816252320314,0.015013716494872579,12308.88738376087,0.014677602515618256,12541.533638881707,0.014901346219265437,16378.827987487064,0.015116899198328275,20548.73315163484,0.015127505235661094,23842.028375795497,0.015125527684550508,24232.012781607606,0.015014563725053167,26532.779495732706,0.014672759209500116,25541.603672144618
+1149,0.015231644767564978,32625.194335024462,0.014776108252492043,5756.152802385407,0.014885161983999865,30032.393464000226,0.015006536675781177,31592.448740217857,0.01522933213567929,35440.80813781447,0.014778690959999933,36351.72694088636,0.014879008636346981,39412.10932250948,0.014887560669672572,41356.572076822,0.015118878170479027,42613.79441782874,0.01521833424964117,39942.0216457225,0.01477674763914948,44749.42040230584,0.014886412242999967,46111.73875736456,0.01511380793817168,12392.99436130559,0.014777450151778856,12625.383469366887,0.015001355254294036,16490.125408637417,0.015217011113549075,20683.728504714192,0.015227687389539694,23997.319385233382,0.015225696742064008,24394.314658095645,0.015114660816553568,26710.155607982135,0.014772573898000116,25709.99572552937
+1150,0.015331852956825378,32833.91448812158,0.014875946821765641,5798.514687163959,0.014985062399999966,30234.468032737546,0.015106580253619778,31799.22761220066,0.015329525110256191,35672.52291317075,0.014878546979999933,36593.43688317036,0.01497886775471178,39671.12216253765,0.014987477184234071,41630.182043065724,0.015219003191475526,42893.090116773645,0.015318454869704571,40205.937136621156,0.01487659052860308,45046.90463136612,0.014986321050000067,46420.69645328275,0.015213899381470879,12477.152910085795,0.014877297787939657,12709.163830741145,0.015101364289322737,16601.447435528306,0.015317123028769676,20818.72530549834,0.015327869543418193,24152.57427083316,0.015325865799577608,24556.6068483294,0.015214757908053768,26887.505931028947,0.014872388586500116,25878.321217873963
+1151,0.015432061146085677,33042.60292405526,0.014975785391039241,5840.903052225192,0.015084962815999865,30436.550429075003,0.015206623831458276,32005.978847204467,0.015429718084832992,35904.30238805408,0.014978402999999932,36835.09289454671,0.015078726873076482,39930.04112212507,0.015087393698795772,41903.69776702144,0.015319128212472126,43172.33368417935,0.01541857548976787,40469.89219418701,0.01497643341805698,45344.321987186435,0.015086229856999967,46729.69459161615,0.01531399082476998,12561.34479642983,0.014977145424100257,12792.895340789153,0.015201373324351336,16712.767270452634,0.015417234943990476,20953.684732802674,0.015428051697296793,24307.789023013425,0.015426034857091108,24718.962870840754,0.015314854999554267,27064.82363393702,0.014972203274999917,26046.58205491281
+1152,0.015532269335345877,33251.29327292378,0.015075623960312742,5883.2910430147085,0.015184863231999964,30638.662059028924,0.015306667409296777,32212.69861297279,0.01552991105940989,36136.1245986942,0.015078259019999832,37076.691673041496,0.015178585991441182,40188.8624039338,0.015187310213357272,42177.10496922992,0.015419253233468627,43451.51942632013,0.01551869610983147,40733.86561334446,0.01507627630751068,45641.66004068294,0.015186138663999966,47038.715059734925,0.01541408226806928,12645.573983170809,0.015076993060260956,12876.602346099153,0.015301382359379837,16824.065006170567,0.015517346859211176,21088.615350771503,0.015528233851175294,24462.95882729213,0.015526203914604809,24881.345199019815,0.015414952091054668,27242.09516473937,0.015072017963499917,26214.786082946765
+1153,0.01563247752460618,33459.98246256693,0.015175462529586441,5925.71765924771,0.015284763647999964,30840.797985101606,0.015406710987135377,32419.382613072718,0.01563010403398659,36367.98114001437,0.015178115040000032,37318.22956083477,0.015278445109805982,40447.5823085709,0.015287226727918872,42450.38895732855,0.015519378254465326,43730.64231235934,0.015618816729894772,40997.86970368288,0.01517611919696428,45938.913459318486,0.015286047470999866,47347.75072546062,0.01551417371136828,12729.823719604252,0.015176840696421556,12960.278631026134,0.015401391394408636,16935.29819045271,0.015617458774431976,21223.57520293379,0.015628416005053894,24618.075701262875,0.01562637297211841,25043.725999150287,0.015515049182554868,27419.317226233652,0.015171832652000016,26382.912713490055
+1154,0.01573268571386658,33668.65977186254,0.015275301098860041,5968.166440177122,0.015384664063999964,31042.951349594732,0.015506754564973876,32626.02627064976,0.01573029700856349,36599.86602761092,0.015277971059999932,37559.70231980674,0.015378304228170681,40706.19711733031,0.015387143242480372,42723.569809335764,0.015619503275461827,44009.69743340417,0.01571893734995827,41261.90585107762,0.015275962086417981,46236.0781337019,0.015385956277999966,47656.79650893015,0.015614265154667578,12814.066642538157,0.015276688332582257,13043.91587214933,0.015501400429437137,17046.48515208099,0.015717570689652578,21358.558292058966,0.015728598158932395,24773.136350593537,0.015726542029631908,25206.09034708383,0.015615146274055266,27596.50202894656,0.015271647340500016,26550.94166260314
+1155,0.01583289390312688,33877.31375190594,0.015375139668133742,6010.660193821157,0.015484564479999964,31245.11222467316,0.015606798142812376,32832.62458292769,0.01583048998314029,36831.793421622024,0.015377827079999932,37801.10457259472,0.015478163346535482,40964.70298502846,0.015487059757041972,42996.66634117115,0.015719628296458326,44288.679251150024,0.015819057970021668,41525.969925945814,0.01537580497587168,46533.15038425529,0.015485865084999967,47965.84819992321,0.015714356597966578,12898.26774525039,0.015376535968742857,13127.508238610715,0.015601409464465837,17157.6823380223,0.015817682604873377,21493.557636109574,0.015828780312810993,24928.129826181976,0.01582671108714541,25368.45189811702,0.015715243365555565,27773.638448227863,0.015371462029000017,26718.87673183571
+1156,0.015933102092387078,34085.935208105104,0.015474978237407141,6053.212274758132,0.015584464896000065,31447.26425948753,0.01570684172065098,33039.1718850469,0.015930682957717192,37063.77005452213,0.015477683099999933,38042.427146230315,0.015578022464900181,41223.09581504186,0.015586976271603572,43269.67395716935,0.015819753317454825,44567.58053437267,0.01591917859008507,41790.05828859446,0.01547564786532558,46830.12669290564,0.015585773891999867,48274.902048758726,0.015814448041265677,12982.416963933027,0.015476383604903656,13211.030323980736,0.015701418499494437,17268.88313938495,0.015917794520093977,21628.562593461957,0.015928962466689494,25083.070910443355,0.01592688014465911,25530.791415218497,0.015815340457055967,27950.77112238006,0.015471276717500017,26886.70412796165
+1157,0.016033310281647478,34294.5128731383,0.015574816806680842,6095.812608892427,0.015684365311999966,31649.409197659035,0.01580688529848948,33245.66140544779,0.016030875932293992,37295.77966055941,0.015577539119999833,38283.659231280595,0.015677881583264983,41481.37107843051,0.01568689278616507,43542.582621460075,0.015919878338451425,44846.38805961536,0.01601929921014857,42054.16762359672,0.015575490754779181,47127.00357104796,0.015685682698999965,48583.954573841045,0.015914539484564977,13066.591583455687,0.015576231241064257,13294.528660119538,0.015801427534523137,17380.078952032578,0.01601790643531478,21763.571172687134,0.016029144620568096,25237.9648224743,0.016027049202172707,25693.156288250953,0.015915437548556267,28127.890992397803,0.015571091406000017,27054.384528247247
+1158,0.016133518470907778,34503.03140510418,0.01567465537595444,6138.478764559116,0.015784265728000065,31851.526442043098,0.015906928876328177,33452.08420962097,0.016131068906870893,37527.84172046043,0.015677395140000033,38524.821099842346,0.015777740701629683,41739.523496174945,0.015786809300726772,43815.36686647456,0.016020003359447928,45125.082825156176,0.016119419830211968,42318.2983626246,0.015675333644232882,47423.777475157556,0.015785591505999966,48893.00245236758,0.01601463092786398,13150.83162756834,0.01567607887722496,13378.010914454206,0.015901436569551737,17491.256143162,0.016118018350535477,21898.608997599695,0.016129326774446593,25392.814479430403,0.01612721825968621,25855.522847888962,0.016015534640056665,28304.979947147927,0.015670906094500017,27221.92451779279
+1159,0.01623372666016798,34711.55704748925,0.01577449394522794,6181.23528166677,0.015884166143999966,32053.65760304172,0.016006972454166678,33658.424230298995,0.01623126188144769,37759.93937538384,0.015777251159999933,38765.90793296273,0.01587759981999448,41997.546348718184,0.015886725815288272,44088.039219668695,0.016120128380444427,45403.69954665785,0.016219540450275467,42582.448349636354,0.01577517653368658,47720.44473926019,0.015885500312999967,49202.04244854573,0.01611472237116328,13235.146991560914,0.01577592651338556,13461.468515202403,0.01600144560458024,17602.39036930889,0.01621813026575628,22033.662025019697,0.016229508928325195,25547.61993792824,0.016227387317199807,26017.916651068314,0.016115631731557067,28482.04954518065,0.015770720783000017,27389.396240489958
+1160,0.01633393484942828,34920.09679734114,0.01587433251450164,6224.074500131592,0.015984066560000065,32255.81919187201,0.01610701603200528,33864.65738375569,0.01633145485602459,37992.062030231755,0.015877107179999933,39006.91205990017,0.015977458938359182,42255.42938326957,0.01598664232984977,44360.59741859754,0.016220253401441127,45682.23632111642,0.01631966107033887,42846.61298881228,0.01587501942314028,48017.001509503985,0.015985409120000068,49511.07135981859,0.016214813814462378,13319.531895275377,0.01587577414954626,13544.881240345137,0.01610145463960894,17713.512083904858,0.016318242180976977,22168.719779769588,0.016329691082203696,25702.416095337096,0.01632755637471351,26180.33733890109,0.016215728823057367,28659.111523785716,0.015870535471500018,27556.790076804577
+1161,0.01643414303868868,35128.628344798766,0.015974171083775243,6266.992391492472,0.016083966975999966,32458.022664138858,0.01620705960984378,34070.797517290106,0.01643164783060139,38224.21658597209,0.015976963199999934,39247.828619574684,0.016077318056723983,42513.143354956555,0.01608655884441127,44633.06679015749,0.016320378422437627,45960.73084435568,0.016419781690402167,43110.7889959811,0.015974862312594082,48313.44367009441,0.016085317926999968,49820.08597108601,0.016314905257761577,13403.973549450102,0.01597562178570686,13628.32515946392,0.01620146367463754,17824.626900042895,0.016418354096197678,22303.769792112358,0.016429873236082294,25857.186790322674,0.01642772543222701,26342.77648960262,0.016315825914557765,28836.161323808974,0.015970350160000115,27724.121819776996
+1162,0.01653435122794898,35337.13633950544,0.01607400965304874,6309.985866105633,0.016183867391999864,32660.289907581115,0.01630710318768238,34276.88967571488,0.01653184080517809,38456.41230279595,0.016076819219999833,39488.663085104,0.01617717717508868,42770.707783825776,0.01618647535897297,44905.46815003154,0.016420503443434226,46239.181399038425,0.01651990231046567,43374.97335422985,0.01607470520204778,48609.76674870786,0.016185226733999965,50129.08301061494,0.016414996701060676,13488.48311269377,0.016075469421867657,13711.8125785097,0.01630147270966624,17935.729914487052,0.016518466011418476,22438.790878374853,0.016530055389960795,26011.921257634316,0.01652789448974051,26505.221801528212,0.016415923006058066,29013.18869938778,0.016070164848500115,27891.391820984
+1163,0.01663455941720918,35545.63189569407,0.016173848222322342,6353.052208260853,0.016283767807999967,32862.59675931314,0.01640714676552088,34482.928283777735,0.01663203377975499,38688.62273960425,0.016176675240000032,39729.43115999101,0.016277036293453482,43028.160034284214,0.01628639187353447,45177.81214937998,0.016520628464430726,46517.61641915297,0.01662002293052907,43639.20202623098,0.01617454809150148,48905.96578288649,0.016285135541000067,50438.05910235736,0.01651508814435988,13573.064448023724,0.016175317058028257,13795.318559800036,0.01640148174469484,18046.80498967491,0.016618577926639077,22573.772720829034,0.016630237543839296,26166.613513097505,0.01662806354725411,26667.649231762058,0.016516020097558464,29190.204734452243,0.016169979536999918,28058.59974955706
+1164,0.01673476760646948,35754.11000901756,0.01627368679159604,6396.193308153369,0.016383668223999864,33064.93911643874,0.016507190343359377,34688.90634489639,0.01673222675433189,38920.82236044928,0.01627653125999993,39970.12483178117,0.016376895411818183,43285.49727182853,0.01638630838809597,45450.09636265829,0.016620753485427228,46796.01043508154,0.016720143550592568,43903.512271629676,0.01627439098095518,49202.03511151492,0.016385044347999967,50747.01070880799,0.016615179587658978,13657.735629344475,0.016275164694188958,13878.831997677818,0.01650149077972354,18157.872192222378,0.01671868984185988,22708.709092167308,0.016730419697717894,26321.258755131566,0.016728232604767808,26830.09709445299,0.016616117189058865,29367.28680693276,0.016269794225499914,28225.745810503704
+1165,0.01683497579572988,35962.565640710345,0.016373525360869643,6439.414706552233,0.016483568639999967,33267.30655414951,0.016607233921197978,34894.81388457951,0.01683241972890869,39152.98974503261,0.016376387279999932,40210.75307948088,0.01647675453018288,43542.717431824014,0.01648622490265767,45722.31816688621,0.016720878506423727,47074.349198565134,0.01682026417065597,44167.86630598371,0.01637423387040878,49497.96800832642,0.016484953154999968,51055.93405590241,0.016715271030958177,13742.512562690525,0.016375012330349558,13962.34435219959,0.01660149981475214,18268.946533204693,0.016818801757080476,22843.638284229168,0.016830601851596395,26475.852258141014,0.01682840166228131,26992.568906361266,0.016716214280559166,29544.40267190035,0.016369608913999915,28392.83070781619
+1166,0.01693518398499008,36170.99405712827,0.01647336393014314,6482.708159913605,0.016583469055999864,33469.681076289315,0.01670727749903648,35100.630563555664,0.016932612703485592,39385.178318189384,0.016476243299999933,40451.31203214642,0.01657661364854768,43799.81790126141,0.01658614141721917,45994.4745963513,0.016821003527420327,47352.6186951196,0.01692038479071937,44432.25121161247,0.01647407675986268,49793.75591874803,0.016584861961999868,51364.83650785014,0.016815362474257276,13827.386873013631,0.01647485996651026,14045.884740408548,0.01670150884978064,18380.01909975483,0.016918913672301278,22978.628455678325,0.016930784005474993,26630.389627325534,0.016928570719794808,27155.061059378233,0.016816311372059564,29721.540555058345,0.016469423602500016,28559.84180648645
+1167,0.017035392174250378,36379.390643391176,0.016573202499416743,6526.070234271567,0.016683369471999963,33672.05298376829,0.01680732107687498,35306.32795896833,0.017032805678062393,39617.37981893961,0.016576099319999933,40691.79640012997,0.016676472766912382,44056.79487623756,0.01668605793178067,46266.56210681086,0.016921128548417028,47630.78669375637,0.017020505410782868,44696.65856706299,0.01657391964931638,50089.386321977625,0.016684770768999966,51673.719787171955,0.01691545391755648,13912.346794123552,0.01657470760267086,14129.443714528923,0.01680151788480934,18491.044554159595,0.01701902558752198,23113.65559019956,0.017030966159353494,26784.904654055284,0.01702873977730841,27317.569987369818,0.016916408463559764,29898.69767540603,0.016569238291000016,28726.761605606327
+1168,0.01713560036351068,36587.753876177085,0.016673041068690442,6569.498157418185,0.016783269887999965,33874.45927682846,0.01690736465471358,35512.00198595664,0.01713299865263929,39849.58208523652,0.016675955339999833,40932.20004526007,0.01677633188527718,44313.64478175131,0.01678597444634217,46538.576065393216,0.017021253569413527,47908.877328819726,0.01712062603084627,44961.08148538704,0.01667376253876998,50384.82709006752,0.016784679575999967,51982.57080516433,0.017015545360855578,13997.383457560283,0.01667455523883166,14212.996823075302,0.01690152691983794,18602.02067077825,0.017119137502742778,23248.701602730038,0.017131148313232095,26939.392245767336,0.01712890883482211,27480.092126871175,0.017016505555060266,30075.89078741148,0.016669052979500016,28893.618483244776
+1169,0.01723580855277108,36796.09492416578,0.016772879637963943,6613.0024375296425,0.016883170303999964,34076.89403236801,0.01700740823255208,35717.64554565643,0.01723319162721609,40081.75182382592,0.01677581136000003,41172.51519222017,0.01687619100364188,44570.36388437569,0.01688589096090387,46810.509168875615,0.017121378590410026,48186.91955430106,0.01722074665090977,45225.513509599565,0.01677360542822368,50680.084694939826,0.016884588382999867,52291.38054357499,0.017115636804154677,14082.480499835403,0.01677440287499226,14296.515668441174,0.01700153595486664,18712.947185313325,0.017219249417963378,23383.743295329277,0.017231330467110593,27093.83394715832,0.017229077892335607,27642.623877985927,0.017116602646560664,30253.11032914194,0.016768867668000016,29060.41714896777
+1170,0.01733601674203128,37004.40077984646,0.01687271820723754,6656.600362055511,0.016983070719999965,34279.34922667842,0.017107451810390677,35923.24707980889,0.01733338460179299,40313.91236759633,0.01687566737999993,41412.73024595364,0.016976050122006682,44826.948178046536,0.01698580747546537,47082.33997324037,0.017221503611406525,48464.90896382205,0.017320867270973168,45489.94775134747,0.01687344831767738,50975.20588641189,0.016984497190000065,52600.13797818426,0.017215728247453876,14167.640902521725,0.016874250511152957,14380.007742230571,0.01710154498989524,18823.858891354794,0.017319361333184177,23518.807886305523,0.017331512620989295,27248.220127532346,0.01732924694984921,27805.161561521716,0.017216699738060864,30430.390118575262,0.016868682356500016,29227.1428145806
+1171,0.01743622493129158,37212.662728539784,0.016972556776511143,6700.25910425623,0.017082971136000064,34481.80880086407,0.017207495388229178,36128.788099229314,0.01743357757636969,40546.102086031926,0.016975523399999932,41652.81366121699,0.017075909240371383,45083.39325982758,0.01708572399002697,47354.08758261953,0.017321628632403125,48742.840862300814,0.01742098789103647,45754.37529068404,0.01697329120713118,51270.18206619098,0.017084405996999966,52908.82074728711,0.01731581969075298,14252.884297721781,0.016974098147313557,14463.52663541288,0.01720155402492394,18934.773775264817,0.017419473248404777,23653.872098775173,0.017431694774867695,27402.54461690742,0.017429416007362707,27967.70136677385,0.017316796829561366,30607.70231738474,0.016968497045000017,29393.80988353074
+1172,0.017536433120551777,37420.87259980423,0.017072395345784842,6743.983329035742,0.017182871551999965,34684.29094575519,0.017307538966067678,36334.284486907454,0.01753377055094649,40778.317413956705,0.017075379419999932,41892.77758382144,0.01717576835873618,45339.694132345525,0.01718564050458847,47625.77327689474,0.017421753653399628,49020.70993947999,0.01752110851109997,46018.77440622286,0.01707313409658488,51565.00037334859,0.017184314803999966,53217.41153889641,0.01741591113405218,14338.209967529832,0.017073945783474258,14547.057414678144,0.017301563059952438,19045.66153103045,0.01751958516362558,23788.963586572878,0.017531876928746394,27556.79809520513,0.01752958506487641,28130.23928037656,0.017416893921061567,30785.03068522561,0.017068311733500017,29560.424440180435
+1173,0.017636641309812177,37629.02037884428,0.01717223391505834,6787.82844299214,0.017282771968000064,34886.79676639037,0.01740758254390628,36539.75058750159,0.01763396352552339,41010.55509053475,0.017175235439999832,42132.6643756849,0.01727562747710088,45595.84481183227,0.01728555701915017,47897.39461609117,0.017521878674396328,49298.50964085081,0.017621229131163367,46283.152674546596,0.01717297698603858,51859.63523573467,0.017284223611000068,53525.96808825271,0.017516002577351277,14423.669857164172,0.01717379341963506,14630.60278196391,0.017401572094981037,19156.524524518805,0.017619697078846277,23924.09055706904,0.017632059082624794,27710.9695594381,0.017629754122389908,28292.770992215985,0.017516991012561964,30962.359910559815,0.017168126422000017,29726.9806388449
+1174,0.01773684949907248,37837.08463925703,0.017272072484331942,6831.7709289505,0.017382672383999966,35089.31976517213,0.01750762612174478,36745.28747261239,0.01773415650010019,41242.81426675732,0.017275091460000034,42372.46041805198,0.017375486595465683,45851.83729951202,0.01738547353371167,48168.94877073797,0.017622003695392827,49576.23032874653,0.01772134975122677,46547.539700463356,0.01727281987549228,52154.06816547408,0.017384132417999968,53834.48200594169,0.017616094020650577,14509.24079925743,0.01727364105579566,14714.142201330736,0.017501581130009738,19267.430463929093,0.01771980899406708,24059.245641756857,0.017732241236503493,27865.04356905341,0.017729923179903507,28455.291726114774,0.017617088104062466,31139.70746918027,0.017267941110500118,29893.472173195183
+1175,0.01783705768833278,38045.0661337628,0.01737191105360554,6875.795210619733,0.017482572800000065,35291.849004287586,0.01760766969958328,36950.852008718924,0.017834349474677092,41475.08884060982,0.017374947479999934,42612.17559891793,0.01747534571383038,46107.692524068116,0.01748539004827317,48440.432247017605,0.017722128716389327,49853.84766772788,0.01782147037129027,46811.9313912308,0.017372662764945982,52448.33424386479,0.017484041224999965,54142.93721074139,0.01771618546394958,14594.91857079289,0.01737348869195636,14797.665819026002,0.017601590165038337,19378.376580839606,0.01781992090928768,24194.41805973996,0.017832423390381994,28019.03623243503,0.01783009223741701,28617.795571835777,0.017717185195562667,31317.08321148999,0.017367755799000115,30059.89146522428
+1176,0.01793726587759298,38252.990074527326,0.01747174962287904,6919.886443501543,0.017582473215999966,35494.40923246451,0.017707713277421877,37156.41828127134,0.01793454244925399,41707.37247711533,0.01747480349999993,42851.8121646516,0.01757520483219518,46363.4129658496,0.01758530656283487,48711.84017826271,0.017822253737385926,50131.38094506782,0.017921590991353667,47076.32179496394,0.01747250565439968,52742.391254267124,0.017583950031999866,54451.29845333811,0.01781627690724888,14680.695841094413,0.01747333632811696,14881.192849466172,0.017701599200067038,19489.29881407984,0.017920032824508478,24329.57888217415,0.017932605544260596,28172.968408527202,0.017930261294930708,28780.272447074298,0.017817282287063065,31494.507854523716,0.017467570487499917,30226.22797659343
+1177,0.018037474066853378,38460.84569606906,0.01757158819215274,6964.009800392742,0.017682373631999863,35697.01304610672,0.017807756855260377,37361.97256264486,0.01803473542383079,41939.656658707754,0.01757465951999993,43091.36347397886,0.017675063950559882,46619.02811187141,0.01768522307739637,48983.1632114125,0.017922378758382426,50408.840722252484,0.01802171161141717,47340.71567110486,0.01757234854385348,53036.25287041222,0.017683858838999967,54759.63669644944,0.017916368350547877,14766.567383474923,0.01757318396427756,14964.725237809043,0.017801608235095637,19600.256756028986,0.01802014473972908,24464.73416166197,0.018032787698139093,28326.843780394884,0.01803043035244431,28942.71729399258,0.017917379378563365,31671.97121917213,0.017567385175999917,30392.459970655294
+1178,0.018137682256113678,38668.62367166397,0.017671426761426343,7008.192829599173,0.017782274047999966,35899.69445092408,0.01790780043309898,37567.50420679451,0.01813492839840769,42171.921555321795,0.01767451553999983,43330.82000925679,0.017774923068924583,46874.520066759615,0.01778513959195787,49254.38470326385,0.018022503779378928,50686.203105155146,0.018121832231480568,47605.111567676984,0.017672191433307182,53329.968426126,0.017783767645999968,55067.96049279844,0.018016459793847178,14852.52894467577,0.017673031600438257,15048.300022945506,0.017901617270124338,19711.289677238896,0.018120256654949877,24599.935245262488,0.018132969852017695,28480.65813293518,0.018130599409957808,29105.139323664822,0.018017476470063767,31849.453332359248,0.017667199864499918,30558.557600182616
+1179,0.01823789044537388,38876.31007479397,0.01777126533069984,7052.464654714312,0.017882174463999864,36102.42725953431,0.01800784401093748,37773.00316411537,0.01823512137298449,42404.15790620034,0.017774371560000033,43570.16087713564,0.01787478218728938,47129.87792499721,0.017885056106519373,49525.54131029309,0.018122628800375427,50963.48405648305,0.01822195285154387,47869.50697622834,0.01777203432276088,53623.58447511118,0.017883676452999868,55376.267754403365,0.018116551237146276,14938.576807597789,0.017772879236599058,15131.922981807247,0.018001626305152837,19822.39462742532,0.018220368570170578,24735.1783905493,0.018233152005896192,28634.39720685019,0.01823076846747131,29267.536349588627,0.018117573561564067,32026.96898146723,0.017767014553000015,30724.579588802662
+1180,0.01833809863463418,39083.958492119746,0.017871103899973442,7096.822118421212,0.017982074879999966,36305.18710945939,0.01810788758877598,37978.45665149823,0.01833531434756119,42636.418655928625,0.017874227579999933,43809.37099428741,0.01797464130565408,47385.091761669806,0.01798497262108107,49796.63489227699,0.018222753821372128,51240.69389214748,0.01832207347160737,48133.899387314144,0.01787187721221448,53917.08929717053,0.017983585259999966,55684.556365967255,0.018216642680445278,15024.707574189855,0.017872726872759658,15215.582127303867,0.01810163534018144,19933.56825556832,0.018320480485391376,24870.459327872926,0.018333334159774693,28788.04299110466,0.01833093752498501,29429.94208414026,0.018217670653064465,32204.521904995523,0.017866829241500015,30890.550751320494
+1181,0.01843830682389458,39291.548907340526,0.01797094246924714,7141.284799390639,0.018081975295999864,36507.944846527396,0.01820793116661458,38183.853965173344,0.01843550732213809,42868.70156968559,0.017974083599999933,44048.50548928101,0.018074500424018883,47640.15083697972,0.01808488913564257,50067.66492216444,0.018322878842368627,51517.84337429023,0.018422194091670768,48398.286273508755,0.01797172010166818,54210.481337806785,0.018083494066999967,55992.82416947989,0.01831673412374458,15110.91803816173,0.01797257450892036,15299.266141565073,0.018201644375210137,20044.807437279425,0.018420592400611977,25005.77751940083,0.018433516313653295,28941.55661074109,0.018431106582498608,29592.310718662993,0.018317767744564867,32382.1079625885,0.017966643930000015,31056.46987545021
+1182,0.01853851501315488,39499.097607663905,0.018070781038520743,7185.850707162963,0.018181875711999966,36710.726812117566,0.01830797474445308,38389.19874079967,0.01853570029671489,43101.01599200931,0.018073939619999934,44287.5577992121,0.01817435954238358,47895.04227493451,0.018184805650204073,50338.628526800654,0.018423003863365227,51794.94581057904,0.01852231471173427,48662.66507080947,0.01807156299112208,54503.77809947116,0.018183402873999867,56301.06894486095,0.018416825567043677,15197.205098857376,0.01807242214508096,15382.964795142776,0.01830165341023874,20156.109116216066,0.01852070431583278,25141.1546876995,0.018533698467531792,29094.989944208584,0.01853127564001211,29754.66007557523,0.018417864836065164,32559.723393406322,0.018066458618500016,31222.37743598249
+1183,0.01863872320241508,39706.59808033466,0.01817061960779424,7230.517238494971,0.018281776127999964,36913.52614282701,0.018408018322291577,38594.47234412617,0.01863589327129179,43333.356736076974,0.01817379563999993,44526.518113542086,0.01827421866074838,48149.757382929114,0.01828472216476577,50609.52319068735,0.018523128884361726,52071.999152252494,0.01862243533179767,48927.0331571975,0.01817140588057568,54796.975229940996,0.018283311681000065,56609.28838319591,0.018516917010342877,15283.565693924624,0.01817226978124156,15466.666731679647,0.01840166244526744,20267.47013865512,0.018620816231053376,25276.565677408,0.018633880621410394,29248.33865462748,0.018631444697525708,29916.992206926443,0.018517961927565565,32737.364700556325,0.018166273307000016,31388.25360490672
+1184,0.01873893139167548,39914.042185539896,0.018270458177067843,7275.282146921822,0.018381676543999966,37116.32290335117,0.018508061900130178,38799.6420105871,0.018736086245868592,43565.71975767936,0.018273651660000032,44765.36156151919,0.018374077779113082,48404.2761339964,0.018384638679327273,50880.34622462165,0.018623253905358225,52349.00128235972,0.018722555951861067,49191.387825949205,0.01827124877002938,55090.06702324877,0.018383220487999966,56917.480045912336,0.01861700845364198,15369.99673722695,0.01827211741740226,15550.355548030562,0.01850167148029604,20378.886867530182,0.018720928146274178,25411.969832682993,0.018734062775288895,29401.608052883235,0.018731613755039407,30079.304145941685,0.018618059019065766,32915.050638676425,0.018266087995500016,31554.083875936743
+1185,0.01883913958093578,40121.418737597516,0.018370296746341542,7320.143343089132,0.018481576959999964,37319.14402353747,0.01860810547796868,39004.77230148612,0.018836279220445493,43798.13058788678,0.018373507679999932,45004.08273951979,0.01847393689747788,48658.55523502276,0.018484555193888773,51151.09560165498,0.018723378926354825,52625.9499963993,0.01882267657192457,49455.726250295615,0.018371091659483082,55383.04450353705,0.018483129294999966,57225.64129443557,0.01871709989694118,15456.495050411811,0.018371965053563057,15634.028689287086,0.01860168051532474,20490.354813279824,0.01882104006149488,25547.410565937607,0.018834244929167493,29554.80955243889,0.01883178281255291,30241.59622895912,0.018718156110566264,33092.77716571154,0.018365902684000016,31719.8582113321
+1186,0.01893934777019598,40328.70172382675,0.018470135315615043,7365.099467234843,0.018581477375999966,37521.972719408695,0.01870814905580718,39209.86459948355,0.01893647219502239,44030.57582176592,0.018473363699999933,45242.73910063081,0.01857379601584258,48912.56979510224,0.018584471708450373,51421.7770813451,0.018823503947351328,52902.84296592434,0.01892279719198797,49720.0454331855,0.01847093454893678,55675.88299958459,0.018583038102000068,57533.769148166255,0.018817191340240277,15543.057272069633,0.018471812689723657,15717.656349628385,0.01870168955035324,20601.87375706022,0.018921151976715678,25682.984597470873,0.018934427083045994,29707.930949188732,0.01893195187006641,30403.864048964468,0.018818253202066666,33270.533211537244,0.018465717372500016,31885.58692837946
+1187,0.019039555959456278,40535.91575038499,0.01856997388488864,7410.149917746529,0.018681377791999965,37724.837339037,0.01880819263364578,39414.91337602571,0.01903666516959919,44263.04573175821,0.018573219719999933,45481.32676129146,0.018673655134207382,49166.4047608161,0.018684388223011973,51692.38654692419,0.018923628968348028,53179.702575881936,0.019022917812051468,49984.34212999443,0.01857077743839058,55968.60531896006,0.018682946908999968,57841.85991248082,0.018917282783539477,15629.679713041742,0.018571660325884358,15801.23970590583,0.01880169858538184,20713.438979047838,0.01902126389193628,25818.667305422958,0.019034609236924595,29860.98881077684,0.01903212092758001,30566.067324393778,0.018918350293566866,33448.31313489042,0.018565532061000117,32051.257833473486
+1188,0.019139764148716678,40743.07014435958,0.01866981245416234,7455.291132652583,0.018781278208000064,37927.73754298671,0.01890823621148428,39619.912361238676,0.01913685814417609,44495.53404514647,0.018673075739999934,45719.84109854944,0.018773514252572083,49420.099680283216,0.018784304737573473,51962.92322068029,0.019023753989344527,53456.5453773153,0.01912303843211487,50248.61271808851,0.018670620327844282,56261.22340214622,0.018782855715999965,58149.90730711048,0.019017374226838576,15716.35871847622,0.018671507962044958,15884.873004400293,0.01890170762041054,20825.03864268566,0.019121375807157077,25954.439135107674,0.019134791390803093,30013.995104938298,0.019132289985093708,30728.269903245317,0.019018447385067364,33626.11242293724,0.018665346749500118,32216.87212453446
+1189,0.01923997233797698,40950.19218552047,0.018769651023435942,7500.5188254855275,0.018881178623999965,38130.69835105105,0.019008279789322877,39824.85388512072,0.01923705111875279,44728.03645696738,0.01877293176000003,45958.276133141575,0.01887337337093678,49673.644136957904,0.018884221252135073,52233.381858990484,0.019123879010341027,53733.34866389127,0.019223159052178168,50512.85294712537,0.01877046321729798,56553.72903350537,0.018882764522999865,58457.90434719451,0.01911746567013778,15803.14755255842,0.01877135559820566,15968.609169946452,0.01900171665543914,20936.70625736045,0.019221487722377677,26090.290504492816,0.019234973544681695,30166.929776260542,0.01923245904260721,30890.475334057635,0.019118544476567564,33803.92962062043,0.018765161437999917,32382.41108423815
+1190,0.01934018052723718,41157.35037235434,0.01886948959270944,7545.842105079103,0.018981079040000064,38333.70954435626,0.01910832336716158,40029.72690576247,0.01933724409332959,44960.55622329616,0.018872787780000032,46196.62231111517,0.01897323248930158,49927.02103327911,0.018984137766696572,52503.75418700409,0.019224004031337526,54010.1022346542,0.019323279672241667,50777.057362244406,0.01887030610675168,56846.145447015035,0.018982673329999967,58765.865966362355,0.019217557113436878,15890.021266998601,0.01887120323436636,16052.423351786603,0.01910172569046784,21048.444746410492,0.01932159963759848,26226.214329118724,0.019335155698560196,30319.819997585175,0.01933262810012081,31052.678555046383,0.019218641568067966,33981.77003183591,0.018864976126499917,32547.854958844702
+1191,0.01944038871649748,41364.51075521756,0.018969328161983042,7591.279179422927,0.019080979455999965,38536.75257802407,0.01920836694500008,40234.50274027855,0.01943743706790649,45193.07335768558,0.01897264379999993,46434.85867013219,0.019073091607666282,50180.19066941903,0.019084054281258273,52774.029465712236,0.019324129052334126,54286.79168191094,0.01942340029230507,51041.217397474815,0.01897014899620538,57138.470306065,0.019082582136999968,59073.79005380988,0.019317648556735977,15976.950173465502,0.01897105087052706,16136.295970449157,0.019201734725496338,21160.24568042545,0.019421711552819177,26362.20978753076,0.019435337852438794,30472.688016949145,0.01943279715763431,31214.874913495136,0.019318738659568464,34159.62481549398,0.018964790815000018,32713.244653769125
+1192,0.01954059690575788,41571.666973310545,0.01906916673125674,7636.81979429116,0.019180879872000064,38739.83181492706,0.01930841052283858,40439.201325698596,0.01953763004248329,45425.58930811619,0.019072499819999932,46673.01299746041,0.01917295072603108,50433.19106681769,0.019183970795819773,53044.26352974282,0.019424254073330628,54563.42529219031,0.01952352091236857,51305.309002414695,0.01906999188565918,57430.700900825126,0.019182490943999868,59381.674015776094,0.019417740000035176,16063.962064595185,0.01907089850668766,16220.215569893584,0.01930174376052514,21272.131353617184,0.01952182346803988,26498.276914794973,0.019535520006317295,30625.528100523825,0.01953296621514801,31377.09688338003,0.019418835751068664,34337.488331796405,0.019064605503500018,32878.58340757134
+1193,0.019640805095018078,41778.80242863448,0.019169005300530142,7682.463397482966,0.019280780287999965,38942.95588681321,0.019408454100677177,40643.847767097395,0.019637823017060192,45658.12404091081,0.019172355839999933,46911.08687374533,0.01927280984439578,50686.04458700191,0.019283887310381272,53314.446017122376,0.019524379094327127,54840.00824393582,0.019623641532431967,51569.35906907909,0.01916983477511288,57722.83429265928,0.019282399751000066,59689.515042225124,0.01951783144333428,16151.053131416142,0.019170746142848357,16304.172975136837,0.019401752795553638,21384.133890348323,0.019621935383260576,26634.417931442622,0.019635702160195893,30778.335005572495,0.019633135272661507,31539.329434886902,0.019518932842569066,34515.35550440599,0.019164420192000015,33043.83321155144
+1194,0.01974101328427838,41985.900769169806,0.01926884386980384,7728.21272641324,0.019380680703999866,39146.119920282974,0.019508497678515677,40848.43570679914,0.019738015991636992,45890.67452877178,0.019272211859999833,47149.07087658227,0.019372668962760582,50938.76131064285,0.019383803824942973,53584.566761042835,0.019624504115323828,55116.53711685767,0.01972376215249537,51833.38495696217,0.01926967766456658,58014.86725377364,0.019382308557999967,59997.31001306138,0.019617922886633478,16238.218412579274,0.019270593779008957,16388.158934041905,0.019501761830582238,21496.26879287391,0.019722047298481378,26770.64312272985,0.019735884314074394,30931.103487522345,0.01973330433017511,31701.55666924658,0.019619029934069367,34693.22071104213,0.019264234880500015,33209.02813062549
+1195,0.01984122147353868,42192.932956092765,0.019368682439077443,7774.063485267806,0.019480581119999965,39349.3184450118,0.019608541256354178,41052.976766496635,0.01983820896621389,46123.237341691616,0.01937206788000003,47386.93916007089,0.019472528081125283,51191.32475921018,0.019483720339504473,53854.643273360765,0.019724629136320327,55393.00856763357,0.01982388277255887,52097.384141239614,0.01936952055402018,58306.79616381349,0.019482217364999967,60305.05532924694,0.019718014329932577,16325.453395857041,0.019370441415169658,16472.162604308793,0.019601770865610938,21608.49972495867,0.019822159213702176,26906.93870933455,0.019836066467952995,31083.835633909894,0.019833473387688608,31863.767342073712,0.019719127025569765,34871.07414921801,0.019364049569000015,33374.18091558761
+1196,0.01994142966279908,42399.90666165808,0.01946852100835094,7820.013055876968,0.019580481535999866,39552.54439608727,0.01970858483419278,41257.45605797938,0.01993840194079069,46355.809315714825,0.01947192389999993,47624.7152293963,0.01957238719949008,51443.70345038815,0.019583636854065972,54124.693265838156,0.019824754157316927,55669.41923442847,0.019924003392622267,52361.35398454874,0.01946936344347388,58598.63162183224,0.019582126172000065,60612.746562641085,0.019818105773231877,16412.753766677324,0.01947028905133046,16556.18699717395,0.019701779900639538,21720.811980870516,0.019922271128922777,27043.297565615176,0.019936248621831493,31236.552770207003,0.019933642445202307,32025.94918640837,0.019819224117070166,35048.91554340791,0.019463864257500015,33539.29742099365
+1197,0.02004163785205928,42606.8258057113,0.019568359577624643,7866.059513131763,0.019680381951999965,39755.78303998753,0.01980862841203128,41461.842166536844,0.02003859491536759,46588.387325219905,0.01957177991999993,47862.43294170899,0.01967224631785478,51695.95932971125,0.019683553368627472,54394.692396024824,0.019924879178313426,55945.7656528575,0.02002412401268557,52625.31019684997,0.01956920633292778,58890.388321528386,0.019682034978999965,60920.37753616446,0.01991819721653088,16500.115244306944,0.01957013668749106,16640.225820918677,0.019801788935668238,21833.194920821054,0.02002238304414358,27179.714196524732,0.020036430775710195,31389.224617690685,0.02003381150271581,32188.079976507746,0.019919321208570467,35226.74645523383,0.019563678946000015,33704.427926720615
+1198,0.020141846041319578,42813.65587280083,0.01966819814689824,7912.2012275042025,0.019780282367999964,39959.02996541288,0.01990867198986988,41666.164033788,0.02013878788994429,46820.96820826792,0.019671635939999932,48100.0851107809,0.019772105436219583,51948.093321440836,0.019783469883189173,54664.63072334307,0.020025004199309925,56222.044165577376,0.020124244632749068,52889.267548003176,0.01966904922238138,59182.04631084821,0.019781943785999966,61227.936031426936,0.02001828865983018,16587.533451216645,0.01966998432365166,16724.277708667672,0.019901797970696737,21945.636930799225,0.020122494959364176,27316.183642913024,0.020136612929588595,31541.84567578039,0.020133980560229407,32350.152807044622,0.020019418300070865,35404.5606012163,0.019663493634500016,33869.60635240858
+1199,0.02024205423057978,43020.453385092034,0.019768036716171843,7958.455393674311,0.019880182783999965,40162.30317678949,0.02000871556770838,41870.418733161,0.02023898086452119,47053.54870608283,0.019771491959999832,48337.66413138649,0.01987196455458428,52200.100611094706,0.019883386397750672,54934.50986341856,0.020125129220306428,56498.250805860065,0.02022436525281247,53153.20695099217,0.01976889211183508,59473.59474709892,0.019881852593000068,61535.40355709491,0.020118380103129177,16675.00378447537,0.01976983195981236,16808.35660810061,0.020001807005725437,22058.11467819393,0.020222606874584978,27452.701102858086,0.020236795083467093,31694.433579552857,0.02023414961774291,32512.18209318618,0.020119515391571165,35582.36998804032,0.019763308323000016,34034.80102125283
+1200,0.02034226241984018,43227.22028658166,0.01986787528544534,8004.845532568565,0.019980083199999964,40365.607422204674,0.020108759145546877,42074.59006693483,0.02033917383909799,47286.125391279704,0.019871347980000034,48575.153276853554,0.01997182367294908,52451.983669378846,0.01998330291231217,55204.38866041842,0.020225254241303028,56774.38112206689,0.02032448587287597,53417.14218220681,0.01986873500128878,59765.02277069326,0.019981761399999968,61842.825541228354,0.020218471546428477,16762.521262336697,0.01986967959597296,16892.454906466017,0.020101816040754037,22170.657083148402,0.02032271878980568,27589.26169768234,0.020336977237345694,31846.982721439806,0.020334318675256608,32674.165729048393,0.020219612483071567,35760.17131256223,0.019863123011500117,34200.034888775364
+1201,0.02044247060910048,43433.956867602385,0.01996771385471904,8051.3511034206185,0.020079983615999965,40568.936669341354,0.020208802723385478,42278.64302769879,0.020439366813674892,47518.69454542654,0.019971203999999933,48812.56112847898,0.020071682791313782,52703.73715046424,0.020083219426873872,55474.2308385153,0.020325379262299728,57050.42987012227,0.020424606492939368,53681.08705319185,0.01996857789074248,60056.31587161577,0.020081670206999965,62150.20221130731,0.020318562989727576,16850.080308446333,0.019969527232133657,16976.5505548132,0.020201825075782637,22283.270011447847,0.020422830705026478,27725.860243389703,0.020437159391224195,31999.487696662214,0.02043448773277021,32836.10744555203,0.020319709574571965,35937.96108095878,0.019962937700000117,34365.281932580925
+1202,0.02054267879836078,43640.65018629979,0.020067552423992642,8097.965362513189,0.020179884031999964,40772.28372452184,0.020308846301223978,42482.59156979717,0.020539559788251692,47751.25168369053,0.020071060019999934,49049.90183156281,0.020171541909678483,52955.35462682006,0.020183135941435372,55744.016028551945,0.020425504283296227,57326.39331366541,0.02052472711300277,53945.017278582454,0.02006842078019628,60347.448692923805,0.020181579013999865,62457.53130306497,0.02041865443302678,16937.674395980204,0.020069374868294458,17060.586265900645,0.020301834110811337,22395.94855830262,0.02052294262024708,27862.49091620231,0.020537341545102894,32151.942840492353,0.02053465679028371,32997.98866125888,0.020419806666072265,36115.73557699858,0.020062752388499916,34530.56193479402
+1203,0.02064288698762098,43847.27982884509,0.020167390993266143,8144.684289333475,0.020279784448000066,40975.640086666484,0.02040888987906248,42686.48114921216,0.020639752762828593,47983.7923214865,0.02017091603999993,49287.17097906065,0.02027140102804328,53206.82771830006,0.02028305245599687,56013.728471045215,0.020525629304292727,57602.278346923675,0.02062484773306627,54208.92131618201,0.02016826366964998,60638.404576151675,0.020281487820999967,62764.81046129145,0.020518745876325878,17025.29533382298,0.020169222504455058,17144.574113313993,0.02040184314583984,22508.687425300814,0.020623054535467877,27999.14652276364,0.020637523698981294,32304.34225494617,0.020634825847797408,33159.8405950409,0.020519903757572667,36293.49076024886,0.020162567076999916,34695.915752654
+1204,0.02074309517688138,44053.81674092566,0.02026722956253974,8191.504930575602,0.020379684863999964,41178.996800314366,0.02050893345690108,42890.301954065515,0.02073994573740539,48216.3148556778,0.02027077205999983,49524.36320613215,0.02037126014640798,53458.142999082585,0.02038296897055847,56283.35149272052,0.020625754325289226,57878.05049540271,0.020724968353129668,54472.78883729462,0.02026810655910368,60929.170698214555,0.020381396627999968,63072.037225119566,0.020618837319624977,17112.931173709036,0.020269070140615658,17228.583794156664,0.020501852180868637,22621.479840906894,0.020723166450688477,28135.814828558043,0.020737705852859993,32456.67956132271,0.02073499490531091,33321.68654080413,0.020620000849072964,36471.22209325842,0.020262381765500017,34861.307666152585
+1205,0.02084330336614168,44260.26769879537,0.02036706813181344,8238.42489256365,0.020479585280000066,41382.4017000939,0.02060897703473958,43094.018890825624,0.02084013871198229,48448.814090259475,0.020370628080000033,49761.470560396876,0.020471119264772783,53709.27382118882,0.020482885485120072,56552.90064063717,0.020725879346285826,58153.70875834067,0.020825088973193167,54736.60742507664,0.020367949448557382,61219.8134886741,0.020481305434999868,63379.20900973664,0.020718928762924176,17200.559593412956,0.02036891777677636,17312.60790685463,0.02060186121589714,22734.314882880673,0.02082327836590928,28272.48580572704,0.020837888006738393,32608.944034900556,0.020835163962824508,33483.569572594344,0.020720097940573366,36648.92419527169,0.020362196454000017,35026.722999614016
+1206,0.02094351155540188,44466.6866237562,0.020466906701087043,8285.442120273816,0.020579485695999964,41585.88964117188,0.020709020612578177,43297.68333339564,0.02094033168655899,48681.283590728555,0.020470484099999933,49998.4787399818,0.02057097838313748,53960.250214820924,0.020582801999681672,56822.38757292669,0.020826004367282328,58429.302377107466,0.02092520959325657,55000.35386307239,0.02046779233801108,61510.38044250647,0.020581214242000066,63686.323083067844,0.02081902020622328,17288.176588702718,0.02046876541293696,17396.659644484265,0.02070187025092584,22847.201100418766,0.020923390281129977,28409.171544823104,0.020938070160617096,32761.115992847375,0.02093533302033801,33645.48005896015,0.020820195032073566,36826.58993553028,0.020462011142500017,35192.15150883002
+1207,0.021043719744662178,44673.0850650088,0.02056674527036054,8332.554781608838,0.020679386112000066,41789.435672746135,0.020809064190416678,43501.30496656039,0.02104052466113579,48913.71443696937,0.020570340119999933,50235.404359773886,0.02067083750150228,54211.05706591637,0.02068271851424317,57091.79508923636,0.020926129388279025,58704.8266369988,0.021025330213319867,55264.005256511446,0.02056763522746488,61800.844533744435,0.020681123048999966,63993.37653541278,0.020919111649522478,17375.779110685122,0.02056861304909766,17480.728424751764,0.02080187928595444,22960.134715515716,0.02102350219635078,28545.850135566987,0.021038252314495593,32913.21225400469,0.021035502077851608,33807.42221730925,0.020920292123573967,37004.20556206758,0.020561825831000018,35357.5847356704
+1208,0.021143927933922578,44879.454620875076,0.020666583839634142,8379.761198885053,0.020779286527999964,41993.02590772258,0.020909107768255178,43704.87319858588,0.02114071763571269,49146.090065941564,0.020670196139999934,50472.244559659346,0.020770696619866982,54461.67250560512,0.02078263502880467,57361.09387346598,0.021026254409275528,58980.27647253021,0.02112545083338337,55527.62520980391,0.020667478116918582,62091.21831384607,0.020781031855999967,64300.366238554234,0.021019203092821577,17463.404455607524,0.020668460685258457,17564.79883327838,0.02090188832098304,23073.106656893808,0.021123614111571376,28682.535207002595,0.021138434468374195,33065.27037572909,0.021135671135365307,33969.39475830655,0.021020389215074466,37181.75894414817,0.020661640519500018,35523.01503842495
+1209,0.02124413612318288,45085.79071139138,0.02076642240890784,8427.059804326716,0.020879186943999865,42196.640691673754,0.02100915134609378,43908.36452957457,0.02124091061028959,49378.37704246705,0.020770052159999934,50708.99073850742,0.02087055573823178,54712.16577557978,0.020882551543366372,57630.26806029287,0.021126379430272027,59255.64595106487,0.02122557145344677,55791.21879120925,0.02076732100637228,62381.51942040018,0.020880940663000065,64607.288788736856,0.021119294536120777,17551.05862796833,0.020768308321419057,17648.905270321826,0.02100189735601174,23186.095169333606,0.021223726026792178,28819.246950487817,0.021238616622252696,33217.281116001286,0.02123584019287881,34131.389424783585,0.021120486306574666,37359.283859405194,0.020761455208000015,35688.43504533247
+1210,0.02134434431244308,45292.101578352376,0.020866260978181343,8474.449108816743,0.020979087359999964,42400.289146139614,0.02110919492393228,44111.81801850038,0.02134110358486639,49610.631135478805,0.020869908180000032,50945.623695830924,0.02097041485659648,54962.5314325399,0.02098246805792787,57899.31924072535,0.021226504451268627,59530.927286420556,0.021325692073510268,56054.78138537235,0.02086716389582588,62671.73274466448,0.020980849469999965,64914.140423180565,0.02121938597941988,17638.813856226687,0.020868155957579657,17733.053553933434,0.02110190639104024,23299.124371118905,0.02132383794201278,28955.978088030995,0.021338798776131294,33369.235828998826,0.021336009250392307,34293.425807869295,0.021220583398075067,37536.77556300383,0.020861269896500015,35853.83718986469
+1211,0.02144455250170348,45498.38243052482,0.02096609954745494,8521.927678212918,0.021078987775999865,42603.98789241087,0.02120923850177078,44315.238801270825,0.021441296559443292,49842.87058964243,0.02096976419999993,51182.14153986477,0.021070273974961282,55212.760447272565,0.02108238457248937,58168.30515290296,0.021326629472265126,59806.107692050384,0.02142581269357367,56318.30854565081,0.02096700678527958,62961.848517640174,0.021080758276999966,65220.91688932813,0.02131947742271908,17726.66445893704,0.020968003593740358,17817.253697290653,0.02120191542606904,23412.201839745532,0.021423949857233577,29092.717789193197,0.021438980930009795,33521.14736214866,0.02143617830790601,34455.486093300686,0.021320680489575364,37714.228226479354,0.020961084585000015,36019.21305567713
+1212,0.02154476069096378,45704.62775691957,0.021065938116728543,8569.525261721401,0.021178888191999964,42807.726130023104,0.021309282079609377,44518.6273833121,0.021541489534020093,50075.09135199681,0.021069620219999932,51418.56578931881,0.021170133093325983,55462.84009307871,0.021182301087051072,58437.25025334356,0.021426754493261625,60081.15498333548,0.02152593331363707,56581.82439367265,0.021066849674733282,63251.90480958137,0.021180667083999866,65527.613219972525,0.021419568866018177,17814.574658829148,0.021067851229900958,17901.5610792082,0.02130192446109754,23525.321523902094,0.021524061772454278,29229.43967537559,0.021539163083888393,33673.03717645921,0.02153634736541961,34617.55943620366,0.021420777581075766,37891.63436779422,0.021060899273500116,36184.55159872158
+1213,0.021644968880223978,45910.830779381395,0.02116577668600204,8617.235908129946,0.021278788607999966,43011.49948372658,0.021409325657447877,44721.989066484144,0.02164168250859699,50307.28864003305,0.021169476239999933,51654.882212018754,0.02126999221169078,55712.73573744684,0.02128221760161257,58706.15072764113,0.021526879514258128,60356.17598516701,0.021626053933700567,56845.323851275214,0.02116669256418708,63541.89729454675,0.021280575890999968,65834.22328188737,0.021519660309317377,17902.537464668112,0.02116769886606176,17985.973497936357,0.02140193349612624,23638.47504764084,0.021624173687675077,29366.129380959213,0.021639345237766894,33824.8806067077,0.02163651642293311,34779.65699154683,0.021520874672576167,38068.9826512154,0.021160713962000116,36349.831215562
+1214,0.02174517706948428,46116.98202642603,0.021265615255275743,8665.048804849237,0.021378689023999965,43215.33785754548,0.021509369235286378,44925.321201534935,0.02174187548317379,50539.456251411946,0.021269332259999933,51891.04992934435,0.02136985133005548,55962.46879703815,0.02138213411617407,58975.00269884993,0.021627004535254825,60631.186502237906,0.02172617455376397,57108.78121629411,0.02126653545364078,63831.81924402903,0.021380484697999965,66140.73854694457,0.02161975175261648,17990.57212510633,0.02126754650222246,18070.45088376735,0.02150194253115484,23751.702026885538,0.021724285602895677,29502.86054167567,0.021739527391645495,33976.7118709911,0.02173668548044671,34941.770883443474,0.021620971764076465,38246.241571557504,0.021260528650500116,36515.06942311031
+1215,0.02184538525874468,46323.06258779743,0.02136545382454934,8712.959258989034,0.021478589439999966,43419.244030299866,0.02160941281312498,45128.64456005462,0.02184206845775049,50771.582569494734,0.021369188279999833,52127.08182070045,0.021469710448420182,56212.08934625977,0.02148205063073557,59243.80214253538,0.021727129556251328,60906.1651083545,0.02182629517382747,57372.193817447886,0.021366378343094482,64121.68126356616,0.021480393504999865,66447.14559210188,0.02171984319591578,18078.696819552057,0.02136739413838306,18154.98295176394,0.021601951566183438,23864.984523306317,0.02182439751811648,29639.63186700952,0.021839709545523993,34128.56519300264,0.021836854537960207,35103.892136138136,0.021721068855576866,38423.43313857866,0.021360343338999915,36680.266386990865
+1216,0.02194559344800498,46529.04551445192,0.02146529239382304,8760.963935727292,0.021578489855999965,43623.21004457303,0.02170945639096348,45331.955414707474,0.02194226143232739,51003.66023149507,0.02146904430000003,52363.05168943687,0.02156956956678498,56461.58285641215,0.02158196714529727,59512.54478455937,0.021827254577247927,61181.09964925998,0.021926415793890867,57635.614265695316,0.02146622123254818,64411.482799695346,0.021580302311999967,66753.45487214063,0.021819934639214777,18166.907536185496,0.021467241774543757,18239.555280398323,0.02170196060121214,23978.344361112428,0.021924509433337076,29776.439894052488,0.021939891699402594,34280.39329002323,0.02193702359547391,35266.01590991169,0.021821165947077167,38600.59009553776,0.021460158027499916,36845.41019982203
+1217,0.02204580163726518,46734.999083371484,0.02156513096309644,8809.060053523026,0.021678390271999966,43827.232142524444,0.02180949996880208,45535.22165516067,0.02204245440690419,51235.70687705859,0.02156890031999993,52598.953813814354,0.02166942868514968,56710.92279878916,0.02168188365985877,59781.22596027223,0.021927379598244427,61455.98035676048,0.02202653641395417,57899.009542930275,0.02156606412200188,64701.222177170595,0.021680211118999967,67059.65484757497,0.021920026082513876,18255.206523342866,0.021567089410704357,18324.137191282553,0.021801969636240637,24091.798956014358,0.022024621348557878,29913.280691531792,0.022040073853281095,34432.174874357384,0.022037192652987408,35428.13423272368,0.021921263038577565,38777.70697372228,0.021559972716000016,37010.48094025362
+1218,0.022146009826525478,46940.92267697502,0.02166496953237014,8857.256338465817,0.021778290688000065,44031.30734736587,0.02190954354664058,45738.44241003683,0.02214264738148109,51467.7143370141,0.021668756339999932,52834.77785389329,0.021769287803514482,56960.128535712734,0.02178180017442027,60049.84039466984,0.022027504619240926,61730.80268302142,0.022126657034017668,58162.36048306721,0.021665907011455682,64990.897715084495,0.021780119925999868,67365.7663426892,0.022020117525813076,18343.60809007988,0.021666937046864957,18408.755455968032,0.021901978671269338,24205.340050617164,0.02212473326377848,30050.149421016416,0.022140256007159593,34583.89314747377,0.02213736171050101,35590.23199286665,0.022021360130077966,38954.77724453671,0.021659787404500017,37175.43254882652
+1219,0.022246218015785878,47146.81448874962,0.021764808101643742,8905.563827547721,0.021878191103999967,44235.43300232691,0.022009587124479077,45941.6410376314,0.02224284035605789,51699.670088269915,0.021768612359999932,53070.54355659765,0.021869146921879083,57209.2082965004,0.02188171668898197,60318.38180532086,0.022127629640237526,62005.56437242983,0.02222677765408107,58425.666736006286,0.02176574990090938,65280.507711764905,0.021880028733000066,67671.77172183839,0.022120208969112178,18432.0911913464,0.02176678468302576,18493.40958800206,0.022001987706297937,24318.96703464804,0.022224845178999277,30187.03775585768,0.022240438161038194,34735.53140853382,0.02223753076801471,35752.283921154994,0.022121457221578267,39131.79271224802,0.021759602093000017,37340.406605670396
+1220,0.02234642620504608,47352.67132679731,0.02186464667091724,8953.968884337752,0.021978091520000066,44439.606612287025,0.022109630702317678,46144.812259514205,0.022343033330634792,51931.56407322315,0.021868468379999832,53306.24946154908,0.021969006040243783,57458.15773051423,0.02198163320354347,60586.84479863465,0.022227754661234028,62280.25381259194,0.02232689827414447,58688.980955364445,0.02186559279036308,65570.05042898357,0.021979937539999966,67977.63540140368,0.02222030041241148,18520.649972644642,0.02186663231918646,18578.08589578233,0.022101996741326638,24432.741801877426,0.02232495709421998,30323.946297305185,0.022340620314916695,34887.06907826502,0.022337699825528207,35914.327085101955,0.022221554313078665,39308.742219265354,0.021859416781500017,37505.40543650192
+1221,0.02244663439430638,47558.48724711202,0.021964485240190842,9002.465301545022,0.022077991935999967,44643.82576694895,0.022209674280156178,46347.95117115266,0.02244322630521169,52163.39444863314,0.021968324400000034,53541.89252471019,0.02206886515860858,57706.96988030403,0.02208154971810497,60855.24865418924,0.022327879682230725,62554.86352896922,0.022427018894207968,58952.30709124748,0.02196543567981668,65859.52407387143,0.022079846346999967,68283.4250091004,0.022320391855710477,18609.25796211029,0.02196647995534706,18662.775764708986,0.022202005776355237,24546.629109083537,0.022425069009440777,30460.87363488546,0.022440802468795294,35038.50130045782,0.02243786888304171,36076.348851477895,0.022321651404578965,39485.60795100723,0.021959231470000017,37670.407981458324
+1222,0.02254684258356668,47764.25664627042,0.02206432380946454,9051.04732446084,0.022177892352000066,44848.08815770587,0.02230971785799468,46551.05298263175,0.02254341927978849,52395.16896586049,0.022068180419999934,53777.46930070347,0.022168724276973282,57955.675660764806,0.02218146623266657,61123.55074127371,0.022428004703227228,62829.40375781935,0.02252713951427137,59215.630191473945,0.02206527856927038,66148.92677621197,0.022179755154000065,68589.1512985561,0.022420483299009777,18697.93372781604,0.02206632759150776,18747.4757276286,0.02230201481138374,24660.598993775155,0.022525180924661378,30597.812255356563,0.022540984622673794,35189.785180812076,0.022538037940555308,36238.31916508991,0.022421748496079367,39662.34312707974,0.022059046158500017,37835.39824592197
+1223,0.02264705077282708,47969.97315858708,0.022164162378738143,9099.705981621732,0.022277792767999963,45052.391872153814,0.02240976143583328,46754.11284333687,0.02264361225436539,52626.907216811735,0.02216803643999993,54012.975741233575,0.022268583395338083,58204.271680508115,0.02228138274722817,61391.76465782288,0.022528129724223727,63103.86010739488,0.02262726013433487,59478.940796879906,0.02216512145872428,66438.2604279638,0.022279663960999965,68894.81337221485,0.02252057474230888,18786.686562668965,0.02216617522766836,18832.19545128254,0.022402023846412537,24774.635518142946,0.02262529283988218,30734.750592396787,0.022641166776552393,35340.96643407718,0.02263820699806881,36400.300752981464,0.022521845587579567,39838.945912638985,0.022158860847000018,38000.353215972216
+1224,0.02274725896208728,48175.628680527756,0.02226400094801164,9148.427375519286,0.022377693183999865,45256.73431710253,0.022509805013671978,46957.12568391099,0.02274380522894209,52858.58432603639,0.02226789245999993,54248.406772877184,0.02236844251370278,58452.73734785512,0.02238129926178977,61659.91392834197,0.022628254745220327,63378.24201641296,0.022727380754398268,59742.22853003042,0.02226496434817788,66727.59785991069,0.022379572767999966,69200.38784735928,0.02262066618560808,18875.526261448063,0.02226602286382896,18916.91715022654,0.02250203288144104,24888.753362540945,0.022725404755102777,30871.656605117016,0.022741348930430894,35492.04417840774,0.02273837605558251,36562.294758291064,0.022621942679080066,40015.50008080762,0.022258675535500018,38165.24451460171
+1225,0.02284746715134758,48381.207759638695,0.022363839517285343,9197.24201725679,0.022477593599999963,45461.112969103844,0.022609848591510478,47160.086028527694,0.02284399820351889,53090.23181612447,0.02236774847999983,54483.754952197174,0.02246830163206748,58701.1065087662,0.02248121577635127,61927.99576978479,0.022728379766216826,63652.551409531996,0.02282750137446157,60005.47397317768,0.02236480723763158,67016.91069159216,0.022479481574999866,69505.84348026346,0.022720757628907177,18964.459199893026,0.022365870499989757,19001.609451290868,0.02260204191646974,25002.9317110511,0.02282551667032358,31008.54436345617,0.022841531084309495,35642.98700483162,0.022838545113096107,36724.293396073575,0.022722039770580467,40191.992253469754,0.022358490224000115,38330.12385370787
+1226,0.02294767534060778,48586.71233580268,0.02246367808655894,9246.152718835296,0.022577494015999865,45665.525277957,0.022709892169348978,47362.987707447035,0.02294419117809579,53321.85400199994,0.022467604500000033,54719.01221450957,0.022568160750432283,58949.3955443447,0.022581132290912773,62196.00152544288,0.022828504787213325,63926.79722945354,0.02292762199452507,60268.66554513642,0.02246465012708528,67306.18014452152,0.022579390381999968,69811.23874922187,0.022820849072206276,19053.46655022663,0.022465718136150458,19086.24617350661,0.02270205095149834,25117.212791189697,0.022925628585544276,31145.445955063304,0.022941713238187993,35793.7788797075,0.02293871417060961,36886.30220244456,0.022822136862080667,40368.46998301423,0.022458304912500116,38494.988753735524
+1227,0.02304788352986828,48792.144072357,0.022563516655832443,9295.15786944247,0.022677394431999964,45869.968600848544,0.02280993574718758,47565.82328260811,0.02304438415267259,53553.44029736588,0.022567460519999933,54954.205610956815,0.022668019868796983,59197.613275849115,0.02268104880547447,62463.9858382048,0.022928629808209828,64200.975211919824,0.023027742614588467,60531.84431987679,0.02256449301653898,67595.39626031468,0.022679299188999965,70116.58297065548,0.022920940515505476,19142.561840023875,0.022565565772311058,19170.924601104267,0.02280205998652704,25231.612566809086,0.023025740500765078,31282.34575029236,0.023041895392066594,35944.42828060933,0.023038883228123308,37048.31979973595,0.022922233953581166,40544.9470449683,0.022558119601000116,38659.85549169163
+1228,0.023148091719128478,48997.489452817696,0.02266335522510604,9344.25528984124,0.022777294847999965,46074.440151381474,0.02290997932502608,47768.582254858506,0.02314457712724949,53785.01256281291,0.022667316539999934,55189.32771813771,0.02276787898716178,59445.7484863168,0.02278096532003597,62731.93067903844,0.023028754829206525,64475.08055654164,0.02312786323465197,60794.999445328634,0.02266433590599278,67884.55050533256,0.022779207995999865,70421.87449086498,0.023021031958804578,19231.779733584135,0.02266541340847176,19255.645268587574,0.02290206902155564,25346.11832684964,0.02312585241598568,31419.282950336295,0.023142077545945095,36094.88512588012,0.02313905228563681,37210.34258017276,0.023022331045081366,40721.42057484307,0.022657934289499915,38824.71999191725
+1229,0.023248299908388777,49202.724324885734,0.02276319379437974,9393.443366481684,0.022877195263999964,46278.936933700286,0.023010022902864677,47971.2528588422,0.023244770101826292,54016.56832608539,0.022767172559999934,55424.40542358128,0.022867738105526482,59693.79686484113,0.022880881834597473,62999.81523567531,0.023128879850203028,64749.10759925064,0.02322798385471537,61058.13402002909,0.02276417879544648,68173.63132633959,0.022879116803000067,70727.10975228596,0.023121123402103778,19321.129845740124,0.02276526104463236,19340.39743262849,0.02300207805658414,25460.721047322968,0.023225964331206477,31556.255098936246,0.023242259699823794,36245.20920672973,0.02323922134315041,37372.366704930224,0.023122428136581767,40897.88772169075,0.022757748977999915,38989.57934827226
+1230,0.02334850809764898,49407.79158406464,0.02286303236365324,9442.72062383781,0.022977095679999966,46483.45563432244,0.023110066480703177,48173.84909624408,0.023344963076403193,54248.10391913476,0.02286702857999993,55659.438276690744,0.022967597223891283,59941.75397806341,0.02298079834915917,63267.646761010634,0.023229004871199627,65023.04913515046,0.023328104474778767,61321.252939015845,0.02286402168490018,68462.62266949835,0.022979025609999967,71032.28482647466,0.023221214845402877,19410.635281158695,0.02286510868079296,19425.16068484644,0.02310208709161284,25575.41318193052,0.02332607624642728,31693.257631951452,0.023342441853702194,36395.45980193317,0.02333939040066391,37534.38802864957,0.023222525228082266,41074.34549639853,0.022857563666500016,39154.42644477556
+1231,0.02344871628690938,49612.781087577605,0.022962870932926843,9492.085646276364,0.023076996095999964,46687.992363125864,0.023210110058541678,48376.343880303284,0.02344515605098009,54479.615184664464,0.022966884600000032,55894.42132863194,0.02306745634225598,60189.65775966792,0.02308071486372067,63535.42459187909,0.023329129892196127,65296.894493147396,0.02342822509484227,61584.351765239655,0.02296386457435388,68751.55555989653,0.023078934416999968,71337.39508553281,0.023321306288702076,19500.270938411195,0.02296495631695376,19509.9091713026,0.02320209612664144,25690.1849424148,0.023426188161647876,31830.288541840393,0.023442624007580893,36545.643144411464,0.02343955945817761,37696.401976830326,0.023322622319582466,41250.79064747421,0.022957378355000016,39319.25437509059
+1232,0.02354892447616968,49817.84515268902,0.02306270950220044,9541.537039045641,0.023176896511999966,46892.541869260735,0.02331015363638028,48578.75901740962,0.02354534902555679,54711.09728648199,0.023066740619999932,56129.35013730462,0.023167315460620782,60437.498078263816,0.023180631378282173,63803.15902656821,0.023429254913192626,65570.61962085623,0.02352834571490567,61847.42552464899,0.023063707463807582,69040.42888209094,0.023178843224000066,71642.43436946823,0.02342139773200118,19590.025860225316,0.023064803953114457,19594.729237553136,0.02330210516167014,25805.010182654594,0.023526300076868678,31967.338496456163,0.023542806161459293,36695.783912154766,0.023539728515691208,37858.403477530665,0.023422719411082867,41427.219503052984,0.023057193043500016,39484.055189147606
+1233,0.023649132665429878,50022.94771682068,0.02316254807147414,9591.077057303439,0.023276796928000065,47097.10194860851,0.02341019721421878,48781.131506691316,0.02364554200013359,54942.54439110765,0.023166596639999933,56364.22041022542,0.023267174578985483,60685.25938551394,0.023280547892843673,64070.818586911926,0.023529379934189226,65844.22440035352,0.023628466334969168,62110.46829960414,0.02316355035326138,69329.23950476066,0.023278752030999966,71947.3900636339,0.023521489175300378,19679.892824034767,0.023164651589275057,19679.592420140994,0.02340211419669874,25919.916013054037,0.02362641199208938,32104.414114520492,0.023642988315337995,36845.87369460108,0.02363989757320471,38020.38659140479,0.023522816502583165,41603.634533513294,0.023157007732000016,39648.81864850827
+1234,0.02374934085469018,50228.0645720585,0.023262386640747642,9640.705712901847,0.023376697343999966,47301.667103935375,0.02351024079205728,48983.49051865925,0.02374573497471049,55173.94906875826,0.023266452659999933,56599.02778542138,0.02336703369735028,60932.933980777554,0.02338046440740537,64338.44421833368,0.023629504955185728,66117.70828279953,0.02372858695503247,62373.47223270727,0.02326339324271508,69617.98420029574,0.023378660837999967,72252.2547364139,0.023621580618599477,19769.866029766665,0.023264499225435758,19764.523877342926,0.02350212323172744,26034.908266758997,0.023726523907310178,32241.508776105133,0.023743170469216392,36995.89767326993,0.023740066630718207,38182.36066105835,0.023622913594083566,41780.04464076727,0.023256822420500017,39813.52865531684
+1235,0.02384954904395058,50433.184817486064,0.02336222521002124,9690.419322303365,0.023476597760000065,47506.22762310627,0.02361028436989588,49185.8214932143,0.02384592794928729,55405.30335947728,0.023366308679999934,56833.76763921741,0.02346689281571498,61180.51586695163,0.023480380921966873,64606.03526224,0.023729629976182425,66391.12997192064,0.023828707575095868,62636.42298646159,0.023363236132168782,69906.65946527245,0.023478569645000065,72557.05498223135,0.023721672061898676,19859.93912878299,0.023364346861596358,19849.561765333936,0.02360213226675604,26149.976623709314,0.02382663582253078,32378.60277684051,0.023843352623094893,37145.837637253615,0.02384023568823191,38344.340491157935,0.023723010685583967,41956.432869023665,0.023356637109000017,39978.153334186274
+1236,0.02394975723321088,50638.28273107846,0.023462063779294842,9740.215582978022,0.023576498175999966,47710.7582089616,0.023710327947734377,49388.103068630095,0.02394612092386419,55636.61868914284,0.023466164699999834,57068.43484546099,0.023566751934079783,61427.999657009794,0.023580297436528373,64873.580656504746,0.023829754997178928,66664.48559978811,0.023928828195159367,62899.30189397272,0.023463079021622382,70195.26120415557,0.023578478451999965,72861.78374718512,0.02382176350519778,19950.103199469548,0.02346419449775716,19934.699661674036,0.023702141301784538,26265.14816082307,0.023926747737751577,32515.748701317,0.023943534776973596,37295.73425019588,0.02394040474574551,38506.288749458196,0.023823107777084265,42132.778782952555,0.023456451797500017,40142.686607401665
+1237,0.02404996542247108,50843.35480545738,0.02356190234856834,9790.101793464428,0.023676398592000065,47915.28486741581,0.023810371525572978,49590.335958118216,0.02404631389844099,55867.84075855466,0.023566020720000032,57303.02335244761,0.02366661105244448,61675.38011396834,0.023680213951090073,65141.052536429655,0.023929880018175427,66937.76966170636,0.02402894881522277,63162.161444161684,0.02356292191107608,70483.78397735867,0.023678387258999966,73166.44011960892,0.02392185494849708,20040.343670851802,0.02356404213391776,20019.933008540054,0.023802150336813238,26380.42107687792,0.024026859652972177,32652.94391647699,0.024043716930851992,37445.58234469557,0.024040573803259007,38668.169822264106,0.023923204868584666,42309.07650258743,0.023556266486000017,40307.17342530832
+1238,0.024150173611731378,51048.355828229425,0.023661740917842043,9840.08139235305,0.023776299007999966,48119.81500662652,0.023910415103411478,49792.513776768916,0.024146506873017892,56098.944623498865,0.023665876739999932,57537.52505560889,0.02376647017080918,61922.65184788344,0.023780130465651573,65408.465682321235,0.024030005039171926,67210.97269740107,0.024129069435286168,63425.00204647136,0.023662764800529982,70772.21801467538,0.023778296065999866,73471.02713646948,0.024021946391796077,20130.683968491383,0.02366388977007846,20105.257927940893,0.023902159371841838,26495.793087034013,0.02412697156819298,32790.17698588814,0.024143899084730695,37595.37399955692,0.02414074286077261,38830.04098626817,0.024023301960084967,42485.33411387828,0.023656081174500115,40471.671007234254
+1239,0.024250381800991778,51253.32044810025,0.02376157948711564,9890.201445511117,0.023876199423999864,48324.324029780146,0.02401045868124998,49994.59056042803,0.024246699847594692,56330.05200665409,0.023765732759999932,57771.92395450522,0.023866329289173982,62169.809011646554,0.023880046980213173,65675.85632904938,0.024130130060168526,67484.08482288399,0.024229190055349667,63687.82585164327,0.023762607689983582,71060.54214379053,0.023878204872999968,73775.54054663645,0.024122037835095176,20221.1240344663,0.02376373740623906,20190.67086161752,0.024002168406870538,26611.261860318205,0.024227083483413677,32927.43759229919,0.024244081238609095,37745.09924931973,0.02424091191828631,38991.893717315426,0.024123399051585365,42661.582473676746,0.023755895863000115,40636.18444528583
+1240,0.02435058999025198,51458.2503504109,0.023861418056389243,9940.440230113136,0.023976099839999966,48528.849764764476,0.02411050225908858,50196.57296041769,0.02434689282217159,56561.154928109405,0.023865588779999933,58006.218488956954,0.023966188407538683,62416.8453467009,0.023979963494774673,65943.22148161138,0.024230255081165025,67757.14288581013,0.02432931067541307,63950.654478186014,0.02386245057943728,71348.79681711645,0.023978113679999965,74079.97539512427,0.02422212927839438,20311.66072547852,0.023863585042399757,20276.16839934774,0.024102177441899138,26726.83136242962,0.02432719539863438,33064.767987737636,0.024344263392487794,37894.74545854337,0.02434108097579981,39153.707840768846,0.024223496143085766,42837.809721521495,0.023855710551499917,40800.72384289573
+1241,0.02445079817951228,51663.20231296546,0.02396125662566274,9990.797490529423,0.024076000255999864,48733.4111302067,0.02421054583692708,50398.44347343295,0.024447085796748293,56792.266214678915,0.023965444799999833,58240.42715309453,0.02406604752590348,62663.79108770528,0.024079880009336273,66210.55812836195,0.024330380102161528,68030.15080242044,0.02442943129547657,64213.478102875946,0.02396229346889098,71636.9868958566,0.024078022486999865,74384.32559185264,0.024322220721693478,20402.2907853516,0.023963432678560357,20361.747166733203,0.024202186476927838,26842.507891235913,0.024427307313855076,33202.159673769966,0.024444445546366295,38044.29110465933,0.024441250033313308,39315.497848809624,0.024323593234586067,43014.06179293265,0.023955525239999918,40965.277768244116
+1242,0.02455100636877268,51868.21079789878,0.024061095194936443,10041.265911564496,0.024175900671999966,48938.00203420145,0.02431058941476558,50600.21357747965,0.02454727877132509,57023.38330514832,0.02406530082000003,58474.5418608472,0.02416590664426818,62910.62300433708,0.024179796523897873,66477.86315980324,0.024430505123158225,68303.10482380296,0.024529551915539967,64476.28779908457,0.02406213635834468,71925.1107292045,0.024177931294000067,74688.58278803484,0.024422312164992778,20493.010724334756,0.024063280314721158,20447.403733675423,0.024302195511956438,26958.28208349158,0.024527419229075878,33339.6047233141,0.024544627700244893,38193.72845065359,0.02454141909082691,39477.2392473913,0.024423690326086465,43190.357750736446,0.024055339928499918,41129.86246199183
+1243,0.02465121455803298,52073.25512275083,0.02416093376421004,10091.840540069707,0.024275801087999965,49142.618583903124,0.024410632992604177,50801.899383037446,0.02464747174590199,57254.503165231356,0.02416515683999993,58708.55051732979,0.024265765762632983,63157.29699994222,0.024279713038459372,66745.13326332805,0.024530630144154728,68576.0017740577,0.02462967253560327,64739.07246923256,0.02416197924779848,72213.1666730245,0.024277840100999967,74992.72920391195,0.024522403608291776,20583.816621940183,0.02416312795088186,20533.134523297147,0.024402204546984937,27074.148961423998,0.02462753114429648,33477.09789650198,0.024644809854123394,38343.08862794848,0.02464158814834061,39638.92793582504,0.024523787417586665,43366.696121974855,0.024155154617000015,41294.47333838009
+1244,0.02475142274729318,52278.32330614488,0.024260772333483543,10142.517578371724,0.024375701503999966,49347.25734568069,0.024510676570442678,51003.533507693035,0.02474766472047889,57485.62264418489,0.02426501285999993,58942.4365469885,0.02436562488099768,63403.86488169574,0.024379629553020872,67012.3667392491,0.024630755165151327,68848.83865634093,0.024729793155666768,65001.805651067174,0.02426182213725218,72501.153083698,0.024377748907999968,75296.76634227771,0.024622495051591076,20674.703724293402,0.02426297558704246,20618.935703976877,0.024502213582013637,27190.102516237363,0.024727643059517277,33614.63438033365,0.024744992008001995,38492.390853591656,0.024741757205854108,39800.60779512228,0.024623884509087167,43543.06492072747,0.024254969305500015,41459.116518636765
+1245,0.02485163093655348,52483.40736913145,0.02436061090275714,10193.29386003219,0.024475601919999965,49551.914704733244,0.02461072014828128,51205.11413616023,0.02484785769505569,57716.73831764003,0.024364868879999932,59176.183378857975,0.02446548399936248,63650.388476317,0.024479546067582573,67279.63213757657,0.024730880186147827,69121.615901176,0.02482991377573017,65264.50585964951,0.02436166502670588,72789.06831217448,0.024477657715000066,75600.69652371685,0.02472258649489018,20765.665303252696,0.02436282322320306,20704.80426732596,0.024602222617042237,27306.133576667155,0.024827754974737878,33752.209129480485,0.024845174161880493,38641.645474656674,0.02484192626336761,39962.28685875227,0.024723981600587565,43719.45477662569,0.024354783994000016,41623.8404101877
+1246,0.02495183912581388,52688.50032619048,0.02446044947203084,10244.187579701686,0.024575502335999967,49756.58640120535,0.02471076372611978,51406.62593476691,0.024948050669632592,57947.8463233428,0.024464724899999832,59409.82268451136,0.024565343117727182,63896.82513867637,0.024579462582144072,67546.90170793721,0.024831005207144326,69394.3711110685,0.02493003439579367,65527.18726894329,0.02446150791615958,73076.91088095275,0.024577566521999966,75904.48821793024,0.024822677938189378,20856.684244719356,0.02446267085936376,20790.751848928234,0.024702231652070937,27422.2312280475,0.024927866889958676,33889.816211380494,0.024945356315759094,38790.84222103976,0.024942095320881208,40123.955386543865,0.024824078692087765,43895.859961989176,0.024454598682500016,41788.615627579195
+1247,0.02505204731507408,52893.59532225653,0.02456028804130434,10295.217313225694,0.024675402751999965,49961.26641583521,0.02481080730395828,51608.03390595623,0.025048243644209392,58178.94206326584,0.024564580920000034,59643.37092491431,0.02466520223609198,64143.141155381774,0.024679379096705572,67814.14690435497,0.024931130228140825,69667.08508883552,0.025030155015857068,65789.91273391974,0.02456135080561328,73364.75022279992,0.024677475328999967,76208.15855246103,0.024922769381488477,20947.765220862217,0.02456251849552436,20876.766232144633,0.02480224068709954,27538.40169582739,0.025027978805179377,34027.44696603414,0.025045538469637595,38939.987374471304,0.025042264378394907,40285.591426818115,0.024924175783588267,44072.27587305025,0.024554413371000016,41953.42884352972
+1248,0.025152255504334378,53098.68506998815,0.024660126610577943,10346.362043132898,0.024775303168000064,50165.939863393054,0.024910850881796877,51809.32348168533,0.025148436618786293,58410.019538342785,0.024664436939999933,59876.85880451864,0.02476506135445668,64389.36468843936,0.024779295611267273,68081.36477193392,0.025031255249137428,69939.74604750259,0.02513027563592047,66052.66567812308,0.02466119369506708,73652.57060625241,0.024777384135999867,76511.71555014132,0.025022860824787677,21038.933590296107,0.024662366131685157,20962.836043280837,0.024902249722128237,27654.650580433194,0.02512809072040018,34165.0881251457,0.025145720623516193,39089.076672443065,0.02514243343590841,40447.21747912695,0.025024272875088467,44248.69838095811,0.024654228059500016,42118.30154561907
+1249,0.025252463693594678,53303.76114829397,0.024759965179851542,10397.614095050287,0.024875203583999965,50370.61925931607,0.025010894459635377,52010.54689358288,0.02524862959336309,58641.069162547974,0.024764292959999934,60110.27573764635,0.024864920472821482,64635.481204042844,0.024879212125828772,68348.60620194998,0.025131380270134125,70212.34635278553,0.02523039625598397,66315.43197128794,0.02476103658452078,73940.3506653497,0.024877292942999965,76815.21146539875,0.02512295226808678,21130.18630885442,0.024762213767845858,21048.946489051043,0.02500225875715674,27771.000342341984,0.025228202635620776,34302.7487472629,0.025245902777394694,39238.13161323441,0.025242602493422008,40608.83378746918,0.025124369966588865,44425.12347622556,0.024754042748000016,42283.23934859495
+1250,0.025352671882855077,53508.82747896136,0.02485980374912524,10448.981163272527,0.024975104000000064,50575.31350493903,0.025110938037473877,52211.7128891483,0.025348822567939792,58872.06596538469,0.02486414897999993,60343.60251702034,0.024964779591186183,64881.478866442354,0.024979128640390272,68615.852334888,0.025231505291130628,70484.87875847564,0.025330516876047367,66578.20377040225,0.02486087947397448,74228.08144698727,0.024977201749999966,77118.64117272754,0.02522304371138598,21221.522469075004,0.024862061404006458,21135.06185472547,0.02510226779218534,27887.449575078852,0.02532831455084158,34440.407938327946,0.025346084931273292,39387.1526496295,0.02534277155093551,40770.451059519844,0.025224467058089367,44601.54690152705,0.024853857436500017,42448.21907155016
+1251,0.02545288007211528,53713.89031405189,0.024959642318398742,10500.474367681181,0.025075004415999965,50780.01870900023,0.02521098161531248,52412.81966278116,0.02544901554251669,59103.038762524884,0.02496400499999993,60576.87426626363,0.02506463870955088,65127.39375049336,0.02507904515495177,68883.09450790605,0.025331630312127127,70757.33404094647,0.02543063749611087,66840.97466497749,0.02496072236342808,74515.75695589736,0.025077110556999866,77421.99565220156,0.025323135154685077,21312.982174577624,0.024961909040167058,21221.22684830586,0.02520227682721404,28003.99690484839,0.02542842646606218,34578.07326936727,0.025446267085151793,39536.15092061098,0.02544294060844921,40932.06503299849,0.025324564149589567,44777.96331994475,0.024953672125000118,42613.230284651894
+1252,0.02555308826137558,53918.904794998816,0.02505948088767234,10552.077050700145,0.025174904832000064,50984.729795360676,0.02531102519315098,52613.8743467743,0.02554920851709349,59333.99625425306,0.025063861020000033,60810.08967223937,0.02516449782791568,65373.21959157105,0.025178961669513472,69150.32634693716,0.025431755333123626,71029.69300142446,0.02553075811617427,67103.73834356813,0.02506056525288178,74803.37246902056,0.025177019363999967,77725.27919610764,0.025423226597984176,21404.54414846358,0.02506175667632776,21307.450727585616,0.02530228586224264,28120.645830683516,0.025528538381282977,34715.792991033,0.025546449239030395,39685.09053832447,0.02554310966596271,41093.66972981614,0.025424661241089965,44954.36094742711,0.025053486813500118,42778.26479648297
+1253,0.025653296450635778,54123.91943981915,0.025159319456946043,10603.781433449087,0.025274805247999965,51189.43861087404,0.02541106877098958,52814.85275674364,0.02564940149167039,59564.920068346495,0.025163717039999933,61043.24257254699,0.025264356946280382,65618.94766755168,0.02527887818407497,69417.54239104898,0.025531880354120226,71301.97555642133,0.02563087873623757,67366.48699629986,0.02516040814233568,75090.92390497708,0.025276928170999968,78028.48601541616,0.02552331804128338,21496.190880744205,0.02516160431248836,21393.726204983144,0.02540229489727134,28237.396396501546,0.02562865029650368,34853.579608804444,0.025646631392908893,39833.97434284249,0.02564327872347631,41255.29802751041,0.025524758332590266,45130.74800154263,0.025153301502000115,42943.315044582094
+1254,0.02575350463989628,54328.93496906205,0.02525915802621944,10655.580941444394,0.025374705664000064,51394.12249300982,0.02551111234882808,53015.82196250239,0.02574959446624729,59795.826571492995,0.025263573059999933,61276.32535158548,0.02536421606464518,65864.57553408653,0.02537879469863647,69684.73756780618,0.025632005375116725,71574.18497774242,0.02573099935630107,67629.2046392449,0.02526025103178928,75378.40749762279,0.025376836977999966,78331.59268852316,0.025623409484582478,21587.89623578601,0.02526145194864916,21480.046627129177,0.02550230393229994,28354.24466170976,0.025728762211724477,34991.43160659157,0.025746813546787393,39982.85297245822,0.02574344778098981,41416.9296604588,0.025624855424090667,45307.131880425564,0.025253116190499917,43108.37326581774
+1255,0.02585371282915648,54533.935138410634,0.025358996595493143,10707.468424252025,0.025474606079999965,51598.80878226166,0.025611155926666778,53216.78632713366,0.02584978744082409,60026.73095331914,0.025363429079999934,61509.323602210796,0.02546407518300988,66110.09713256017,0.025478711213198172,69951.90687591929,0.025732130396113426,71846.31266136463,0.025831119976364468,67891.9069308716,0.02536009392124298,75665.81955963184,0.025476745785000067,78634.62025064699,0.025723500927881678,21679.670995284727,0.025361299584809857,21566.424323603394,0.02560231296732864,28471.188483251583,0.025828874126945078,35129.346851707334,0.025846995700665995,40131.67197861893,0.02584361683850351,41578.531651502584,0.025724952515590965,45483.54442504822,0.025352930878999917,43273.430549357734
+1256,0.02595392101841678,54738.89625953001,0.02545883516476674,10759.433819768736,0.025574506495999867,51803.51167753832,0.025711199504505178,53417.743048453885,0.025949980415400992,60257.63034728053,0.025463285099999934,61742.22752759611,0.025563934301374682,66355.50326310308,0.02557862772775967,70219.04509561369,0.025832255417109925,72118.33782598382,0.025931240596427967,68154.59838684737,0.02545993681069668,75953.15619959673,0.025576654591999967,78937.59066136337,0.025823592371180776,21771.532795816915,0.025461147220970457,21652.88151886491,0.02570232200235714,28588.225986521004,0.025928986042165876,35267.3195515639,0.025947177854544493,40280.46085614322,0.025943785896017108,41740.09037919232,0.025825049607091366,45659.98886466373,0.025452745567500015,43438.474492242145
+1257,0.02605412920767698,54943.81955431116,0.025558673734040242,10811.448880378446,0.025674406911999965,52008.22852498614,0.02581124308234388,53618.68921280362,0.026050173389977792,60488.52150170322,0.025563141119999834,61975.054796049044,0.025663793419739383,66600.79636311939,0.025678544242321272,70486.1463893932,0.025932380438106428,72390.28647881148,0.02603136121649137,68417.2751663675,0.02555977970015038,76240.41262774,0.025676563398999968,79240.50102487746,0.025923683814479976,21863.468586381667,0.025560994857131158,21739.447355187964,0.025802331037385738,28705.35529310264,0.026029097957386477,35405.34576803083,0.026047360008423094,40429.240943343895,0.02604395495353061,41901.63351511557,0.025925146698591767,45836.4464460255,0.025552560256000015,43603.47690997624
+1258,0.02615433739693738,55148.74114830613,0.02565851230331394,10863.526804221467,0.025774307327999867,52212.95639413184,0.02591128666018238,53819.62176515225,0.02615036636455469,60719.40058610805,0.025662997140000032,62207.77406021229,0.02576365253810418,66845.95336038191,0.02577846075688277,70753.20348186098,0.026032505459103027,72662.16627705183,0.026131481836554768,68679.93320510804,0.02565962258960408,76527.58104426842,0.025776472206000066,79543.34809399038,0.02602377525777908,21955.488470023985,0.025660842493291758,21826.12228226403,0.02590234007241444,28822.574229228678,0.02612920987260728,35543.42187090301,0.026147542162301595,40578.00329933338,0.026144124011044108,42063.15641385858,0.026025243790092065,46012.90970356335,0.025652374944500015,43768.459595189495
+1259,0.026254545586197678,55353.651538742415,0.025758350872587543,10915.713165944759,0.025874207743999966,52417.69196804943,0.02601133023802088,54020.537470186675,0.026250559339131393,60950.26280585483,0.025762853159999932,62440.407063055325,0.02586351165646888,67090.99411684964,0.025878377271444472,71020.20476042829,0.026132630480099527,72933.97210801541,0.026231602456618267,68942.56800385214,0.02575946547905788,76814.67293214845,0.025876381012999966,79846.12811169015,0.026123866701078278,22047.57481006864,0.02576069012945256,21912.900968039325,0.026002349107443038,28939.878575503328,0.026229321787827976,35681.544232606415,0.026247724316180193,40726.73822873352,0.026244293068557807,42224.70918620324,0.026125340881592466,46189.376149916454,0.025752189633000015,43933.41607798734
+1260,0.02635475377545788,55558.51828551505,0.02585818944186114,10968.006228259826,0.025974108159999964,52622.431354484805,0.026111373815859477,54221.432859363675,0.02635075231370819,61181.101436440746,0.025862709179999933,62672.99403874945,0.025963370774833683,67335.92618293571,0.02597829378600597,71287.12558276107,0.026232755501096026,73205.70437701914,0.02633172307668167,69205.17409536552,0.02585930836851158,77101.71331563224,0.025976289819999967,80148.83648911906,0.026223958144377377,22139.756314050373,0.02586053776561316,21999.82316078572,0.02610235814247174,29057.269072925035,0.026329433703048778,35819.709039784655,0.026347906470058694,40875.43293298666,0.02634446212607141,42386.27958644501,0.026225437973092666,46365.874076832886,0.025852004321500015,44098.35664133787
+1261,0.02645496196471818,55763.36045168391,0.025958028011134643,11020.404315466638,0.026074008575999966,52827.17847353849,0.026211417393697978,54422.30415463687,0.02645094528828509,61411.90363237292,0.025962565199999933,62905.53201567928,0.02606322989319838,67580.72867131945,0.02607821030056747,71554.0008816464,0.026332880522092525,73477.360631282,0.02643184369674517,69467.74456864166,0.02595915125796528,77388.71236751,0.026076198626999867,80451.46690223464,0.026324049587676677,22232.040598613366,0.02596038540177386,22086.876006282437,0.026202367177500237,29174.763350496858,0.02642954561826938,35957.91209701399,0.026448088623937292,41024.07372550234,0.026444631183584907,42547.89134176879,0.026325535064593165,46542.386239889165,0.025951819010000016,44263.302034867884
+1262,0.02655517015397858,55968.20739601651,0.026057866580408342,11072.905779566745,0.026173908991999964,53031.95466679957,0.026311460971536478,54623.147150724144,0.02655113826286189,61642.64790536108,0.026062421219999833,63138.017689745415,0.02616308901156308,67825.42071496599,0.02617812681512897,71820.82504681678,0.026433005543089225,73748.9370044464,0.02653196431680847,69730.27085332052,0.026058994147418982,77675.65021213313,0.026176107433999965,80754.00514418527,0.02642414103097568,22324.4247110038,0.02606023303793446,22174.043052109188,0.02630237621252904,29292.36885895126,0.026529657533490177,36096.14854285255,0.026548270777815793,41172.65244648538,0.02654480024109851,42709.57175688612,0.026425632156093566,46718.902009788006,0.026051633698500016,44428.25573694986
+1263,0.02665537834323888,56173.058034176676,0.02615770514968194,11125.508963358094,0.026273809408000066,53236.732396675165,0.02641150454937508,54823.957015815744,0.02665133123743879,61873.37882001869,0.02616227724000003,63370.45173711754,0.026262948129927882,68070.0163005573,0.02627804332969067,72087.6073229487,0.026533130564085728,74020.42906686408,0.02663208493687187,69992.76384745867,0.026158837036872582,77962.51873535522,0.026276016240999966,81056.45676849583,0.026524232474274777,22416.905348730805,0.026160080674095157,22261.311995141656,0.026402385247557537,29410.07468753026,0.026629769448710778,36234.412331059284,0.026648452931694495,41321.27787280698,0.02664496929861221,42871.31541183095,0.026525729247593766,46895.41451840413,0.026151448387000016,44593.260208983935
+1264,0.026755586532499077,56377.92801707718,0.02625754371895544,11178.212152732305,0.026373709823999964,53441.47580224653,0.02651154812721358,55024.7279032667,0.02675152421201559,62104.09379165554,0.02626213325999993,63602.831320860794,0.026362807248292583,68314.51184548295,0.02637795984425217,72354.35589860189,0.026633255585082328,74291.83134779378,0.026732205556935368,70255.21866126824,0.02625867992632648,78249.311656049,0.026375925047999866,81358.82863757215,0.026624323917574078,22509.478159365684,0.026259928310255757,22348.672368708943,0.026502394282586137,29527.887526747414,0.026729881363931576,36372.69502415332,0.026748635085572892,41469.92432983093,0.026745138356125707,43033.11781551479,0.026625826339094265,47071.917910082455,0.026251263075500117,44758.323010973065
+1265,0.02685579472175938,56582.82392598881,0.02635738228822904,11231.013502358523,0.026473610240000067,53646.22910351,0.02661159170505218,55225.45197716176,0.026851717186592492,62334.77780089418,0.026361989279999932,63835.14744923144,0.02646266636665738,68558.90355511989,0.02647787635881367,72621.06618828302,0.026733380606078827,74563.13454759496,0.02683232617699877,70517.62910204548,0.026358522815780182,78536.02290573224,0.026475833855000068,81661.1120312082,0.026724415360873076,22602.133452088365,0.026359775946416558,22436.11923712673,0.026602403317614837,29645.819450063944,0.026829993279152278,36510.98150034893,0.026848817239451594,41618.58940912465,0.02684530741363921,43194.97498358346,0.026725923430594465,47248.406590059065,0.026351077764000117,44923.43360898816
+1266,0.02695600291101978,56787.801595572135,0.026457220857502742,11283.910893449804,0.026573510655999964,53851.0029143225,0.026711635282890677,55426.11352182952,0.02695191016116939,62565.431199699306,0.026461845299999932,64067.387207767555,0.02656252548502208,68803.18734723056,0.02657779287337537,72887.72974568293,0.026833505627075326,74834.33538824775,0.02693244679706217,70779.98741500961,0.026458365705233782,78822.6453240258,0.026575742661999968,81963.29104195573,0.026824506804172376,22694.86880104952,0.026459623582577158,22523.669692504962,0.026702412352643437,29763.85704770218,0.02693010519437298,36649.232781385675,0.026948999393329995,41767.25208093742,0.026945476471152807,43356.88321648463,0.026826020522094866,47424.874732508324,0.026450892452499916,45088.5833356228
+1267,0.02705621110027998,56992.82518069019,0.02655705942677634,11336.901571551269,0.026673411072000067,54055.792292537815,0.026811678860729177,55626.706188953576,0.02705210313574619,62796.08070851999,0.026561701319999832,64299.534769822734,0.026662384603386883,69047.35872495892,0.02667770938793687,73154.34878615072,0.026933630648071926,75105.43172120916,0.027032567417125668,71042.28269188908,0.02655820859468748,79109.16539343889,0.026675651468999965,82265.32924947758,0.026924598247471378,22787.731256877614,0.02655947121873786,22611.317057203483,0.026802421387672137,29881.995171067694,0.027030217109593677,36787.49812437713,0.027049181547208694,41915.89177191564,0.02704564552866651,43518.83895440213,0.026926117613595365,47601.31547237178,0.026550707140999916,45253.76552808268
+1268,0.027156419289540278,57197.873238540655,0.026656897996049842,11389.980324676175,0.026773311487999964,54260.59153040875,0.02691172243856778,55827.22980464803,0.027152296110322893,63026.72525951934,0.026661557340000034,64531.624822600475,0.02676224372175158,69291.41250789829,0.02677762590249837,73420.92450926625,0.027033755669068425,75376.39936033428,0.02713268803718907,71304.49254703587,0.02665805148414118,79395.57369096119,0.026775560276000067,82567.27967054905,0.027024689690770678,22880.717743347708,0.02665931885489846,22699.079408945203,0.02690243042270064,30000.230392113288,0.02713032902481448,36925.81248106366,0.027149363701087094,42064.47076538062,0.027145814586180008,43680.838657123655,0.027026214705095565,47777.71614093273,0.026650521829500017,45418.97441091342
+1269,0.027256627478800578,57402.91671065773,0.02675673656532344,11443.141682333435,0.026873211904000063,54465.39301781591,0.02701176601640628,56027.68621087077,0.02725248908489979,63257.35867480576,0.026761413359999934,64763.64826925693,0.02686210284011638,69535.34170246417,0.02687754241705987,73687.451515374,0.027133880690065126,75647.25098717757,0.02723280865725257,71566.59539166023,0.026757894373594982,79681.90331239662,0.026875469082999967,82869.13615023541,0.027124781134069777,22973.816570809617,0.02675916649105916,22786.95485366759,0.027002439457729437,30118.560293767554,0.027230440940035277,37064.177991799195,0.027249545854965793,42213.0451927864,0.02724598364369361,43842.878671318744,0.027126311796595966,47954.08012367208,0.026750336518000017,45584.20461135825
+1270,0.027356835668060978,57607.96228879292,0.026856575134597143,11496.39954395922,0.026973112319999965,54670.1833063868,0.02711180959424478,56228.14189274831,0.02735268205947659,63487.97184167353,0.02686126937999993,64995.60994930802,0.026961961958481082,69779.13896238874,0.02697745893162157,73953.92215775493,0.027234005711061625,75918.00095584797,0.027332929277315968,71828.6417897375,0.02685773726304868,79968.15132492945,0.026975377889999968,83170.92821001948,0.027224872577368976,23067.022506977326,0.02685901412721976,22874.94148583988,0.02710244849275794,30236.990687370624,0.027330552855255878,37202.59253830957,0.027349728008844294,42361.60321085195,0.02734615270120711,44004.95502664207,0.027226408888096267,48130.411448999876,0.026850151206500018,45749.47869588426
+1271,0.02745704385732118,57813.041329350686,0.02695641370387064,11549.75775710916,0.027073012735999866,54874.927593638684,0.02721185317208338,56428.59757406632,0.02745287503405349,63718.54838966274,0.02696112539999993,65227.514724771354,0.02706182107684588,70022.80437031193,0.02707737544618307,74220.3216914027,0.027334130732058128,76188.6475549084,0.02743304989737927,72090.61539671624,0.02695758015250238,80254.3164914058,0.027075286696999868,83472.64901131381,0.02732496402066808,23160.33152312581,0.026958861763380557,22963.03741326761,0.02720245752778654,30355.516754357952,0.027430664770476676,37341.0538906262,0.027449910162722895,42510.12017560556,0.027446321758720808,44167.06298419454,0.027326505979596665,48306.7038460946,0.026949965895000018,45914.79273687246
+1272,0.02755725204658148,58018.17288092164,0.027056252273144243,11603.221628161084,0.027172913151999965,55079.684096144,0.02731189674992188,56629.032489691184,0.02755306800863029,63949.12271042747,0.02706098141999983,65459.360220300885,0.02716168019521058,70266.32599845373,0.02717729196074467,74486.61851491767,0.027434255753054627,76459.20462500716,0.02753317051744277,72352.52955801119,0.02705742304195608,80540.42133280796,0.027175195503999966,83774.32092339447,0.027425055463967278,23253.739945744448,0.027058709399541157,23051.244664687107,0.02730246656281524,30474.134639558346,0.027530776685697277,37479.55967066659,0.027550092316601393,42658.62183562335,0.02754649081623431,44329.19525711588,0.027426603071096966,48482.94984177999,0.027049780583500015,46080.12961303428
+1273,0.02765746023584188,58223.348511872246,0.02715609084241784,11656.78918850495,0.027272813567999866,55284.46698212459,0.027411940327760478,56829.42226311004,0.02765326098320719,64179.700870548666,0.027160837440000033,65691.15103135757,0.027261539313575382,70509.68345911439,0.02727720847530627,74752.89738116911,0.027534380774051227,76729.66416840191,0.027633291137506167,72614.36946630408,0.02715726593140978,80826.45322176705,0.027275104310999967,84075.94322487593,0.027525146907266377,23347.244042796156,0.027158557035701858,23139.56176891279,0.02740247559784384,30592.84163333881,0.02763088860091808,37618.107296440634,0.027650274470479793,42807.09105536077,0.027646659873747908,44491.33875819727,0.027526700162597367,48659.14433469158,0.027149595272000015,46245.47932045049
+1274,0.02775766842510218,58428.561351739256,0.027255929411691342,11710.458001184688,0.027372713983999965,55489.274070410356,0.027511983905598978,57029.77537127992,0.027753453957783992,64410.280657996555,0.027260693459999933,65922.87802949171,0.027361398431940083,70752.90874901676,0.02737712498986777,75019.17040355582,0.027634505795047726,77000.00789329589,0.02773341175756967,72876.1017687009,0.02725710882086358,81112.40353979048,0.027375013117999867,84377.51366413108,0.027625238350565476,23440.839595912785,0.027258404671862458,23227.986415764677,0.02750248463287254,30711.63534899902,0.027731000516138776,37756.6938851292,0.027750456624358495,42955.48601755742,0.02774682893126141,44653.519912978314,0.027626797254097765,48835.274664626515,0.027249409960500015,46410.831649028376
+1275,0.02785787661436238,58633.813441106155,0.02735576798096504,11764.22620817245,0.027472614399999967,55694.103099917025,0.02761202748343748,57230.1106826161,0.027853646932360893,64640.85895726297,0.027360549479999934,66154.53355805423,0.02746125755030478,70995.9987793462,0.02747704150442937,75285.42526418615,0.027734630816044225,77270.24568565222,0.02783353237763307,73137.77690910101,0.02735695171031728,81398.32131585469,0.027474921924999965,84679.02964796842,0.02772532979386468,23534.520951125614,0.02735825230802316,23316.516285695885,0.02760249366790104,30830.513520640154,0.027831112431359578,37895.316046490756,0.027850638778236993,43103.82272091663,0.02784699798877511,44815.74469810959,0.027726894345598066,49011.30649937651,0.027349224649000015,46576.17037885095
+1276,0.02795808480362268,58839.12504885234,0.027455606550238643,11818.092136674606,0.027572514815999965,55898.95169780541,0.02771207106127608,57430.422612484894,0.027953839906937592,64871.43225372658,0.027460405499999934,66386.1093073584,0.02756111666866958,71238.94432118903,0.02757695801899087,75551.65686937001,0.027834755837040925,77540.43747586689,0.027933652997696467,73399.38716658183,0.02745679459977098,81684.21338766463,0.027574830731999966,84980.48797865277,0.027825421237163778,23628.27484686629,0.02745809994418376,23405.149003516402,0.02770250270292974,30949.473897487245,0.02793122434658018,38033.96921521042,0.027950820932115594,43252.14826407635,0.02794716704628861,44978.005140610854,0.027826991437098467,49187.20819129734,0.027449039337500016,46741.49971701853
+1277,0.02805829299288308,59044.45472626108,0.02755544511951224,11872.054138750857,0.027672415231999967,56103.817339075686,0.02781211463911458,57630.70517783022,0.02805403288151449,65101.99617332649,0.02756026151999993,66617.59446417892,0.027660975787034282,71481.72458971979,0.02767687453355257,75817.8614104717,0.027934880858037428,77810.6147721455,0.02803377361775997,73660.9983680657,0.02755663748922458,81970.04701419953,0.027674739538999966,85281.88407655217,0.027925512680462977,23722.106983765716,0.02755794758034456,23493.881247048088,0.02780251173795834,31068.519107450913,0.028031336261800977,38172.64458472223,0.028051003085994095,43400.42802496122,0.02804733610380221,45140.29661499377,0.027927088528598765,49363.04555661781,0.027548854026000116,46906.81415568339
+1278,0.02815850118214328,59249.821838865486,0.027655283688785743,11926.110469882,0.027772315647999965,56308.69729175483,0.02791215821695308,57830.95151621914,0.02815422585609129,65332.54362463512,0.02766011753999983,66849.03612998068,0.02776083490539908,71724.3469235268,0.02777679104811407,76084.03557274732,0.028035005879034028,78080.75703482369,0.028133894237823368,73922.60891063251,0.02765648037867828,82255.80802364153,0.027774648346000068,85583.2060462382,0.028025604123762076,23816.021617576254,0.02765779521650516,23582.73346697545,0.02790252077298694,31187.6633721915,0.028131448177021578,38311.34860666499,0.028151185239872693,43548.72018586563,0.028147505161315707,45302.61482423667,0.028027185620099166,49538.86875930253,0.027648668714500117,47072.08952658311
+1279,0.028258709371403578,59455.2323238714,0.027755122258059442,11980.259129621056,0.027872216063999963,56513.58853683765,0.028012201794791677,58031.15284244838,0.02825441883066819,65563.0778888792,0.027759973559999932,67080.39723564775,0.02786069402376378,71966.8264581015,0.02787670756267557,76350.17625510415,0.028135130900030527,78350.85249040351,0.028234014857886867,74184.21714981981,0.02775632326813218,82541.48424485509,0.027874557152999968,85884.45859734814,0.02812569556706128,23910.02719658712,0.027757642852665857,23671.722970594827,0.02800252980801564,31306.894434424903,0.028231560092242376,38450.08490835315,0.028251367393751194,43697.03303618497,0.02824767421882941,45464.955109357055,0.028127282711599567,49714.67413322797,0.027748483402999916,47237.31790120278
+1280,0.02835891756066378,59660.66982339291,0.02785496082733304,12034.49753845444,0.027972116480000066,56718.4876421965,0.028112245372630178,58231.292716979195,0.02835461180524499,65793.62323140645,0.027859829579999933,67311.63913099353,0.027960553142128582,72209.15472406542,0.02797662407723727,76616.28042899238,0.028235255921027026,78620.89412429727,0.02833413547795017,74445.82141370139,0.02785616615758588,82827.06011520886,0.027974465959999965,86185.65761923091,0.028225787010360378,24004.12681100363,0.027857490488826457,23760.833837430273,0.028102538843044138,31426.205042181202,0.028331672007463077,38588.85153704166,0.028351549547629792,43845.367357299365,0.02834784327634301,45627.31132468218,0.028227379803099865,49890.45771448524,0.027848298091499916,47402.53774930484
+1281,0.02845912574992428,59866.1289476423,0.02795479939660654,12088.821493670783,0.028072016895999963,56923.39054451473,0.028212288950468678,58431.367213133846,0.02845480477982189,66024.15673872363,0.027959685599999933,67542.8477981234,0.028060412260493283,72451.32096934435,0.02807654059179877,76882.34504513736,0.028335380942023525,78890.88046221879,0.028434256098013568,74707.41999821641,0.02795600904703948,83112.51599068298,0.028074374767000067,86486.80109290392,0.028325878453659577,24098.34171686901,0.027957338124987158,23850.059424891282,0.02820254787807294,31545.58657811345,0.02843178392268388,38727.67120537511,0.028451731701508293,43993.72211885987,0.02844801233385651,45789.67353164563,0.028327476894600266,50066.215037332084,0.027948112780000017,47567.742817704646
+1282,0.02855933393918448,60071.64096347575,0.02805463796588014,12143.218828208252,0.028171917312000066,57128.2921191707,0.02831233252830728,58631.360363909,0.02855499775439869,66254.67721335632,0.028059541619999934,67774.04024447163,0.02816027137885808,72693.30990390453,0.028176457106360273,77148.36695288037,0.028435505963020226,79160.80725718489,0.02853437671807707,74969.01116167511,0.02805585193649318,83397.846482684,0.028174283573999967,86787.88684741982,0.028425969896958676,24192.66301403596,0.02805718576114796,23939.39659214061,0.028302556913101438,31665.052186354136,0.028531895837904477,38866.523270469275,0.028551913855386895,44142.084931375284,0.028548181391370008,45952.04486597418,0.028427573986100466,50241.94059009848,0.028047927468500017,47732.92467267818
+1283,0.02865954212844478,60277.20280517355,0.028154476535153843,12197.7049146546,0.028271817727999964,57333.18513073011,0.02841237610614578,58831.302977391606,0.028655190728975592,66485.19365379451,0.028159397639999834,68005.23949163042,0.02826013049722278,72935.08725377431,0.028276373620921773,77414.34280986723,0.028535630984016826,79430.66819152072,0.02863449733814047,75230.59311818218,0.02815569482594688,83683.06953235567,0.028274192380999968,87088.9125163596,0.028526061340257976,24287.0900601795,0.02815703339730856,24028.845262572046,0.028402565948130138,31784.60781828974,0.02863200775312528,39005.420300445665,0.028652096009265392,44290.44432100315,0.028648350448883707,46114.432837722336,0.028527671077600965,50417.62762880838,0.028147742157000017,47898.12703498249
+1284,0.028759750317704978,60482.811512703105,0.02825431510442734,12252.29782549478,0.028371718144000066,57538.056012630426,0.02851241968398438,59031.197663427425,0.028755383703552392,66715.72562116258,0.028259253660000032,68236.44111942383,0.028359989615587583,73176.64480492957,0.02837629013548347,77680.26895409274,0.028635756005013325,79700.4583472826,0.028734617958203867,75492.16402908131,0.02825553771540058,83968.22131000734,0.028374101187999868,87389.87547133508,0.028626152783556978,24381.62325782034,0.02825688103346926,24118.403195791292,0.028502574983158738,31904.251830065004,0.02873211966834588,39144.37706581325,0.028752278163143994,44438.78086663337,0.02874851950639731,46276.83272066162,0.028627768169101366,50593.27831597398,0.028247556845500017,48063.33986503985
+1285,0.028859958506965377,60688.46416868073,0.028354153673700942,12307.010922817874,0.028471618559999964,57742.87980505881,0.028612463261822877,59231.029317848755,0.028855576678129092,66946.27088531571,0.028359109679999932,68467.63272854433,0.02845984873395228,73418.02239619716,0.028476206650044973,77946.14117784133,0.028735881026009828,79970.17302066613,0.02883473857826737,75753.72199174252,0.02835538060485438,84253.29785637684,0.028474009994999966,87690.77271216748,0.02872624422685628,24476.259802807785,0.02835672866962986,24208.068421826887,0.028602584018187337,32023.990968714665,0.028832231583566677,39283.3844804799,0.028852460317022495,44587.09851488695,0.028848688563910808,46439.23833558478,0.028727865260601566,50768.891160277446,0.028347371534000017,48228.55218560383
+1286,0.02896016669622568,60894.15784318358,0.02845399224297464,12361.832535684542,0.028571518975999865,57947.69562814066,0.028712506839661377,59430.7630313647,0.028955769652705993,67176.8263196302,0.028458965699999932,68698.7897940599,0.02855970785231708,73659.17782520242,0.028576123164606473,78211.95420481845,0.028836006047006327,80239.80744543826,0.02893485919833077,76015.26502323267,0.02845522349430808,84538.29610101724,0.028573918801999967,87991.60066477321,0.028826335670155377,24570.994140654875,0.02845657630579046,24297.839149865908,0.028702593053216038,32143.828793192348,0.02893234349878738,39422.43247652963,0.028952642470901093,44735.37425993227,0.02894885762142441,46601.63939894107,0.028827962352101964,50944.45382404367,0.028447186222500018,48393.760381364664
+1287,0.02906037488548588,61099.889537383526,0.028553830812248243,12416.758123520407,0.028671419391999964,58152.557751470384,0.02881255041749998,59630.44558552084,0.02905596262728279,67407.388823388,0.028558821719999933,68929.93217130579,0.028659566970681782,73900.08013237175,0.028676039679167972,78477.70275518521,0.028936131068002927,80509.35658439655,0.029034979818394268,76276.79103391104,0.02855506638376178,84823.21616268263,0.028673827608999867,88292.35474079585,0.02892642711345438,24665.81933977347,0.028556423941951157,24387.713713594654,0.028802602088244537,32263.756199564035,0.029032455414008177,39561.50841568111,0.029052824624779594,44883.62173668079,0.02904902667893811,46764.01238838487,0.028928059443602265,51119.99801369777,0.028547000911000018,48558.92071956285
+1288,0.02916058307474618,61305.67800428942,0.02865366938152174,12471.784001213211,0.028771319807999865,58357.524908551415,0.02891259399533848,59830.08012518903,0.02915615560185969,67637.95503591484,0.028658677739999833,69161.0680841081,0.028759426089046483,74140.80263681253,0.028775956193729673,78743.37825109603,0.029036256088999426,80778.81487154719,0.02913510043845757,76538.29777645635,0.02865490927321548,85108.0494541514,0.028773736416000065,88593.02802576526,0.02902651855675368,24760.72490334487,0.028656271578111958,24477.69053553404,0.028902611123273338,32383.768248873712,0.029132567329228778,39700.582554545705,0.029153006778658196,45031.84065664366,0.029149195736451607,46926.39465841209,0.029028156535102666,51295.53777524125,0.028646815599500015,48724.03148182058
+1289,0.02926079126400658,61511.51976201626,0.028753507950795343,12526.921699598714,0.028871220223999964,58562.55899393507,0.02901263757317698,60029.640949972694,0.02925634857643659,67868.52081640839,0.02875853376000003,69392.19276139002,0.02885928520741128,74381.38724961012,0.028875872708291173,79008.999452601,0.029136381109996126,81048.17576559355,0.029235221058520968,76799.78270918499,0.02875475216266908,85392.78115018838,0.028873645222999966,88893.60144455181,0.029126610000052677,24855.689970572228,0.028756119214272558,24567.768101953603,0.02900262015830184,32503.860562172704,0.029232679244449576,39839.66892235421,0.029253188932536693,45179.99065793565,0.02924936479396511,47088.792049589065,0.029128253626603064,51471.064194961014,0.028746630288000116,48889.14055489989
+1290,0.029360999453266878,61717.40277850572,0.028853346520069042,12582.166187763381,0.028971120639999966,58767.645824055006,0.029112681151015677,60229.120923431576,0.02935654155101339,68099.08298526253,0.02885838977999993,69623.30136001944,0.028959144325775982,74621.84738395875,0.028975789222852773,79274.56399338355,0.029236506130992625,81317.43065109041,0.029335341678584467,77061.24201756774,0.02885459505212298,85677.4138292317,0.028973554029999966,89194.09352483912,0.029226701443351977,24950.747120628817,0.02885596685043326,24657.94494404151,0.02910262919333044,32624.02799726031,0.029332791159670177,39978.7969544412,0.029353371086415395,45328.12812549406,0.029349533851478708,47251.201145090956,0.029228350718103365,51646.57093384613,0.028846444976500116,49054.27871807177
+1291,0.02946120764252708,61923.32244680926,0.028953185089342443,12637.512313988134,0.029071021055999964,58972.77693726125,0.029212724728854278,60428.56771389484,0.029456734525590292,68329.63795741956,0.02895824579999993,69854.38853833193,0.029059003444140783,74862.18234944568,0.029075705737414373,79540.06544790544,0.029336631151989128,81586.5618677242,0.02943546229864787,77322.67449084039,0.02895443794157668,85961.96537470668,0.029073462837000068,89494.55357167391,0.029326792886651076,25045.89822113042,0.02895581448659386,24748.219622880257,0.02920263822835914,32744.26832707662,0.02943290307489098,40117.97944434829,0.029453553240293796,45476.24532074219,0.02944970290899241,47413.61822260578,0.029328447809603767,51822.053357424156,0.028946259665000116,49219.48191342512
+1292,0.02956141583178738,62129.277402261214,0.02905302365861614,12692.97292788852,0.029170921471999966,59177.94574922114,0.02931276830669278,60627.97968022413,0.029556927500167092,68560.20109833736,0.029058101819999932,70085.45781661378,0.02915886256250548,75102.37130683346,0.029175622251975973,79805.49534015727,0.029436756172985728,81855.56516053574,0.02953558291871137,77584.08061468648,0.02905428083103028,86246.43271691857,0.029173371643999968,89794.96304021926,0.029426884329950276,25141.137793377442,0.02905566212275446,24838.59071650702,0.02930264726338764,32864.577481750246,0.029533014990111676,40257.21265816975,0.029553735394172293,45624.38699457881,0.02954987196650591,47576.03915641912,0.029428544901104067,51997.506096551675,0.029046074353499915,49384.737123284074
+1293,0.02966162402104778,62335.25537830747,0.02915286222788974,12748.552556949397,0.029270821887999964,59383.14632224383,0.02941281188453128,60827.336022170515,0.029657120474743993,68790.76931314211,0.029157957839999832,70316.49737897661,0.02925872168087028,75342.3697749099,0.029275538766537473,80070.83871544288,0.029536881193982227,82124.45000341539,0.029635703538774767,77845.45780698936,0.029154123720483982,86530.81276713095,0.029273280450999965,90095.31192142755,0.029526975773249378,25236.457604413095,0.02915550975891516,24929.056808110985,0.02940265629841644,32984.9488455913,0.029633126905332378,40396.49240579903,0.029653917548050895,45772.56515794281,0.029650041024019507,47738.45926793963,0.029528641992604465,52172.923442951826,0.029145889041999915,49550.01667093149
+1294,0.02976183221030808,62541.23759263469,0.029252700797163442,12804.243486202638,0.029370722303999966,59588.37336230223,0.02951285546236988,61026.62907578764,0.029757313449320692,69021.33938942682,0.029257813860000034,70547.49700821543,0.029358580799234982,75582.25818068613,0.029375455281098972,80336.05930608182,0.029637006214978726,82393.19932597574,0.02973582415883817,78106.80325720483,0.02925396660993768,86815.10260505091,0.029373189258000067,90395.59064242388,0.029627067216548578,25331.837346817258,0.029255357395075957,25019.6164742959,0.02950266533344494,33105.37011469291,0.02973323882055308,40535.81356244413,0.029754099701929396,45920.771251416714,0.02975021008153301,47900.87307862933,0.029628739084104867,52348.29913404826,0.029245703730500016,49715.317176321274
+1295,0.02986204039956828,62747.208507166135,0.02935253936643694,12860.094691792825,0.029470622720000065,59793.651594750925,0.02961289904020838,61225.90786066009,0.029857506423897492,69251.90792255173,0.029357669879999933,70778.4719956441,0.02945843991759978,75822.04923711446,0.029475371795660673,80601.2173225377,0.029737131235975225,82661.85428392225,0.02983594477890167,78368.11383582136,0.02935380949939148,87099.32051374447,0.029473098064999967,90695.78230021159,0.029727158659847677,25427.286988760177,0.029355205031236557,25110.26827268703,0.02960267436847364,33225.82206008968,0.029833350735773877,40675.16820411034,0.029854281855807994,46068.999276650415,0.029850379139046708,48063.27384959687,0.029728836175605167,52523.625952542585,0.029345518419000016,49880.648835332046
+1296,0.02996224858882868,62953.204803036264,0.029452377935710542,12916.110777662447,0.029570523135999966,59998.95570331675,0.029712942618046977,61425.168614266106,0.02995769939847439,69482.47042534345,0.029457525899999934,71009.41951048114,0.02955829903596448,76061.73434820454,0.029575288310222173,80866.34308710991,0.029837256256971926,82930.40833047758,0.029936065398965067,78629.38591955256,0.029453652388845182,87383.46618396831,0.029573006871999968,90995.86480711796,0.029827250103146876,25522.799744636715,0.029455052667397258,25201.010727763616,0.02970268340350224,33346.34170618968,0.029933462650994478,40814.54429842328,0.029954464009686495,46217.27786701579,0.02995054819656021,48225.65252066122,0.029828933267105565,52698.894961919344,0.029445333107500016,50046.005167276344
+1297,0.03006245677808898,63159.23411799253,0.02955221650498414,12972.271725830564,0.029670423552000065,60204.29376699185,0.029812986195885478,61624.40643690463,0.03005789237305119,69713.0237841807,0.02955738191999993,71240.33611047748,0.029658158154329282,76301.29729875532,0.029675204824783672,81131.46088001561,0.029937381277968425,83198.84535230025,0.03003618601902857,78890.61495361726,0.02955349527829888,87667.52601465705,0.029672915678999868,91295.88943960558,0.02992734154644598,25618.444884189143,0.029554900303557858,25291.84231360834,0.02980269243853094,33466.91795121121,0.030033574566215276,40953.957770980785,0.030054646163565193,46365.60151465768,0.030050717254073808,48387.99266530753,0.029929030358605866,52874.093190126456,0.029545147796000017,50211.37104109211
+1298,0.03016266496734918,63365.306729064956,0.029652055074257642,13028.566905747963,0.029770323967999966,60409.6658064204,0.029913029773723978,61823.615307127824,0.03015808534762809,69943.56529633708,0.02965723793999993,71471.22456550614,0.029758017272693983,76540.70418418811,0.02977512133934517,81396.55117964631,0.030037506298965025,83467.16279273691,0.030136306639091868,79151.79408422625,0.02965333816775258,87951.49299203602,0.029772824485999966,91595.8638932346,0.030027432989745077,25714.238733332157,0.029654747939718458,25382.76143150914,0.02990270147355954,33587.546390023344,0.030133686481435877,41093.40369983798,0.030154828317443594,46513.96540107667,0.03015088631158731,48550.279181887694,0.030029127450106267,53049.1998308286,0.029644962484500017,50376.72878392048
+1299,0.030262873156609478,63571.42027428083,0.02975189364353134,13084.990592601478,0.029870224384000065,60615.064927886444,0.03001307335156258,62022.78689245192,0.03025827832220499,70174.08831761977,0.02975709395999983,71702.06582510006,0.02985787639105868,76780.0015899145,0.029875037853906872,81661.60455906848,0.030137631319961528,83735.38709569274,0.03023642725915527,79412.9107070598,0.02975318105720628,88235.36076052954,0.029872733292999967,91895.78555906274,0.030127524433044277,25810.162095823398,0.02975459557587926,25473.76637899418,0.030002710508588038,33708.259128608515,0.03023379839665668,41232.87676092344,0.030255010471322293,46662.365693797976,0.03025105536910101,48712.49993546589,0.030129224541606464,53224.18896063022,0.029744777173000017,50542.13315477402
+1300,0.030363081345869878,63777.57745166338,0.029851732212804943,13141.538835177824,0.029970124799999966,60820.48131463273,0.03011311692940108,62221.91221964472,0.03035847129678179,70404.58104340067,0.029856949979999933,71932.88492035857,0.029957735509423482,77019.22326199678,0.029974954368468372,81926.61198258038,0.030237756340958027,84003.513281097,0.03033654787921877,79673.98270839667,0.02985302394666008,88519.1211725067,0.029972642099999867,92195.6516956654,0.03022761587634338,25906.207701741972,0.02985444321203996,25564.855303955985,0.03010271954361684,33829.05916978618,0.030333910311877377,41372.356472700485,0.030355192625200693,46810.798543738805,0.030351224426614608,48874.647593731206,0.030229321633106966,53399.10579544742,0.029844591861500017,50707.58569361566
+1301,0.03046328953513018,63983.77837654652,0.02995157078207844,13198.20860259607,0.030070025215999864,61025.913202867094,0.03021316050723958,62420.969679585396,0.030458664271358692,70635.00771276068,0.029956805999999933,72163.69035984643,0.030057594627788183,77258.36581382743,0.03007487088302987,82191.56185554252,0.030337881361954627,84271.53520323138,0.030436668499282168,79935.00917923519,0.02995286683611378,88802.76795271825,0.030072550907000065,92495.45931569047,0.03032770731964258,26002.369887643654,0.02995429084820056,25656.02613151305,0.030202728578645338,33949.94498425735,0.03043402222709818,41511.82780460943,0.030455374779079395,46959.264226122876,0.03045139348412811,49036.806022296936,0.030329418724607364,53573.97047133165,0.029944406550000018,50873.08296240483
+1302,0.03056349772439038,64190.01793870192,0.030051409351352042,13254.997428887695,0.030169925631999966,61231.3600041439,0.030313204085078177,62619.939943523495,0.030558857245935392,70865.41900091144,0.030056662019999934,72394.47985450317,0.03015745374615298,77497.42506075987,0.030174787397591572,82456.4602395815,0.030438006382951126,84539.44292553522,0.030536789119345667,80195.98569773501,0.03005270972556748,89086.30603316912,0.030172459713999965,92795.2050044424,0.030427798762941678,26098.64242219032,0.030054138484361257,25747.276435329495,0.03030273761367404,34070.91492125284,0.03053413414231878,41651.395984988405,0.030555556932957893,47107.76850062626,0.030551562541641607,49198.972871546146,0.030429515816107564,53748.77209162928,0.030044221238500115,51038.62159278498
+1303,0.03066370591365068,64396.292832943174,0.03015124792062574,13311.91150141707,0.030269826047999864,61436.81335895837,0.030413247662916677,62818.854060177706,0.030659050220512192,71095.86795529505,0.030156518039999934,72625.25108620324,0.03025731286451768,77736.39521939823,0.030274703912153072,82721.30657075637,0.030538131403947826,84807.22741320006,0.03063690973940907,80456.90701878634,0.03015255261502118,89369.72949540132,0.030272368520999966,93094.94545368153,0.030527890206240877,26195.01155075012,0.030153986120521857,25838.603179181737,0.030402746648702638,34191.969573981434,0.030634246057539578,41791.043382920674,0.030655739086836494,47256.293154193394,0.03065173159915531,49361.14155270062,0.030529612907608066,53923.49200709101,0.030144035927000115,51204.19820308077
+1304,0.03076391410291108,64602.5998333185,0.030251086489899343,13368.96660393715,0.030369726463999967,61642.26063546254,0.030513291240755278,63017.73917150157,0.030759243195089093,71326.3588751276,0.030256374059999834,72856.00168304858,0.030357171982882483,77975.2655624805,0.03037462042671457,82986.08939188455,0.030638256424944325,85074.89980488834,0.030737030359472468,80717.76662533102,0.03025239550447478,89653.03071143819,0.030372277328000068,93394.67793033816,0.030627981649539976,26291.484927141344,0.030253833756682558,25930.0144664032,0.030502755683731238,34313.107744229565,0.030734357972760376,41930.76543698397,0.030755921240714995,47404.83800340372,0.03075190065666891,49523.29771724334,0.030629709999108266,54098.097915332815,0.030243850615500115,51369.809330177784
+1305,0.030864122292171278,64808.9352707344,0.03035092505917284,13426.149714384477,0.030469626879999965,61847.66754364121,0.03061333481859378,63216.57783731901,0.03085943616966589,71556.87633648561,0.030356230080000032,73086.7291903758,0.030457031101247183,78214.01522286932,0.03047453694127617,83250.79237304696,0.030738381445940828,85342.45024285298,0.030837150979535967,80978.55578738189,0.03035223839392868,89936.19913702265,0.030472186134999968,93694.36504969207,0.030728073092839276,26388.07562164237,0.03035368139284326,26021.558107430476,0.030602764718759938,34434.324712511014,0.030834469887980977,42070.5650023704,0.030856103394593593,47553.406706567075,0.030852069714182407,49685.43446003447,0.030729807090608664,54272.62661826413,0.030343665303999918,51535.45136118477
+1306,0.03096433048143158,65015.29360343749,0.030450763628446443,13483.49057198245,0.030569527295999967,62053.04338142847,0.03071337839643228,63415.38565151739,0.03095962914424279,71787.41473125623,0.030456086099999932,73317.4310335901,0.03055689021961198,78452.68550820138,0.030574453455837772,83515.45458885288,0.030838506466937327,85609.85688366667,0.03093727159959937,81239.26094017812,0.03045208128338238,90219.23918459454,0.030572094941999965,93993.98465976177,0.030828164536138278,26484.78117175958,0.03045352902900396,26113.187579718408,0.030702773753788437,34555.61181390641,0.03093458180320178,42210.43366745823,0.030956285548472094,47701.98687827746,0.03095223877169591,49847.581945078295,0.030829904182109166,54447.05168740326,0.030443479992499915,51701.120453416115
+1307,0.03106453867069178,65221.66706476799,0.030550602197720142,13540.986903492958,0.030669427711999965,62258.41411999142,0.03081342197427088,63614.167644441986,0.03105982211881959,72017.97026885315,0.030555942119999933,73548.10446603908,0.030656749337976682,78691.27843155706,0.03067436997039927,83780.07535695717,0.030938631487933927,85877.13065303261,0.031037392219662667,81499.8459503584,0.03055192417283598,90502.14347336035,0.030672003749000067,94293.5746199377,0.030928255979437578,26581.598895675317,0.03055337666516456,26204.929905666882,0.030802782788817137,34676.969692214545,0.031034693718422476,42350.35951884338,0.031056467702350692,47850.59350097164,0.031052407829209608,50009.73453844404,0.030930001273609366,54621.401705604854,0.030543294681000015,51866.81242827034
+1308,0.03116474685995228,65428.06552648169,0.030650440766993643,13598.622666143006,0.030769328127999963,62463.82187252021,0.03091346555210938,63812.93696275432,0.03116001509339649,72248.53991199912,0.030655798139999933,73778.74837546772,0.030756608456341483,78929.79057117627,0.03077428648496087,84044.6518050354,0.031038756508930426,86144.30985020922,0.03113751283972617,81760.32352940096,0.03065176706228968,90784.9010024587,0.030771912555999967,94593.13076582683,0.031028347422736677,26678.525593529936,0.03065322430132526,26296.78697990217,0.030902791823845737,34798.41339749753,0.031134805633643278,42490.356388584616,0.031156649856229193,47999.22485238402,0.03115257688672321,50171.884683179866,0.031030098365109764,54795.729187557445,0.030643109369500016,52032.52261464773
+1309,0.03126495504921248,65634.49093936023,0.03075027933626724,13656.391606037485,0.030869228543999965,62669.27011209718,0.031013509129947877,64011.70562330569,0.03126020806797339,72479.12100985661,0.030755654159999833,74009.3843817774,0.03085646757470618,79168.21756572985,0.03087420299952247,84309.18091152745,0.031138881529926925,86411.38280088746,0.03123763345978957,82020.69840586882,0.03075160995174338,91067.49519905046,0.030871821362999968,94892.64865946586,0.03112843886603568,26775.55665585583,0.03075307193748586,26388.753634598434,0.031002800858874437,34919.94178584213,0.03123491754886388,42630.422776611376,0.031256832010107795,48147.875811808124,0.03125274594423671,50334.02113394263,0.031130195456610065,54970.02483873843,0.030742924058000016,52198.274609233835
+1310,0.03136516323847278,65840.94460855405,0.03085011790554084,13714.289604337391,0.030969128960000064,62874.75669447106,0.031113552707786478,64210.46926361618,0.03136040104255019,72709.71112784273,0.03085551018000003,74239.99890952611,0.030956326693070982,79406.5528260901,0.030974119514084072,84573.65942698646,0.031239006550923626,86678.31059431544,0.03133775407985307,82281.02197692178,0.03085145284119718,91349.88733829062,0.030971730169999868,95192.12411132174,0.031228530309334975,26872.680547128406,0.030852919573646557,26480.826135949887,0.031102809893903037,35041.55372999854,0.03133502946408468,42770.554534676296,0.03135701416398629,48296.53975172528,0.03135291500175031,50496.15627086585,0.031230292548110467,55144.27753370852,0.030842738746500016,52364.15250310968
+1311,0.03146537142773298,66047.42356681546,0.030949956474814543,13772.318784463389,0.031069029375999965,63080.27930930598,0.031213596285624978,64409.22281622047,0.031460594017126885,72940.30795280333,0.03095536619999993,74470.58154460943,0.031056185811435683,79644.78098909324,0.03107403602864557,84838.0837526161,0.03133913157192013,86945.11343207354,0.03143787469991647,82541.36393176063,0.03095129573065088,91632.0759351353,0.031071638977000066,95491.55289085611,0.031328621752633984,26969.94377126208,0.030952767209807358,26573.00139460442,0.031202818928931737,35163.24810653662,0.031435141379305274,42910.74632909507,0.0314571963178648,48445.20583488386,0.03145308405926401,50658.29241193445,0.031330389639610864,55318.52120276622,0.030942553435000016,52530.101721367784
+1312,0.031565579616993376,66253.92227263072,0.03104979504408804,13830.519116487036,0.031168929792000064,63285.8352683943,0.031313639863463576,64607.95973253515,0.03156078699170379,73170.90923182499,0.031055222219999932,74701.12138849744,0.031156044929800383,79882.90233271288,0.03117395254320707,85102.44972483817,0.03143925659291673,87211.83491459547,0.03153799531997987,82801.70494334276,0.03105113862010458,91914.06061617963,0.031171547783999966,95790.93038281209,0.03142871319593328,27067.350268421676,0.031052614845967958,26665.276674605848,0.03130282796396034,35285.02530458657,0.031535253294526076,43051.02389715837,0.03155737847174339,48593.84818306731,0.03155325311677751,50820.41772070525,0.031430486731111165,55492.73406213036,0.031042368123500017,52696.09537945145
+1313,0.031665787806253676,66460.44337446366,0.031149633613361642,13888.86996038624,0.03126883020799996,63491.420437211935,0.031413683441302076,64806.66995947572,0.03166097996628059,73401.51272665427,0.031155078239999932,74931.59506191753,0.03125590404816518,80120.9559147204,0.03127386905776877,85366.75215491696,0.031539381613913224,87478.50451613504,0.03163811594004337,83062.02212706405,0.031150981509558282,92195.90020387132,0.03127145659099997,96090.25093945919,0.03152880463923238,27164.882525572786,0.031152462482128558,26757.649435697746,0.03140283699898884,35406.887667803094,0.03163536520974678,43191.40676922275,0.031657560625621896,48742.50422476839,0.031653422174291006,50982.54382465476,0.03153058382261156,55666.98572340395,0.031142182812000017,52862.121899964426
+1314,0.03176599599551398,66666.98621855097,0.031249472182635345,13947.361165558259,0.031368730624000064,63697.030592189265,0.031513727019140576,65005.32508960791,0.031761172940857486,73632.11617393408,0.03125493425999984,75162.06642862633,0.03135576316652988,80358.98138693678,0.031373785572330275,85630.98348420055,0.03163950663490973,87745.18219719554,0.03173823656010677,83322.3244931962,0.03125082439901199,92477.59736197045,0.03137136539800007,96389.50580810983,0.03162889608253158,27262.595274673924,0.03125231011828926,26850.117227701427,0.03150284603401754,35528.83182454349,0.03173547712496748,43331.881933728095,0.0317577427795005,48891.18100627793,0.03175359123180461,51144.670424642136,0.031630680914111864,55841.287123704045,0.031241997500500013,53028.19941915397
+1315,0.03186620418477418,66873.54857061556,0.03134931075190874,14006.003056019546,0.031468631039999966,63902.67296913916,0.03161377059697918,65203.937510380754,0.03186136591543429,73862.7172442876,0.03135479028000004,75392.5357096363,0.03145562228489468,80596.95534042428,0.03147370208689177,85895.12364132566,0.03173963165590623,88011.8414735708,0.031838357180170265,83582.59864221184,0.031350667288465785,92759.16758645239,0.03147127420499997,96688.67160324148,0.03172898752583068,27360.50258805535,0.031352157754449855,26942.717065418838,0.031602855069046136,35650.863094447486,0.03183558904018818,43472.452646995705,0.031857924933378995,49039.8730927693,0.03185376028931831,51306.81504942723,0.03173077800561227,56015.63616573039,0.03134181218900011,53194.292800053525
+1316,0.03196641237403458,67080.12814955846,0.031449149321182444,14064.831492778476,0.03156853145599987,64108.34554531532,0.03171381417481768,65402.545760812296,0.03196155889001119,74093.31349237946,0.03145464629999994,75622.9924308365,0.03155548140325938,80834.86667334779,0.031573618601453475,86159.18177527124,0.03183975667690283,88278.44550785597,0.03193847780023357,83842.86117515969,0.031450510177919486,93040.66041232606,0.03157118301199997,96987.77853848992,0.031829078969129884,27458.576774077934,0.031452005390610556,27035.497544278274,0.031702864104074836,35773.00798700941,0.03193570095540898,43613.11280611356,0.031958107087257596,49188.574405634856,0.031953929346831805,51468.952287551605,0.031830875097112465,56190.01970343782,0.031441626877500115,53360.41242920058
+1317,0.03206662056329488,67286.72260364762,0.03154898789045604,14123.84278936285,0.03166843187199996,64314.04559235146,0.03181385775265618,65601.13713993994,0.03206175186458799,74323.92641606177,0.031554502319999934,75853.43021144722,0.03165534052162418,81072.70799718023,0.03167353511601497,86423.18311099224,0.031939881697899526,88545.01904680749,0.032038598420296965,84103.11211527782,0.03155035306737319,93322.07384959511,0.03167109181900007,97286.83994164213,0.03192917041242898,27556.80528989801,0.03155185302677136,27128.4474491539,0.03180287313910344,35895.24995875628,0.03203581287062958,43753.87127749612,0.032058289241136094,49337.27800883972,0.03205409840434541,51631.04902442676,0.03193097218861297,56364.45301531046,0.03154144156599991,53526.57246935399
+1318,0.03216682875255508,67493.32948782235,0.031648826459729544,14183.014602425777,0.03176833228799986,64519.77204303923,0.03191390133049478,65799.7186064878,0.03216194483916489,74554.56862275985,0.03165435833999994,76083.84331780496,0.03175519963998888,81310.4724579519,0.031773451630576474,86687.12345908576,0.03204000671889603,88811.56456920491,0.03213871904036047,84363.34760293453,0.03165019595682688,93603.40585555314,0.03177100062599997,97585.85366651522,0.03202926185572818,27655.18195113013,0.03165170066293196,27221.53811891488,0.03190288217413214,36017.58213999204,0.03213592478585038,43894.72319065442,0.032158471395014696,49485.96569145938,0.032154267461858906,51793.11089659832,0.032031069280113365,56538.98285547672,0.031641256254499914,53692.77967192676
+1319,0.03226703694181538,67699.94623893466,0.03174866502900314,14242.338229482199,0.031868232703999966,64725.52323520893,0.03201394490833328,65998.29491507298,0.03226213781374169,74785.21944504173,0.031754214359999935,76314.22515489343,0.031855058758353684,81548.15230627124,0.03187336814513797,86950.99659370413,0.032140131739892525,89078.073209676,0.03223883966042387,84623.56342572352,0.031750038846280484,93884.66948736957,0.03187090943299997,97884.81756421477,0.03212935329902728,27753.739761631838,0.03175154829909256,27314.75771712588,0.03200289120916064,36140.00025881508,0.03223603670107108,44035.65995758494,0.03225865354889319,49634.669594958046,0.03225443651937261,51955.18076663095,0.03213116637161357,56713.558599161915,0.03174107094299991,53859.05192321544
+1320,0.03236724513107578,67906.57014605688,0.031848503598276845,14301.807977464417,0.031968133119999964,64931.29667557244,0.03211398848617178,66196.85702817135,0.032362330788318384,75015.86920713265,0.03185407038000004,76544.56161512817,0.031954917876718385,81785.73647762998,0.031973284659699674,87214.79266661979,0.03224025676088903,89344.5370494549,0.03233896028048737,84883.7544993246,0.03184988173573439,94165.88211158311,0.03197081823999987,98183.72946881609,0.03222944474232648,27852.452380214992,0.03185139593525326,27408.092809391826,0.032102900244189235,36262.500607295464,0.03233614861629178,44176.67634446311,0.032358835702771795,49783.45251682873,0.03235460557688611,52117.281562175136,0.032231263463114064,56888.15303827919,0.03184088563150001,54025.40724580779
+1321,0.03246745332033608,68113.19831283554,0.03194834216755044,14361.419552640811,0.03206803353599996,65137.08951060684,0.03221403206401048,66395.4142481771,0.03246252376289529,75246.50385551642,0.031953926399999937,76774.85868948254,0.03205477699508318,82023.19633788892,0.03207320117426117,87478.52325201414,0.03234038178188563,89610.94844444146,0.03243908090055077,85143.91757299873,0.03194972462518808,94447.04706748087,0.03207072704699997,98482.58718282258,0.03232953618562558,27951.295722509934,0.03195124357141386,27501.524745573235,0.032202909279217935,36385.07869277296,0.032436260531512474,44317.76776053408,0.03245901785665029,49932.29695511033,0.03245477463439971,52279.40974713047,0.03233136055461427,57062.801056459604,0.031940700320000015,54191.79246213939
+1322,0.03256766150959628,68319.82760754049,0.032048180736823945,14421.177169915449,0.03216793395199997,65342.898262512674,0.03231407564184908,66593.95946701706,0.032562716737472186,75477.1316203543,0.032053782419999934,77005.12965937614,0.03215463611344788,82260.55109060512,0.032173117688822674,87742.18477658629,0.03244050680288213,89877.2993488396,0.03253920152061417,85404.05926972133,0.032049567514641684,94728.18250315728,0.03217063585399997,98781.3884615727,0.03242962762892468,28050.298727430993,0.03205109120757456,27595.06459406035,0.03230291831424654,36507.72795278498,0.032536372446733276,44458.92970254503,0.032559200010528894,50081.18642648524,0.03255494369191321,52441.56160577803,0.032431457646114666,57237.49561116348,0.03204051500850001,54358.244792820355
+1323,0.03266786969885658,68526.45562100808,0.03214801930609764,14481.09796519148,0.032267834367999966,65548.71816011028,0.03241411921968758,66792.47525390785,0.032662909712048986,75707.76507074649,0.03215363843999994,77235.3715385348,0.03225449523181268,82497.80533268268,0.032273034203384274,88005.77012204017,0.032540631823878625,90143.579407292,0.03263932214067767,85664.18272424294,0.032149410404095385,95009.26316469214,0.03227054466099987,99080.13099534044,0.03252971907222388,28149.46076542076,0.032150938843735356,27688.72021751232,0.03240292734927524,36630.457224796424,0.03263648436195388,44600.15735086089,0.03265938216440739,50230.113077732036,0.03265511274942691,52603.7330735962,0.03253155473761517,57412.229989814696,0.032140329697000015,54524.78839375689
+1324,0.03276807788811698,68733.08409477976,0.03224785787537124,14541.16719179725,0.032367734783999964,65754.54038796066,0.032514162797526176,66990.98740722795,0.03276310268662589,75938.39373738492,0.032253494459999935,77465.58129248832,0.03235435435017738,82734.98564053621,0.032372950717945874,88269.26485931066,0.03264075684487533,90409.77723620483,0.03273944276074107,85924.29417394422,0.032249253293549086,95290.27890189648,0.03237045346800007,99378.81238768528,0.03262981051552298,28248.7777985631,0.03225078647989596,27782.483779395876,0.03250293638430384,36753.267730923,0.03273659627717468,44741.444884574514,0.0327595643182861,50379.07316542654,0.03275528180694051,52765.91950548173,0.032631651829115364,57586.99782827463,0.03224014438550001,54691.42203437168
+1325,0.03286828607737718,68939.70590531146,0.03234769644464474,14601.378674475933,0.03246763520000007,65960.34661056753,0.03261420637536468,67189.49582590454,0.03286329566120269,76169.00181506992,0.032353350480000036,77695.75577760354,0.03245421346854208,82972.10422549889,0.032472867232507474,88532.65338093242,0.032740881865871825,90675.89896218092,0.03283956338080437,86184.38603216816,0.032349096183002884,95571.22234253152,0.03247036227499997,99677.43012750107,0.03272990195882218,28348.245563612487,0.032350634116056556,27876.339720658154,0.032602945419332535,36876.17427515386,0.03283670819239538,44882.79185517705,0.0328597464721645,50528.04109167544,0.03285545086445401,52928.139591404324,0.03273174892061577,57761.79256175293,0.032339959074000016,54858.12884454332
+1326,0.03296849426663748,69146.31475768409,0.03244753501391834,14661.72840467445,0.03256753561599997,66166.17281920319,0.03271424995320318,67388.01966161204,0.03296348863577959,76399.59985317814,0.03245320650000003,77925.89164904163,0.03255407258690688,83209.15902519008,0.03257278374706897,88795.97331899135,0.032841006886868425,90941.93376507082,0.03293968400086787,86444.47355508007,0.032448939072456585,95852.08648715897,0.03257027108199997,99975.98155076212,0.03282999340212128,28447.86060344168,0.03245048175221726,27970.307691882666,0.03270295445436104,36999.168957292415,0.032936820107616074,45024.235588910065,0.032959928626043196,50676.9900511664,0.03295561992196751,53090.40096649202,0.03283184601211606,57936.60631627661,0.03243977376250001,55024.915667622015
+1327,0.03306870245589788,69352.9035859223,0.03254737358319204,14722.213234902605,0.03266743603200006,66372.02279131436,0.03281429353104178,67586.56072141387,0.03306368161035639,76630.19829311437,0.03255306251999993,78155.9851350906,0.03265393170527158,83446.1479614475,0.03267270026163057,89059.20947476187,0.03294113190786493,91207.86205240044,0.03303980462093127,86704.55388443885,0.032548781961910286,96132.86242281436,0.03267017988900007,100274.46378423867,0.03293008484542058,28547.62878104095,0.03255032938837786,28064.39118248177,0.03280296348938964,37122.2484360198,0.03303693202283678,45165.75413431444,0.033060110779921596,50825.98315443029,0.03305578897948121,53252.67475514031,0.03293194310361647,58111.42335818007,0.03253958845100001,55191.7830124162
+1328,0.03316891064515818,69559.46293920655,0.03264721215246564,14782.830488760115,0.032767336447999965,66577.89496908136,0.03291433710888028,67785.11661661777,0.033163874584933285,76860.79438459945,0.03265291853999994,78386.07690020665,0.03275379082363638,83683.06892341057,0.03277261677619217,89322.38468109253,0.03304125692886142,91473.65306794064,0.033139925240994766,86964.6243629879,0.03264862485136399,96413.55179373891,0.03277008869599997,100572.87365530503,0.033030176288719584,28647.54587422538,0.03265017702453866,28158.587381253816,0.03290297252441834,37245.409511109174,0.03313704393805758,45307.32101321771,0.033160292933800094,50975.02450867389,0.03315595803699481,53414.92261610972,0.033032040195116866,58286.25317417566,0.03263940313950011,55358.727178607034
+1329,0.03326911883441838,69765.9741585581,0.03274705072173914,14843.577782249306,0.03286723686400007,66783.79310730324,0.03301438068671878,67983.68493192893,0.03326406755950999,77091.3854308189,0.032752774559999934,78616.18425821402,0.03285364994200108,83919.91975051562,0.032872533290753674,89585.50311505035,0.033141381949857926,91739.36424285432,0.03324004586105817,87224.68244534131,0.03274846774081768,96694.14981855315,0.03286999750299997,100871.20752918083,0.03313026773201888,28747.606521196594,0.03275002466069936,28252.893357950325,0.03300298155944694,37368.69134513328,0.033237155853278175,45448.96848361001,0.033260475087678695,51124.11011701651,0.03325612709450831,53577.16581069874,0.033132137286617167,58461.10224064335,0.032739217828000114,55525.75109484445
+1330,0.03336932702367868,69972.42551169604,0.03284688929101274,14904.45291845356,0.03296713727999997,66989.71390301891,0.03311442426455738,68182.26310603501,0.03336426053408679,77321.96874113231,0.032852630579999834,78846.2777939215,0.032953509060365885,84156.6982139239,0.03297244980531517,89848.59903272039,0.03324150697085463,92004.98146918797,0.03334016648112157,87484.72563576787,0.032848310630271285,96974.64621299769,0.03296990631000007,101169.4609564354,0.03323035917531788,28847.80605346391,0.032849872296859955,28347.30585939469,0.03310299059447564,37492.084126013724,0.03333726776849898,45590.69519857664,0.03336065724155719,51273.23591750665,0.033356296152021805,53739.4326629852,0.033232234378117564,58635.96565972035,0.03283903251649991,55692.85248882291
+1331,0.03346953521293908,70178.8189059493,0.03294672786028644,14965.45380927307,0.03306703769599986,67195.65418098624,0.03321446784239588,68380.8482973464,0.033464453508663686,77552.54242343125,0.03295248660000004,79076.34512261028,0.03305336817873058,84393.40199483579,0.033072366319876874,90111.66842978183,0.033341631991851126,92270.50131905133,0.033440287101185066,87744.75144260902,0.03294815351972519,97255.04065134557,0.03306981511699997,101467.6275817741,0.03333045061861718,28948.13569732193,0.032949719933020656,28441.82087794825,0.03320299962950424,37615.57407683043,0.03343737968371958,45732.495475884636,0.03346083939543589,51422.42265955699,0.03345646520953551,53901.7307379689,0.033332331469617865,58810.83814439323,0.03293884720499991,55860.02513941552
+1332,0.03356974340219928,70385.12618517074,0.03304656642955994,15026.578398639742,0.033166938111999965,67401.6114553803,0.03331451142023448,68579.4371709756,0.033564646483240486,77783.10351123335,0.03305234261999994,79306.37636060419,0.03315322729709538,84630.02865749292,0.03317228283443837,90374.69456220097,0.033441757012847725,92535.95193024431,0.03354040772124847,88004.7573389279,0.03304799640917888,97535.32555197531,0.03316972392399997,101765.69251924795,0.03343054206191628,29048.589109033543,0.03304956756918126,28536.432285594525,0.033303008664532736,37739.153646005194,0.03353749159894038,45874.36249776025,0.03356102154931429,51571.659815809384,0.03355663426704911,54064.05012644607,0.03343242856111826,58985.713743063665,0.03303866189349991,56027.26492711806
+1333,0.03366995159145958,70591.41819186189,0.03314640499883354,15087.824556600124,0.033266838527999866,67607.58330190498,0.03341455499807298,68778.02545738746,0.03366483945781739,78013.6488792119,0.033152198639999936,79536.36098955547,0.033253086415460084,84866.57561332792,0.03327219934899987,90637.66933941882,0.03354188203384423,92801.33068268029,0.03364052834131197,88264.74072233232,0.033147839298632485,97815.47583443491,0.03326963273099987,102063.66724281575,0.03353063350521548,29149.187642769637,0.033149415205341856,28631.135218500884,0.03340301769956144,37862.816793193524,0.03363760351416108,46016.284070665104,0.03366120370319299,51720.93410941319,0.03365680332456261,54226.376812898096,0.03353252565261867,59160.58534433173,0.03313847658200001,56194.56808769014
+1334,0.03377015978071988,70797.72681430649,0.03324624356810714,15149.189863387182,0.03336673894399997,67813.56717378448,0.03351459857591148,68976.60668824644,0.03376503243239429,78244.17540755119,0.03325205465999993,79766.28046981114,0.03335294553382488,85103.04007007527,0.03337211586356137,90900.58572452197,0.033642007054840724,93066.66309219114,0.03374064896137527,88524.69886675182,0.033247682188086186,98095.52491196875,0.03336954153799997,102361.55621536494,0.03363072494851458,29249.92968287324,0.03324926284150266,28725.9838152327,0.03350302673459004,37986.55487551492,0.03373771542938188,46158.24710898282,0.03376138585707139,51870.23356699699,0.03375697238207621,54388.726415833655,0.03363262274411897,59335.44315940151,0.033238291270500014,56361.930928798545
+1335,0.03387036796998028,71004.04984441987,0.03334608213738064,15210.67261892097,0.03346663935999997,68019.56022320918,0.033614642153750075,69175.17022456785,0.03386522540697109,78474.67982333862,0.03335191067999983,79996.1247830073,0.03345280465218958,85339.41895400055,0.03347203237812307,91163.43575249363,0.033742132075837324,93331.94256505829,0.03384076958143867,88784.62885437424,0.03334752507753989,98375.49118070005,0.03346945034499997,102659.34814704319,0.03373081639181368,29350.813698008573,0.03334911047766336,28820.97807345236,0.03360303576961874,38110.367851300776,0.03383782734460248,46300.28525088066,0.0338615680109501,52019.536058580474,0.033857141439589906,54551.11287733208,0.03373271983561937,59510.26826025537,0.03333810595900001,56529.3496816968
+1336,0.03397057615924048,71210.38490796334,0.03344592070665434,15272.27322433886,0.033566539775999965,68225.5589529418,0.033714685731588576,69373.73899656284,0.033965418381547985,78705.1647566994,0.03345176670000004,80225.92791498781,0.03355266377055438,85575.70877939307,0.03357194889268457,91426.24454399518,0.033842257096833826,93597.16337244149,0.03394089020150217,89044.527461165,0.03344736796699378,98655.37171903258,0.03356935915199987,102957.03034220632,0.03383090783511288,29451.838236619857,0.03344895811382396,28916.106396448897,0.033703044804647336,38234.25922755222,0.033937939259823274,46442.395553424205,0.033961750164828594,52168.823862082805,0.03395731049710341,54713.53285914762,0.03383281692711967,59685.07831510558,0.033437920647500015,56696.824769266575
+1337,0.03407078434850078,71416.72939258133,0.03354575927592794,15333.997924905158,0.03366644019199996,68431.56596374894,0.033814729309427076,69572.33460961882,0.034065611356124785,78935.6425994559,0.03355162271999994,80455.68315561305,0.03365252288891908,85811.90539929444,0.03367186540724607,91689.01071806528,0.03394238211783052,93862.32006542817,0.03404101082156557,89304.3909121768,0.033547210856447386,98935.16498468719,0.03366926795900007,103254.63784863817,0.033930999278411984,29553.001909401428,0.03354880574998466,29011.36332434026,0.03380305383967604,38358.224453782896,0.034038051175043875,46584.574004776085,0.034061932318707196,52318.14951449439,0.03405747955461691,54875.98271353485,0.033932914018620065,59859.8743568744,0.03353773533600001,56864.356435244576
+1338,0.03417099253776098,71623.08031286493,0.03364559784520154,15395.846965389928,0.03376634060799996,68637.57545630244,0.03391477288726568,69770.9518855278,0.03416580433070149,79166.09915202923,0.033651478739999935,80685.38181199372,0.03375238200728378,86048.02910716008,0.03377178192180777,91951.74015047305,0.034042507138827026,94127.40711225543,0.03414113144162907,89564.21399118443,0.03364705374590109,99214.87738142748,0.03376917676599997,103552.16870271476,0.034031090721711184,29654.303375188374,0.033648653386145255,29106.745018532296,0.033903062874704536,38482.25440252209,0.03413816309026468,46726.815612266444,0.03416211447258569,52467.55337050221,0.03415764861213051,55038.458292570285,0.03403301111012046,60034.67075353908,0.033637550024500015,57031.93560189673
+1339,0.03427120072702138,71829.4339887688,0.03374543641447504,15457.818524516966,0.03386624102399997,68843.6096332036,0.03401481646510418,69969.58735814958,0.034265997305278385,79396.5258896388,0.03375133475999994,80915.00892318711,0.03385224112564858,86284.07948759134,0.03387169843636927,92214.4223358986,0.03414263215982353,94392.41864165464,0.03424125206169247,89823.98916488458,0.03374689663535478,99494.49846452559,0.03386908557299997,103849.62005358457,0.03413118216501028,29755.741328595384,0.03374850102230586,29202.24838988785,0.03400307190973314,38606.35082201284,0.03423827500548548,46869.11252528537,0.034262296626464295,52617.04882883795,0.03425781766964421,55200.95457460005,0.03413310820162067,60209.4674435164,0.03373736471300001,57199.554602005985
+1340,0.03437140891628168,72035.7846297279,0.033845274983748744,15519.911024362422,0.03396614144000006,69049.68187876092,0.03411486004294278,70168.24194393975,0.034366190279855185,79626.91307141865,0.033851190779999936,81144.56304946874,0.03395210024401328,86520.02113437538,0.03397161495093087,92477.0481104509,0.034242757180820024,94657.34816043623,0.03434137268175587,90083.72071063051,0.03384673952480848,99774.0175041994,0.03396899438000007,104146.98879218801,0.03423127360830948,29857.314488293134,0.033848348658466657,29297.870754311465,0.03410308094476184,38730.52106765616,0.034338386920706176,47011.450438063854,0.03436247878034279,52766.611013900365,0.03435798672715771,55363.46469499378,0.03423320529312117,60384.250237181484,0.033837179401500016,57367.20211985295
+1341,0.03447161710554198,72242.12500347667,0.03394511355302234,15582.122757656416,0.034066041855999964,69255.77888274597,0.03421490362078128,70366.92053845886,0.03446638325443209,79857.24675054435,0.03395104680000004,81374.01188707941,0.03405195936237808,86755.87842342473,0.03407153146549237,92739.60682816048,0.034342882201816624,94922.1881275975,0.03444149330181937,90343.40001874312,0.03394658241426229,100053.4475110313,0.03406890318699997,104444.2714635755,0.03433136505160858,29959.02158465689,0.03394819629462736,29393.609648263504,0.034203089979790435,38854.76154114645,0.03443849883592698,47153.83785456483,0.034462660934221394,52916.234462785236,0.03445815578467131,55525.97483299738,0.034333302384621366,60559.040372682706,0.03393699409000011,57534.854639367564
+1342,0.034571825294802176,72448.49596823749,0.03404495212229584,15644.452527630241,0.034165942272000066,69461.89489576938,0.03431494719861978,70565.61555691643,0.03456657622900889,80087.54347280045,0.03405090281999994,81603.40025104459,0.03415181848074278,86991.6551013161,0.03417144798005397,93002.07920030587,0.03444300722281313,95186.92912742669,0.03454161392188277,90603.01498231792,0.03404642530371598,100332.78674292257,0.03416881199399997,104741.46412433127,0.03443145649490778,30060.861345265435,0.03404804393078796,29489.462695887138,0.034303099014819136,38979.0676621951,0.03453861075114758,47296.293609168446,0.03456284308809989,53065.91269152683,0.03455832484218481,55688.47164221838,0.034433399476121763,60733.83905626358,0.03403680877850011,57702.54484193137
+1343,0.03467203348406258,72654.90768515524,0.03414479069156944,15706.900457431688,0.03426584268799997,69668.02542335035,0.034414990776458376,70764.32293972712,0.03466676920358579,80317.79927543973,0.034150758839999934,81832.74998777658,0.034251677599107584,87227.34110189205,0.03427136449461557,93264.44369466533,0.03454313224380963,95451.58918954525,0.034641734541946266,90862.59351144497,0.03414626819316968,100612.03217504262,0.03426872080099987,105038.56208603983,0.03453154793820688,30162.832475266616,0.03414789156694866,29585.427464368073,0.03440310804984774,39103.451269208075,0.03463872266636838,47438.813935187616,0.03466302524197849,53215.645174607416,0.03465849389969851,55850.9935248912,0.034533496567622265,60908.6499448677,0.034136623466999916,57870.27599890269
+1344,0.03477224167332288,72861.3334629058,0.034244629260843144,15769.465536276246,0.03436574310400006,69874.16605791944,0.03451503435429688,70963.03933685012,0.034766962178162684,80548.00726647208,0.03425061485999994,82062.05723542669,0.034351536717472285,87462.9373588381,0.03437128100917707,93526.74195435325,0.034643257264806326,95716.16982244197,0.03474185516200957,91122.13371463114,0.03424611108262338,100891.18074239022,0.03436862960799997,105335.55937647757,0.03463163938150608,30264.93362643241,0.03424773920310926,29681.501190577717,0.03450311708487644,39227.93891754915,0.034738834581588975,47581.43177036845,0.034763207395857,53365.42735792001,0.03475866295721201,56013.53746241709,0.03463359365912247,61083.468953609816,0.03423643815549991,58038.053221409726
+1345,0.03487244986258308,73067.78144493372,0.03434446783011674,15832.14680526209,0.034465643519999964,70080.31534479183,0.03461507793213538,71161.76158327048,0.034867155152739485,80778.15888129223,0.034350470879999935,82291.31785481966,0.03445139583583688,87698.44529328277,0.03447119752373867,93788.98456590642,0.03474338228580283,95980.64001443629,0.034841975782072966,91381.6324425845,0.03434595397207699,101170.22925468572,0.03446853841499997,105632.4472334068,0.03473173082480518,30367.163337098904,0.034347586839270056,29777.679598093102,0.03460312611990494,39352.518791288996,0.034838946496809776,47724.1634931423,0.03486338954973559,53515.25474799691,0.03485883201472561,56176.09894764215,0.03473369075062287,61258.28806390859,0.03433625284400001,58205.87237281215
+1346,0.03497265805184338,73274.24547850795,0.034444306399390244,15894.943349306186,0.034565543935999865,70286.47018771808,0.03471512150997398,71360.48651078195,0.03496734812731619,81008.24105492537,0.034450326900000036,82520.52733144238,0.034551254954201784,87933.85537904299,0.03457111403830027,94051.17863638944,0.03484350730679943,96245.02592828439,0.03494209640213647,91641.08620936348,0.03444579686153088,101449.20507798632,0.03456844722199987,105929.20369686645,0.03483182226810428,30469.51994880284,0.03444743447543066,29873.957511786874,0.03470313515493354,39477.200482756656,0.03493905841203038,47866.99574689141,0.034963571703614096,53665.1227787586,0.03495900107223911,56338.67262029619,0.03483378784212317,61433.0971585975,0.03443606753250001,58373.72840089225
+1347,0.03507286624110378,73480.719471079,0.03454414496866384,15957.85429121004,0.03466544435199997,70492.62716280093,0.03481516508781248,71559.21083164608,0.035067541101893085,81238.2398430334,0.034550182919999936,82749.68062299708,0.03465111407256638,88169.16973390356,0.03467103055286177,94313.32050621536,0.034943632327795925,96509.33076118497,0.03504221702219987,91900.49105883171,0.03454563975098458,101728.14715818627,0.03466835602900007,106225.8328345004,0.03493191371140348,30572.00045239232,0.03454728211159136,29970.345072845714,0.03480314418996224,39601.97800474321,0.03503917032725118,48009.91982966748,0.03506375385749269,53815.026625629565,0.035059170129752806,56501.251781048275,0.034933884933623566,61607.881065047535,0.034535882221000014,58541.61766234326
+1348,0.035173074430364076,73687.19659366977,0.034643983537937545,16020.878787064556,0.03476534476799986,70698.78256687774,0.03491520866565108,71757.9310335793,0.035167734076469885,81468.13315499213,0.03465003893999993,82978.77187849146,0.03475097319093108,88404.389655948,0.03477094706742327,94575.40632868263,0.03504375734879243,96773.53771548481,0.03514233764226337,92159.84232833298,0.034645482640438284,102007.0217654216,0.03476826483599997,106522.34477752795,0.03503200515470258,30674.603959320124,0.034647129747751956,30066.841141717,0.03490315322499084,39726.84653178786,0.03513928224247188,48152.92221790868,0.035163936011371195,53964.96095978197,0.03515933918726641,56663.82736033985,0.035033982025123866,61782.60288589594,0.03463569690950001,58709.53421044058
+1349,0.03527328261962428,73893.6668146344,0.03474382210721104,16084.016022632033,0.034865245183999964,70904.93201270432,0.03501525224348958,71956.64325621493,0.03526792705104679,81697.94285770043,0.03474989495999994,83207.79367085184,0.03485083230929588,88639.50944682803,0.03487086358198497,94837.43197368724,0.03514388236978893,97037.67413160756,0.03524245826232677,92419.13415475022,0.03474532552989188,102285.81104006263,0.03486817364299997,106818.76355466906,0.03513209659800178,30777.33382921035,0.03474697738391266,30163.451957571742,0.03500316226001954,39851.799593000156,0.03523939415769268,48295.98823812483,0.03526411816524969,54114.919512474786,0.03525950824477991,56826.38501667877,0.035134079116624264,61957.27579758648,0.034735511598000014,58877.46751939666
+1350,0.03537349080888458,74100.10815037762,0.034843660676484645,16147.265210379679,0.034965145599999865,71111.06771356253,0.03511529582132808,72155.34311657185,0.03536812002562359,81927.7048930974,0.034849750979999934,83436.73472288271,0.03495069142766058,88874.52182722697,0.03497078009654647,95099.39289139837,0.03524400739078553,97301.74551401635,0.03534257888239017,92678.35805136051,0.03484516841934558,102564.49466314305,0.03496808245000007,107115.09374454353,0.035232188041300884,30880.188720499402,0.03484682502007326,30260.184189872347,0.03510317129504804,39976.82765837214,0.03533950607291328,48439.08656563984,0.035364300319128295,54264.89399197679,0.03535967730229341,56988.88792541429,0.03523417620812466,62131.90147635792,0.03483532628650001,59045.40718068036
+1351,0.03547369899814498,74306.5510292305,0.03494349924575834,16210.625587007427,0.03506504601599997,71317.18802625082,0.03521533939916668,72354.02542421846,0.03546831300020049,82157.3920560657,0.034949606999999834,83665.59464926163,0.035050550546025384,89109.41596493949,0.03507069661110797,95361.28389476,0.03534413241178223,97565.74139349879,0.03544269950245367,92937.49300711036,0.034945011308799484,102843.08676913129,0.03506799125699997,107411.3342249215,0.03533227948460018,30983.167154115705,0.03494667265623406,30357.029301072846,0.03520318033007684,40101.90754576062,0.035439617988134074,48582.26223044583,0.03546448247300679,54414.868375688355,0.03545984635980711,57151.32906399227,0.03533427329962496,62306.54793723491,0.034935140975000015,59213.368039793706
+1352,0.03557390718740518,74513.00023781497,0.035043337815031744,16274.09641137572,0.035164946431999966,71523.29964533569,0.03531538297700518,72552.68364125307,0.03556850597477729,82386.9540746979,0.03504946302000004,83894.3629025336,0.03515040966439008,89344.16535894727,0.03517061312566967,95623.09876042405,0.03544425743277873,97829.64405265391,0.03554282012251697,93196.55017116772,0.03504485419825308,103121.58895807917,0.03516790006399997,107707.48103756989,0.03543237092789918,31086.26741411917,0.03504652029239476,30453.983744839563,0.03530318936510534,40227.07355559172,0.035539729903354675,48725.525219265975,0.035564664626885394,54564.82856035835,0.035560015417320706,57313.7908673876,0.03543437039112537,62481.209664724076,0.03503495566350001,59381.34370656617
+1353,0.035674115376665476,74719.45101513364,0.03514317638430544,16337.67946122446,0.035264846847999964,71729.39883558599,0.03541542655484368,72751.30860535619,0.035668698949354184,82616.42667440239,0.03514931903999994,84123.01364136118,0.03525026878275488,89578.77072840532,0.03527052964023117,95884.82933435844,0.035544382453775225,98093.41882978578,0.03564294074258037,93455.54342370082,0.03514469708770678,103399.99586496364,0.03526780887100007,108003.52950549472,0.03553246237119848,31189.487338440464,0.035146367928555355,30551.044865589363,0.03540319840013394,40352.33546401277,0.03563984181857548,48868.871821831286,0.03566484678076389,54714.81368978971,0.03566018447483421,57476.251968189106,0.03553446748262567,62655.87808847301,0.035134770352000015,59549.34286268791
+1354,0.03577432356592568,74925.89737707388,0.03524301495357904,16401.40234953475,0.03536474726399996,71935.48144348594,0.03551547013268238,72949.88335159414,0.03576889192393109,82845.83305781939,0.035249175059999936,84351.5261769654,0.035350127901119584,89813.2655445019,0.03537044615479267,96146.46260678145,0.03564450747477173,98357.12799951895,0.035743061362643866,93714.46965974355,0.03524453997716048,103678.33478160536,0.03536771767799997,108299.4737394722,0.03563255381449758,31292.824094697957,0.03524621556471596,30648.21030165905,0.03550320743516264,40477.69139388627,0.035739953733796175,49012.31615710262,0.03576502893464249,54864.81794790151,0.03576035353234771,57638.73002249251,0.03563456457412607,62830.55994420623,0.035234585040500116,59717.33094067714
+1355,0.03587453175518618,75132.33018908661,0.03534285352285274,16465.25690505398,0.035464647680000065,72141.54397598864,0.03561551371052098,73148.38168580063,0.03586908489850769,83075.23170288988,0.03534903107999993,84579.94457282186,0.03544998701948438,90047.6414502189,0.035470362669354175,96407.96352385584,0.03574463249576833,98620.77426816503,0.03584318198270727,93973.30509059517,0.035344382866614184,103956.63943188594,0.03546762648499997,108595.3051966996,0.035732645257796784,31396.27051889975,0.03534606320087666,30745.504126552012,0.03560321647019124,40603.139535560775,0.035840065649016976,49155.87410962171,0.035865211088521,55014.83390547701,0.03586052258986141,57801.24638524849,0.035734661665626465,63005.25258065758,0.03533439972900011,59885.36058499276
+1356,0.03597473994444638,75338.7274291115,0.03544269209212624,16529.234796460452,0.035564548095999966,72347.58024017412,0.03571555728835948,73346.86065269362,0.035969277873084585,83304.61800803337,0.03544888709999983,84808.24310626739,0.03554984613784908,90281.93425266171,0.03557027918391587,96669.3718101091,0.03584475751676482,98884.34774098455,0.03594330260277077,94232.04114112063,0.03544422575606798,104234.88671291678,0.03556753529199987,108891.00517807869,0.03583273670109588,31499.823300924323,0.035445910837037256,30842.93384979312,0.03570322550521994,40728.67812121973,0.03594017756423758,49299.54628390114,0.03596539324239959,55164.85094031967,0.03596069164737501,57963.797191467514,0.035834758757126765,63179.94311894936,0.035434214417499915,60053.420756505766
+1357,0.03607494813370668,75545.11341559122,0.03554253066139984,16593.332467779244,0.03566444851200006,72553.58275084003,0.03581560086619798,73545.37928394825,0.03606947084766149,83533.9780467199,0.03554874312000004,85036.47462503311,0.03564970525621388,90516.1406993769,0.035670195698477375,96930.70565283959,0.035944882537761326,99147.84658852417,0.036043423222834166,94490.71296295039,0.03554406864552168,104513.0501777252,0.03566744409899997,109186.57658399639,0.03593282814439498,31603.503338074413,0.03554575847319806,30940.481842624336,0.03580323454024844,40854.305403222104,0.03604028947945838,49443.30931900208,0.036065575396278096,55314.84754981201,0.03606086070488851,58126.37726358305,0.03593485584862716,63354.62426345138,0.03553402910599991,60221.492736798835
+1358,0.03617515632296708,75751.4939852724,0.03564236923067344,16657.54757415432,0.03576434892799996,72759.5381399237,0.03591564444403658,73743.92988131345,0.03616966382223829,83763.31261969644,0.03564859913999994,85264.62755104028,0.03574956437457858,90750.2571649061,0.035770112213038975,97191.95611945548,0.03604500755875803,99411.271399194,0.03614354384289757,94749.3549584051,0.035643911534975384,104791.1013636802,0.03576735290599997,109482.0373613443,0.03603291958769418,31707.309802710508,0.03564560610935876,31038.141024310065,0.03590324357527724,40980.01963448959,0.03614040139467898,49587.14667455853,0.036165757550156795,55464.8344315584,0.03616102976240211,58288.97782200414,0.03603495294012737,63529.31412629769,0.03563384379450001,60389.53956955532
+1359,0.03627536451222728,75957.85962960665,0.03574220779994694,16721.878326966795,0.035864249344000065,72965.42854601296,0.036015688021875075,73942.50281178595,0.036269856796815186,83992.64115321587,0.035748455159999935,85492.70579455639,0.03584942349294328,90984.27949626201,0.03587002872760047,97453.10578090443,0.036145132579754526,99674.61401563916,0.03624366446296107,95007.97093675329,0.035743754424429085,105069.03086180992,0.03586726171299997,109777.3681854923,0.036133011030993284,31811.241890638645,0.03574545374551936,31135.905850840612,0.036003252610305736,41105.81904919914,0.036240513309899774,49731.032020943596,0.036265939704035195,55614.81313597198,0.03626119881991581,58451.579193291844,0.03613505003162787,63704.027132842464,0.03573365848300001,60557.62321278306
+1360,0.03637557270148758,76164.18512541575,0.03584204636922064,16786.323253208415,0.03596414975999997,73171.29324143301,0.03611573159971368,74141.09458768972,0.036370049771391987,84221.97155796815,0.03584831117999994,85720.72823594838,0.03594928261130808,91218.20274847173,0.03596994524216207,97714.12583762771,0.036245257600751125,99937.86279144308,0.03634378508302437,95266.55841389149,0.03584359731388268,105346.87712731426,0.03596717052000007,110072.57034932406,0.03623310247429248,31915.29880128152,0.03584530138167996,31233.770859861506,0.03610326164533434,41231.701842338625,0.03634062522512048,49874.99086133259,0.036366121857913894,55764.76556227174,0.03636136787742931,58614.230345832395,0.03623514712312827,63878.75914946164,0.03583347317150001,60725.74407297123
+1361,0.03647578089074788,76370.46714670364,0.03594188493849424,16850.88108171786,0.03606405017599987,73377.1280052878,0.03621577517755218,74339.69817607831,0.03647024274596889,84451.2924654005,0.03594816719999984,85948.69246236516,0.03604914172967278,91452.02067610386,0.03606986175672367,97975.08134256472,0.03634538262174763,100200.9905324184,0.03644390570308797,95525.11491512715,0.03594344020333638,105624.642615609,0.03606707932699997,110367.62515603912,0.03633319391759158,32019.47972443013,0.035945149017840655,31331.729640677007,0.03620327068036304,41357.66614630668,0.03644073714034128,50019.00581488657,0.036466304011792294,55914.693047669265,0.036461536934942806,58776.95184473594,0.036335244214628463,64053.505563042585,0.03593328786000001,60893.886693201086
+1362,0.03657598908000828,76576.76621405665,0.03604172350776784,16915.620469027082,0.03616395059199996,73582.92599794459,0.03631581875539068,74538.30482328174,0.03657043572054569,84680.62502120575,0.03604802322000004,86176.58134539555,0.03614900084803758,91685.72456536487,0.036169778271285175,98235.97255406647,0.036445507642744124,100464.01299742074,0.03654402632315127,95783.63792116047,0.036043283092790285,105902.32220922547,0.03616698813399997,110662.58663305975,0.03643328536089078,32123.783826999665,0.03604499665400126,31429.77287120653,0.036303279715391636,41483.710002028696,0.036540849055561875,50163.110606370385,0.03656648616567099,56064.60833078463,0.03656170599245641,58939.7455560739,0.036435341306128965,64228.26105867218,0.036033102548500014,61062.01026582213
+1363,0.036676197269268476,76783.08000669694,0.03614156207704134,16980.56677970692,0.036263851007999864,73788.67785042117,0.03641586233322928,74736.89488747175,0.03667062869512259,84909.96916706835,0.03614787923999994,86404.3585653802,0.03624885996640228,91919.29947434089,0.03626969478584687,98496.79440132905,0.036545632663740626,100726.93443143467,0.03664414694321467,96042.12502747752,0.03614312598224388,106179.91092419632,0.03626689694100007,110957.46675613832,0.03653337680418988,32228.21023571558,0.036144844290162056,31527.876997874286,0.036403288750420336,41609.83132045492,0.03664096097078268,50307.30837924419,0.03666666831954949,56214.54060112965,0.03666187504997011,59102.58833074292,0.03653543839762917,64403.01924454101,0.03613291723700001,61230.12255000359
+1364,0.03677640545852878,76989.40599304151,0.03624140064631504,17045.679279475848,0.03636375142399997,73994.3632700986,0.03651590591106778,74935.47000539025,0.036770821669699284,85139.32240831676,0.036247735259999934,86632.08399504879,0.036348719084767084,92152.6977869849,0.036369611300408375,98757.54052994354,0.03664575768473732,100989.7242008308,0.03674426756327817,96300.57362818043,0.03624296887169758,106457.40372199146,0.03636680574799997,111252.26252422505,0.03663346824748908,32332.758010507463,0.03624469192632276,31626.03137771528,0.03650329778544884,41736.02782683314,0.03674107288600328,50451.63739701099,0.03676685047342809,56364.49112329728,0.036762044107483606,59265.44976552373,0.03663553548912957,64577.77191691292,0.036232731925500014,61398.30474667589
+1365,0.03687661364778898,77195.74131057758,0.03634123921558864,17110.945150226198,0.036463651839999965,74199.98744436736,0.03661594948890628,75134.05925210605,0.036871014644276084,85368.68187625888,0.03634759127999994,86859.75967132201,0.036448578203131785,92385.97119554285,0.03646952781496987,99018.2019603828,0.036745882705733826,101252.42940741805,0.03684438818334157,96558.9809932297,0.036342811761151284,106734.7952424672,0.03646671455499997,111546.97046058283,0.03673355969078818,32437.426097606374,0.03634453956248336,31724.30462683264,0.036603306820477535,41862.29697154363,0.03684118480122408,50596.093706344436,0.036867032627306597,56514.459528131825,0.03686221316499721,59428.35916062682,0.036735632580629965,64752.507234318655,0.03633254661400001,61566.56929534995
+1366,0.03697682183704938,77402.08248384787,0.03644107778486214,17176.357047415768,0.03656355225599996,74405.55695913103,0.036715993066744876,75332.66527432387,0.03697120761885299,85598.04407869202,0.036447447299999935,87087.3765985095,0.03654843732149658,92619.16685860067,0.036569444329531374,99278.75835809053,0.036846007726730426,101515.04813064779,0.036944508803405066,96817.34424598237,0.036442654650604984,107012.0791395839,0.03656662336199987,111841.58623875244,0.03683365113408738,32542.21323289709,0.03644438719864396,31822.69629967897,0.03670331585550614,41988.635766139516,0.03694129671644478,50740.67870408616,0.036967214781185,56664.45554087298,0.036962382222510706,59591.31778110934,0.036835729672130266,64927.20406025142,0.03643236130250011,61734.91432983749
+1367,0.03707703002630968,77608.42432496005,0.03654091635413574,17241.909895475263,0.03666345267199996,74611.05079100581,0.036816036644583376,75531.2850130659,0.037071400593429886,85827.40430336124,0.03654730332000004,87315.0090388612,0.03664829643986128,92852.28239737535,0.03666936084409307,99539.212115281,0.03694613274772693,101777.55379463769,0.03704462942346847,97075.66032520881,0.03654249754005878,107289.24348501021,0.03666653216899997,112136.10343156317,0.036933742577386484,32647.12092852259,0.03654423483480466,31921.20527809352,0.03680332489053474,42115.04040719116,0.03704140863166558,50885.39347459105,0.037067396935063696,56814.51047086072,0.037062551280024406,59754.3113180478,0.036935826763630664,65101.84405971775,0.036532175991000115,61903.33766101657
+1368,0.03717723821556998,77814.75785703429,0.036640754923409444,17307.599837420817,0.03676335308799997,74816.44122042284,0.036916080222421876,75729.91529529507,0.037171593568006686,86056.75420629085,0.036647159339999937,87542.66335515083,0.03674815555822608,93085.31526713018,0.036769277358654574,99799.56704696582,0.037046257768723424,102039.95440324007,0.03714475004353187,97333.92593625859,0.036642340429512484,107566.29173775148,0.03676644097599997,112430.50639927227,0.03703383402068578,32752.16424806228,0.03664408247096526,32019.83050241935,0.03690333392556344,42241.504888927346,0.03714152054688618,51030.23174398688,0.03716757908894219,56964.61137954066,0.03716272033753791,59917.31179423642,0.037035923855130964,65276.49580173462,0.03663199067950011,62071.83578345376
+1369,0.03727744640483018,78021.09460886678,0.036740593492682945,17373.423766110252,0.036863253503999965,75021.74840762572,0.03701612380026048,75928.5527690079,0.03727178654258359,86286.0787160664,0.036747015359999934,87770.29888588672,0.03684801467659078,93318.26271178022,0.03686919387321607,100059.7921311117,0.037146382789720024,102302.28786365103,0.037244870663595366,97592.1374841934,0.036742183318966185,107843.22963685471,0.03686634978299987,112724.8117510941,0.03713392546398478,32857.33062817498,0.03674393010712606,32118.572064053344,0.03700334296059194,42368.01715565188,0.037241632462106974,51175.18839289673,0.037267761242820795,57114.786313549914,0.037262889395051506,60080.35841011365,0.03713602094663136,65451.115038358854,0.036731805367999915,62240.407322878586
+1370,0.03737765459409058,78227.43298475478,0.03684043206195654,17439.37907741637,0.03696315392000007,75227.00652023665,0.03711616737809898,76127.19382233128,0.03737197951716039,86515.39605423294,0.03684687137999994,87997.8865244733,0.03694787379495558,93551.13255221886,0.03696911038777757,100319.94428847416,0.03724650781071653,102564.55435456122,0.03734499128365867,97850.29097585424,0.036842026208419885,108120.05268408063,0.03696625859000007,113019.02597741185,0.03723401690728388,32962.628532999,0.03684377774328676,32217.460650557634,0.03710335199562074,42494.62495781362,0.037341744377327575,51320.260134859804,0.03736794339669929,57265.054739578656,0.03736305845256501,60243.47623062943,0.03723611803813166,65625.77089861155,0.03683162005649991,62409.04748404689
+1371,0.03747786278335088,78433.76852960841,0.03694027063123014,17505.463525582723,0.03706305433599996,75432.20768998042,0.03721621095593758,76325.83447180322,0.03747217249173729,86744.71773363632,0.036946727399999935,88225.41753982137,0.03704773291332028,93783.92673226148,0.03706902690233927,100580.00619287184,0.037346632831713224,102826.74813143433,0.037445111903722066,98108.38190323082,0.036941869097873586,108396.75617443095,0.03706616739699997,113313.14545286511,0.03733410835058308,33068.05641011491,0.036943625379447356,32316.485308533367,0.03720336103064924,42621.336070361474,0.03744185629254838,51465.44000032299,0.037468125550577894,57415.381718493845,0.03746322751007871,60406.662731884266,0.03733621512963207,65800.46805810579,0.03693143474500001,62577.762024283766
+1372,0.03757807097261108,78640.09391300585,0.037040109200503844,17571.675131753695,0.037162954752000064,75637.3630742882,0.03731625453377608,76524.47019270377,0.03757236546631409,86974.03643271602,0.037046583419999835,88452.93709308845,0.03714759203168498,94016.63428617103,0.037168943416900774,100840.00097320505,0.037446757852709726,103088.86232783546,0.03754523252378557,98366.40538136006,0.037041711987327385,108673.335129523,0.03716607620399997,113607.16601400077,0.037434199793882184,33173.62830979857,0.03704347301560796,32415.640321496343,0.03730337006567794,42748.12937957404,0.037541968207769075,51610.72953328926,0.03756830770445639,57565.72863695221,0.037563396567592305,60569.91509034835,0.037436312221132466,65975.19766180047,0.037031249433500016,62746.554556343086
+1373,0.03767827916187138,78846.39544108583,0.03713994776977734,17638.01212281088,0.037262855167999966,75842.51321574397,0.03741629811161458,76723.09563128886,0.03767255844089079,87203.33793209783,0.03714643944000003,88680.4528998587,0.03724745115004978,94249.24809774454,0.037268859931462374,101099.94159797618,0.03754688287370623,103350.88822074856,0.03764535314384897,98624.35444126016,0.037141554876781085,108949.78421011766,0.03726598501100007,113901.08271464269,0.03753429123718148,33279.36513568193,0.03714332065176866,32514.951769908494,0.03740337910070654,42874.992917759475,0.03764208012298988,51756.13004526503,0.03766848985833499,57716.16494305255,0.03766356562510581,60733.22963702418,0.03753640931263277,66149.94639084832,0.03713106412200001,62915.423583219934
+1374,0.037778487351131776,79052.69508189782,0.037239786339050944,17704.472888562428,0.03736275558400007,76047.66204468488,0.03751634168945318,76921.70404335506,0.03777275141546769,87432.6478232172,0.03724629545999993,88907.98626014893,0.03734731026841448,94481.75829931034,0.037368776446023974,101359.8337313223,0.037647007894702725,103612.81671019387,0.03774547376391247,98882.21922069439,0.037241397766234786,109226.09759362182,0.03736589381799997,114194.88937135763,0.03763438268048048,33385.249058604284,0.03724316828792946,32614.437650112162,0.03750338813573514,43001.909443088545,0.037742192038210574,51901.63861788761,0.0377686720122135,57866.72118491985,0.03776373468261931,60896.59818101847,0.037636506404133165,66324.7374961711,0.03723087881050001,63084.36731215635
+1375,0.03787869554039208,79258.99241380893,0.03733962490832454,17771.05595072296,0.03746265599999996,76252.79543174125,0.03761638526729168,77120.28592303161,0.03787294439004449,87661.97051220613,0.03734615147999994,89135.53925484978,0.037447169386779285,94714.15681248251,0.03746869296058547,101619.67399345688,0.037747132915699325,103874.62811774408,0.03784559438397587,99139.97565341153,0.03734124065568838,109502.26878917808,0.03746580262499997,114488.57757169595,0.03773447412377978,33491.27428673333,0.03734301592409006,32714.078410701495,0.03760339717076384,43128.85791182221,0.03784230395343128,52047.248831460965,0.03786885416609209,58017.37964917227,0.03786390374013301,61060.02580149836,0.03773660349563337,66499.56939775217,0.03733069349900001,63253.38244349667
+1376,0.03797890372965228,79465.28380323177,0.037439463477598044,17837.759939746957,0.037562556416000065,76457.89562012804,0.03771642884513018,77318.82330370464,0.037973137364621386,87891.30846053048,0.037446007499999934,89363.11176611773,0.03754702850514398,94946.44750760529,0.03756860947514707,101879.45824127174,0.03784725793669583,104136.26325887782,0.03794571500403927,99397.6241340321,0.037441083545142084,109778.29033078987,0.03756571143200007,114782.13374815937,0.037834565567078884,33597.4374619437,0.037442863560250755,32813.877907004695,0.037703406205792336,43255.86533560909,0.03794241586865208,52192.94936573108,0.037969036319970596,58168.12775719222,0.03796407279764661,61223.51729695972,0.03783670058713386,66674.43747385398,0.03743050818750001,63422.4779281648
+1377,0.03807911191891258,79671.59237743057,0.03753930204687174,17904.58373911766,0.037662456831999966,76663.00414307175,0.03781647242296878,77517.28146038494,0.038073330339198186,88120.66062629629,0.037545863519999834,89590.69366081602,0.03764688762350878,95178.60692017952,0.03766852598970857,102139.18087669062,0.03794738295769233,104397.81603760405,0.03804583562410277,99655.20384549483,0.037540926434595986,110054.15319544965,0.03766562023899997,115075.51901287837,0.037934657010378084,33703.73618791329,0.03754271119641136,32913.83387085876,0.03780341524082104,43382.912925990895,0.038042527783872675,52338.74252462718,0.03806921847384919,58318.944992214165,0.03806424185516011,61387.0701387866,0.03793679767863427,66849.3413618677,0.037530322876000013,63591.67070314895
+1378,0.03817932010817298,79877.89642444775,0.037639140616145345,17971.55063989521,0.03776235724799987,76868.11731480318,0.037916516000807275,77715.71210271172,0.03817352331377509,88350.02581113805,0.03764571954000004,89818.27618906686,0.037746746741873484,95410.66754351459,0.03776844250427027,102398.832496884,0.03804750797868903,104659.30664629662,0.03814595624416617,99912.70714729372,0.03764076932404958,110329.84542547882,0.03776552904599997,115368.75082399897,0.03803474845367718,33810.168578528814,0.03764255883257206,33013.93511218841,0.03790342427584964,43510.06237421109,0.03814263969909348,52484.64149466768,0.038169400627727695,58469.83485052784,0.03816441091267371,61550.68124196128,0.038036894770134465,67024.27768004939,0.03763013756450001,63760.95099544699
+1379,0.03827952829743318,80084.18267976223,0.03773897918541904,18038.653867189245,0.03786225766399996,77073.22854945375,0.03801655957864588,77914.14413294561,0.03827371628835199,88579.40279884823,0.03774557555999994,90045.86536824123,0.03784660586023828,95642.63597809372,0.037868359018831774,102658.38611097982,0.03814763299968553,104920.72815060783,0.03824607686422967,100170.12825717451,0.037740612213503284,110605.34632944192,0.03786543785299987,115661.86466336175,0.03813483989697638,33916.73306113103,0.037742406468732656,33114.17641127398,0.03800343331087834,43637.313631914476,0.03824275161431408,52630.64367282257,0.0382695827816063,58620.825329696694,0.03826457997018741,61714.346231343196,0.03813699186163497,67199.24058364643,0.037729952253000014,63930.314672496526
+1380,0.03837973648669348,80290.46444507629,0.037838817754692444,18105.885972188808,0.037962158079999864,77278.32720139016,0.03811660315648438,78112.57277939502,0.03837390926292879,88808.79035342882,0.037845431579999936,90273.45861415357,0.03794646497860298,95874.50716149244,0.03796827553339327,102917.87663237445,0.03824775802068213,105182.07117364241,0.038346197484292965,100427.45669682472,0.037840455102956985,110880.63381928443,0.03796534665999997,115954.89714367219,0.03823493134027548,34023.4422692613,0.03784225410489346,33214.55402557064,0.038103442345906936,43764.66536516536,0.03834286352953488,52776.746249074145,0.038369764935484794,58771.91441789539,0.03836474902770091,61878.056447163595,0.038237088953135163,67374.22265432798,0.037829766941500115,64099.75900102148
+1381,0.03847994467595378,80496.80737400292,0.03793865632396614,18173.24353861215,0.038062058495999966,77483.38733749934,0.03821664673432288,78310.99204875734,0.03847410223750549,89038.187217152,0.03794528759999993,90501.05229001622,0.03804632409696778,96106.2734550716,0.038068192047954974,103177.3210263511,0.038347883041678625,105443.32870367628,0.03844631810435637,100684.67084980001,0.037940297992410686,111155.78276014316,0.03806525546699997,116247.84728092387,0.038335022783574584,34130.35858493505,0.03794210174105406,33315.06496833013,0.038203451380935435,43892.116308391334,0.03844297544475558,52922.94598010931,0.038469947089363396,58923.099299047935,0.038464918085214406,62041.82919617414,0.03833718604463557,67549.2296008085,0.03792958163000011,64269.2818189285
+1382,0.03858015286521418,80703.18775946902,0.03803849489323974,18240.72419022738,0.038161958911999964,77688.43985543263,0.03831669031216148,78509.39369516945,0.03857429521208239,89267.59210833412,0.03804514361999983,90728.64259557781,0.03814618321533248,96337.91935480226,0.03816810856251647,103436.71661428876,0.03844800806267513,105704.46536557787,0.03854643872441987,100941.73405893715,0.038040140881864484,111430.76584939507,0.03816516427399987,116540.71245632891,0.03843511422687378,34237.44846747654,0.03804194937721476,33415.706721496834,0.03830346041596424,44019.66524516304,0.03854308735997638,53069.238649533,0.038570129243241894,59074.37711078903,0.03856508714272801,62205.6687468563,0.038437283136135966,67724.26122142521,0.038029396318499914,64438.8812465384
+1383,0.03868036105447438,80909.5960382582,0.03813833346251324,18308.32603797833,0.03826185932799996,77893.48541171575,0.03841673388999998,78707.7640753979,0.03867448818665919,89497.00371899606,0.03814499964000004,90956.22524249609,0.03824604233369728,96569.46444942594,0.03826802507707797,103696.06026464292,0.03854813308367173,105965.54158464441,0.038646559344483265,101198.70674987319,0.038139983771318185,111705.56329408452,0.03826507308100007,116833.48978875211,0.03853520567017288,34344.69899100271,0.03814179701337536,33516.47708774286,0.03840346945099274,44147.310993291125,0.03864319927519698,53215.61684839556,0.038670311397120495,59225.74685356622,0.03866525620024171,62369.5643278337,0.03853738022763627,67899.3160248776,0.03812921100699991,64608.55556128054
+1384,0.03878056924373468,81116.02510660776,0.03823817203178694,18376.047475737992,0.03836175974399997,78098.5083871882,0.03851677746783848,78906.06069256816,0.038774681161236085,89726.42071230568,0.03824485565999994,91183.79421714887,0.03834590145206198,96800.90915509402,0.03836794159163947,103955.34806406971,0.03864825810466822,106226.56291688088,0.03874667996454677,101455.60610962052,0.038239826660771886,111980.2102816117,0.03836498188799997,117126.17603084855,0.03863529711347208,34452.10363111613,0.038241644649536055,33617.37410296541,0.03850347848602144,44275.05292180139,0.038743311190417774,53362.06645652042,0.03877049355099899,59377.2482040071,0.038765425257755205,62533.51770164355,0.038637477319136665,68074.38880140548,0.03822902569550001,64778.30313084171
+1385,0.03888077743299488,81322.46818559968,0.03833801060106054,18443.891949810073,0.038461660159999966,78303.54591281735,0.038616821045677076,79104.31557390957,0.038874874135812885,89955.84171967253,0.038344711679999935,91411.34082341033,0.03844576057042668,97032.24748699475,0.03846785810620117,104214.57445569744,0.03874838312566493,106487.52290355737,0.03884680058461017,101712.42409885454,0.03833966955022559,112254.71863398513,0.03846489069499997,117418.76737710852,0.03873538855677118,34559.65804854501,0.03834149228569666,33718.39597985163,0.038603487521050035,44402.89016832694,0.038843423105638375,53508.614744105165,0.0388706757048775,59528.86143734968,0.03886559431526881,62697.54198003236,0.038737574410636966,68249.47074085828,0.038328840384000015,64948.122371297235
+1386,0.03898098562225528,81528.92487595115,0.03843784917033404,18511.89994970425,0.038561560575999965,78508.5946843892,0.038716864623515576,79302.584628998,0.03897506711038979,90185.26533759163,0.03844456769999994,91638.87627876877,0.03854561968879148,97263.46982010052,0.03856777462076267,104473.72827652332,0.03884850814666143,106748.41395011506,0.038946921204673565,101969.13291623861,0.038439512439679184,112529.082528982,0.03856479950200007,117711.25904067846,0.03883548000007038,34667.358990952045,0.038441339921857456,33819.544456832264,0.038703496556078736,44530.82123617851,0.03894353502085918,53655.2629448022,0.03897085785875609,59680.566139579234,0.038965763372782306,62861.66559915853,0.038837671502137364,68424.55926707074,0.03842865507250001,65118.01171653263
+1387,0.03908119381151558,81735.42579944464,0.03853768773960764,18580.052429788026,0.03866146099200007,78713.64762124086,0.03881690820135428,79500.86449200496,0.03907526008496659,90414.69012408404,0.038544423719999936,91866.39828860872,0.03864547880715618,97494.56023429219,0.03866769113532417,104732.79169920887,0.038948633167657926,107009.22579310073,0.03904704182473707,102225.72483699664,0.038539355329133086,112803.28130191633,0.03866470830899997,118003.64394402564,0.03893557144336948,34775.20384783166,0.03854118755801806,33920.889420311345,0.03880350559110734,44658.84487040884,0.039043646936079875,53802.008334987746,0.039071040012634596,59832.360083373074,0.03906593243029601,63025.87373938376,0.03893776859363777,68599.65220308989,0.038528469761000016,65287.96959157896
+1388,0.039181402000775876,81941.9477047942,0.03863752630888134,18648.340132672653,0.03876136140799997,78918.68448294442,0.03891695177919278,79699.15112755267,0.03917545305954349,90644.11459461792,0.03864427974000004,92093.90320104823,0.038745337925520984,97725.5408057564,0.03876760764988567,104991.80823015474,0.03904875818865443,107269.93623527024,0.03914716244480037,102482.25199484862,0.03863919821858679,113077.2972987325,0.03876461711599997,118295.90526221831,0.03903566288666868,34883.19042858077,0.03864103519417876,34022.417924598885,0.03890351462613584,44786.9598424054,0.039143758851300677,53948.84582138075,0.03917122216651319,59984.26095693505,0.03916610148780951,63190.15786238816,0.03903786568513806,68774.74518127718,0.03862828444950001,65457.99438424376
+1389,0.03928161019003628,82148.50855034421,0.03873736487815494,18716.7584079684,0.038861261824000064,79123.71873241273,0.039016995357031375,79897.43938163572,0.039275646034120384,90873.53721752594,0.03874413575999994,92321.38702986111,0.038845197043885685,97956.40575909182,0.03886752416444737,105250.77873956526,0.03914888320965103,107530.540554492,0.03924728306486397,102738.7182028402,0.03873904110804048,113351.13153762747,0.03886452592299987,118588.04887615952,0.039135754329967784,34991.316836942955,0.03874088283033936,34124.125588053554,0.039003523661164635,44915.16491126084,0.03924387076652128,54095.78056278149,0.039271404320391695,60136.26849777558,0.03926627054532311,63354.512417748636,0.03913796277663847,68949.82684711393,0.038728099138000016,65628.0844079213
+1390,0.03938181837929648,82355.10011958424,0.03883720344742844,18785.304069920796,0.038961162239999965,79328.77396831915,0.039117038934869876,80095.72184791935,0.03937583900869709,91102.9564086659,0.038843991779999934,92548.8453105173,0.03894505616225048,98187.13514666996,0.03896744067900887,105509.70139838134,0.039249008230647524,107791.0529836791,0.03934740368492727,102995.11208038511,0.038838883997494085,113624.79169759636,0.03896443472999997,118880.09902871959,0.03923584577326708,35099.58289010298,0.03884073046650006,34225.993616080035,0.03910353269619314,45043.458800760876,0.03934398268174208,54242.81284488263,0.039371586474270394,60288.37963068711,0.03936643960283661,63518.93192001457,0.03923805986813877,69124.94568760034,0.03882791382650001,65798.23784138834
+1391,0.03948202656855678,82561.71517028121,0.03893704201670204,18853.97464773154,0.03906106265600007,79533.84685747043,0.03921708251270848,80293.98345583062,0.03947603198327389,91332.37052519363,0.03894384779999994,92776.272858252,0.03904491528061518,98417.73006792019,0.03906735719357047,105768.57430287142,0.039349133251644026,108051.47221049613,0.03944752430499067,103251.40800308423,0.038938726886947786,113898.2630571636,0.03906434353699997,119172.05241167826,0.03933593721656608,35207.98814966592,0.038940578102660856,34328.013811953504,0.03920354173122184,45171.840298362134,0.03944409459696268,54389.941117162045,0.039471768628148794,60440.59155894772,0.03946660866035031,63683.42197276595,0.039338156959639166,69300.12608262873,0.03892772851500001,65968.4526050508
+1392,0.03958223475781698,82768.34576827385,0.03903688058597574,18922.781583068845,0.03916096307199996,79738.93228483458,0.03931712609054698,80492.20666922703,0.039576224957850785,91561.77785823746,0.039043703819999935,93003.66329724055,0.03914477439897998,98648.21915458496,0.03916727370813207,106027.39546284698,0.03944925827264072,108311.81769409224,0.03954764492505417,103507.58258487371,0.03903856977640168,114171.58288486711,0.03916425234399987,119463.90533564382,0.03943602865986518,35316.530106208775,0.03904042573882146,34430.20736790141,0.03930355076625044,45300.30891547191,0.039544206512183475,54537.163787975005,0.03957195078202749,60592.90158509435,0.03956677771786381,63847.976395788915,0.039438254051139564,69475.32924334457,0.03902754320350001,66138.72599587476
+1393,0.03968244294707738,82974.97707462622,0.039136719155249244,18991.750790444534,0.03926086348799986,79944.01948483197,0.03941716966838548,80690.42837529123,0.039676417932427585,91791.17662409983,0.039143559839999835,93231.00786273062,0.03924463351734468,98878.59567627095,0.03926719022269357,106286.16278652342,0.039549383293637226,108572.07785443058,0.03964776554511757,103763.68464081497,0.039138412665855285,114444.72809055723,0.03926416115099997,119755.65360200095,0.03953612010316438,35425.207161858525,0.039140273374982056,34532.61868514174,0.03940355980127914,45428.86270652991,0.03964431842740418,54684.47921247057,0.03967213293590589,60745.3069541699,0.03966694677537741,64012.65625092614,0.039538351142639865,69650.52110655388,0.039127357892000114,66309.05240699233
+1394,0.03978265113633768,83181.6119018678,0.03923655772452284,19060.862493386445,0.039360763903999965,80149.12249914174,0.03951721324622408,80888.62563568457,0.03977661090700449,92020.56495354918,0.03924341586000003,93458.2885952191,0.03934449263570948,99108.8505197888,0.03936710673725517,106544.87406057959,0.039649508314633826,108832.26469950919,0.039747886165181066,104019.75014518446,0.039238255555308986,114717.73053449916,0.03936406995799997,120047.29229645603,0.03963621154646348,35534.01795207269,0.039240121011142756,34635.215314767396,0.03950356883630774,45557.49978392813,0.039744430342624974,54831.88739861003,0.03977231508978459,60897.804629966915,0.03976711583289091,64177.4406380127,0.03963844823414026,69825.63877510987,0.03922717258049991,66479.43315974697
+1395,0.03988285932559798,83388.25852362253,0.03933639629379644,19130.109723927082,0.039460664319999866,80354.24194933921,0.03961725682406258,81086.8343777936,0.03987680388158129,92249.9408785127,0.03934327187999993,93685.50091669448,0.03944435175407418,99338.96897415508,0.03946702325181667,106803.52692285918,0.03974963333563033,109092.37387726379,0.03984800678524447,104275.78417619663,0.03933809844476269,114990.62929697517,0.03946397876499997,120338.81542262807,0.03973630298976278,35642.961243573765,0.03933996864730336,34738.014593226035,0.03960357787133624,45686.218102752806,0.039844542257845575,54979.38880617201,0.03987249724366299,61050.39077961417,0.03986728489040461,64342.317930806355,0.039738545325640466,70000.80311346923,0.03932698726899991,66649.8738540993
+1396,0.03998306751485818,83594.90453786198,0.039436234863070144,19199.48836804141,0.03956056473599996,80559.37387396848,0.03971730040190108,81285.05897553224,0.03997699685615819,92479.30231512834,0.03944312789999994,93912.62764964113,0.03954421087243888,99568.9149913721,0.03956693976637837,107062.11882345015,0.039849758356626824,109352.38160843443,0.03994812740530787,104531.78107106984,0.03943794133421638,115263.41566366873,0.03956388757200007,120630.21514574374,0.03983639443306178,35752.03615486469,0.03943981628346406,34841.0521981768,0.03970358690636494,45815.01524189996,0.03994465417306638,55126.97976091707,0.03997267939754169,61203.058221276064,0.03996745394791821,64507.28107388186,0.03983864241714097,70176.02815430956,0.03942680195749991,66820.37256824173
+1397,0.04008327570411858,83801.55268274156,0.039536073432343645,19268.995407124665,0.03966046515199997,80764.51705745273,0.039817343979739676,81483.30649956696,0.04007718983073499,92708.64704148893,0.039542983919999934,94139.71466807205,0.03964406999080368,99798.70055512042,0.03966685628093987,107320.64696583692,0.03994988337762333,109612.2866503039,0.040048248025371366,104787.72944270923,0.039537784223670186,115536.07883339949,0.03966379637899997,120921.47970456912,0.03993648587636108,35861.2424694153,0.03953966391962486,34944.30717336003,0.03980359594139354,45943.888071322835,0.04004476608828698,55274.65770048209,0.040072861551420196,61355.79939750244,0.04006762300543171,64672.32404220275,0.039938739508641165,70351.35035772176,0.03952661664600001,66990.9263908962
+1398,0.04018348389337888,84008.20878290343,0.03963591200161724,19338.628399581015,0.039760365567999965,80969.66368725151,0.03991738755757818,81681.57790568256,0.040177382805311884,92937.97266722281,0.039642839939999834,94366.75655666228,0.03974392910916838,100028.37487993516,0.03976677279550137,107579.10821067147,0.04005000839861993,109872.07210466293,0.04014836864543467,105043.61294870997,0.03963762711312389,115808.60299995757,0.03976370518599997,121212.57989000645,0.040036577319660184,35970.57868876941,0.03963951155578546,35047.75550981593,0.03990360497642224,46072.83180816678,0.04014487800350778,55422.42011559571,0.0401730437052988,61508.63548844761,0.040167792062945205,64837.44031619546,0.04003883660014156,70526.78684503345,0.039626431334500015,67161.53297069942
+1399,0.04028369208263908,84214.86614368198,0.03973575057089084,19408.385256825164,0.039860265983999964,81174.80774306336,0.04001743113541678,81879.87131978004,0.04027757577988859,93167.27658960948,0.03974269596000004,94593.74690784427,0.039843788227533185,100257.91485061713,0.03986668931006307,107837.49889912864,0.04015013341961653,110131.77330034459,0.040248489265498066,105299.47196603568,0.03973747000257758,116080.95497468213,0.03986361399300007,121503.52444914707,0.040136668762959384,36080.04368275598,0.03973935919194606,35151.38610818299,0.04000361401145084,46201.837480928276,0.04024498991872848,55570.26433183622,0.040273225859177295,61661.56533634994,0.04026796112045891,65002.619290916016,0.040138933691642065,70702.30837516242,0.03972624602300001,67332.19575426725
+1400,0.04038390027189938,84421.51516200182,0.03983558914016434,19478.26412552998,0.03996016639999996,81379.9672788303,0.04011747471325528,82078.18481660812,0.04037776875446539,93396.55592570688,0.03984255197999994,94820.70141033112,0.03994364734589788,100487.32619771396,0.03996660582462457,108095.81445955927,0.040250258440613126,110391.41072381756,0.04034860988556157,105555.30530549704,0.03983731289203128,116353.1315648926,0.03996352279999997,121794.30808777426,0.04023676020625848,36189.63644501273,0.03983920682810676,35255.19124694646,0.04010362304647954,46330.921054548795,0.040345101833949175,55718.1873575825,0.040373408013055896,61814.58746635631,0.04036813017797251,65167.84571335494,0.04023903078314227,70877.90353956826,0.039826060711500015,67502.91307903768
+1401,0.04048410846115978,84628.1346209897,0.03993542770943804,19548.26454698919,0.04006006681599997,81585.13970983951,0.04021751829109378,82276.51635033809,0.040477961729042285,93625.80739552986,0.039942407999999936,95047.62374892534,0.04004350646426268,100716.65596017048,0.04006652233918607,108354.0961371533,0.04035038346160963,110651.0030299221,0.04044873050562497,105811.10892033165,0.03993715578148498,116625.18298816534,0.04006343160699997,122084.93474830072,0.04033685164955768,36299.35603264979,0.039939054464267355,35359.168654270754,0.04020363208150814,46460.08326850614,0.04044521374916988,55866.18568537883,0.040473590166934394,61967.70041639044,0.04046829923548601,65333.152976622994,0.040339127874642666,71053.56376019068,0.03992587540000001,67673.68316324361
+1402,0.04058431665042008,84834.71725407106,0.040035266278711644,19618.42734198531,0.04015996723200006,81790.32196508431,0.04031756186893238,82474.86366449794,0.04057815470361919,93855.02708649388,0.04004226401999993,95274.53304467237,0.040143365582627384,100945.90817633942,0.04016643885374757,108612.351252462,0.040450508482606125,110910.54476170731,0.04054885112568847,106066.87525074423,0.04003699867093878,116897.08224139812,0.04016334041399987,122375.47557753857,0.04043694309285678,36409.222742050704,0.040038902100428056,35463.35681303658,0.040303641116536636,46589.350777228734,0.040545325664390675,56014.254947182475,0.040573772320812995,62120.934421767255,0.04056846829299961,65498.541389617356,0.04043922496614297,71229.2810676575,0.040025690088500016,67844.50406477175
+1403,0.040684524839680276,85041.35085256699,0.04013510484798514,19688.73816752551,0.040259867647999964,81995.51045173558,0.04041760544677088,82673.22430073054,0.04067834767819599,94084.20982332295,0.04014212003999983,95501.42912845817,0.04024322470099218,101175.0795738818,0.04026635536830927,108870.56200958569,0.040550633503602725,111170.03410669175,0.04064897174575187,106322.59259909065,0.04013684156039248,117168.9024897521,0.04026324922099997,122665.92844500668,0.04053703453615598,36519.23635896429,0.04013874973658886,35567.734184952795,0.040403650151565336,46718.72028877233,0.040645437579611275,56162.42011823136,0.04067395447469149,62274.28700051736,0.040668637350513306,65664.00956918804,0.040539322057643365,71405.04692506889,0.04012550477700001,68015.37361553768
+1404,0.040784733028940576,85248.0179784805,0.040234943417258744,19759.1993428596,0.040359768064000066,82200.70077573047,0.04051764902460938,82871.59554650806,0.040778540652772886,94313.34501428745,0.04024197606000004,95728.30886656829,0.04034308381935688,101404.16622396081,0.04036627188287077,109128.73922542139,0.04065075852459923,111429.46821945465,0.04074909236581527,106578.28717341751,0.04023668444984618,117440.6257354336,0.04036315802799997,122956.28985077512,0.04063712597945508,36629.3875636282,0.04023859737274946,35672.28812760766,0.04050365918659394,46848.18960457184,0.04074554949483208,56310.696222563114,0.04077413662857,62427.745115539605,0.04076880640802681,65829.5555341945,0.04063941914914376,71580.85060261095,0.040225319465500016,68186.28930684997
+1405,0.04088494121820098,85454.7104669213,0.04033478198653244,19829.808269871257,0.04045966847999997,82405.88716515177,0.04061769260244798,83069.97435841429,0.040878733627349687,94542.4289355653,0.04034183207999994,95955.16907790351,0.04044294293772168,101633.16304623857,0.040466188397432275,109386.88969059713,0.040750883545595924,111688.83566260255,0.04084921298587877,106833.95871445775,0.04033652733929979,117712.23641254504,0.04046306683499987,123246.56150799736,0.04073721742275418,36739.672868189795,0.04033844500891016,35777.01131701369,0.04060366822162264,46977.75700295108,0.04084566141005268,56459.02946090398,0.04087431878244859,62581.30353049019,0.04086897546554031,65995.17732006489,0.040739516240644064,71756.67110061015,0.04032513415400011,68357.2480604492
+1406,0.04098514940746118,85661.4215257958,0.040434620555806045,19900.554716781066,0.04055956889600006,82611.06407800331,0.04071773618028648,83268.35724221598,0.04097892660192659,94771.47849575165,0.040441688099999935,96182.00818116104,0.04054280205608638,101862.06233463316,0.040566104911993875,109645.02068186813,0.04085100856659243,111948.10386656117,0.04094933360594217,107089.60524330466,0.04043637022875348,117983.73296746175,0.04056297564200007,123536.75537133656,0.04083730886605338,36850.08995933064,0.04043829264507076,35881.89815975478,0.040703677256651236,47107.42101573,0.04094577332527348,56607.433308831394,0.040974500936327096,62734.95859555528,0.04096914452305391,66160.87293846332,0.04083961333214447,71932.49829894399,0.040424948842500114,68528.25099868816
+1407,0.04108535759672148,85868.1433915466,0.04053445912507954,19971.433771636304,0.040659469311999964,82816.2320514247,0.04081777975812508,83466.74004608406,0.04107911957650339,95000.48951874256,0.04054154411999994,96408.88595176907,0.04064266117445118,102090.84455651314,0.040666021426555475,109903.1278569783,0.04095113358758893,112207.28768124615,0.04104945422600567,107345.22465946614,0.04053621311820718,118255.08649183478,0.04066288444899997,123826.8534329418,0.04093740030935248,36960.63704075976,0.04053814028123136,35986.94391820648,0.040803686291679936,47237.18032108886,0.04104588524049418,56755.92504644706,0.04107468309020569,62888.707329375815,0.04106931358056761,66326.64031913938,0.04093971042364476,72108.34784498627,0.04052476353100011,68699.3006308456
+1408,0.04118556578598178,86074.86027807395,0.040634297694353144,20042.44174437952,0.040759369727999865,83021.36078264152,0.040917823335963575,83665.12674792562,0.04117931255108009,95229.45997331497,0.040641400139999936,96635.77926014183,0.04074252029281588,102319.52232293798,0.04076593794111697,110161.20278641203,0.04105125860858553,112466.42742624483,0.041149574846068966,107600.81471771043,0.04063605600766099,118526.35916824375,0.04076279325599997,124116.8342214656,0.04103749175265168,37071.31260202582,0.04063798791739206,36092.14432918567,0.04090369532670854,47367.033681086825,0.04114599715571498,56904.521240183094,0.041174865244084195,63042.55326558858,0.04116948263808111,66492.4771964342,0.04103980751514517,72284.19519125704,0.04062457821949991,68870.37324144156
+1409,0.041285773975242177,86281.58227455194,0.04073413626362684,20113.575471826905,0.04085927014399997,83226.50189962695,0.041017866913802076,83863.55190170163,0.041279505525656984,95458.40785222482,0.04074125616000004,96862.66892313687,0.04084237941118058,102548.09298304921,0.04086585445567857,110419.23861878198,0.041151383629582025,112725.50583757221,0.04124969546613237,107856.37299716253,0.04073589889711468,118797.55763130015,0.04086270206300007,124406.6831849177,0.04113758319595078,37182.11531142851,0.040737835553552856,36197.496067688095,0.04100370436173704,47496.979897454934,0.04124610907093558,57053.22851883418,0.0412750473979628,63196.5145626942,0.04126965169559461,66658.38075875424,0.041139904606645565,72460.10229935152,0.04072439290799991,69041.49750960368
+1410,0.04138598216450238,86488.31621725665,0.04083397483290034,20184.831988468635,0.04095917055999986,83431.6667867555,0.04111791049164068,84061.97857529015,0.041379698500233784,95687.31465739585,0.04084111217999994,97089.54367906047,0.04094223852954538,102776.56311935872,0.04096577097024017,110677.22909618662,0.04125150865057853,112984.54389753763,0.04134981608619587,108111.89685791208,0.04083574178656838,119068.67559582026,0.04096261086999997,124696.44879458637,0.04123767463924998,37293.0439577731,0.04083768318971346,36303.00287029228,0.04110371339676574,47627.017771716404,0.041346220986156375,57202.044347804665,0.041375229551841294,63350.57728468804,0.04136982075310821,66824.34565042204,0.041240001698145866,72636.06133398987,0.04082420759650001,69212.67609369376
+1411,0.04148619035376268,86695.05704902553,0.04093381340217394,20256.208253155575,0.041059070975999964,83636.84786988306,0.04121795406947918,84260.39023146329,0.04147989147481069,95916.16114276134,0.040940968199999934,97316.39297132634,0.04104209764791008,103004.96031417511,0.04106568748480177,110935.16805893819,0.041351633671575024,113243.55318341647,0.041449936706259266,108367.38337741049,0.04093558467602208,119339.70593147581,0.04106251967699997,124986.1305965359,0.041337766082549084,37404.09741503515,0.04093753082587416,36408.65749954937,0.04120372243179434,47757.146056828315,0.041446332901376975,57350.96640971165,0.041475411705719896,63504.75604698198,0.04146998981062191,66990.37534355585,0.041340098789646264,72812.05964359728,0.040924022285000014,69383.90640957555
+1412,0.04158639854302308,86901.79899687637,0.04103365197144764,20327.70073363861,0.04115897139199996,83842.05376575571,0.04131799764731768,84458.8048777124,0.041580084449387586,96144.92791914719,0.04104082421999994,97543.2009510772,0.041141956766274884,103233.28075523586,0.041165603999363275,111193.0490070034,0.04145175869257173,113502.53079836206,0.04155005732632277,108622.82925000691,0.041035427565475784,119610.63996597409,0.04116242848399987,125275.72271010772,0.04143785752584838,37515.27461895003,0.04103737846203476,36514.4536038295,0.04130373146682304,47887.363376573056,0.04154644481659778,57499.992511480115,0.04157559385959839,63659.04331494935,0.04157015886813541,67156.47072192443,0.041440195881146565,72988.11808815881,0.04102383697350001,69555.18587244247
+1413,0.04168660673228328,87108.53511965417,0.04113349054072104,20399.304197827496,0.04125887180799997,84047.28269343456,0.04141804122515628,84657.2154289923,0.041680277423964386,96373.64105384695,0.041140680239999936,97769.9671322207,0.041241815884639585,103461.52535064178,0.04126552051392477,111450.86439266233,0.04155188371356822,113761.47316108113,0.04165017794638617,108878.23061204793,0.04113527045492958,119881.46593945118,0.04126233729099997,125565.21634399606,0.04153794896914738,37626.57455034035,0.04113722609819536,36620.383376429316,0.04140374050185164,48017.66803546668,0.04164655673181858,57649.12051715542,0.041675776013476995,63813.42898211792,0.04167032792564901,67322.62972534563,0.04154029297264696,73164.23002132474,0.041123651662000014,69726.5117559768
+1414,0.041786814921543576,87315.25638204791,0.04123332910999474,20471.004682688705,0.041358772223999966,84252.53171197661,0.04151808480299478,84855.63636880176,0.04178047039854129,96602.27945156465,0.04124053626000004,97996.68704695097,0.04134167500300438,103689.69258360357,0.041365437028486475,111708.60228258058,0.04165200873456483,114020.3759518733,0.041750298566449566,109133.58268773535,0.04123511334438328,120152.16222755177,0.04136224609799997,125854.6109998035,0.04163804041244668,37737.996222312824,0.04123707373435616,36726.434502157295,0.04150374953688034,48148.05721526261,0.04174666864703928,57798.34829096528,0.04177595816735549,63967.9070540733,0.04177049698316251,67488.85002058157,0.041640390064147166,73340.38101290005,0.04122346635050001,69897.88105595778
+1415,0.04188702311080388,87521.94901697505,0.04133316767926834,20542.83344376308,0.041458672639999965,84457.7975998802,0.04161812838083328,85054.06087322618,0.04188066337311809,96830.83795748657,0.04134039227999994,98223.33482181643,0.041441534121369084,103917.78477258165,0.04146535354304797,111966.25448604929,0.041752133755561326,114279.23347872746,0.04185041918651307,109388.8788553385,0.041334956233836984,120422.69811310766,0.04146215490499987,126143.91787636674,0.04173813185574568,37849.538669678666,0.04133692137051686,36832.6233929227,0.04160375857190884,48278.526109768,0.04184678056226008,57947.67422140224,0.041876140321234094,64122.47212749229,0.041870666040676206,67655.12854619109,0.041740487155647564,73516.53605444219,0.041323281039000015,70069.29030721713
+1416,0.04198723130006428,87728.57826181025,0.04143300624854204,20614.803914884706,0.04155857305599996,84663.07657734131,0.041718171958671876,85252.47888436202,0.04198085634769499,97059.31340791017,0.041440248299999934,98449.895289059,0.04154139323973388,104145.80221092129,0.041565270057609474,112223.82413837533,0.04185225877655783,114538.03652099514,0.04195053980657637,109644.10537490093,0.04143479912329059,120693.07513053442,0.04156206371199997,126433.1327772845,0.04183822329904478,37961.20093945773,0.041436769006677455,36938.94646018118,0.04170376760693744,48409.08399300934,0.04194689247748068,58097.09811927561,0.04197632247511259,64277.11887394558,0.04197083509818971,67821.460549193,0.041840584247148066,73692.76116009915,0.04142309572750001,70240.73527610936
+1417,0.04208743948932448,87935.16001586663,0.04153284481781544,20686.907238539083,0.041658473472000065,84868.3633856964,0.04181821553651038,85450.87539000584,0.04208104932227169,97287.69601325916,0.04154010431999994,98676.43089929735,0.04164125235809858,104373.74010700663,0.04166518657217117,112481.28011703063,0.04195238379755443,114796.76035809176,0.04205066042663977,109899.25225466689,0.04153464201274428,120963.34788087786,0.04166197251899997,126722.2496868753,0.04193831474234408,38072.998514103005,0.041536616642838156,37045.388829082876,0.04180377664196614,48539.73100492178,0.042047004392701474,58246.616275322136,0.04207650462899119,64431.83676734973,0.04207100415570331,67987.8496789062,0.04194068133864826,73869.06768642079,0.041522910416000015,70412.21032617902
+1418,0.04218764767858478,88141.69221514188,0.04163268338708914,20759.140081015863,0.04175837388799997,85073.6488857926,0.04191825911434898,85649.21484820421,0.04218124229684849,97515.95357282645,0.041639960339999935,98902.93439783144,0.04174111147646338,104601.59387989808,0.041765103086732674,112738.64836208956,0.042052508818550924,115055.43561886596,0.04215078104670327,110154.35219228906,0.041634484902198184,121233.56841241928,0.04176188132599987,127011.25797611354,0.04203840618564308,38184.98928192558,0.04163646427899876,37151.964988207095,0.04190378567699474,48670.466383448664,0.042147116307922075,58396.22535331013,0.04217668678286969,64586.60943930645,0.04217117321321681,68154.29415516775,0.04204077843014867,74045.45382647407,0.041622725104500116,70583.70666762182
+1419,0.04228785586784498,88348.19734505062,0.04173252195636274,20831.50018329379,0.04185827430400006,85278.9410952214,0.04201830269218748,85847.49467646278,0.04228143527142539,97744.14252492735,0.041739816359999835,99129.39662092138,0.04184097059482808,104829.35839460211,0.04186501960129417,112995.95547978536,0.04215263383954763,115314.07341218674,0.04225090166676667,110409.40021464773,0.04173432779165179,121503.73180590817,0.04186179013300007,127300.13474042097,0.04213849762894238,38297.14004444275,0.04173631191515946,37258.68597431781,0.04200379471202344,48801.28937031708,0.04224722822314288,58545.92151347256,0.042276868936748396,64741.47095839904,0.04227134227073051,68320.7907524405,0.04214087552164897,74221.91770638575,0.04172253979300011,70755.20033554206
+1420,0.04238806405710538,88554.71471627189,0.04183236052563624,20903.997020716823,0.04195817471999996,85484.23552851003,0.042118346270026176,86045.76786223939,0.04238162824600219,97972.34079165407,0.04183967238000003,99355.8047684586,0.04194082971319288,105057.02630600827,0.041964936115855674,113253.19626160018,0.04225275886054412,115572.67131369788,0.042351022286830166,110664.38990885374,0.04183417068110548,121773.83365990619,0.04196169893999997,127588.92116986257,0.042238589072241484,38409.43874303133,0.04183615955132016,37365.55005175142,0.04210380374705204,48932.19920887319,0.042347340138363575,58695.699451434186,0.0423770510906268,64896.42148443002,0.042371511328244106,68487.33496418163,0.042240972613149366,74398.45736397665,0.041822354481499915,70926.68968107464
+1421,0.04248827224636568,88761.24917433201,0.041932199094909944,20976.62840595686,0.042058075136000066,85689.52731435465,0.042218389847864676,86244.10925534058,0.042481821220579086,98200.54913972884,0.04193952839999993,99582.1332365171,0.04204068883155758,105284.57847156386,0.04206485263041737,113510.36454443503,0.042352883881540626,115831.2302516326,0.04245114290689357,110919.32971931553,0.04193401357055918,122043.86927744033,0.04206160774699997,127877.62153354975,0.04233868051554068,38521.87902286499,0.04193600718748086,37472.55552304857,0.04220381278208074,49063.195142016106,0.04244745205358438,58845.548696486745,0.042477233244505294,65051.45864002254,0.04247168038575761,68653.91757204862,0.042341069704649764,74575.0707219701,0.04192216916999991,71098.22690815217
+1422,0.04258848043562598,88967.78948542553,0.04203203766418354,21049.389812588895,0.04215797555199997,85894.82572230497,0.04231843342570328,86442.5230980526,0.042582014195155886,98428.760484727,0.04203938441999994,99808.35866600588,0.04214054794992228,105512.031425071,0.042164769144978874,113767.45549644373,0.04245300890253713,116089.74645988054,0.04255126352695697,111174.22627652736,0.04203385646001288,122313.8331232104,0.04216151655400007,128166.23270032361,0.04243877195883978,38634.45643776295,0.04203585482364146,37579.70071225655,0.04230382181710924,49194.27641029316,0.04254756396880498,58995.452224268345,0.042577415398383896,65206.58002196243,0.04257184944327111,68820.5275933698,0.042441166796150065,74751.7555530024,0.04202198385850001,71269.8063455392
+1423,0.04268868862488618,89174.33642470218,0.04213187623345714,21122.29228845219,0.04225787596799987,86100.1981135783,0.04241847700354178,86641.00490558345,0.04268220716973279,98656.96850849621,0.042139240439999934,100034.50166179848,0.042240407068287085,105739.39847010357,0.04226468565954037,114024.47922118832,0.04255313392353373,116348.21563431925,0.042651384147020466,111429.05628089231,0.04213369934946668,122583.71782621158,0.04226142536099997,128454.75101031891,0.04253886340213898,38747.16739235665,0.04213570245980216,37686.98394540133,0.042403830852137836,49325.44224995577,0.04264767588402578,59145.444888815924,0.04267759755226239,65361.783156254874,0.04267201850078481,68987.19606803688,0.04254126388765046,74928.50943232205,0.04212179854700001,71441.4103989426
+1424,0.042788896814146576,89380.91514589345,0.04223171480273064,21195.348116623416,0.042357776383999964,86305.62447721642,0.04251852058138028,86839.55121792338,0.04278240014430969,98885.16182493822,0.042239096459999834,100260.5767786994,0.04234026618665178,105966.67418499419,0.04236460217410197,114281.40840807011,0.042653258944530224,116606.63270867897,0.04275150476708377,111683.83012180297,0.04223354223892038,122853.51091566536,0.04236133416799997,128743.17172073016,0.04263895484543808,38860.02293447548,0.042235550095962755,37794.40352418601,0.042503839887166536,49456.699192993845,0.04274778779924638,59295.53590903634,0.04277777970614109,65517.069375395135,0.04277218755829841,69153.92199207742,0.042641360979150764,75105.32967078761,0.04222161323550001,71613.05518637432
+1425,0.042889105003406876,89587.5894658908,0.042331553372004345,21268.54402148243,0.042457676799999865,86511.07413632172,0.04261856415921888,87038.15907197601,0.04288259311888639,99113.32295610837,0.04233895248000004,100486.614070648,0.042440125305016584,106193.84535898252,0.04246451868866357,114538.27756412327,0.04275338396552673,116864.99144507911,0.04285162538714737,111938.56742858235,0.04233338512837408,123123.17606008745,0.04246124297499987,129031.48561076776,0.04273904628873728,38973.020019098585,0.042335397732123456,37901.95768430536,0.04260384892219514,49588.061626577575,0.042847899714467175,59445.72530625002,0.04287796186001949,65672.4636652208,0.04287235661581191,69320.7034574484,0.04274145807065117,75282.2132151398,0.04232142792400001,71784.76053577426
+1426,0.04298931319266708,89794.32203892473,0.04243139194127794,21341.874724811987,0.04255757721599997,86716.5188541061,0.04271860773705738,87236.8257604408,0.04298278609346319,99341.49392257292,0.04243880849999994,100712.63481574495,0.042539984423381284,106420.92421090991,0.04256443520322517,114795.07951530238,0.042853508986523424,117123.28354173223,0.04295174600721067,112193.2564086976,0.042433228017827784,123392.76263454978,0.04256115178199997,129319.68744175458,0.04283913773203638,39086.1490796602,0.04243524536828426,38009.64451381879,0.04270385795722384,49719.51884580364,0.04294801162968788,59596.011810175165,0.04297814401389819,65827.95044945259,0.04297252567332551,69487.53872170339,0.042841555162151566,75459.15648987777,0.042421242612500014,71956.52544359423
+1427,0.04308952138192738,90001.09963186125,0.042531230510551445,21415.336991553668,0.042657477631999965,86921.95700360237,0.04281865131489588,87435.54869277,0.04308297906804009,99569.6751578143,0.042538664519999936,100938.67613138456,0.04263984354174608,106647.91783864333,0.042664351717786674,115051.80644212138,0.04295363400751993,117381.49587318921,0.04305186662727407,112447.87489577793,0.042533070907281485,123662.29435692969,0.04266106058899997,129607.7944936141,0.04293922917533558,39199.40073012319,0.04253509300444486,38117.46173100585,0.04280386699225234,49851.06703458615,0.04304812354490858,59746.39412864526,0.04307832616777659,65983.52089526129,0.04307269473083921,69654.45184325243,0.04294165225365187,75636.15512448241,0.04252105730100001,72128.34889382208
+1428,0.04318972957118778,90207.92196058526,0.04263106907982504,21488.928393911334,0.042757378047999964,87127.36757886544,0.04291869489273448,87634.3256083793,0.04318317204261689,99797.86452619988,0.04263852053999993,101164.72076425629,0.04273970266011078,106874.82340415289,0.042764268232348274,115308.44967141059,0.043053759028516526,117639.59331373882,0.04315198724733757,112702.38892881278,0.04263291379673528,123931.76906336048,0.04276096939599987,129895.80320619776,0.043039320618634684,39312.76760249666,0.04263494064060546,38225.405073488095,0.042903876027281136,49982.72393567569,0.043148235460129275,59896.87093873068,0.0431785083216553,66139.16834628939,0.04317286378835271,69821.4343754543,0.043041749345152265,75813.2034222977,0.042620871989500014,72300.2298558031
+1429,0.04328993776044808,90414.78110022354,0.04273090764909874,21562.646939436967,0.04285727846399996,87332.7561755043,0.04301873847057298,87833.15388917053,0.043283365017193785,100026.05968744712,0.04273837655999994,101390.76565263567,0.04283956177847558,107101.63782312303,0.042864184746909874,115564.99873141364,0.04315388404951303,117897.60795055855,0.04325210786740097,112956.87144335858,0.042732756686188984,124201.18455785648,0.04286087820299997,130183.70937621957,0.04313941206193378,39426.270709468714,0.04273478827676616,38333.474459941266,0.043003885062309635,50114.51229533756,0.04324834737535008,60047.44087644909,0.043278690475533795,66294.88906036614,0.043273032845866206,69988.480348133,0.043141846436652566,75990.29309939538,0.04272068667800001,72472.16728200245
+1430,0.04339014594970828,90621.66844645656,0.04283074621837224,21636.490906900264,0.04295717887999997,87538.18345921455,0.04311878204841158,88032.03059969647,0.043383557991770585,100254.25797731757,0.04283823258000004,101616.79772415884,0.04293942089684028,107328.38963260964,0.04296410126147137,115821.4393355975,0.043254009070509525,118155.5563250081,0.04335222848746447,113211.3205851856,0.042832599575642685,124470.53860392446,0.04296078700999997,130471.50751028083,0.04323950350523298,39539.90849850206,0.04283463591292676,38441.67340478808,0.04310389409733824,50246.410825699066,0.04334845929057068,60198.10252417637,0.043378872629412396,66450.67321960838,0.04337320190337981,70155.58499786459,0.043241943528152964,76167.40862680617,0.042820501366500015,72644.16010557534
+1431,0.04349035413896858,90828.57238009002,0.04293058478764584,21710.45875845019,0.043057079295999966,87743.64216438627,0.04321882562625008,88230.95261277445,0.04348375096634749,100482.45617721247,0.04293808859999994,101842.89555082501,0.04303928001520508,107555.07987632985,0.04306401777603287,116077.74209822438,0.04335413409150603,118413.41703663526,0.04345234910752787,113465.73655467088,0.04293244246509628,124739.828915989,0.04306069581699997,130759.18637416365,0.04333959494853208,39653.67950301804,0.04293448354908746,38550.000049196395,0.04320390313236694,50378.41248092864,0.04344857120579148,60348.854394632195,0.043479054783290894,66606.50055664754,0.04347337096089351,70322.7444500708,0.04334204061965337,76344.51502413118,0.042920316055000116,72816.20723773792
+1432,0.04359056232822898,91035.46348523782,0.043030423356919444,21784.54908614419,0.04315697971200007,87949.13348871606,0.043318869204088575,88429.9163456052,0.04358394394092429,100710.64992656688,0.043037944619999935,102069.0241331826,0.04313913913356978,107781.68945591716,0.04316393429059457,116333.90219524929,0.04345425911250263,118671.14600145334,0.04355246972759127,113720.1249715208,0.04303228535454998,125009.05315012988,0.04316060462400007,131046.74414610946,0.04343968639183128,39767.58239328783,0.043034331185248256,38658.45210730845,0.04330391216739554,50510.51299973456,0.04354868312101208,60499.69490939024,0.043579236937169495,66762.40163008664,0.043573540018407006,70489.95507934445,0.04344213771115366,76521.64853875236,0.04302013074350011,72988.30756490023
+1433,0.04369077051748918,91242.34737485893,0.04313026192619314,21858.760575803077,0.04325688012799996,88154.6510553017,0.04341891278192718,88628.91739954738,0.04368413691550119,100938.8307788309,0.04313780063999994,102295.19552412866,0.04323899825193448,108008.23595346537,0.04326385080515607,116589.8964289895,0.043554384133499324,118928.83345570843,0.04365259034765477,113974.46585346122,0.043132128244003885,125278.20889387613,0.04326051343099997,131334.19293145294,0.04353977783513038,39881.615944615274,0.04313417882140886,38767.02570824851,0.043403921202424235,50642.70921215303,0.043648795036232875,60650.62236851354,0.04367941909104799,66918.3689927471,0.04367370907592061,70657.21321348443,0.04354223480265407,76698.85242990646,0.043119945431999915,73160.45994543846
+1434,0.04379097870674948,91449.2734508207,0.04323010049546664,21933.091980049583,0.043356780544000065,88360.18072867992,0.04351895635976568,88827.95735159943,0.04378432989007789,101166.98961839978,0.043237656659999936,102521.41496097845,0.04333885737029928,108234.70182365653,0.04336376731971757,116845.750817695,0.04365450915449583,119186.48708258098,0.043752710967718066,114228.77995959246,0.04323197113345748,125547.29998292142,0.04336042223799997,131621.52530325652,0.04363986927842968,39995.78911552663,0.043234026457569456,38875.72063391325,0.04350393023745274,50774.99876205461,0.04374890695145358,60801.63490487774,0.043779601244926594,67074.40230489137,0.043773878133434106,70824.5148964817,0.043642331894154264,76876.13113145501,0.04321976012049991,73332.66320606702
+1435,0.04389118689600978,91656.2368759024,0.04332993906474024,22007.542095655877,0.043456680959999966,88565.70642780793,0.04361899993760428,89027.0424647791,0.04388452286465479,101395.1496581171,0.043337512679999836,102747.67554225662,0.04343871648866398,108461.06157819062,0.043463683834279274,117101.43723475237,0.04375463417549233,119444.09773665594,0.043852831587781665,114483.08034018398,0.04333181402291118,125816.32629563464,0.04346033104500007,131908.72755512292,0.04373996072172868,40110.10046752023,0.04333387409373016,38984.53281844693,0.04360393927248154,50907.39581919832,0.043849018866674375,60952.730409684424,0.04387978339880509,67230.498584034,0.043874047190947806,70991.85556704983,0.043742428985654766,77053.47994146006,0.04331957480900001,73504.9161376929
+1436,0.04399139508527018,91863.23159539863,0.043429777634013844,22082.109741778884,0.04355658137600007,88771.25831565014,0.04371904351544278,89226.13475799703,0.04398471583923159,101623.30804774738,0.04343736869999994,102973.97073197435,0.043538575607028784,108687.32933442449,0.04356360034884077,117357.0488411661,0.043854759196488825,119701.65148306168,0.04395295220784497,114737.36354193794,0.043431656912364884,126085.281424095,0.04356023985199997,132195.8156002437,0.04384005216502798,40224.54531790246,0.04343372172989076,39093.45614878309,0.04370394830751004,51039.893898964,0.043949130781894975,61103.90639602632,0.04397996555268369,67386.65777700201,0.04397421624846131,71159.22932685696,0.043842526077155164,77230.88254010533,0.043419389497500016,73677.21749059108
+1437,0.04409160327453038,92070.24866781141,0.04352961620328734,22156.79457606267,0.04365648179199996,88976.84598669613,0.04381908709328128,89425.27056994455,0.044084908813808485,101851.48590269698,0.043537224719999934,103200.29351107031,0.04363843472539348,108913.50033949969,0.04366351686340227,117612.60313427994,0.043954884217485425,119959.17552464255,0.044053072827908366,114991.62516172609,0.043531499801818585,126354.16146995414,0.04366014865899997,132482.80003108797,0.04394014360832698,40339.12150525515,0.04353356936605156,39202.50851802568,0.04380395734253864,51172.48699008624,0.04404924269711578,61255.15969806248,0.04408014770656219,67542.88769192027,0.044074385305974906,71326.62475687377,0.04394262316865537,77408.35339159795,0.04351920418600001,73849.56596875016
+1438,0.04419181146379068,92277.26458002662,0.04362945477256104,22231.651471256606,0.043756382208000065,89182.4593158724,0.043919130671119876,89624.46398484877,0.044185101788385285,102079.69580535982,0.04363708073999994,103426.63509589124,0.04373829384375828,109139.56154026646,0.04376343337796377,117868.07466869197,0.04405500923848193,120216.66767839558,0.04415319344797187,115245.85820948223,0.04363134269127238,126622.96285784023,0.04376005746599987,132769.68866757982,0.044040235051626284,40453.827419576235,0.04363341700221226,39311.689287189656,0.04390396637756734,51305.171604198695,0.04414935461233638,61406.48550020681,0.04418032986044079,67699.16225529023,0.04417455436348841,71494.04040821805,0.044042720260155765,77585.91281158406,0.04361901887450001,74021.96022316263
+1439,0.04429201965305088,92484.27887139632,0.04372929334183464,22306.664265250794,0.043856282623999966,89388.07757529082,0.044019174248958376,89823.70246097294,0.04428529476296219,102307.90020839688,0.043736936759999935,103652.98033866401,0.043838152962122984,109365.48756109178,0.04386334989252547,118123.4833949449,0.044155134259478625,120474.12312981172,0.04425331406803527,115500.04694021598,0.043731185580726084,126891.68201899367,0.04385996627299997,133056.45699888727,0.04414032649492538,40568.66170843021,0.043733264638372855,39420.99749621986,0.04400397541259594,51437.94490281895,0.04424946652755718,61557.87238605359,0.0442805120143193,67855.53243740798,0.04427472342100211,71661.46888394826,0.044142817351656066,77763.56003619835,0.04371883356300001,74194.3988436817
+1440,0.044392227842311276,92691.3415318612,0.04382913191110814,22381.817684073525,0.04395618303999987,89593.7399908315,0.044119217826796876,90022.97514204115,0.04438548773753899,102536.10066960914,0.043836792780000036,103879.30468742007,0.04393801208048778,109591.2779888013,0.04396326640708697,118378.83459687357,0.04425525928047513,120731.5356769635,0.044353434688098665,115754.21298672698,0.043831028470179785,127160.31524678732,0.04395987507999997,133343.06553815716,0.044240417938224384,40683.62317057424,0.04383311227453346,39530.43218595361,0.04410398444762464,51570.80430167084,0.04434957844277788,61709.33152655304,0.04438069416819789,68012.00720585516,0.04437489247851561,71828.93041479665,0.044242914443156464,77941.29429533311,0.04381864825150001,74366.88034907932
+1441,0.04449243603157158,92898.44976994985,0.04392897048038174,22457.104350444202,0.04405608345599996,89799.45018461232,0.04421926140463548,90222.31822366206,0.04448568071211589,102764.32255378753,0.04393664880000003,104105.64033136972,0.04403787119885248,109816.95260922238,0.04406318292164847,118634.14119607751,0.04435538430147162,120988.8964235666,0.04445355530816217,116008.35905473046,0.043930871359633486,127428.85857500667,0.04405978388699987,133629.5451645664,0.04434050938152368,40798.71070514043,0.04393295991069416,39639.99239443042,0.04420399348265314,51703.74729181657,0.04444969035799868,61860.86438525607,0.044480876322076396,68168.58394835253,0.04447506153602921,71996.42503584182,0.04434301153465687,78119.11481713857,0.043918462940000014,74539.40317455187
+1442,0.04459264422083188,93105.60043362941,0.04402880904965544,22532.516021207834,0.04415598387199997,90005.20522795424,0.04431930498247398,90421.72944935097,0.04458587368669259,102992.56130382362,0.04403650481999993,104331.98953863392,0.04413773031721728,110042.51811179958,0.04416309943621007,118889.39302097737,0.04445550932246823,121246.18764385194,0.04455367592822547,116262.47966852548,0.04403071424908719,127697.30761067464,0.04415969269400007,133915.93066677012,0.04444060082482268,40913.92328309722,0.044032807546854756,39749.67715246157,0.04430400251768184,51836.771314010606,0.04454980227321928,62012.45845135623,0.04458105847595489,68325.28344480458,0.04457523059354291,72163.94692235386,0.04444310862615716,78297.02082725643,0.04401827762850001,74711.96565574431
+1443,0.04469285241009228,93312.789704263,0.04412864761892904,22608.05171947077,0.044255884287999966,90211.00126464444,0.04441934856031248,90621.20681336144,0.04468606666126939,103220.81229212444,0.04413636083999994,104558.38350909237,0.04423758943558198,110268.0087610331,0.04426301595077167,119144.56805312618,0.044555634343464726,121503.41134997694,0.04465379654828907,116516.57253587087,0.044130557138540784,127965.65716458233,0.04425960150099997,134202.2175194389,0.04454069226812198,41029.25992936686,0.04413265518301556,39859.48547800011,0.04440401155271044,51969.873622429164,0.044649914188440075,62164.11301563078,0.044681240629833495,68482.09851364142,0.04467539965105641,72331.48833673762,0.04454320571765757,78475.01154811405,0.044118092317000014,74884.58759262558
+1444,0.04479306059935248,93520.0119711278,0.04422848618820254,22683.71813044034,0.044355784703999965,90416.83041387396,0.04451939213815108,90820.74843010708,0.04478625963584629,103449.0701245646,0.044236216859999934,104784.81991998442,0.04433744855394678,110493.44553682217,0.04436293246533327,119399.71948974981,0.04465575936446123,121760.58793527354,0.04475391716835237,116770.63279209218,0.044230400027994686,128233.89895684227,0.04435951030799997,134488.40100353528,0.04464078371142108,41144.71973604502,0.04423250281917626,39969.41636883783,0.044504020587739036,52103.05101491319,0.044750026103660676,62315.85590092456,0.04478142278371199,68639.02114383044,0.04477556870857001,72499.03669168164,0.04464330280915787,78653.08619808358,0.044217907005500115,75057.26817041877
+1445,0.04489326878861278,93727.25679242816,0.04432832475747614,22759.513367488817,0.04445568511999996,90622.68874189844,0.04461943571598958,91020.35246113424,0.04488645261042309,103677.32710400366,0.044336072879999834,105011.29642439994,0.04443730767231148,110718.80463869467,0.04446284897989477,119654.84885620496,0.044755884385457724,122017.77428104,0.04485403778841577,117024.6463433914,0.04433024291744839,128502.03066629918,0.04445941911500007,134774.47600071394,0.04474087515472028,41260.30249218333,0.04433235045533686,40079.46879265796,0.04460402962276774,52236.299847014736,0.04485013801888148,62467.685819589904,0.044881604937590594,68796.04721176444,0.04487573776608351,72666.56920165484,0.044743399900658266,78831.24399070883,0.04431772169400011,75229.99639569118
+1446,0.04499347697787298,93934.53387185546,0.04442816332674984,22835.435796316662,0.04455558553599997,90828.59204996137,0.04471947929382818,91220.01706264025,0.044986645584999985,103905.56240291827,0.04443592890000004,105237.81062095822,0.04453716679067618,110944.07213744987,0.04456276549445647,119909.95405812879,0.04485600940645443,122274.96644500367,0.044954158408479265,117278.59842110824,0.044430085806901984,128770.052060549,0.04455932792199997,135060.44214571043,0.04484096659801938,41376.00709895921,0.04443219809149756,40189.641672817634,0.044704038657796236,52369.613215938654,0.044950249934102175,62619.60141187133,0.04498178709146909,68953.17357269465,0.044975906823597006,72834.10944183535,0.04484349699215857,79009.48645620244,0.044417536382499914,75402.76712453662
+1447,0.04509368516713348,94141.84495156351,0.04452800189602334,22911.483965781987,0.044655485952000064,91034.53779170068,0.04481952287166668,91419.74033812298,0.04508683855957689,104133.78651960462,0.04453578491999994,105464.3600191041,0.04463702590904098,111169.23361231401,0.04466268200901797,120165.03287373774,0.044956134427450924,122532.15884737881,0.04505427902854267,117532.53108616635,0.044529928696355685,129037.95542637585,0.04465923672899997,135346.31746089866,0.04494105804131858,41491.83254621852,0.044532045727658155,40299.933866917345,0.04480404769282504,52502.98889297228,0.04505036184932298,62771.60123017723,0.04508196924534769,69110.3975096434,0.045076075881110705,73001.64228588998,0.044943594083658965,79187.82756959635,0.04451735107099991,75575.57606144503
+1448,0.04519389335639368,94349.18462603375,0.04462784046529694,22987.65656277721,0.044755386367999965,91240.52300716189,0.04491956644950518,91619.52028644324,0.04518703153415369,104362.0264000987,0.044635640939999936,105690.94199601219,0.04473688502740568,111394.26830109952,0.04476259852357947,120420.08291033533,0.04505625944844752,122789.34665843504,0.04515439964860617,117786.43719103129,0.044629771585809386,129305.73192792882,0.04475914553600007,135632.07997751466,0.04504114948461768,41607.77793178743,0.04463189336381876,40410.34413226637,0.04490405672785354,52636.43086631353,0.045150473764543675,62923.68371818882,0.04518215139922619,69267.72629266027,0.04517624493862431,73169.11320487729,0.04504369117515936,79366.29468717112,0.04461716575950001,75748.41888663295
+1449,0.04529410154565398,94556.5439291313,0.044727679034570644,23063.952380459144,0.04485528678400007,91446.54403740291,0.04501961002734378,91819.35473402494,0.045287224508730586,104590.27810820239,0.04473549695999993,105917.55373885532,0.044836744145770484,111619.1243028385,0.04486251503814097,120675.10153302232,0.045156384469444026,123046.52518820319,0.045254520268669565,118040.30720858088,0.044729614475263184,129573.38234363508,0.04485905434299997,135917.70710564317,0.04514124092791688,41723.842390594604,0.044731740999979556,40520.87106491478,0.04500406576288224,52769.92972253232,0.04525058567976438,63075.84718227796,0.04528233355310479,69425.16108842436,0.045276413996137806,73336.54220322217,0.045143788266659664,79544.88869722224,0.044716980448000015,75921.29056495061
+1450,0.04539430973491418,94763.92626157726,0.04482751760384424,23140.370292877113,0.04495518719999996,91652.59576396894,0.04511965360518228,92019.24123307699,0.045387417483307387,104818.5356219622,0.04483535297999983,106144.1921609246,0.044936603264135185,111843.81359788837,0.04496243155270267,120930.0857340163,0.04525650949044053,123303.68947906417,0.04535464088873297,118294.16304439733,0.044829457364716885,129840.89933981282,0.04495896314999997,136203.18180067814,0.045241332371215984,41840.02507689509,0.04483158863614026,40631.522698684,0.045104074797910836,52903.48819184866,0.045350697594985175,63228.08975080178,0.0453825157069833,69582.69388783182,0.04537658305365151,73504.03364729023,0.04524388535816007,79723.59168827262,0.04481679513650001,76094.1833459184
+1451,0.04549451792417458,94971.3786215341,0.044927356173117744,23216.90922544056,0.045055087616000064,91858.66646572121,0.045219697183020775,92219.17688493757,0.04548761045788409,105046.78133215901,0.04493520900000004,106370.85376817125,0.04503646238249998,112068.41988401486,0.04506234806726417,121185.03184736885,0.04535663451143713,123560.86516950386,0.04545476150879647,118548.00189093569,0.044929300254170586,130108.24734394743,0.04505887195699987,136488.53982503718,0.04534142381451518,41956.32515522551,0.04493143627230086,40742.33521880082,0.04520408383293944,53037.19016097128,0.045450809510205775,63380.409313559976,0.045482697860861995,69740.32062295884,0.04547675211116511,73671.59622935497,0.045343982449660265,79902.39724083088,0.044916609825000016,76267.08563826414
+1452,0.04559472611343488,95178.87822396992,0.04502719474239134,23293.56806010095,0.045154988031999965,92064.7545660966,0.04531974076085938,92419.15797500509,0.04558780343246099,105275.02383101669,0.04503506501999994,106597.53442124571,0.04513632150086468,112292.93138386056,0.04516226458182567,121439.93469931562,0.045456759532433624,123818.04465025573,0.04555488212885977,118801.82005950461,0.04502914314362429,130375.43815077204,0.04515878076399997,136773.76814787035,0.04544151525781428,42072.741793904126,0.04503128390846156,40853.33522877759,0.04530409286796814,53171.01164040935,0.04555092142542658,63532.80342602655,0.045582880014740396,69898.0378295414,0.045576921168678605,73839.22465091619,0.04544407954116077,80081.3012642044,0.04501642451350001,76440.01460342327
+1453,0.04569493430269508,95386.42369549505,0.045127033311665045,23370.346102089465,0.04525488844800007,92270.87717718133,0.04541978433869808,92619.19618743451,0.04568799640703779,105503.29125663286,0.045134921039999935,106824.22883203618,0.04523618061922948,112517.34837562771,0.04526218109638737,121694.78121065137,0.04555688455343033,124075.21231578772,0.04565500274892337,119055.61662071329,0.04512898603307798,130642.5355277669,0.04525868957099997,137058.84054414986,0.04554160670111338,42189.27415941164,0.04513113154462216,40964.55719782526,0.04540410190299664,53304.93802346274,0.04565103334064718,63685.26914533412,0.045683062168619094,70055.84212183027,0.04567709022619211,74006.91054914794,0.045544176632661165,80260.30069226988,0.04511623920200001,76612.96648152891
+1454,0.045795142491955376,95594.0142818364,0.04522687188093844,23447.2708070792,0.04535478886399996,92477.0280446824,0.04551982791653658,92819.2863343445,0.045788189381614684,105731.5823954577,0.04523477705999994,107050.929104627,0.04533603973759418,112741.64384214998,0.04536209761094887,121949.57771389827,0.045657009574426824,124332.35442273102,0.04575512336898667,119309.38551974208,0.045228828922531786,130909.53265615653,0.04535859837799997,137343.78599149268,0.04564169814441258,42305.921410677234,0.045230979180782956,41075.973286834545,0.04550411093802534,53438.9585998015,0.04575114525586798,63837.80271560789,0.045783244322497495,70213.72987851947,0.045777259283705705,74174.67224076172,0.04564427372416137,80439.39301903409,0.04521605389050001,76785.9341798363
+1455,0.04589535068121578,95801.627457612,0.045326710450212145,23524.340684667768,0.04545468927999986,92683.19313264413,0.04561987149437508,93019.41287378466,0.045888382356191484,105959.89603409563,0.045334633079999936,107277.62511678481,0.04543589885595898,112965.85639046409,0.045462014125510375,122204.33771085486,0.04575713459542333,124589.44343415136,0.04585524398905007,119563.1102495716,0.04532867181198549,131176.42070600932,0.04545850718500007,137628.60420018394,0.04574178958771168,42422.68269287715,0.04533082681694356,41187.57080756986,0.04560411997305394,53573.05816211165,0.04585125717108868,63990.398844056486,0.04588342647637619,70371.69679569395,0.04587742834121941,74342.51014331983,0.045744370815661864,80618.57608162357,0.04531586857900001,76958.90567885514
+1456,0.04599555887047608,96009.27803141212,0.04542654901948574,23601.562572035746,0.045554589695999965,92889.35952936369,0.04571991507221368,93219.60356171509,0.04598857533076839,106188.23095441824,0.045434489099999836,107504.37930262934,0.04553575797432368,113190.03054422281,0.04556193064007187,122459.05807447914,0.04585725961641983,124846.47197029291,0.04595536460911357,119816.82900648355,0.04542851470143918,131443.1856869505,0.04555841599199997,137913.2822074366,0.04584188103101088,42539.55713004796,0.04543067445310426,41299.348500595675,0.04570412900808264,53707.2203480416,0.04595136908630948,64143.062332490925,0.045983608630254594,70529.73639904932,0.04597759739873291,74510.44292105321,0.04584446790716207,80797.84794202949,0.045415683267500014,77131.85460272839
+1457,0.04609576705973628,96216.9874733034,0.045526387588759244,23678.967243204737,0.045654490111999964,93095.56498817688,0.04581995865005218,93419.85762971111,0.046088768305345286,106416.58592895346,0.045534345120000035,107731.18151524157,0.04563561709268848,113414.16439038332,0.04566184715463357,122713.7393688361,0.04595738463741643,125103.46363476777,0.04605548522917697,120070.55222184057,0.045528357590892785,131709.78991041303,0.04565832479899997,138197.7980716856,0.04594197247430998,42656.54381584706,0.045530522089264856,41411.31905139196,0.04580413804311124,53841.48174448258,0.04605148100153008,64295.77324534868,0.04608379078413329,70687.83576710898,0.04607776645624651,74678.45784909773,0.045944564998662465,80977.206815666,0.045515497956000114,77304.80753121962
+1458,0.04619597524899658,96424.75214436704,0.04562622615803294,23756.5329492152,0.04575439052799996,93301.80707779479,0.04592000222789078,93620.17078990035,0.046188961279922086,106644.95971632504,0.045634201139999934,107958.00043831594,0.04573547621105318,113638.25600952755,0.04576176366919507,122968.37888423342,0.046057509658412925,125360.38971516212,0.04615560584924037,120324.27766784432,0.045628200480346486,131976.26142234524,0.04575823360600007,138482.11810941467,0.04604206391760928,42773.64180134581,0.04563036972542556,41523.46549811865,0.04590414707813974,53975.83860644471,0.046151592916750875,64448.54943669701,0.0461839729380118,70846.01004664523,0.04617793551376021,74846.55218480137,0.046044662090162766,81156.6510246627,0.04561531264450011,77477.73714931891
+1459,0.04629618343825698,96632.5677878702,0.04572606472730654,23834.248435627367,0.04585429094399997,93508.10001968946,0.04602004580572928,93820.53732396748,0.04628915425449899,106873.35105673186,0.04573405715999994,108184.85344254716,0.04583533532941788,113862.30346597928,0.04586168018375667,123222.97364683659,0.04615763467940943,125617.30677984738,0.04625572646930387,120578.00005684751,0.04572804336980038,132242.6437943863,0.04585814241299997,138766.26343469557,0.04614215536090828,42890.85007807711,0.04573021736158616,41635.780177239474,0.04600415611316854,54110.29963547067,0.046251704831971475,64601.41065782994,0.0462841550918902,71004.26377265879,0.04627810457127371,75014.73171518005,0.046144759181663164,81336.18258932716,0.045715127332999914,77650.70112224898
+1460,0.04639639162751718,96840.44422292999,0.045825903296580144,23912.107940841626,0.045954191359999966,93714.44202912717,0.04612008938356778,94020.94435076161,0.046389347229075686,107101.75866717072,0.045833913179999936,108411.75461843348,0.045935194447782685,114086.30479843655,0.045961596698318175,123477.52037311229,0.046257759700406124,125874.2382190661,0.04635584708936727,120831.71502551726,0.04582788625925408,132508.93351104215,0.04595805121999997,139050.2557045861,0.04624224680420758,43008.16755297168,0.04583006499774696,41748.25795112397,0.04610416514819704,54244.863385769124,0.04635181674719228,64754.36582733389,0.046384337245768896,71162.5951907318,0.04637827362878721,75182.99428196225,0.04624485627316357,81515.82488821611,0.04581494202149991,77823.71752295471
+1461,0.04649659981677748,97048.37874119794,0.045925741865853645,23990.10751973234,0.046054091775999964,93920.83099099307,0.046220132961406375,94221.3831920685,0.04648954020365249,107330.18123636265,0.04593376920000004,108638.69705559596,0.04603505356614738,114310.25801082361,0.046061513212879775,123732.01536195485,0.04635788472140263,126131.18574892548,0.04645596770943077,121085.4182563763,0.045927729148707686,132775.1217696705,0.04605796002699987,139334.06215961796,0.04634233824750668,43125.59300900808,0.04592991263390756,41860.89482104674,0.04620417418322574,54379.527695571276,0.046451928662412975,64907.412697654094,0.046484519399647296,71320.99901408398,0.04647844268630081,75351.3380354465,0.04634495336466386,81695.56508786768,0.04591475671000001,77996.78472863755
+1462,0.04659680800603778,97256.33929953084,0.04602558043512734,24068.244151206407,0.046153992192000066,94127.26415885659,0.046320176539244876,94421.92372855479,0.04658973317822939,107558.61741912003,0.046033625220000034,108865.67408239855,0.04613491268451218,114534.1610629392,0.046161429727441375,123986.45430970727,0.04645800974239923,126388.14384941198,0.046556088329494066,121339.10473382835,0.046027572038161386,133041.20724884962,0.04615786883399997,139617.73766118896,0.04644242969080588,43243.12503753819,0.046029760270068255,41973.68746745613,0.04630418321825434,54514.29034557605,0.04655204057763378,65060.54915978765,0.046584701553525995,71479.46788767997,0.04657861174381431,75519.76127256139,0.04644505045616427,81875.39691847825,0.046014571398500015,78169.9009539629
+1463,0.04669701619529818,97464.36683875625,0.04612541900440094,24146.51568291976,0.04625389260799997,94333.73710840642,0.046420220117083376,94622.57775055886,0.04668992615280619,107787.06583008904,0.046133481239999934,109092.69286059086,0.046234771802876884,114758.01186060261,0.04626134624200287,124240.83191987243,0.04655813476339573,126645.10877302769,0.04665620894955747,121592.76564543243,0.04612741492761509,133307.2133638692,0.04625777764099997,139901.31541433476,0.04654252113410498,43360.76190762353,0.04612960790622886,42086.63302828157,0.04640419225328294,54649.14896732258,0.04665215249285438,65213.77311452517,0.04668488370740449,71637.98893511371,0.04667878080132801,75688.26235419039,0.04654514754766457,82055.31673030641,0.04611438608700001,78343.06417772762
+1464,0.04679722438455838,97672.46424339112,0.04622525757367444,24224.921033598668,0.04635379302400006,94540.23814827962,0.04652026369492198,94823.32585802214,0.04679011912738309,108015.52503641018,0.04623333725999994,109319.74894447249,0.04633463092124148,114981.80824491072,0.04636126275656457,124495.14032157988,0.046658259784392225,126902.09106003988,0.04675632956962097,121846.39583925602,0.046227257817068886,133573.13649373004,0.04635768644799987,140184.8068285507,0.04664261257740398,43478.50126172111,0.04622945554238956,42199.72897150474,0.04650420128831164,54784.10091244377,0.04675226440807518,65367.082376202314,0.046785065861283094,71796.52838326353,0.04677894985884161,75856.84080950757,0.046645244639164966,82235.3217006195,0.046214200775500015,78516.2720150894
+1465,0.046897432573818676,97880.62861658461,0.04632509614294804,24303.457812792487,0.046453693439999964,94746.78263811927,0.04662030727276048,95024.16175586378,0.04689031210195989,108243.99354917245,0.046333193279999935,109546.83532789466,0.04643449003960628,115205.54883191297,0.04646117927112607,124749.3734530984,0.04675838480538873,127159.08884169826,0.046856450189684366,122100.00885127277,0.046327100706522586,133838.9700720897,0.04645759525500007,140468.20651407228,0.04674270402070328,43596.33909851861,0.046329303178550156,42312.973013833165,0.04660421032334014,54919.14303321487,0.04685237632329578,65520.47457289766,0.04688524801516159,71955.14042342469,0.04687911891635511,76025.54167050296,0.046745341730665364,82415.40938728557,0.04631401546400001,78689.52146478606
+1466,0.04699764076307908,98088.85723318857,0.04642493471222174,24382.12420912203,0.04655359385600007,94953.37634563253,0.04672035085059908,95225.08154158949,0.046990505076536786,108472.4698129684,0.046433049299999835,109773.94653041492,0.04653434915797098,115429.25545371714,0.046561095785687574,125003.51778740052,0.04685850982638533,127416.10019286592,0.04695657080974787,122353.60021003724,0.04642694359597629,134104.70663094628,0.04655750406199997,140751.50687313138,0.04684279546400238,43714.26342589119,0.04642915081471096,42426.36306496103,0.04670421935836884,55054.271243779476,0.046952488238516575,65673.94700865021,0.04698543016904019,72113.83739977209,0.04697928797386881,76194.34954516882,0.046845438822165665,82595.57754557615,0.046413830152500016,78862.80829893498
+1467,0.04709784895233938,98297.14737598159,0.04652477328149534,24460.91866476367,0.04665349427199997,95160.01779566401,0.04682039442843758,95426.08230758086,0.04709069805111369,108700.95219308377,0.04653290532000003,110001.08604467302,0.046634208276335784,115652.92226740351,0.04666101230024907,125257.55288359306,0.046958634847382025,127673.12310571474,0.04705669142981127,122607.16404148987,0.04652678648542998,134370.3346717067,0.04665741286899997,141034.6960421386,0.046942886907301584,43832.28930359438,0.04652899845087156,42539.897187223745,0.046804228393397436,55189.47939834081,0.04705260015373728,65827.49642138899,0.04708561232291869,72272.61128552325,0.04707945703138231,76363.25172379785,0.04694553591366606,82775.82403166915,0.04651364484100001,79036.12485432741
+1468,0.04719805714159958,98505.49619523481,0.04662461185076884,24539.839779683254,0.04675339468800006,95366.70538432726,0.04692043800627608,95627.16167310748,0.04719089102569049,108929.43895913819,0.04663276133999993,110228.23739385823,0.046734067394700485,115876.53900205521,0.046760928814810775,125511.511506521,0.04705875986837853,127930.15545710454,0.047156812049874666,122860.68950374148,0.04662662937488368,134635.83184286472,0.04675732167600007,141317.7414620076,0.04704297835060068,43950.42550913788,0.04662884608703226,42653.5735649604,0.046904237428426136,55324.75438371073,0.047152712068958075,65981.11842892466,0.04718579447679729,72431.46099056953,0.04717962608889591,76532.2419439142,0.04704563300516627,82956.14674164895,0.046613459529500016,79209.44966648662
+1469,0.04729826533085988,98713.90053137954,0.04672445042004244,24618.88627120908,0.046853295103999965,95573.43733738293,0.047020481584114676,95828.31929933344,0.047291084000267186,109157.9282636395,0.04673261735999994,110455.39811746166,0.04683392651306528,116100.10026890844,0.04686084532937227,125765.37511323694,0.04715888488937502,128187.19496548313,0.04725693266993817,123114.16802475599,0.04672647226433749,134901.2329213129,0.04685723048299997,141600.6583722549,0.04714306979389988,44068.6710938411,0.04672869372319286,42767.39048019596,0.04700424646345474,55460.07134609811,0.047252823984178675,66134.80551207872,0.0472859766306758,72590.38678787508,0.04727979514640941,76701.31550945001,0.04714573009666677,83136.54356606504,0.04671327421800001,79382.81677676583
+1470,0.04739847352012008,98922.3582662367,0.04682428898931614,24698.056949452643,0.046953195519999866,95780.21164609195,0.047120525161953176,96029.58260589067,0.04739127697484409,109386.41811286275,0.046832473379999934,110682.60314304363,0.04693378563142998,116323.60162674372,0.046960761843933774,126019.17909997916,0.047259009910371526,128444.23913024882,0.04735705329000147,123367.5946413152,0.04682631515379118,135166.53916019638,0.04695713928999997,141883.4938248875,0.04724316123719898,44187.02488279532,0.046828541359353555,42881.346292177404,0.04710425549848344,55595.49057375808,0.04735293589939948,66288.53978344159,0.04738615878455439,72749.408537986,0.04737996420392291,76870.46824304492,0.04724582718816717,83317.01235040168,0.046813088906500114,79556.23707264982
+1471,0.04749868170938048,99130.87129374746,0.04692412755858964,24777.350700279814,0.04705309593599997,95987.02596110164,0.04722056873979168,96230.9464528183,0.04749146994942089,109614.90632525702,0.046932329399999834,110909.849659584,0.047033644749794684,116547.03891516729,0.04706067835849527,126272.93293286354,0.047359134931368126,128701.28514055438,0.04745717391006507,123620.98573449161,0.04692615804324488,135431.74500195784,0.04705704809700007,142166.24281965132,0.04734325268049818,44305.485149290565,0.04692838899551416,42995.43941891869,0.047204264533512036,55731.016585586956,0.04745304781462008,66442.34898167319,0.047486340938432896,72908.52594383487,0.04748013326143661,77039.69598750732,0.04734592427966736,83497.55085532786,0.04691290359499991,79729.70944273929
+1472,0.04759888989864078,99339.42594401809,0.04702396612786324,24856.76647242406,0.04715299635199986,96193.8773993338,0.04732061231763028,96432.4258229379,0.04759166292399779,109843.3904680178,0.04703218542000004,111137.13366177285,0.04713350386815948,116770.40797585438,0.047160594873056974,126526.63163606604,0.04745925995236463,128958.32972708458,0.04755729453012837,123874.33246982233,0.04702600093269858,135696.84380787253,0.04715695690399997,142448.89933051378,0.04744334412379728,44424.047127544545,0.047028236631674956,43109.668318609234,0.04730427356854054,55866.64868479434,0.04755315972984088,66596.23741358265,0.0475865230923115,73067.74099422904,0.04758030231895021,77208.99417807978,0.047446021371167865,83678.15671109312,0.04701271828349991,79903.23273378276
+1473,0.04769909808790098,99548.00545368681,0.04712380469713684,24936.303267239644,0.047252896767999965,96400.76213803847,0.04742065589546878,96634.00461080945,0.04769185589857459,110071.86775061715,0.04713204143999994,111364.44580699036,0.04723336298652418,116993.70447303444,0.04726051138761847,126780.26828537631,0.047559384973361124,129215.36889577897,0.04765741515019177,124127.67192808333,0.04712584382215219,135961.82690295522,0.04725686571099997,142731.4556501659,0.04754343556709648,44542.71376665082,0.04712808426783566,43224.03146761391,0.047404282603569235,56002.39481278052,0.04765327164506158,66750.20121806356,0.047686705246189995,73227.05078859603,0.04768047137646371,77378.35719156153,0.04754611846266807,83858.82735917463,0.04711253297199991,80076.80574332006
+1474,0.04779930627716148,99756.64574309875,0.04722364326641034,25015.96013000644,0.04735279718399996,96607.674317202,0.04752069947330738,96835.67470607763,0.047792048873151485,110300.33481397814,0.047231897459999936,111591.79672262384,0.04733322210488898,117216.92372767022,0.04736042790218007,127033.8281969115,0.04765950999435783,129472.39737585878,0.047757535770255266,124381.00246964378,0.04722568671160608,136226.6796325457,0.04735677451799987,143013.90069701817,0.04764352701039558,44661.49092067312,0.04722793190399626,43338.52732771603,0.04750429163859784,56138.27409047348,0.04775338356028238,66904.23448176144,0.047786887400068596,73386.45352346252,0.04778064043397741,77547.77667472366,0.04764621555416847,84039.559969472,0.04721234766050001,80250.42721060818
+1475,0.047899514466421676,99965.34638769148,0.04732348183568404,25095.736141896185,0.04745269759999997,96814.59958194643,0.04762074305114588,97037.43100881063,0.047892241847728285,110528.78714188669,0.04733175347999993,111819.19007152352,0.04743308122325368,117440.06051448574,0.04746034441674167,127287.3022355097,0.047759635015354324,129729.40716225606,0.04785765639031867,124634.32162323294,0.04732552960105978,136491.3797366269,0.04745668332499997,143296.21076724475,0.04774361845369468,44780.37803945213,0.04732777954015686,43453.154278825066,0.04760430067362654,56274.27336639095,0.04785349547550298,67058.32106203774,0.047887069553947094,73545.94767502957,0.04788080949149101,77717.22938667602,0.04774631264566897,84220.35446802127,0.047312162349000014,80424.09580520677
+1476,0.04799972265568198,100174.10471146212,0.04742332040495764,25175.63041155052,0.04755259801599997,97021.52553001283,0.04772078662898438,97239.26921495539,0.04799243482230519,110757.21637840812,0.04743160949999994,112046.62417144299,0.04753294034161848,117663.10875674913,0.047560260931303174,127540.72303712845,0.04785976003635092,129986.38000285994,0.04795777701038217,124887.63003774096,0.04742537249051339,136755.96062631256,0.04755659213199997,143578.38088238126,0.04784370989699388,44899.37455558318,0.04742762717631756,43567.910383313705,0.04770430970865514,56410.388137618196,0.047953607390723775,67212.46368965419,0.04798725170782559,73705.5317907404,0.04798097854900451,77886.72298995493,0.047846409737169165,84401.22140686783,0.04741197703750001,80597.81011221418
+1477,0.04809993084494218,100382.91770064253,0.047523158974231344,25255.642064282594,0.047652498431999965,97228.49542204017,0.04782083020682298,97441.18388072829,0.04809262779688199,110985.62231229221,0.04753146552000004,112274.09728988852,0.04763279945998318,117886.06098045135,0.047660177445864774,127794.08478651116,0.047959885057347426,130243.2922578781,0.048057897630445566,125140.92349234672,0.04752521537996708,137020.41155095433,0.04765650093899987,143860.38610657703,0.04794380134029298,45018.4798764436,0.04752747481247816,43682.79352478009,0.047804318743683835,56546.61585961225,0.048053719305944376,67366.69032417826,0.04808743386170419,73865.20442851415,0.04808114760651801,78056.29591563492,0.04794650682866956,84582.14844939426,0.047511791726000015,80771.56861276034
+1478,0.04820013903420258,100591.78166526037,0.04762299754350474,25335.77022340175,0.04775239884799996,97435.5153264654,0.04792087378466148,97643.17286823395,0.048192820771458686,111214.00817746895,0.04763132153999994,112501.63407892767,0.047732658578347985,118108.90711281802,0.04776009396042627,128047.37892534886,0.04806001007834393,130500.21171512555,0.04815801825050887,125394.19670392797,0.04762505826942078,137284.6976921623,0.04775640974600007,144142.29646959805,0.04804389278359218,45137.69337069543,0.04762732244863896,43797.86598897496,0.04790432777871244,56682.954708678124,0.04815383122116518,67520.99741522144,0.0481876160155827,74024.96412709044,0.04818131666403161,78225.94469625283,0.048046603920169864,84763.1253048819,0.04761160641450001,80945.36965736467
+1479,0.04830034722346288,100800.6913309952,0.047722836112778444,25416.013960048425,0.047852299264000066,97642.58404379472,0.04802091736249998,97845.23939875828,0.04829301374603559,111442.36504531554,0.047731177559999935,112729.28122986182,0.04783251769671268,118331.63039277082,0.047860010474987974,128300.58342933087,0.048160135099340425,130757.14212564005,0.04825813887057247,125647.44245982134,0.04772490115887459,137548.81666201667,0.04785631855299997,144424.10497086647,0.048143984226891284,45257.01434267883,0.04772717008479966,43913.1112991361,0.04800433681374094,56819.40322897493,0.048253943136385875,67675.3796039567,0.04828779816946129,74184.8093860019,0.04828148572154531,78395.6826039399,0.04814670101167027,84944.1300552386,0.047711421103000015,81119.2114283127
+1480,0.048400555412723076,101009.63355725002,0.04782267468205204,25496.371932907143,0.04795219967999997,97849.70028801862,0.048120960940338575,98047.39061786223,0.04839320672061249,111670.68815236002,0.04783103357999994,112957.0033489308,0.04793237681507748,118554.19727409945,0.04795992698954947,128553.70732203018,0.048260260120337024,131014.08122235887,0.04835825949063577,125900.64230281125,0.04782474404832828,137812.83234567964,0.04795622735999997,144705.79526259017,0.04824407567019058,45376.441973649205,0.047827017720960256,44028.51351932211,0.04810434584876964,56955.96018465812,0.04835405505160658,67829.82564467132,0.048387980323339796,74344.73864859383,0.04838165477905881,78565.53522563602,0.04824679810317067,85125.17449825286,0.04781123579150001,81293.09188401446
+1481,0.04850076360198338,101218.6145678307,0.047922513251325544,25576.843997549902,0.04805210009600006,98056.86265853902,0.048221004518177076,98249.62499732667,0.04849339969518929,111898.94897640435,0.047930889599999936,113184.78867989944,0.048032235933442184,118776.59796699592,0.04805984350411097,128806.77062919513,0.048360385141333624,131271.02608373124,0.04845838011069937,126153.81645800176,0.04792458693778198,138076.72511791685,0.04805613616700007,144987.39427916304,0.04834416711348958,45496.015999753254,0.04792686535712086,44144.06570931807,0.04820435488379824,57092.6244848288,0.04845416696682728,67984.31737920392,0.04848816247721839,74504.75028501879,0.04848182383657241,78735.4912111121,0.04834689519467097,85306.27955479622,0.047911050480000016,81467.00870445423
+1482,0.04860097179124378,101427.6438087246,0.04802235182059914,25657.43030512582,0.048152000511999964,98264.069594573,0.04832104809601568,98451.93554721776,0.048593592669766185,112127.16675481026,0.04803074562000004,113412.6300497624,0.048132095051806885,118998.92516193679,0.04815976001867267,129059.76592142042,0.048460510162330224,131527.97215188353,0.04855850073076267,126406.97444612336,0.04802442982723568,138340.52303434664,0.04815604497399997,145268.93620103697,0.04844425855678888,45615.72855497572,0.04802671299328156,44259.76325270897,0.04830436391882694,57229.39514050241,0.04855427888204808,68138.88991064929,0.048588344631096896,74664.84582984418,0.04858199289408611,78905.54773054649,0.048446992286171366,85487.43930244185,0.04801086516850011,81640.95908432352
+1483,0.04870117998050408,101636.71152256214,0.048122190389872845,25738.130185017475,0.048251900928000066,98471.31929252521,0.04842109167385418,98654.31692134251,0.048693785644342985,112355.38689603048,0.048130601640000034,113640.52152385128,0.04823195417017168,119221.1771559319,0.04825967653323417,129312.685839215,0.04856063518332673,131784.90617114355,0.04865862135082607,126660.11193536926,0.048124272716689384,138604.2267167462,0.04825595378099997,145550.417909023,0.04854435000008788,45735.5692567901,0.04812656062944236,44375.602562926426,0.04840437295385554,57366.271237794186,0.048654390797268875,68293.54208068676,0.0486885267849755,74825.06457643042,0.048682161951599606,79075.73962760861,0.048547089377671666,85668.65757882064,0.04811067985700011,81814.93946820826
+1484,0.04880138816976428,101845.7963750341,0.04822202895914644,25818.942983829533,0.04835180134399997,98678.60952926034,0.04852113525169288,98856.76659906933,0.04879397861891989,112583.60670031996,0.048230457659999934,113868.45636396902,0.048331813288536384,119443.34635238805,0.04835959304779567,129565.51050931173,0.04866076020432323,132041.840623055,0.04875874197088957,126913.22118644326,0.04822411560614318,138867.8286466694,0.04835586258799987,145831.83574438482,0.04864444144338718,45855.53510286653,0.04822640826560296,44491.5805941885,0.04850438198888424,57503.25192001092,0.048754502712489475,68448.29699376867,0.048788708938853995,74985.41098654125,0.04878233100911311,79246.03755159788,0.048647186469172064,85849.91521372997,0.04821049454550011,81988.94547496515
+1485,0.04890159635902458,102054.94286651573,0.048321867528419944,25899.868064020106,0.04845170175999987,98885.93715253091,0.04862117882953128,99059.2813669101,0.04889417159349669,112811.83643769003,0.04833031367999994,114096.43174141253,0.04843167240690118,119665.4337780826,0.04845950956235717,129818.28190549543,0.04876088522531983,132298.78812109973,0.04885886259095297,127166.29115944481,0.04832395849559688,139131.32221095636,0.04845577139499997,146113.18514015342,0.04874453288668628,45975.6315180436,0.048326255901763655,44607.694595944275,0.04860439102391274,57640.33637507105,0.04885461462771028,68603.15409607538,0.04888889109273269,75145.91846190576,0.048882500066626706,79416.4173374238,0.04874728356067247,86031.20197817573,0.04831030923399991,82162.98314796668
+1486,0.049001804548284976,102264.15624675459,0.04842170609769364,25980.904802631474,0.048551602175999964,99093.29465937453,0.04872122240736998,99261.85071699525,0.04899436456807359,113040.07811289885,0.048430169699999935,114324.44750164167,0.04853153152526588,119887.43317243211,0.04855942607691887,130070.99307875548,0.048861010246316325,132555.74742315942,0.048958983211016466,127419.34513827515,0.048423801385050584,139394.70534693898,0.04855568020199997,146394.45949145462,0.04884462432998548,46095.864564316464,0.04842610353792426,44723.94195808094,0.04870440005894134,57777.52382626692,0.04895472654293088,68758.11282542165,0.048989073246611094,75306.55172749242,0.04898266912414021,79586.88862251943,0.04884738065217276,86212.57176437853,0.048410123922499916,82337.03379013072
+1487,0.04910201273754518,102473.43553430855,0.04852154466696724,26062.05445313658,0.048651502591999865,99300.68600808234,0.04882126598520848,99464.46605485302,0.04909455754265029,113268.3135701828,0.048530025719999835,114552.49939715167,0.04863139064363068,120109.33368622382,0.04865934259148037,130323.62553660464,0.04896113526731303,132812.7172470299,0.04905910383107987,127672.38161156309,0.04852364427450418,139657.96211054228,0.04865558900899987,146675.64444883302,0.04894471577328458,46216.22494019029,0.04852595117408496,44840.32313327237,0.04880440909397004,57914.81352521901,0.04905483845815168,68913.17260877388,0.04908925540048979,75467.29710692055,0.04908283818165391,79757.45291818559,0.04894747774367317,86394.02111504991,0.04850993861100001,82511.07871280811
+1488,0.04920222092680548,102682.77974781136,0.04862138323624074,26143.316252833098,0.04875140300799997,99508.12082479542,0.04892130956304698,99667.15969325918,0.04919475051722709,113496.52179346101,0.04862988174000003,114780.58268990915,0.04873124976199538,120331.11745643351,0.04875925910604187,130576.16039216865,0.049061260288309524,133069.69626394485,0.049159224451143166,127925.39755025502,0.04862348716395788,139921.08603341656,0.04875549781599997,146956.75038346008,0.049044807216583684,46336.708905102474,0.048625798810245556,44956.85833525064,0.048904418128998636,58052.20474622005,0.04915495037337238,69068.33285909082,0.04918943755436819,75628.14557199136,0.04918300723916741,79928.09543518124,0.04904757483517347,86575.54627393227,0.048609753299500014,82685.16503955942
+1489,0.04930242911606578,102892.1879041076,0.048721221805514345,26224.68899329718,0.048851303423999966,99715.5969869649,0.04902135314088558,99869.93053839759,0.04929494349180399,113724.72036352947,0.04872973775999993,115008.69239033588,0.04883110888036018,120552.78681900616,0.04885917562060357,130828.6413643295,0.04916138530930603,133326.6830907682,0.049259345071206766,128178.38951492855,0.04872333005341158,140184.0723013771,0.04885540662299997,147237.77625085655,0.049144898659882884,46457.31383197125,0.04872564644640636,45073.5344909054,0.04900442716402734,58189.6967816328,0.04925506228859318,69223.59297121494,0.04928961970824689,75789.08952758364,0.04928317629668101,80098.87176883475,0.049147671926673867,86757.14300921197,0.04870956798800001,82859.32223450474
+1490,0.04940263730532618,103101.65901634612,0.04882106037478804,26306.217000261262,0.048951203839999964,99923.11223668489,0.04912139671872408,100072.77742188785,0.04939513646638079,113952.93710700054,0.04882959377999994,115236.86323314297,0.04893096799872488,120774.3831812743,0.04895909213516507,131081.09323418824,0.04926151033030253,133583.67628036672,0.04935946569127007,128431.35349098785,0.04882317294286538,140446.90985378475,0.04895531542999997,147518.70093202713,0.04924499010318198,46578.037518212725,0.04882549408256696,45190.3440587385,0.04910443619905594,58327.288970817266,0.04935517420381378,69378.95231606059,0.04938980186212529,75950.1215850803,0.04938334535419471,80269.77738964692,0.04924776901817406,86938.80592566395,0.048809382676500014,83033.5787109865
+1491,0.04950284549458638,103311.1920922811,0.04892089894406154,26387.927803470822,0.04905110425599996,100130.66390079798,0.04922144029656258,100275.69921907887,0.049495329440957685,114181.17010631954,0.048929449799999934,115465.076833403,0.049030827117089684,120995.91902081786,0.04905900864972657,131333.513521819,0.04936163535129913,133840.67430936496,0.049459586311333466,128684.28460070291,0.04892301583231908,140709.63790297473,0.04905522423700007,147799.52521826208,0.04934508154648118,46698.8779015865,0.04892534171872766,45307.28050874407,0.04920444523408444,58465.048274064946,0.049455286119034575,69534.41023221273,0.04948998401600399,76111.23358792285,0.04948351441170821,80440.80902191879,0.049347866109674565,87120.52532087135,0.04890919736500001,83207.91220176307
+1492,0.04960305368384668,103520.78613245049,0.04902073751333514,26469.80610306987,0.049151004672000065,100338.24850991665,0.049321483874401176,100478.69484094472,0.04959552241553459,114409.41751803484,0.049029305819999834,115693.30469216811,0.049130686235454385,121217.38926839246,0.04915892516428817,131585.8994546614,0.049461760372295625,134097.67556231507,0.04955970693139697,128937.17652121377,0.04902285872177278,140972.23880663977,0.04915513304399997,148080.27354707758,0.04944517298978028,46819.832825937396,0.04902518935488826,45424.334970757656,0.04930445426911314,58602.96158404104,0.049555398034255176,69689.96601285163,0.049590166169882495,76272.41503985021,0.04958368346922181,80611.96406911722,0.04944796320117496,87302.29403072182,0.049009012053500015,83382.31474004488
+1493,0.04970326187310688,103730.44012839968,0.04912057608260874,26551.833820377884,0.049250905087999966,100545.86086546264,0.049421527452239676,100681.76322769329,0.04969571539011139,114637.67750341284,0.04912916184000004,115921.51709771132,0.04923054535381918,121438.78877196592,0.04925884167884977,131838.2478484736,0.04956188539329213,134354.67831050523,0.04965982755146037,129190.01994127655,0.049122701611226484,141234.69268482664,0.04925504185099997,148360.96159606337,0.04954526443307948,46940.89963920394,0.049125036991048955,45541.48320350078,0.049404463304141735,58741.00908562269,0.04965550994947598,69845.61888377008,0.0496903483237611,76433.64755115594,0.04968385252673531,80783.24034597704,0.04954806029267517,87484.10642550689,0.04910882674200001,83556.78095482665
+1494,0.04980347006236738,103940.15306085366,0.04922041465188244,26634.003378807847,0.04935080550400007,100753.48984696358,0.04952157103007828,100884.9033434418,0.049795908364688286,114865.94817253143,0.04922901785999994,116149.7598151575,0.049330404472183884,121660.11195096657,0.04935875819341127,132090.5548869825,0.049662010414288825,134611.68068227213,0.04975994817152387,129442.79463835435,0.049222544500680185,141497.01610729747,0.04935495065800007,148641.58634523323,0.04964535587637858,47062.07351682057,0.04922488462720956,45658.75422222301,0.049504472339170436,58879.18320264516,0.049755621864696675,70001.36796190047,0.049790530477639594,76594.89559652482,0.04978402158424901,80954.63594571214,0.049648157384175565,87665.97193173884,0.049208641430500015,83731.34226671667
+1495,0.04990367825162758,104149.92389771175,0.04932025322115594,26716.30997649304,0.04945070591999996,100961.11650709952,0.04962161460791678,101088.11417169195,0.04989610133926499,115094.22752668778,0.049328873879999936,116378.02646366735,0.049430263590548584,121881.35247188147,0.04945867470797287,132342.8156317055,0.04976213543528533,134868.68061952328,0.04986006879158727,129695.48624391425,0.04932238739013398,141759.1991536788,0.04945485946499997,148922.1407826186,0.04974544731967778,47183.34776658578,0.049324732263370356,45776.16619976254,0.04960448137419904,59017.47926231635,0.04985573377991748,70157.21216306437,0.049890712631518196,76756.20897259044,0.049884190641762506,81126.14916350589,0.049748254475675865,87847.87076780274,0.049308456119000116,83905.99887556423
+1496,0.05000388644088788,104359.7515920733,0.04942009179042954,26798.750105410025,0.049550606336000065,101168.78888113967,0.04972165818575528,101291.39471132637,0.04999629431384179,115322.51338472097,0.04942872989999993,116606.35381951598,0.04953012270891338,122102.5027920569,0.04955859122253437,132595.0224648655,0.04986226045628193,135125.6758091999,0.04996018941165057,129948.12471522644,0.049422230279587684,142021.23658415553,0.04955476827199997,149202.60832094628,0.04984553876297688,47304.739070753356,0.04942457989953096,45893.717778124665,0.04970449040922774,59155.89388182208,0.04995584569513808,70313.14992278806,0.04999089478539669,76917.58936416403,0.04998435969927611,81297.77844779793,0.04984835156717626,88029.82583440033,0.04940827080750011,84080.73952209164
+1497,0.050104094630148276,104569.63507995634,0.04951993035970314,26881.321000833497,0.049650506751999966,101376.50917497903,0.04982170176359388,101494.74397290764,0.05009648728841869,115550.80326985703,0.04952858591999994,116834.73924774135,0.04962998182727808,122323.55592956742,0.04965850773709607,132847.15500794834,0.04996238547727842,135382.66356381183,0.05006031003171417,130200.72605685718,0.049522073169041385,142283.1754313372,0.04965467707899987,149482.99199022976,0.049945630206276084,47426.2507708645,0.04952442753569166,46011.407697444,0.04980449944425624,59294.42438219801,0.05005595761035888,70469.17705779924,0.05009107693927519,77079.06711978809,0.050084528756789606,81469.52236721163,0.04994844865867667,88211.8782747404,0.049508085495999915,84255.55744539035
+1498,0.05020430281940848,104779.57327794135,0.04961976892897664,26964.02037492781,0.04975040716800006,101584.27636593411,0.04992174534143238,101698.16097502658,0.05019668026299549,115779.09420423512,0.04962844194000004,117063.18024266919,0.04972984094564288,122544.50440180815,0.04975842425165757,133099.23296444918,0.050062510498274926,135639.6405784555,0.05016043065177747,130453.27088045422,0.049621916058495086,142545.0536553418,0.04975458588599997,149763.31889489663,0.05004572164957518,47547.930890617245,0.04962427517185226,46129.23477572035,0.049904508479285035,59433.06851127902,0.05015606952557948,70625.29585171244,0.05019125909315379,77240.64463832871,0.050184697814303306,81641.37958689353,0.05004854575017697,88394.02725330026,0.04960790018449991,84430.44802386127
+1499,0.05030451100866878,104989.56508046157,0.04971960749825034,27046.846268155885,0.04985030758399996,101792.08938940849,0.05002178891927088,101901.64474048,0.050296873237572384,116007.38224774238,0.04972829795999994,117291.67435779561,0.04982970006400758,122765.31845169341,0.04985834076621907,133351.26896295854,0.05016263551927143,135896.60227596108,0.05026055127184107,130705.79954827116,0.04972175894794868,142806.86861292788,0.04985449469299997,150043.59039679696,0.05014581309287448,47669.76055324769,0.04972412280801296,46247.19789445793,0.05000451751431354,59571.82428919631,0.050256181440800275,70781.51146731313,0.0502914412470323,77402.31785364018,0.05028486687181691,81813.348850877,0.05014864284167737,88576.27193077968,0.04970771487300001,84605.40758642319
+1500,0.05040471919792898,105199.6093568676,0.04981944606752394,27129.79882435676,0.049950207999999864,101999.9471304887,0.05012183249710948,102105.19429187907,0.050397066212149184,116235.66094946825,0.049828153979999935,117520.22765790128,0.04992955918237238,122985.98179992413,0.04995825728078077,133603.25815144018,0.05026276054026803,136153.53831979271,0.050360671891904366,130958.31203943881,0.049821601837402585,143068.62711621687,0.04995440349999987,150323.80321974782,0.05024590453617348,47791.72902308339,0.049823970444173755,46365.29598802761,0.05010452654934214,59710.689909355155,0.05035629335602098,70937.82334441518,0.05039162340091089,77564.07992928497,0.050385035929330406,81985.42896863527,0.05024873993317767,88758.61145572012,0.04980752956150001,84780.43297704644
+1501,0.05050492738718948,105409.70494805517,0.04991928463679754,27212.93150128596,0.050050108415999967,102207.84841314211,0.05022187607494798,102308.80864588897,0.05049725918672609,116463.91611900754,0.04992800999999994,117748.85373831163,0.05002941830073708,123206.51616046182,0.05005817379534227,133855.1939006677,0.050362885561264725,136410.44727537633,0.05046079251196777,131210.80413297768,0.049921444726856286,143330.32667956152,0.05005431230700007,150603.95337543142,0.050345995979472584,47913.850905799896,0.04992381808033436,46483.52803555241,0.05020453558437084,59849.66366439042,0.05045640527124168,71094.23090784729,0.050491805554789396,77725.91320246542,0.05048520498684391,82157.61880438353,0.050348837024678066,88941.04495380598,0.04990734425000001,84955.52134285087
+1502,0.05060513557644968,105619.85066265226,0.05001912320607104,27296.225612840266,0.05015000883199987,102415.79198576238,0.05032191965278648,102512.4868043597,0.050597452161302986,116692.15244723269,0.050027866019999936,117977.53900923123,0.050129277419101885,123426.90832861909,0.05015809030990377,134107.06526242392,0.05046301058226123,136667.34472279568,0.05056091313203127,131463.27038974361,0.05002128761630988,143591.95957520686,0.05015422111399997,150884.0356618369,0.05044608742277188,48036.131032706224,0.050023665716494956,46601.89305448823,0.05030454461939944,59988.74387795656,0.050556517186462376,71250.73356474302,0.050591987708668,77887.81885790845,0.05058537404435761,82329.91726853164,0.050448934116178464,89123.57151315533,0.05000715893850001,85130.67001117894
+1503,0.05070534376570998,105830.04527255963,0.05011896177534474,27379.66746099997,0.05024990924799996,102623.77650093533,0.05042196323062508,102716.22773746292,0.050697645135879786,116920.394063134,0.05012772204000004,118206.27717866142,0.05022913653746658,123647.07700297213,0.050258006824465275,134358.84018162955,0.050563135603257724,136924.2262985307,0.050661033752094665,131715.7029580645,0.050121130505763584,143853.52007099043,0.05025412992099997,151164.04239073137,0.05054617886607088,48158.55547032512,0.050123513352655656,46720.39009550843,0.05040455365442814,60127.92882201162,0.05065662910168318,71407.33070119121,0.050692169862546495,78049.82388459193,0.050685543101871205,82502.32331063604,0.050549031207678764,89306.19016178651,0.050106973627000014,85305.87640775085
+1504,0.05080555195497018,106040.28750774963,0.05021880034461834,27463.25083894596,0.05034980966399997,102831.8004856079,0.050522006808463575,102920.03033914555,0.05079783811045669,117148.64415692748,0.050227578060000035,118435.06273139743,0.050328995655831384,123867.16187655814,0.05035792333902697,134610.54467557315,0.050663260624254226,137181.08539726675,0.05076115437215807,131968.08559457248,0.050220973395217285,144114.99980473853,0.05035403872800007,151443.9590138967,0.05064627030937018,48281.11902267281,0.05022336098881626,46839.018238255914,0.05050456268945664,60267.216577318904,0.05075674101690378,71564.02167780627,0.050792352016425096,78211.91364227883,0.05078571215938471,82674.83591343321,0.05064912829917917,89488.89982895623,0.05020678831550001,85481.13799471248
+1505,0.05090576014423058,106250.57605013376,0.05031863891389184,27546.971639764954,0.05044971007999997,103039.86229421308,0.05062205038630218,103123.89312300306,0.050898031085033386,117376.89990762579,0.050327434079999935,118663.88617778444,0.050428854774196084,124087.21619080074,0.050457839853588475,134862.21696598644,0.050763385645250826,137437.90410833334,0.05086127499222157,132220.40241740667,0.050320816284670986,144376.39486526776,0.05045394753499997,151723.76921912396,0.05074636175266918,48403.818297114325,0.05032320862497696,46957.776587794586,0.05060457172448524,60406.604688254214,0.05085685293212458,71720.80582392804,0.050892534170303594,78374.10591451015,0.050885881216898306,82847.4540878578,0.05074922539067946,89671.7019104831,0.050306603004000014,85656.4522169506
+1506,0.05100596833349088,106460.90952607495,0.05041847748316544,27630.826739553264,0.050549610495999965,103247.96002837598,0.05072209396414068,103327.81518668402,0.05099822405961019,117605.18061434197,0.05042729009999994,118892.74888347031,0.05052871389256088,124307.23830496946,0.05055775636814997,135113.85302226088,0.05086351066624733,137694.68766318783,0.05096139561228487,132472.69189711992,0.050420659174124784,144637.71023363702,0.05055385634199997,152003.53654541276,0.050846453195968484,48526.65073322668,0.05042305626113776,47076.664271545786,0.05070458075951394,60546.088279133815,0.05095696484734528,71877.68451190708,0.050992716324182195,78536.40579893993,0.05098605027441201,83020.1768685678,0.05084932248217987,89854.62452789707,0.05040641769250001,85831.81644873109
+1507,0.05110617652275118,106671.28649724124,0.050518316052439144,27714.813570039667,0.05064951091199996,103456.09138147204,0.05082213754197918,103531.79695782422,0.05109841703418709,117833.49281946712,0.050527146119999936,119121.65909943549,0.05062857301092558,124527.22448806565,0.05065767288271157,135365.44505905858,0.050963635687244026,137951.46251220859,0.05106151623234847,132724.93925575068,0.050520502063578485,144898.94001850614,0.05065376514899987,152283.26407705474,0.05094654463926758,48649.61425500206,0.05052290389729836,47195.68999049203,0.05080458979454254,60685.6635669548,0.051057076762565975,72034.67699487416,0.05109289847806069,78698.803168202,0.05108621933192551,83193.0033100987,0.050949419573680065,90037.65288459844,0.050506232381000014,86007.22793260339
+1508,0.05120638471201138,106881.70544917493,0.05061815462171264,27798.929906195124,0.05074941132799996,103664.2532726196,0.05092218111981778,103735.83748001073,0.05119861000876389,118061.82696682613,0.050627002139999835,119350.61412730726,0.050728432129290284,124747.16950124237,0.05075758939727317,135616.99405168838,0.05106376070824053,138208.2239320477,0.05116163685241177,132977.11275740614,0.050620344953032186,145160.07665179163,0.05075367395599997,152562.94798914617,0.05104663608256678,48772.70710415182,0.05062275153345896,47314.89677641051,0.05090459882957124,60825.34381504049,0.05115718867778668,72191.77414163464,0.051193080631939294,78861.30023952996,0.05118638838943901,83365.93248332015,0.051049516665180567,90220.77730727523,0.050606047069500115,86182.68369936556
+1509,0.05130659290127178,107092.16477658274,0.050717993190986244,27883.173738125064,0.050849311744000064,103872.44056020798,0.05102222469765628,103939.93578359552,0.05129880298334079,118290.17897693659,0.050726858160000034,119579.61123865435,0.05082829124765508,124967.06325286021,0.050857505911834675,135868.49946009286,0.051163885729237024,138464.96279812252,0.05126175747247517,133229.23637710937,0.050720187842485887,145421.10861585464,0.05085358276299997,152842.5845992583,0.05114672752586588,48895.92774674718,0.05072259916961966,47434.26150990911,0.05100460786459984,60965.12815791999,0.051257300593007475,72348.97107357308,0.05129326278581779,79023.91658513373,0.05128655744695261,83538.96347220251,0.051149613756680964,90404.00369122079,0.05070586175800011,86358.18044800145
+1510,0.05140680109053208,107302.66276396583,0.05081783176025984,27967.543175356415,0.050949212159999965,104080.63988125586,0.05112226827549478,104144.09088174449,0.05139899595791759,118518.54594963188,0.050826714179999934,119808.64762059733,0.05092815036601978,125186.91319922752,0.050957422426396275,136119.9496132837,0.051264010750233624,138721.66961527898,0.05136187809253867,133481.3693672264,0.05082003073193958,145682.00658688485,0.05095349156999987,153122.1697444038,0.051246818969164984,49019.27481548899,0.050822446805780255,47553.77517070206,0.05110461689962854,61105.01571725327,0.051357412508228076,72506.26496938222,0.051393444939696394,79186.65148328636,0.05138672650446631,83712.09537076783,0.05124971084818117,90587.32966630472,0.050805676446499914,86533.71433445814
+1511,0.05150700927979228,107513.19755914182,0.05091767032953334,28052.036504076113,0.05104911257600007,104288.86960256622,0.051222311853333376,104348.30176548578,0.051499188932494486,118746.9382261604,0.05092657019999994,120037.7203190606,0.05102800948438458,125406.71689836486,0.051057338940957875,136371.32743741735,0.05136413577123013,138978.36160069052,0.05146199871260207,133733.51466158882,0.050919873621393386,145942.7873854264,0.05105340037700007,153401.6978305401,0.05134691041246418,49142.74707149483,0.050922294441940956,47673.43312036855,0.051204625934657036,61245.00562229404,0.05145752442344888,72663.65337328942,0.05149362709357489,79349.504227869,0.05148689556197981,83885.32728018097,0.05134980793968166,90770.75276638595,0.05090549113499991,86709.28049256821
+1512,0.05160721746905258,107723.76713535086,0.05101750889880704,28136.652226981547,0.05114901299199996,104497.13457900684,0.051322355431171876,104552.56739634706,0.05159938190707139,118975.36830649117,0.051026426219999935,120266.82617065149,0.05112786860274928,125626.46523917523,0.051157255455519475,136622.67526716174,0.05146426079222663,139235.0292314737,0.051562119332665565,133985.6708665122,0.05101971651084709,146203.47591347393,0.05115330918399997,153681.15759312338,0.05144700185576328,49266.34337766084,0.05102214207810176,47793.232264660095,0.051304634969685736,61385.09700152105,0.05155763633866948,72821.13319573543,0.0515938092474536,79512.47412648077,0.05158706461949341,84058.65830579925,0.05144990503118187,90954.26994240396,0.05100530582350001,86884.87204283432
+1513,0.05170742565831298,107934.36923360075,0.051117347468080644,28221.38744703435,0.051248913408000064,104705.43001417947,0.05142239900901048,104756.88669403415,0.05169957488164799,119203.82201301768,0.051126282239999835,120495.9617109204,0.05122772772111408,125846.13534530881,0.05125717197008097,136873.9925987873,0.051564385813223125,139491.67234715642,0.05166223995272897,134237.83644883454,0.05111955940030078,146464.04781102014,0.05125321799099987,153960.53462076356,0.05154709329906248,49390.062679279275,0.05112198971426236,47913.17241468302,0.05140464400471434,61525.28897259126,0.05165774825389028,72978.69971740329,0.051693991401332,79675.56049881032,0.05168723367700691,84232.08755426417,0.051550002122682265,91137.87455381217,0.051105120512000016,87060.48724377764
+1514,0.05180763384757328,108145.00126677439,0.05121718603735434,28306.236699480232,0.051348813823999966,104913.75924303,0.05152244258684898,104961.25850946117,0.051799767856224886,119432.29389236485,0.05122613826000003,120725.12303705887,0.05132758683947878,126065.71015144525,0.051357088484642474,137125.2766171251,0.05166451083421983,139748.30270137728,0.05176236057279237,134490.00968413378,0.051219402289754384,146724.51826406817,0.05135312679800007,154239.8662751262,0.05164718474236158,49513.90398954854,0.05122183735042306,48033.250868017145,0.051504653039742936,61665.581259882536,0.051757860169111075,73136.35981776488,0.051794173555210495,79838.76267495671,0.05178740273452061,84405.61413042671,0.05165009921418277,91321.59697161058,0.05120493520050001,87236.12495528563
+1515,0.051907842036833476,108355.66013683441,0.051317024606627744,28391.20377783989,0.05144871423999987,105122.12102188797,0.05162248616468748,105165.68151319325,0.05189996083080179,119660.78014666612,0.05132599427999993,120954.30557651923,0.051427445957843584,126285.24863756762,0.05145700499920417,137376.52409283372,0.051764635855216325,140004.89950384013,0.051862481192855865,134742.1885680163,0.051319245179208085,146984.89918400042,0.05145303560499997,154519.15467675947,0.05174727618566078,49637.86637838672,0.05132168498658366,48153.46536524216,0.051604662074771636,61805.99594555094,0.05185797208433178,73294.11300732872,0.051894355709089096,80002.07999394469,0.051887571792034105,84579.2371340361,0.05175019630568296,91505.4397792308,0.051304749889000016,87411.76639505109
+1516,0.052008050226093776,108566.34179011271,0.05141686317590144,28476.293087873317,0.05154861465599996,105330.5179836724,0.05172252974252608,105370.15421314846,0.05200015380537859,119889.27759150737,0.05142585029999994,121183.50362467606,0.05152730507620828,126504.77064118299,0.051556921513765674,137627.7311963892,0.051864760876212924,140261.49947006788,0.05196260181291917,134994.37064417597,0.05141908806866198,147245.16960404927,0.05155294441199997,154798.39797440203,0.05184736762895988,49761.948963622286,0.05142153262274426,48273.81414050441,0.05170467110980014,61946.52805732859,0.05195808399955238,73451.95788321162,0.051994537862967594,80165.51180214777,0.05198774084954771,84752.9556560968,0.05185029339718337,91689.39349667144,0.05140456457750001,87587.42415837629
+1517,0.05210825841535418,108777.03911661956,0.051516701745175045,28561.50368634578,0.05164851507199986,105538.94965816663,0.05182257332036478,105574.67654280571,0.05210034677995549,120117.7833119302,0.051525706319999934,121412.70905262779,0.05162716419457308,126724.27475776254,0.05165683802832717,137878.89314828243,0.05196488589720943,140518.11071555217,0.052062722432982766,135246.55259849597,0.051518930958115584,147505.36740176167,0.05165285321900007,155077.59423318447,0.05194745907225908,49886.15090385731,0.05152138025890496,48394.29564362117,0.05180468014482894,62087.16948538518,0.052058195914773175,73609.89288092595,0.052094720016846195,80329.0574517675,0.052087909907061206,84926.76877460653,0.05195039048868367,91873.45452940234,0.05150437926600001,87763.12382391785
+1518,0.05220846660461438,108987.75056857672,0.05161654031444874,28646.834680762237,0.051748415487999966,105747.41446769524,0.05192261689820308,105779.2472937717,0.05220053975453229,120346.294490838,0.051625562339999834,121641.9047160338,0.051727023312937784,126943.75950593041,0.051756754542888875,138130.00343743953,0.05206501091820593,140774.7320855409,0.05216284305304607,135498.7288345306,0.051618773847569285,147765.49179382288,0.05175276202599997,155356.74140428167,0.052047550515558184,50010.4713926464,0.051621227895065756,48514.90845849901,0.05190468917985744,62227.91633784231,0.05215830782999398,73767.9161365606,0.05219490217072469,80492.71629918118,0.05218807896457491,85100.67554956,0.05205048758018407,92057.62050483446,0.05160419395450001,87938.87116027271
+1519,0.05230867479387468,109198.51013189588,0.05171637888372224,28732.285222281844,0.051848315903999964,105955.91069211265,0.05202266047604178,105983.86511286613,0.052300732729109185,120574.80829179866,0.05172541836000004,121871.13030215216,0.051826882431302485,127163.22330441297,0.05185667105745037,138381.0514116343,0.05216513593920253,141031.36232171164,0.05226296367310947,135750.8842554217,0.051718616737022986,148025.53220188312,0.05185267083299997,155635.83728210756,0.052147641958857384,50134.90965360681,0.05172107553122636,48635.65125946663,0.05200469821488604,62368.764963808586,0.05225841974521458,73926.02518053759,0.05229508432460339,80656.48770329132,0.05228824802208841,85274.67501667145,0.052150584671684465,92241.88959545051,0.05170400864300001,88114.66389540888
+1520,0.052408882983134876,109409.30005201715,0.05181621745299584,28817.854500352234,0.05194821631999996,106164.43642998523,0.05212270405388038,106188.52850121261,0.052400925703685985,120803.32174849293,0.05182527437999994,122100.38003235929,0.05192674154966728,127382.66443648913,0.051956587572011874,138632.00473685496,0.052265260960199025,141288.00002058904,0.05236308429317297,136003.03998866532,0.05181845962647669,148285.4940223556,0.05195257964000007,155914.87943741638,0.05224773340215648,50259.46493623775,0.05182092316738706,48756.52278120537,0.05210470724991474,62509.70898883824,0.05235853166043538,74084.21588558277,0.05239526647848179,80820.39465697965,0.052388417079602005,85448.76617923204,0.052250681763184766,92426.2602777407,0.051803823331500014,88290.49908179406
+1521,0.05250909117239538,109620.09954810055,0.05191605602226944,28903.54173841136,0.05204811673599997,106372.98954093302,0.05222274763171888,106393.23572415742,0.05250111867826269,121031.83162114238,0.051925130399999936,122329.61502378242,0.05202660066803198,127602.08098856396,0.05205650408657337,138882.89039339015,0.05236538598119573,141544.64356241026,0.05246320491323637,136255.20325962838,0.051918302515930485,148545.3768724946,0.05205248844699997,156193.86509921207,0.05234782484545578,50384.13651229583,0.05192077080354766,48877.52179291422,0.05220471628494334,62650.75491988767,0.05245864357565608,74242.47767937952,0.0524954486323605,80984.44784778221,0.05248858613711551,85622.94799694477,0.052350778854685164,92610.731219235,0.051903638020000115,88466.37336777523
+1522,0.05260929936165558,109830.91495379455,0.05201589459154294,28989.34619034929,0.052148017151999966,106581.56755405842,0.05232279120955738,106597.98459842657,0.052601311652839586,121260.33414485247,0.05202498641999993,122558.89429256473,0.05212645978639678,127821.47072307148,0.052156420601135074,139133.73997563432,0.052465511002192225,141801.2909742463,0.05256332553329987,136507.3722698743,0.052018145405384186,148805.17255519875,0.05215239725399997,156472.79091013904,0.05244791628875478,50508.923672584446,0.05202061843970826,48998.64706921602,0.05230472531997204,62791.90419780614,0.05255875549087688,74400.82505304193,0.05259563078623889,81148.63175066328,0.05258875519462921,85797.21991327367,0.052450875946185464,92795.30121640544,0.05200345270849991,88642.28275209741
+1523,0.05270950755091588,110041.76120049297,0.05211573316081664,29075.267137558632,0.052247917567999964,106790.16750946722,0.052422834787395976,106802.77174477695,0.052701504627416386,121488.82442025405,0.05212484243999994,122788.203206514,0.05222631890476148,128040.83065642402,0.05225633711569657,139384.55780926498,0.05256563602318873,142057.93963796954,0.05266344615336327,136759.54493816165,0.05211798829483789,149064.86552723945,0.05225230606099987,156751.65226709432,0.052548007732053884,50633.8257240073,0.05212046607586896,49119.89734339989,0.05240473435500054,62933.155510507946,0.05265886740609748,74559.26093459106,0.052695812940117596,81312.94147006785,0.05268892425214281,85971.60081178068,0.05255097303768587,92979.96915658828,0.052103267396999914,88818.22205928504
+1524,0.05280971574017608,110252.62695513964,0.05221557173009024,29161.303886414957,0.05234781798400007,106998.78564586156,0.05252287836523448,107007.58870793902,0.05280169760199329,121717.29371207017,0.05222469846000004,123017.52229775897,0.05232617802312628,128260.15663041105,0.05235625363025807,139635.34192252732,0.05266576104418533,142314.5853884153,0.05276356677342657,137011.71875238197,0.05221783118429158,149324.42056013396,0.05235221486800007,157030.43968868206,0.05264809917535318,50758.84198683664,0.05222031371202976,49241.27495176713,0.05250474339002924,63074.507508685434,0.052758979321318275,74717.7801648881,0.052795995093996094,81477.37402532889,0.05278909330965631,86146.09408381693,0.05265107012918627,93164.733992446,0.05220308208549991,88994.18490523568
+1525,0.05290992392943648,110463.50487978086,0.05231541029936374,29247.459632404305,0.05244771839999997,107207.41663794703,0.05262292194307308,107212.44624129088,0.05290189057657019,121945.72857427828,0.052324554480000035,123246.89740061502,0.05242603714149098,128479.4487333299,0.05245617014481977,139886.08876012478,0.05276588606518182,142571.21555352182,0.05286368739349017,137263.89045416814,0.052317674073745185,149583.90503605746,0.05245212367499997,157309.1451623444,0.05274819061865218,50883.97179209276,0.052320161348190355,49362.78168892416,0.05260475242505784,63215.95869310206,0.052859091236538876,74876.3873804478,0.052896177247874696,81641.92721400266,0.05288926236716981,86320.68786190539,0.05275116722068657,93349.59472332719,0.05230289677400001,89170.1959317624
+1526,0.053010132118696776,110674.4049535357,0.05241524886863734,29333.74620898603,0.05254761881600006,107416.05060521376,0.05272296552091158,107417.34797789871,0.05300208355114699,122174.15722466707,0.052424410499999935,123476.32957430508,0.05252589625985578,128698.69909169,0.052556086659381274,140136.79408296387,0.052866011086178326,142827.8372060553,0.05296380801355347,137516.05510303646,0.05241751696319909,149843.32755103218,0.05255203248199997,157587.79497360744,0.05284828206195148,51009.21447885947,0.052420008984351056,49484.41396164144,0.05270476146008654,63357.507157869986,0.05295920315175968,75035.1112261039,0.05299635940175319,81806.59923266122,0.05298943142468351,86495.37704319283,0.052851264312186966,93534.55038038822,0.052402711462500015,89346.25950492799
+1527,0.05311034030795698,110885.33332917589,0.05251508743791104,29420.15592216482,0.052647519231999965,107624.665931092,0.05282300909875008,107622.29265546042,0.053102276525723885,122402.5788158465,0.05252426651999994,123705.81607010654,0.05262575537822048,128917.90165139972,0.05265600317394277,140387.4526109729,0.05296613610717483,143084.47014006428,0.05306392863361707,137768.20001974617,0.05251735985265278,150102.68495187064,0.05265194128900007,157866.38698916894,0.05294837350525048,51134.56939155737,0.05251985662051166,49606.17243137035,0.05280477049511514,63499.16914292543,0.053059315066980375,75193.95990295368,0.053096541555631795,81971.38850167078,0.05308960048219711,86670.15563139525,0.05295136140368716,93719.60001327291,0.05250252615100001,89522.37973759446
+1528,0.05321054849721748,111096.28536847852,0.05261492600718464,29506.68580012975,0.05274741964800007,107833.30120509745,0.05292305267658868,107827.27894216537,0.053202469500300685,122630.99039941767,0.052624122539999936,123935.35412180833,0.052725614496585284,129137.07936745023,0.05275591968850437,140638.0572963215,0.053066261128171525,143341.11358056727,0.053164049253680366,138020.33395119754,0.052617202742106385,150361.9736407281,0.05275185009599997,158144.9283586459,0.053048464948549784,51260.03587689509,0.052619704256672256,49728.055633094875,0.052904779530143636,63640.93809491029,0.05315942698220108,75352.91432269578,0.05319672370951029,82136.29356389273,0.05318976953971061,86845.02093634738,0.053051458495187664,93904.74267620992,0.052602340839500016,89698.54615473514
+1529,0.05331075668647768,111307.27980172644,0.05271476457645814,29593.334105449907,0.05284732006399997,108041.9584023215,0.05302309625442718,108032.30706388985,0.05330266247487759,122859.38866562635,0.052723978559999836,124164.94085553223,0.052825473614949985,129356.23074775838,0.05285583620306597,140888.597413634,0.05316638614916803,143597.7667415643,0.05326416987374377,138272.46097412822,0.052717045631560086,150621.18932630154,0.05285175890299997,158423.4173549163,0.05314855639184888,51385.613280382655,0.05271955189283306,49850.06229396771,0.05300478856517244,63782.8193160426,0.05325953889742178,75511.9716084608,0.053296905863388894,82301.3130110211,0.05328993859722421,87019.98037955278,0.05315155558668806,94089.97741046218,0.05270215552800001,89874.74570741248
+1530,0.05341096487573798,111518.31408900308,0.05281460314573174,29680.09954293421,0.05294722047999986,108250.62589327604,0.05312313983226568,108237.37565399242,0.053402855449454285,123087.76976627462,0.052823834580000034,124394.57317168415,0.05292533273331478,129575.35419769798,0.05295575271762757,141139.04683766776,0.05326651117016463,143854.42882504247,0.05336429049380727,138524.57451118418,0.05281688852101379,150880.32645728593,0.05295166770999987,158701.84656827545,0.05324864783514808,51511.30094197688,0.05281939952899376,49972.191237148094,0.05310479760020094,63924.81067547634,0.05335965081264258,75671.13698428319,0.05339708801726739,82466.44541183558,0.05339010765473791,87195.03216482763,0.053251652678188266,94275.3032160294,0.052801970216500016,90050.94926937774
+1531,0.053511173064998176,111729.38537062233,0.05291444171500544,29766.981043685937,0.053047120895999965,108459.31570787501,0.05322318341010428,108442.48234442846,0.053503048424031086,123316.12896992211,0.052923690599999934,124624.24745672331,0.05302519185167948,129794.44803279733,0.05305566923218907,141389.3955445471,0.053366636191161124,144111.09901982092,0.053464411113870666,138776.71942924245,0.052916731410467585,151139.37638561652,0.05305157651699997,158980.2102097834,0.05334873927844718,51637.09819043798,0.05291924716515436,50094.4413351745,0.05320480663522964,64066.91023286893,0.05345976272786318,75830.40830445557,0.05349727017114599,82631.6892135219,0.05349027671225141,87370.17454033556,0.05335174976968877,94460.71898922337,0.05290178490500001,90227.17346096988
+1532,0.05361138125425848,111940.49031507694,0.053014280284278945,29853.97767612951,0.053147021311999866,108668.0335964844,0.05332322698794278,108647.62508758163,0.05360324139860799,123544.45981938529,0.05302354661999994,124853.95970095835,0.053125050970044184,130013.51046309444,0.05315558574675077,141639.6618545073,0.053466761212157626,144367.77650009096,0.05356453173393397,139028.90818236367,0.053016574299921286,151398.31510732853,0.05315148532399997,159258.5010543693,0.05344883072174638,51763.00433530951,0.05301909480131506,50216.81147803988,0.053304815670258236,64209.11648764426,0.053559874643083975,75989.7837566788,0.0535974523250245,82797.04254771609,0.05359044576976491,87545.40574098178,0.053451846861188965,94646.2232701199,0.05300159959350001,90403.45821693123
+1533,0.05371158944351888,112151.62485778172,0.05311411885355254,29941.088601276508,0.05324692172799997,108876.77682369573,0.05342327056578138,108852.80169106905,0.05370343437318479,123772.75066399349,0.053123402639999935,125083.70668513198,0.05322491008840898,130232.53957298947,0.053255502261312274,141889.89814082743,0.053566886233154226,144624.46042370467,0.05366465235399757,139281.11746656217,0.05311641718937499,151657.16723554363,0.05325139413099987,159536.7250657006,0.05354892216504548,51889.018654610016,0.053118942437475655,50339.30053723634,0.05340482470528684,64351.42818303757,0.053659986558304576,76149.26150674866,0.05369763447890309,82962.5026392944,0.05369061482727851,87720.72393712755,0.05355194395268936,94831.8140767882,0.05310141428200001,90579.79915264627
+1534,0.05381179763277918,112362.78368271881,0.05321395742282614,30028.313047233576,0.05334682214399997,109085.54205068809,0.053523314143619875,109058.00964821017,0.05380362734776169,124000.9805159601,0.053223258659999835,125313.48215804169,0.05332476920677368,130451.53329489661,0.05335541877587377,142140.10826067033,0.05366701125415073,144881.14992993258,0.05376477297406087,139533.36345365806,0.05321626007882868,151915.95035286556,0.05335130293799997,159814.87918027397,0.05364901360834468,52015.14037385917,0.05321879007363626,50461.9072766393,0.05350483374031554,64493.84421444898,0.05376009847352538,76308.83978946741,0.053797816632781596,83128.0617245891,0.053790783884792207,87896.12717979818,0.053652041044189865,95017.4933039458,0.053201228970500114,90756.19043693462
+1535,0.05391200582203938,112573.9589218976,0.053313795992099844,30115.650293380957,0.053446722559999965,109294.32495831556,0.053623357721458376,109263.24589058849,0.05390382032233849,124229.18540076738,0.05332311468000003,125543.27423217973,0.05342462832513848,130670.48937342672,0.05345533529043527,142390.2938374725,0.053767136275147426,145137.84413660027,0.05386489359412447,139785.64958186366,0.05331610296828238,152174.66110133321,0.05345121174499997,160092.9591010269,0.05374910505164378,52141.37631747961,0.053318637709797057,50584.63003183754,0.05360484277534404,64636.36357922034,0.053860210388746076,76468.51922659665,0.053897998786660094,83293.72750822741,0.05389095294230571,88071.61333233121,0.05375213813569007,95203.28021008437,0.05330104365900011,90932.62037476056
+1536,0.054012214011299776,112785.13430624914,0.05341363456137334,30203.099659843225,0.05354662297599996,109503.1193802278,0.05372340129929698,109468.5062118115,0.054004013296915385,124457.3653749348,0.05342297069999993,125773.06540824672,0.05352448744350318,130889.40531468991,0.05355525180499697,142640.48558579647,0.05386726129614393,145394.5421361513,0.05396501421418777,140037.97236773014,0.05341594585773619,152433.2957831078,0.05355112055199987,160370.95976796863,0.05384919649494288,52267.73685833833,0.05341848534595776,50707.46900694704,0.053704851810372836,64778.985345914174,0.05396032230396688,76628.2987519938,0.053998180940538695,83459.50679222376,0.05399112199981931,88247.17997405663,0.053852235227190466,95389.23285400771,0.05340085834749991,91109.0830778887
+1537,0.054112422200560076,112996.28605661695,0.053513473130646944,30290.660500164588,0.05364652339199996,109711.91445566363,0.05382344487713548,109673.78881120028,0.05410420627149229,124685.50794473095,0.05352282671999994,126002.89311821914,0.05362434656186798,131108.27831007497,0.05365516831955847,142890.67970533442,0.053967386317140424,145651.24299018207,0.05406513483425117,140290.32904975218,0.05351578874718988,152691.85026794602,0.05365102935900007,160648.87481625524,0.05394928793824208,52394.211877178896,0.05351833298211836,50830.42350428699,0.053804860845401335,64921.70863366123,0.05406043421918748,76788.17729488362,0.05409836309441719,83625.41928672529,0.05409129105733281,88422.82424854429,0.05395233231869077,95575.31557946395,0.05350067303599991,91285.5738346914
+1538,0.05421263038982028,113207.46452940072,0.05361331169992054,30378.332196003063,0.05374642380799997,109920.67694808157,0.05392348845497398,109879.0901230392,0.05420439924606909,124913.6340684874,0.053622682739999934,126232.75299330168,0.05372420568023268,131327.105108632,0.05375508483411997,143140.8734526713,0.05406751133813693,145907.94572123498,0.05416525545431467,140542.7172883393,0.05361563163664358,152950.31985486855,0.05375093816599997,160926.69529650398,0.05404937938154118,52520.795260553365,0.05361818061827906,50953.49247496354,0.053904869880430036,65064.53259722852,0.05416054613440828,76948.15379365119,0.054198545248295794,83791.48951171232,0.05419146011484651,88598.54259478328,0.054052429410191165,95761.51960405134,0.05360048772450001,91462.12644092058
+1539,0.05431283857908058,113418.65883119486,0.05371315026919404,30466.11433298769,0.05384632422400006,110129.44702097903,0.05402353203281258,110084.4313060112,0.054304592220645785,125141.7566489573,0.053722538759999834,126462.62805268161,0.053824064798597485,131545.8817445705,0.05385500134868147,143391.06450661962,0.05416763635913353,146164.64929974437,0.05426537607437807,140795.13500794178,0.05371547452609728,153208.69904927158,0.05385084697299997,161204.40469797852,0.05414947082484038,52647.490846011366,0.05371802825443966,51076.67483676378,0.05400487891545864,65207.45641515397,0.05426065804962888,77108.2271741274,0.05429872740217429,83957.69670805916,0.05429162917236001,88774.33019253636,0.054152526501691466,95947.83859306684,0.053700302413000015,91638.74030139676
+1540,0.05441304676834098,113629.88186170509,0.05381298883846774,30554.006925188914,0.053946224639999964,110338.24408647862,0.05412357561065108,110289.81135856909,0.05440478519522269,125369.86228718005,0.05382239478000004,126692.52150206316,0.05392392391696218,131764.60245680256,0.05395491786324317,143641.25072714893,0.05426776138013003,146421.35262125375,0.054365496694441566,141047.5803032904,0.05381531741555089,153466.98116197533,0.05395075578000007,161481.97099322596,0.054249562268139484,52774.2987793773,0.05381787589060036,51199.96946145356,0.05410488795048734,65350.47927952843,0.054360769964849676,77268.39632593466,0.05439890955605289,84124.03451124697,0.05439179822987361,88950.1794943408,0.054252623593191864,96134.26825379937,0.05380011710150001,91815.4097434553
+1541,0.05451325495760128,113841.13423710625,0.053912827407741344,30642.009084404806,0.054046125056000066,110547.07180968838,0.054223619188489676,110495.22615074455,0.05450497816979949,125597.93819768199,0.05392225079999994,126922.46257093882,0.05402378303532698,131983.26398474738,0.05405483437780467,143891.43000410742,0.054367886401126525,146678.05446116615,0.05446561731450497,141300.051377925,0.05391516030500478,153725.1574404494,0.05405066458699997,161759.4262067445,0.054349653711438684,52901.21790010712,0.053917723526761156,51323.37515842602,0.054204896985515935,65493.60038630021,0.05446088188007038,77428.66007310901,0.05449909170993139,84290.49933288353,0.05449196728738711,89126.07280486562,0.05435272068469227,96320.80528317572,0.053899931790000015,91992.12077334992
+1542,0.05461346314686148,114052.44580425358,0.05401266597701484,30730.120160316932,0.05414602547199997,110755.93617365815,0.054323662766328176,110700.67097782015,0.05460517114437639,125825.9556968291,0.054022106819999936,127152.44778617808,0.054123642153691684,132201.8600713477,0.05415475089236617,144141.59998176218,0.05446801142212323,146934.75336302826,0.054565737934568266,141552.5465001633,0.05401500319445848,153983.21425556004,0.05415057339399997,162036.82221290952,0.05444974515473778,53028.24717365472,0.05401757116292176,51446.890652384995,0.05430490602054444,65636.8189249744,0.054560993795291175,77589.01713302563,0.05459927386380999,84457.08866709998,0.05459213634490081,89301.99003076981,0.05445281777619257,96507.44691583974,0.05399974647850001,92168.89379131352
+1543,0.05471367133612178,114263.81569965622,0.054112504546288444,30818.339575297156,0.05424592588800006,110964.83431986909,0.05442370634416668,110906.1388920858,0.05470536411895319,126053.95136986728,0.05412196283999993,127382.4690257591,0.05422350127205648,132420.37782146226,0.05425466740692787,144391.7580627616,0.054568136443119725,147191.44717232056,0.054665858554631866,141805.06396847864,0.05411484608391209,154241.1217560218,0.05425048220099987,162314.17911206296,0.05454983659803708,53155.38563866274,0.054117418799082356,51570.51455143934,0.05440491505557314,65780.1340665721,0.054661105710511776,77749.49443638856,0.0546994560176885,84623.80057191233,0.05469230540241441,89477.9959871811,0.05455291486769297,96694.1906551173,0.054099561167000015,92345.73383535436
+1544,0.05481387952538218,114475.2430460061,0.05421234311556214,30906.66678558032,0.054345826303999964,111173.76627077174,0.05452374992200528,111111.61020720254,0.054805557093530084,126281.93960409511,0.05422181885999994,127612.52949953153,0.05432336039042118,132638.78398288018,0.05435458392148937,144641.90470958684,0.054668261464116324,147448.13223764897,0.05476597917469517,142057.61209405432,0.05421468897336578,154498.90729623224,0.05435039100799997,162591.4806502855,0.05464992804133608,53282.633991045666,0.05421726643524306,51694.2550226326,0.05450492409060174,65923.54535211886,0.05476121762573258,77910.11125420957,0.05479963817156709,84790.63344579982,0.05479247445992791,89654.0872527127,0.054653011959193164,96881.03396354329,0.05419937585550001,92522.6390336687
+1545,0.05491408771464238,114686.72695009763,0.05431218168483564,30995.101269970626,0.054445726719999865,111382.7576323564,0.05462379349984378,111317.10320903138,0.054905750068106884,126509.91664997618,0.05432167488000004,127842.63714267737,0.05442321950878588,132857.11185114388,0.05445450043605097,144892.03813975916,0.05476838648511283,147704.81211930924,0.05486609979475877,142310.1950444822,0.05431453186281948,154756.55717444312,0.05445029981499997,162868.71696542593,0.054750019484635384,53409.99150767777,0.05431711407140366,51818.116013898376,0.05460493312563044,66067.06783907418,0.05486132954095318,78070.84379910908,0.054899820325445596,84957.58591252392,0.05489264351744141,89830.25129798401,0.054753109050693666,97067.97327189725,0.054299190544000016,92699.60983569955
+1546,0.05501429590390268,114898.26650050136,0.05441202025410924,31083.64252468433,0.05454562713599997,111591.80491760056,0.05472383707768228,111522.63618363046,0.05500594304268379,126737.87833899306,0.054421530900000036,128072.7898335266,0.05452307862715068,133075.35530930368,0.05455441695061247,145142.15641712208,0.05486851150610933,147961.48892471052,0.05496622041482207,142562.8041813272,0.054414374752273384,155014.06024397005,0.05455020862199987,163145.86852611092,0.05485011092793448,53537.47312306227,0.05441696170756446,51942.088660996655,0.05470494216065904,66210.69581647257,0.05496144145617398,78231.6824288714,0.055000002479324295,85124.65675475044,0.054992812574955106,90006.50917120345,0.054853206142194064,97255.00981403652,0.05439900523250001,92876.66281000146
+1547,0.05511450409316298,115109.86076513745,0.05451185882338294,31172.290060434545,0.05464552755199986,111800.90310560375,0.05482388065552088,111728.20700790428,0.055106136017260686,126965.8198460135,0.054521386919999935,128302.9852195584,0.05462293774551538,133293.55996235507,0.05465433346517407,145392.25752906702,0.054968636527105826,148218.16169020202,0.05506634103488547,142815.43567540272,0.05451421764172698,155271.43235691843,0.05465011742900007,163422.96200029325,0.05495020237123368,53665.081299965765,0.05451680934372516,52066.16818366008,0.05480495119568754,66354.42439720716,0.05506155337139468,78392.6133847451,0.055100184633202695,85291.84487246812,0.05509298163246871,90182.86672489345,0.054953303233694364,97442.14304277221,0.05449881992100011,93053.78670006985
+1548,0.05521471228242338,115321.50878849474,0.05461169739265654,31261.043400531107,0.054745427967999964,112010.04155108053,0.05492392423335938,111933.81334401322,0.05520632899183739,127193.73526401084,0.05462124293999993,128533.22060406876,0.05472279686388018,133511.73448793576,0.05475424997973567,145642.3393635154,0.055068761548102425,148474.82943171667,0.05516646165494897,143068.0894781065,0.05461406053118068,155528.6962515278,0.05475002623599997,163700.00460594732,0.05505029381453278,53792.806653684325,0.054616656979885755,52190.352068045264,0.05490496023071634,66498.25064582283,0.05516166528661548,78553.6405080122,0.055200366787081394,85459.1492555061,0.05519315068998221,90359.32345555357,0.05505340032519476,97629.37134367268,0.05459863460950011,93230.97410557492
+1549,0.05531492047168358,115533.20958852519,0.05471153596193004,31349.902079506803,0.054845328383999865,112219.20196466957,0.05502396781119788,112139.452537486,0.05530652196641419,127421.61641204821,0.054721098959999936,128763.49270324055,0.05482265598224488,133729.8766309886,0.05485416649429717,145892.39968162068,0.05516888656909913,148731.49114331458,0.05526658227501237,143320.8411122247,0.05471390342063438,155785.81744984977,0.05484993504299997,163976.99288281729,0.05515038525783178,53920.64555924454,0.05471650461604636,52314.64911900651,0.05500496926574484,66642.17146883297,0.05526177720183608,78714.77649839756,0.055300548940959794,85626.56896426948,0.05529331974749571,90535.87886615116,0.055153497416694966,97816.69308741545,0.05469844929799991,93408.22175582507
+1550,0.05541512866094388,115744.9841910399,0.05481137453120364,31438.86564207569,0.05494522879999997,112428.41694278839,0.05512401138903658,112345.12145099683,0.055406714940991086,127649.45090837027,0.054820954979999836,128993.7969026949,0.05492251510060968,133947.98370870439,0.05495408300885867,146142.4360826762,0.055269011590095625,148988.14579558937,0.05536670289507577,143573.66204836738,0.054813746310088084,156042.8156285587,0.05494984385000007,164253.92352542086,0.055250476701131084,54048.595344084526,0.05481635225220706,52439.05202020784,0.05510497830077354,66786.1825264442,0.055361889117056876,78876.01790518369,0.05540073109483849,85794.103115906,0.05539348880500941,90712.53246549294,0.055253594508195364,98004.10658345961,0.05479826398649991,93585.52374306886
+1551,0.05551533685020408,115956.83015120037,0.05491121310047734,31527.93810108985,0.055045129215999966,112637.68935712446,0.05522405496687518,112550.8161534088,0.05550690791556789,127877.23721395562,0.054920811000000035,129224.12230737052,0.05502237421897438,134166.05239057005,0.05505399952342037,146392.44613000168,0.05536913661109213,149244.79233385442,0.05546682351513927,143826.5313420808,0.05491358919954188,156299.7342644052,0.05504975265699997,164530.7932445993,0.05535056814443018,54176.65354597858,0.054916199888367656,52563.574568482974,0.05520498733580214,66930.2815087431,0.055462001032277476,79037.35970591441,0.05550091324871689,85961.75087393382,0.055493657862523006,90889.2837677033,0.055353691599695866,98191.61001679553,0.05489807867500001,93762.87000575106
+1552,0.055615545039464476,116168.73868952935,0.05501105166975074,31617.147855463878,0.055145029631999964,112847.01747803837,0.05532409854471368,112756.53120967628,0.05560710089014479,128104.9536267617,0.055020667019999935,129454.47669571974,0.055122233337339184,134384.07833247562,0.05515391603798187,146642.42719798072,0.05546926163208862,149501.4296760924,0.05556694413520257,144079.43749982008,0.05501343208899558,156556.5951879403,0.05514966146399997,164807.5986837016,0.05545065958772938,54304.81745957299,0.05501604752452846,52688.204489608215,0.05530499637083084,67074.46955005427,0.05556211294749828,79198.8503716794,0.05560109540259539,86129.511440283,0.05559382692003651,91066.13229173474,0.05545378869119606,98379.20134828993,0.054997893363500014,93940.2463095941
+1553,0.05571575322872478,116380.70613479314,0.05511089023902444,31706.484424731054,0.05524493004799996,113056.3996514429,0.055424142122552277,112962.25727954383,0.05570729386472159,128332.5458132704,0.05512052303999994,129684.86570533428,0.055222092455703885,134602.06038869073,0.055253832552543375,146892.37579020503,0.05556938665308522,149758.0567106421,0.05566706475526617,144332.36982079537,0.055113274978449284,156813.39364156354,0.05524957027100007,165084.33635294702,0.05555075103102848,54433.08583437771,0.05511589516068916,52812.95101535983,0.05540500540585944,67218.77429479531,0.05566222486271908,79360.48085136218,0.055701277556474096,86297.38404905173,0.055693995977550106,91243.07756095253,0.05555388578269647,98566.88015031822,0.05509770805200001,94117.65844601757
+1554,0.05581596141798508,116592.72985138813,0.05521072880829804,31795.956174689552,0.055344830464000065,113265.83422407521,0.05552418570039078,113167.97063760168,0.05580748683929849,128560.09370040386,0.055220379059999936,129915.28571768214,0.05532195157406868,134819.99668972785,0.05535374906710507,147142.28790716443,0.055669511674081726,150014.6722936143,0.055767185375329466,144585.31002284185,0.055213117867902985,157070.123476308,0.05534947907799997,165361.00256718977,0.05565084247432768,54561.45590812795,0.05521574279684976,52937.82237044379,0.055505014440887936,67363.2083419253,0.05576233677793978,79522.23859333385,0.0558014597103525,86465.3679614565,0.055794165035063806,91420.11910268007,0.05565398287419677,98754.68772369287,0.055197522740500014,94295.12074408465
+1555,0.05591616960724548,116804.8076214948,0.05531056737757174,31885.552850540953,0.055444730879999966,113475.31944120368,0.05562422927822928,113373.69248262307,0.05590767981387529,128787.64173145169,0.055320235079999835,130145.73224741158,0.05542181069243338,135037.85240174324,0.05545366558166657,147392.15830465392,0.05576963669507843,150271.27524583627,0.05586730599539287,144838.24673452656,0.05531296075735658,157326.77566920433,0.05544938788499997,165637.5933776541,0.05575093391762678,54689.927357624736,0.05531559043301036,53062.81708667371,0.055605023475916636,67507.81658915292,0.05586244869316038,79684.11814339837,0.055901641864231195,86633.46246170183,0.05589433409257731,91597.25644785857,0.055754079965697166,98942.60366034173,0.05529733742900001,94472.64724350086
+1556,0.05601637779650568,117016.93741919064,0.055410405946845244,31975.269852959602,0.05554463129600006,113684.85318238572,0.05572427285606788,113579.44871725721,0.056007872788452186,129015.18905642473,0.055420091100000034,130376.19920939596,0.05552166981079818,135255.6829460411,0.05555358209622807,147641.97626542783,0.055869761716074925,150527.86434942464,0.05596742661545637,145091.21825164155,0.055412803646810484,157583.32839385612,0.05554929669199987,165914.10448896312,0.05585102536092598,54818.55019615516,0.055415438069171055,53187.933824865824,0.05570503251094524,67652.57254363381,0.05596256060838118,79846.11573237857,0.056001824018109596,86801.66685350207,0.05599450315009081,91774.48913069883,0.05585417705719747,99130.60169210566,0.055397152117500015,94650.24485349254
+1557,0.05611658598576598,117229.11729823101,0.05551024451611884,32065.104469288373,0.05564453171199996,113894.43137271369,0.05582431643390638,113785.24088228171,0.05610806576302889,129242.7304387596,0.055519947119999934,130606.67569073719,0.05562152892916288,135473.49302900798,0.055653498610789574,147891.73889945142,0.05596988673707143,150784.43834373562,0.056067547235519766,145344.2133423269,0.055512646536264185,157839.78091484887,0.055649205498999973,166190.5311498482,0.05595111680422508,54947.30945312172,0.05551528570533166,53313.17131951919,0.05580504154597394,67797.4630598782,0.056062672523601975,80008.2282516776,0.056102006171988295,86969.98045709386,0.05609467220760441,91951.81668831893,0.055954274148697865,99318.69622407593,0.05549696680600001,94827.9106449527
+1558,0.05621679417502618,117441.34532242357,0.05561008308539244,32155.05473778705,0.055744432128000065,114104.05645584463,0.055924360011744875,113991.06459198945,0.05620825873760569,129470.25756472403,0.05561980313999994,130837.14904357442,0.05572138804752758,135691.29420912924,0.05575341512535127,148141.45765819735,0.05607001175806803,151040.99592055878,0.05616766785558327,145597.2469910126,0.05561248942571778,158096.15368202212,0.05574911430599997,166466.86799924148,0.05605120824752418,55076.198424091875,0.055615133341492456,53438.52833706795,0.055905050581002536,67942.48174540102,0.056162784438822576,80170.45276829533,0.05620218832586679,87138.4026066246,0.05619484126511811,92129.23866046457,0.05605437124019826,99506.8988681666,0.055596781494500015,95005.64123007949
+1559,0.05631700236428658,117653.61951257114,0.05570992165466594,32245.12408786748,0.05584433254399997,114313.72959933532,0.05602440358958348,114196.91035522363,0.056308451712182586,129697.74674893178,0.055719659159999935,131067.6341967614,0.05582124716589238,135909.1144494378,0.055853331639912775,148391.16998977607,0.056170136779064524,151297.53571851423,0.05626778847564667,145850.32101113105,0.05571233231517148,158352.41650271742,0.05584902311299987,166743.1088343572,0.05615129969082338,55205.213663697825,0.05571498097765316,53564.003636457084,0.056005059616031236,68087.62441185057,0.05626289635404338,80332.78584671007,0.056302370479745394,87306.93264782894,0.05629501032263161,92306.75458922972,0.056154468331698563,99695.20482524295,0.055696596183000116,95183.4361958968
+1560,0.05641721055354688,117865.93779697492,0.055809760223939645,32335.34749883002,0.05594423295999987,114523.44944563297,0.05612444716742198,114402.76764836337,0.05640864468675949,129925.20940079667,0.055819515179999835,131298.1043507724,0.05592110628425708,136126.92624381295,0.05595324815447427,148640.87012023764,0.056270261800061026,151554.05631621415,0.05636790909570997,146103.43348534207,0.05581217520462518,158608.61036793044,0.05594893192000007,167019.2462337717,0.05625139113412248,55334.35281975393,0.05581482861381376,53689.59592104298,0.05610506865105984,68232.8879607973,0.05636300826926398,80495.22475680844,0.05640255263362389,87475.5699358371,0.05639517938014521,92484.36401875733,0.05625456542319897,99883.61684854256,0.05579641087150011,95361.28870555648
+1561,0.05651741874280718,118078.2979564803,0.05590959879321324,32425.70764863923,0.05604413337599996,114733.2145935677,0.05622449074526058,114608.6688238301,0.05650883766133629,130152.69486017384,0.05591937120000003,131528.55413748842,0.05602096540262188,136344.7339931811,0.056053164669035975,148890.56141619262,0.05637038682105753,151810.55622394517,0.05646802971577357,146356.58257904378,0.05591201809407898,158864.76315518084,0.05604884072699997,167295.27088133254,0.05635148257742168,55463.61408688586,0.05591467624997446,53815.30376130639,0.05620507768608834,68378.26993528353,0.05646312018448478,80657.76197237505,0.05650273478750249,87644.31383317233,0.05649534843765871,92662.06649496504,0.05635466251469927,100072.13452594292,0.05589622556000011,95539.20312945964
+1562,0.05661762693206738,118290.69755329643,0.05600943736248684,32516.19658350604,0.056144033792000066,114943.02358320463,0.05632453432309908,114814.61280661619,0.05660903063591319,130380.19814149824,0.05601922721999993,131759.0457028853,0.05612082452098658,136562.5334885369,0.05615308118359747,149140.23899147593,0.05647051184205413,152067.03387341803,0.05656815033583687,146609.76651206313,0.05601186098353268,159120.8714802516,0.05614874953399997,167571.17016921967,0.056451574020720784,55592.997628829406,0.05601452388613506,53941.12542448766,0.05630508672111704,68523.76829629121,0.05656323209970548,80820.4016895288,0.056602916941381,87813.16370770532,0.05659551749517241,92839.86156533183,0.05645475960619967,100260.75644958873,0.05599604024849991,95717.17761959744
+1563,0.05671783512132778,118503.13382631159,0.05610927593176034,32606.81266792125,0.05624393420799997,115152.8748772073,0.05642457790093758,115020.59775300288,0.05670922361048999,130607.71249863402,0.05611908323999994,131989.5842364808,0.056220683639351385,136780.32062952616,0.05625299769815907,149389.86793643184,0.05657063686305073,152323.4876047237,0.05666827095590047,146862.9835334591,0.05611170387298638,159376.93099018774,0.05624865834100007,167846.92453517433,0.05655166546401998,55722.50195959173,0.05611437152229566,54067.05823727745,0.05640509575614564,68669.38129622658,0.05666334401492628,80983.15138592153,0.05670309909525959,87982.11893069648,0.056695686552685906,93017.74877859825,0.056554856697700065,100449.48135126202,0.056095854936999916,95895.20509786502
+1564,0.05681804331058808,118715.60351641722,0.05620911450103404,32697.588174826833,0.056343834623999965,115362.76683622845,0.056524621478776176,115226.62154106348,0.056809416585066885,130835.23712180006,0.056218939259999934,132220.16609802443,0.05632054275771608,136998.0917434051,0.056352914212720574,149639.4458976314,0.05667076188404733,152579.9156496469,0.05676839157596377,147116.23189679364,0.056211546762440084,159632.9352816994,0.05634856714799997,168122.4888612918,0.05665175690731908,55852.12544976543,0.05621421915845646,54193.09703467753,0.05650510479117434,68815.10740079048,0.05676345593014688,81146.0123260357,0.056803281249138096,88151.17887464042,0.05679585561019951,93195.72768454986,0.056654953789200366,100638.30806849005,0.05619566962550001,96073.26542339334
+1565,0.05691825149984828,118928.102526536,0.056308953070307644,32788.50802338336,0.056443735039999963,115572.69768340891,0.056624665056614676,115432.681645318,0.056909609559643685,131062.77648460712,0.05631879527999994,132450.7861675322,0.05642040187608088,137215.84327168268,0.05645283072728227,149888.94113506237,0.056770886905043824,152836.31610951133,0.05686851219602717,147369.50983290098,0.056311389651893785,159888.8695831562,0.05644847595499997,168397.80249099122,0.05675184835061838,55981.866918806234,0.05631406679461716,54319.24940995162,0.05660511382620294,68960.94523761097,0.056863567845367675,81308.98117192822,0.05690346340301669,88320.34291103535,0.056896024667713006,93373.79783380004,0.056755050880700764,100827.23552134064,0.05629548431400001,96251.36099925559
+1566,0.057018459689108576,119140.62508267304,0.056408791639581145,32879.56327064655,0.05654363545599996,115782.66544765071,0.056724708634453176,115638.77490696618,0.05700980253422039,131290.32784967107,0.05641865130000004,132681.4358382655,0.056520260994445584,137433.57153765953,0.056552747241843775,150138.4634449711,0.05687101192604033,153092.68692509495,0.056968632816090665,147622.8155156348,0.056411232541347486,160144.7247646503,0.05654838476200007,168673.02465019596,0.05685193979391738,56111.725348063206,0.056413914430777756,54445.51538174065,0.05670512286123164,69106.893560735,0.056963679760588276,81472.05310671673,0.057003645556895195,88489.61040774191,0.056996193725226706,93551.95877750937,0.05685514797220097,101016.26269586464,0.05639529900250001,96429.52387015341
+1567,0.05711866787836898,119353.1601802099,0.05650863020885474,32970.74941686675,0.05664353587199997,115992.66785812905,0.05682475221229178,115844.89703858233,0.057109995508797286,131517.89785194723,0.05651850731999994,132912.08772258717,0.05662012011281038,137651.27248188952,0.05665266375640527,150388.02015330407,0.05697113694703693,153349.02583412206,0.05706875343615407,147876.14701261785,0.056511075430801284,160400.53685936145,0.05664829356899997,168948.18510040388,0.056952031237216684,56241.70159754537,0.05651376206693846,54571.893119970235,0.05680513189626024,69252.95122511289,0.05706379167580908,81635.21708678071,0.0571038277107738,88658.98072606279,0.05709636278274031,93730.21006718556,0.056955245063701365,101205.38863188493,0.056495113691000014,96607.77009029791
+1568,0.05721887606762928,119565.68833738538,0.05660846877812844,33062.06337108347,0.056743436287999965,116202.70208770111,0.05692479579013028,116051.04118494818,0.057210188483374086,131745.4788287966,0.056618363339999936,133142.75441778518,0.05671997923117508,137868.94120995258,0.056752580270966975,150637.58189393365,0.05707126196803343,153605.33030832408,0.05716887405621757,148129.50220310251,0.056610918320254985,160656.2945078164,0.05674820237599997,169223.28086666952,0.05705212268051568,56371.81750395235,0.05661360970309906,54698.37953105901,0.05690514093128894,69399.11716767229,0.057163903591029776,81798.48917551599,0.057204009864652294,88828.45321698775,0.057196531840253806,93908.55125445583,0.05705534215520187,101394.61241371016,0.05659492837950001,96786.09943849099
+1569,0.05731908425688948,119778.24896577898,0.05670830734740194,33153.50275167879,0.05684333670400007,116412.76555457183,0.05702483936796888,116257.18723562118,0.05731038145795099,131973.05841632618,0.05671821935999993,133373.4858570472,0.056819838349539784,138086.57083100535,0.05685249678552847,150887.10517712077,0.057171386989030126,153861.59745468476,0.057268994676280965,148382.87861458788,0.056710761209708686,160912.01248683187,0.05684811118299987,169498.3078283794,0.05715221412381498,56502.063542061005,0.05671345733925966,54824.96610295768,0.05700514996631744,69545.39039278813,0.05726401550625058,81961.8744058537,0.05730419201853079,88998.0272166746,0.05729670089776731,94086.98189079815,0.057155439246702064,101583.93316287528,0.056694743068000014,96964.511242773
+1570,0.05741929244614978,119990.84076518012,0.05680814591667554,33245.06560656559,0.05694323711999996,116622.87734773879,0.05712488294580738,116463.34550573766,0.05741057443252789,132200.619455945,0.05681807537999994,133604.28101088188,0.05691969746790458,138304.1448960943,0.056952413300089974,151136.63966989718,0.05727151201002663,154117.82384733457,0.05736911529634427,148636.27300088556,0.05681060409916228,161167.69432160436,0.05694801998999997,169773.261702817,0.05725230556711408,56632.43434998279,0.05681330497542046,54951.66539524219,0.05710515900134604,69691.76996088112,0.05736412742147118,82125.37194611307,0.05740437417240939,89167.70204024832,0.05739686995528101,94265.50152735147,0.05725553633820247,101773.35003234028,0.05679455775650001,97143.00482284205
+1571,0.05751950063541018,120203.45362320071,0.056907984485949144,33336.750272437464,0.057043137536000064,116833.02369329246,0.05722492652364588,116669.54182965656,0.05751076740710469,132428.2106006523,0.05691793139999984,133835.13872031643,0.05701955658626928,138521.6590105692,0.05705232981465147,151386.1998626547,0.057371637031023125,154374.0052062823,0.05746923591640787,148889.6793489178,0.056910446988615984,161423.33763396266,0.05704792879699997,170048.1374935317,0.05735239701041308,56762.92724975775,0.056913152611581155,55078.48194014053,0.05720516803637474,69838.25497905699,0.05746423933669198,82288.98095179573,0.05750455632628789,89337.47697353612,0.057497039012794605,94444.10971464876,0.05735563342970276,101962.8625733309,0.056894372445000015,97321.57948735682
+1572,0.05761970882467038,120416.08028125344,0.05700782305522284,33428.55529379303,0.057143037951999966,117043.20970749493,0.057324970101484476,116875.76601265467,0.057610960381681585,132655.8176428837,0.057017787420000035,134066.05758710587,0.05711941570463408,138739.1503250497,0.057152246329213174,151635.77938873193,0.05747176205201963,154630.13566047043,0.05756935653647117,149143.08936105252,0.057010289878069886,161678.94046024288,0.05714783760399987,170322.98170173282,0.05745248845371238,56893.54038185569,0.05701300024774176,55205.415210027175,0.05730517707140334,69984.8445927119,0.05756435125191258,82452.70341238251,0.05760473848016649,89507.35127810038,0.05759720807030811,94622.80600237729,0.05745573052120317,102152.47123020717,0.056994187133500115,97500.23453088437
+1573,0.05771991701393068,120628.74127416949,0.05710766162449634,33520.47937200248,0.05724293836800007,117253.4339912361,0.05742501367932298,117082.0223695531,0.057711153356258385,132883.4253622779,0.057117643439999935,134297.03560027236,0.05721927482299878,138956.61605872755,0.05725216284377467,151885.3705283101,0.05757188707301623,154886.2053330305,0.05766947715653477,149396.52266906036,0.05711013276752348,161934.50028470927,0.05724774641100007,170597.80006650597,0.05755257989701148,57024.27228247172,0.05711284788390246,55332.46468612481,0.05740518610643204,70131.53797296347,0.057664463167133376,82616.54056007066,0.057704920634045,89677.34907215861,0.05769737712782161,94801.58993913676,0.057555827612703565,102342.1745306114,0.05709400182200011,97678.96923026815
+1574,0.05782012520319098,120841.42885688905,0.05720750019376994,33612.54907074261,0.05734283878399996,117463.69253496206,0.05752505725716148,117288.31719567362,0.05781134633083509,133111.0695039751,0.05721749945999994,134528.06833877412,0.05731913394136358,139174.05312232324,0.057352079358336173,152134.9563389869,0.05767201209401273,155142.18487143508,0.05776959777659807,149649.9786575917,0.057209975656977184,162190.01399729206,0.05734765521799997,170872.55594166502,0.05765267134031068,57155.12171917591,0.057212695520063056,55459.629857677144,0.05750519514146054,70278.33432642686,0.05776457508235408,82780.49062727645,0.05780510278792359,89847.48514903177,0.05779754618533531,94980.46107218557,0.057655924704203866,102531.97147909117,0.057193816510499915,97857.78284029296
+1575,0.05792033339245138,121054.11871566964,0.05730733876304364,33704.77253263956,0.057442739199999863,117673.98110895809,0.05762510083500008,117494.63508136758,0.057911539305411985,133338.74801659893,0.057317355479999936,134759.16035926263,0.05741899305972828,139391.45797068503,0.05745199587289767,152384.54608698745,0.057772137115009226,155398.10851251284,0.05786971839666147,149903.45578527095,0.057309818546430885,162445.47779058,0.05744756402499997,171147.22601128666,0.05775276278360978,57286.08761040818,0.05731254315622386,55586.910221230886,0.057605204176489136,70425.23293373364,0.057864686997574875,82944.55317874922,0.057905284941802096,90017.74634892275,0.05789771524284891,95159.41894716426,0.057756021795704264,102721.86121507613,0.05729363119899991,98036.67458821216
+1576,0.05802054158171158,121266.8293759727,0.05740717733231704,33797.133345830895,0.057542639615999966,117884.2947736668,0.05772514441283858,117700.99813797041,0.058011732279988786,133566.4582863838,0.057417211499999836,134990.31236359608,0.057518852178093084,139608.82634212423,0.057551912387459374,152634.15287763253,0.05787226213600593,155653.99776679088,0.05796983901672497,150156.95999328254,0.057409661435884586,162700.88657941323,0.05754747283200007,171421.77162331124,0.05785285422690898,57417.16898004775,0.05741239079238446,55714.30527996243,0.057705213211517836,70572.23305302611,0.057964798912795476,83108.72721948284,0.05800546709568069,90188.12377112343,0.05799788430036241,95338.46310782128,0.057856118887204565,102911.84293160171,0.057393445887499915,98215.64366684461
+1577,0.058120749770971876,121479.5941001186,0.05750701590159074,33889.626111437254,0.05764254003199987,118094.6270024457,0.05782518799067718,117907.41650477432,0.05811192525456569,133794.19754849633,0.057517067520000034,135221.52218593782,0.057618711296457785,139826.15271345255,0.05765182890202087,152883.77264472432,0.057972387157002425,155909.84882329512,0.05806995963678837,150410.50194660074,0.057509504325338384,162956.23201474547,0.05764738163899997,171696.22835846277,0.05795294567020808,57548.364929128096,0.05751223842854516,55841.81454307481,0.05780522224654644,70719.33395938904,0.05806491082801628,83273.0118273949,0.058105649249559195,90358.6121548932,0.05809805335787601,95517.59309573236,0.05795621597870496,103101.9158516751,0.057493260576000016,98394.6892254294
+1578,0.05822095796023208,121692.41097042068,0.05760685447086434,33982.247489985864,0.05774244044799996,118304.96653884609,0.05792523156851568,118113.88944701407,0.05821211822914249,134021.96257532304,0.057616923539999934,135452.78443065498,0.05771857041482258,140043.42876084504,0.05775174541658247,153133.40094859767,0.058072512177999025,156165.6560183418,0.05817008025685167,150664.07081611434,0.057609347214792085,163211.49674755346,0.05774729044599997,171970.59385237636,0.05805303711350728,57679.67461685303,0.05761208606470576,55969.44079959341,0.05790523128157514,70866.53494149022,0.05816502274323688,83437.40589925955,0.058205831403437894,90529.20565477682,0.05819822241538971,95696.80844995861,0.05805631307020537,103292.0792172457,0.05759307526450001,98573.81035731119
+1579,0.05832116614949248,121905.27712670545,0.05770669304013784,34074.9967693625,0.057842340863999864,118515.29187496309,0.05802527514635418,118320.41619952675,0.05831231120371939,134249.74881895614,0.05771677955999994,135684.10599104315,0.057818429533187284,140260.63252152715,0.05785166193114397,153383.03272512933,0.05817263719899553,156421.4051065869,0.05827020087691527,150917.6617179695,0.057709190104245786,163466.6835628858,0.05784719925299987,172244.84220013622,0.058153128556806384,57811.0972469238,0.057711933700866455,56097.22132890419,0.058005240316603736,71013.83529828144,0.05826513465845768,83601.90961288182,0.058306013557316294,90699.89616063218,0.05829839147290321,95876.10870679843,0.05815641016170567,103482.33228243975,0.05769288995300001,98753.00608251622
+1580,0.05842137433875278,122118.19456593944,0.05780653160941154,34167.88987088621,0.057942241279999966,118725.63126003461,0.05812531872419278,118526.9959616673,0.058412504178296284,134477.5452884882,0.057816635579999935,135915.48924770302,0.05791828865155208,140477.77277529307,0.05795157844570567,153632.66184720144,0.05827276221999202,156677.09224337662,0.058370321496978565,151171.27046665814,0.05780903299369949,163721.823623075,0.05794710805999997,172518.92262505242,0.058253220000105584,57942.652643372174,0.05781178133702706,56225.14072325278,0.058105249351632436,71161.234335712,0.05836524657367838,83766.52256774719,0.05840619571119499,90870.6980087436,0.058398560530416706,96055.49339936745,0.058256507253206066,103672.67430842915,0.05779270464150001,98932.2753221679
+1581,0.05852158252801308,122331.16107137734,0.05790637017868514,34260.91784222882,0.058042141695999964,118935.98898371431,0.05822536230203128,118733.62800276992,0.058512697152873085,134705.36228254493,0.057916491599999835,136146.93347262338,0.05801814776991678,140694.8723596604,0.05805149496026717,153882.28019365208,0.058372887240988526,156932.7520398614,0.05847044211704217,151424.8920121154,0.057908875883153084,163976.92316253477,0.05804701686699997,172792.8797426701,0.05835331144340468,58074.36059341637,0.057911628973187856,56353.19091073642,0.058205258386660935,71308.7313632861,0.058465358488899076,83931.24420641504,0.05850637786507339,91041.61108274033,0.05849872958793031,96234.96205727555,0.05835660434470637,103863.10455866819,0.05789251933000001,99111.61685868306
+1582,0.05862179071727348,122544.17032215651,0.05800620874795874,34354.076252876046,0.05814204211199996,119146.36601431077,0.05832540587986978,118940.3126894064,0.05861289012744999,134933.20510263366,0.05801634762000003,136378.4379275549,0.05811800688828148,140911.98185010892,0.05815141147482867,154131.87485423192,0.058473012261985126,157188.3826939421,0.05857056273710547,151678.51433715454,0.058008718772606785,164231.97967906183,0.05814692567399987,173066.67594603216,0.05845340288670378,58206.20226019613,0.05801147660934846,56481.36814949543,0.05830526742168974,71456.32569023821,0.05856547040411978,84096.0739961363,0.05860656001895209,91212.63418582254,0.05859889864544401,96414.51420623559,0.058456701436206765,104053.62229376005,0.057992334018500014,99291.02926945168
+1583,0.05872199890653368,122757.2298271731,0.05810604731723224,34447.36621352385,0.05824194252799997,119356.73754121731,0.05842544945770848,119147.0485616473,0.058713083102026685,135161.07070389338,0.05811620363999993,136610.00186315397,0.05821786600664628,141129.11570547597,0.058251327989390374,154381.41416008957,0.05857313728298183,157443.98228699825,0.058670683357168865,151932.14157754154,0.05810856166206069,164486.99034033917,0.05824683448100007,173340.3590364257,0.05855349433000298,58338.18784690298,0.05811132424550916,56609.67000244388,0.05840527645671824,71604.01662121524,0.058665582319340576,84261.01142453741,0.05870674217283049,91383.7662387269,0.058699067702957505,96594.14936760852,0.05855679852770716,104244.22676484566,0.05809214870700001,99470.51080485468
+1584,0.05882220709579398,122970.34238095922,0.058205885886505944,34540.78384975668,0.058341842943999966,119567.1225706221,0.058525493035546876,119353.83433505341,0.058813276076603485,135388.9546866317,0.05821605965999994,136841.62451810704,0.05831772512501098,141346.26004740532,0.05835124450395187,154630.90267218166,0.058673262303978325,157699.5487601705,0.05877080397723237,152185.79026098404,0.05820840455151438,164741.95184375334,0.05834674328799997,173614.01911984818,0.05865358577330208,58470.32924551921,0.05821117188166976,56738.094648443504,0.05850528549174684,71751.80345099545,0.058765694234561176,84426.05599640834,0.05880692432670919,91555.00624990299,0.05879923676047111,96773.86705796878,0.058656895619207464,104434.92486121085,0.058191963395500014,99650.05912917497
+1585,0.05892241528505418,123183.5069456907,0.05830572445577954,34634.32672714583,0.058441743359999965,119777.54763324722,0.05862553661338558,119560.66877541083,0.05891346905118039,135616.84552600823,0.058315915679999934,137073.3051181024,0.05841758424337578,141563.4063243438,0.05845116101851337,154880.3835406286,0.05877338732497483,157955.0798800883,0.058870924597295766,152439.45861472448,0.058308247440967985,164996.8601575303,0.05844665209499997,173887.64456517348,0.05875367721660128,58602.61785060809,0.05831101951783046,56866.64071827088,0.058605294526775535,71899.68545777671,0.05886580614978198,84591.20723127897,0.058907106480587695,91726.35329474237,0.058899405817984606,96953.66678861847,0.05875699271070787,104625.74772186557,0.058291778084000115,99829.67061366726
+1586,0.05902262347431448,123396.72243321496,0.058405563025053044,34728.04582770773,0.05854164377600007,119988.00801924654,0.05872558019122408,119767.55057026948,0.05901366202575719,135844.7509597227,0.058415771699999834,137305.04287478395,0.05851744336174048,141780.54772549897,0.05855107753307487,155129.87240217428,0.058873512345971324,158210.57318429562,0.05897104521735927,152693.1448231075,0.058408090330421686,165251.7099559676,0.05854656090200007,174161.23159440016,0.05885376865990038,58735.04387910518,0.05841086715399106,56995.32357799204,0.05870530356180414,72047.66189429653,0.05896591806500258,84756.4646615134,0.0590072886344663,91897.80650050311,0.05899957487549831,97133.54806501124,0.058857089802208065,104816.67777199177,0.05839159277250011,100009.33670747495
+1587,0.059122831663574876,123609.98769617439,0.05850540159432664,34821.929954389096,0.05864154419199997,120198.49577125759,0.058825623769062675,119974.4782647303,0.05911385500033409,136072.68171734936,0.05851562772000004,137536.83698452252,0.058617302480105285,141997.6776233724,0.05865099404763657,155379.36049109927,0.058973637366967924,158466.0258809844,0.05907116583742267,152946.84698900426,0.05850793321987539,165506.51223514878,0.05864646970899997,174434.78202541132,0.05895386010319968,58867.62895539486,0.05851071479015186,57124.1383347011,0.05880531259683284,72195.73197517383,0.05906602998022338,84921.82783075706,0.059107470788344794,92069.36503484781,0.05909974393301181,97313.51038616418,0.05895718689370857,105007.70799684257,0.058491407461000115,100189.04842752437
+1588,0.05922303985283518,123823.30151681638,0.058605240163600344,34915.96286783048,0.058741444608000064,120408.98860335274,0.058925667346901175,120181.45018686444,0.05921404797491089,136300.6354043785,0.05861548373999994,137768.6922180189,0.05871716159846998,142214.78815485816,0.05875091056219807,155628.85999261253,0.059073762387964426,158721.43460661982,0.05917128645748597,153200.56308551654,0.058607776109329185,165761.25648368723,0.05874637851599997,174708.27855273,0.05905395154649868,59000.42594093371,0.05861056242631256,57253.079648530875,0.05890532163186134,72343.89485781934,0.059166141895444176,85087.29629264651,0.059207652942223396,92241.02809687356,0.05919991299052541,97493.55324400633,0.059057283985208764,105198.83383319044,0.05859122214949991,100368.83770125918
+1589,0.05932324804209538,124036.6625923447,0.05870507873287394,35010.13800922187,0.058841345023999965,120619.51291285893,0.05902571092473978,120388.46432897056,0.059314240949487784,136528.60916533932,0.058715339759999936,138000.63112009424,0.058817020716834784,142431.86510155123,0.05885082707675957,155878.38727193672,0.05917388740896112,158976.79401350897,0.05927140707754957,153454.29088388252,0.058707618998782886,166015.9415766345,0.05884628732300007,174981.74489795393,0.059154042989797984,59133.39587460652,0.058710410062473156,57382.144981237965,0.05900533066688994,72492.1496114569,0.05926625381066488,85252.87379600824,0.059307835096101894,92412.7949096076,0.05930008204803891,97673.67612258901,0.05915738107670917,105390.05219355556,0.05869103683800001,100548.70447781152
+1590,0.05942345623135578,124250.06951546736,0.058804917302147444,35104.45118928467,0.05894124544000007,120830.07837652387,0.05912575450257828,120595.51811334804,0.059414433924064584,136756.59935968375,0.05881519577999993,138232.64061813385,0.058916879835199484,142648.8905145696,0.05895074359132127,156127.94022881126,0.059274012429957626,159232.10051370822,0.05937152769761287,153708.02782431443,0.05880746188823659,166270.59499866466,0.05894619612999997,175255.1918920703,0.05925413443309698,59266.52661759515,0.05881025769863376,57511.332535305744,0.05910533970191864,72640.49516131189,0.059366365725885675,85418.56835962406,0.059408017249980294,92584.66471369611,0.05940025110555261,97853.87849730611,0.05925747816820957,105581.36508742442,0.058790851526500015,100728.64819452798
+1591,0.05952366442061608,124463.52074742701,0.05890475587142104,35198.89931194175,0.05904114585599996,121040.66779838073,0.05922579808041678,120802.60777318728,0.05951462689864129,136984.60075695062,0.05891505179999994,138464.73176564494,0.05901673895356428,142865.8972948501,0.05905066010588277,156377.51644579766,0.05937413745095413,159487.3575791892,0.05947164831767647,153961.7707140796,0.05890730477769028,166525.21057008815,0.05904610493699997,175528.63377858832,0.05935422587639628,59399.81631993798,0.05891010533479446,57640.67010319122,0.05920534873694724,72788.93017307788,0.059466477641106276,85584.3739799069,0.05950819940385899,92756.63676151414,0.05950042016306621,98034.15983391982,0.05935757525970987,105772.77095692267,0.05889066621500001,100908.66827665092
+1592,0.059623872609876276,124677.0145790645,0.059004594440694745,35293.47990640105,0.05914104627199986,121251.29657857896,0.05932584165825538,121009.7241428357,0.059614819873218185,137212.60329176913,0.05901490781999984,138696.9238912285,0.05911659807192898,143082.89893767313,0.05915057662044427,156627.1128930025,0.05947426247195073,159742.5603413628,0.05957176893773977,154215.5144352302,0.05900714766714398,166779.78056361445,0.05914601374399987,175802.06774519978,0.05945431731969538,59533.25508392868,0.05900995297095526,57770.161462692944,0.05930535777197594,72937.45275020663,0.05956658955632708,85750.28855167059,0.0596083815577375,92928.71031166223,0.05960058922057971,98214.51958752148,0.059457672351210265,105964.26935741749,0.058990480903500016,101088.76413489567
+1593,0.05972408079913658,124890.54907153617,0.05910443300996824,35388.19090532587,0.059240946687999965,121461.98483542792,0.05942588523609388,121216.86796515876,0.05971501284779509,137440.58497585874,0.059114763840000036,138929.19767413454,0.05921645719029358,143299.89242926892,0.05925049313500587,156876.72453837286,0.059574387492947224,159997.6993109107,0.05967188955780317,154469.2519619494,0.05910699055659779,167034.29594433104,0.05924592255099997,176075.49042988964,0.05955440876299438,59666.84278280344,0.05910980060711586,57899.791672221654,0.05940536680700444,73086.05903989032,0.05966670147154768,85916.31081510054,0.05970856371161609,93100.88462316095,0.05970075827809321,98394.95720126061,0.059557769442710566,106155.87170237393,0.05909029559200001,101268.93545905608
+1594,0.05982428898839698,125104.12195895807,0.059204271579241845,35483.03052294769,0.059340847103999866,121672.73592453374,0.05952592881393238,121424.04794906055,0.05981520582237189,137668.58833514166,0.059214619859999935,139161.54632361134,0.05931631630865848,143516.87453070795,0.05935040964956747,157126.34833351828,0.05967451251394373,160252.77636891653,0.059772010177866666,154722.99366810423,0.05920683344605148,167288.76324391254,0.05934583135799997,176348.89745934095,0.05965450020629368,59800.57528973413,0.059209648243276555,58029.55557455857,0.05950537584203324,73234.74289059282,0.059766813386768376,86082.43982564044,0.059808745865494596,93273.15894927675,0.05980092733560691,98575.47210496555,0.059657866534210964,106347.57207152846,0.059190110280500016,101449.19532919512
+1595,0.05992449717765728,125317.73047133976,0.05930411014851544,35577.99718112986,0.05944074751999996,121883.56638552429,0.059625972391770976,121631.2533706362,0.059915398796948786,137896.61862011006,0.05931447587999993,139393.96562192045,0.05941617542702318,143733.84162485506,0.05945032616412897,157375.97217473396,0.05977463753494023,160507.7921555138,0.05987213079793007,154976.7363367973,0.05930667633550518,167543.17395715363,0.05944574016499987,176622.28208364625,0.05975459164959268,59934.4601037624,0.05930949587943716,58159.44990774876,0.05960538487706174,73383.51965045487,0.05986692530198918,86248.67480029335,0.05990892801937319,93445.53253009102,0.05990109639312051,98756.0637134828,0.05975796362571137,106539.36679420115,0.05928992496900001,101629.5391654348
+1596,0.06002470536691748,125531.37095682586,0.059403948717788944,35673.089461254116,0.05954064793599997,122094.46586887966,0.059726015969609476,121838.47006268828,0.06001559177152559,138124.67309983177,0.059414331899999936,139626.4523735698,0.05951603454538778,143950.78945446666,0.05955024267869057,157625.61165831567,0.059874762555936926,160762.73431883258,0.059972251417993366,155230.47437830106,0.05940651922495888,167797.51134200365,0.05954564897200007,176895.62493126353,0.05985468309289198,60068.503567743246,0.059409343515597755,58289.48224556967,0.059705393912090336,73532.38973220135,0.05996703721720998,86415.0150528187,0.060009110173251695,93618.00458338192,0.06000126545063401,98936.73142471538,0.05985806071721166,106731.25374480594,0.05938973965750001,101809.96301323673
+1597,0.06012491355617778,125745.03781243737,0.05950378728706264,35768.306071210645,0.059640548351999965,122305.42993666194,0.05982605954744798,122045.74104652344,0.06011578474610249,138352.74777621395,0.05951418792000004,139859.03629014356,0.059615893663752584,144167.71257904428,0.05965015919325217,157875.27678290135,0.05997488757693343,161017.60736920274,0.060072372038056966,155484.1957887412,0.05950636211441249,168051.73645461837,0.05964555777899997,177168.96266405965,0.05995477453619108,60202.68992608069,0.059509191151758456,58419.67248198721,0.05980540294711904,73681.35263248194,0.06006714913243058,86581.45996065204,0.0601092923271303,93790.57429221696,0.06010143450814761,99117.48102985286,0.05995815780871207,106923.23127543375,0.05948955434600001,101990.46483242649
+1598,0.060225121745438176,125958.71571617013,0.05960362585633624,35863.64965499452,0.059740448767999964,122516.45580250329,0.05992610312528658,122253.11126298782,0.06021597772067929,138580.83416951867,0.059614043940000035,140091.72196075035,0.059715752782117285,144384.6029037367,0.05975007570781377,158124.96579742324,0.06007501259793003,161272.4112478565,0.06017249265812027,155737.88671930524,0.05960620500386638,168305.9265071245,0.05974546658599997,177442.3175464707,0.06005486597949028,60337.021775044755,0.05960903878791926,58550.00484545997,0.05990541198214764,73830.4078389583,0.060167261047651376,86748.00894587564,0.060209474481008794,93963.24078742041,0.06020160356566131,99298.33512489432,0.06005825490021237,107115.29797053362,0.059589369034500114,102171.05864765774
+1599,0.06032532993469838,126172.40670324366,0.059703464425609844,35959.13518037629,0.059840349184000066,122727.54117340727,0.06002614670312508,122460.57065349224,0.06031617069525619,138808.91995527284,0.059713899959999935,140324.49116823403,0.05981561190048208,144601.44093480404,0.05984999222237527,158374.67673252564,0.060175137618926525,161527.1416518659,0.06027261327818387,155991.58780696365,0.05970604789332008,168560.09514689204,0.05984537539300007,177715.68035929184,0.06015495742278938,60471.49847401339,0.05970888642407986,58680.4735024685,0.06000542101717634,73979.55482665543,0.060267372962871976,86914.66146322995,0.060309656634887396,94136.00312040615,0.06030177262317481,99479.28036994513,0.060158351991712766,107307.45254808434,0.05968918372300011,102351.74672194649
+1600,0.06042553812395868,126386.1392613411,0.059803302994883345,36054.753226559376,0.05994024959999997,122938.68392686831,0.06012619028096368,122668.10787185567,0.060416363669832884,139037.03844017608,0.05981375597999994,140557.33709043596,0.05991547101884678,144818.21928651037,0.05994990873693677,158624.40726963012,0.06027526263992303,161781.79007367848,0.06037273389824717,156245.29712172676,0.05980589078277369,168814.24059608058,0.05994528419999997,177989.04571894242,0.06025504886608858,60606.11753643413,0.05980873406024056,58811.07490306182,0.06010543005220484,74128.79305305445,0.06036748487809278,87081.41699207721,0.06040983878876589,94308.86092902746,0.06040194168068831,99660.31170903666,0.060258449083213164,107499.69380814818,0.05978899841149991,102532.51825855277
+1601,0.06052574631321898,126599.91087962198,0.05990314156415704,36150.499817002994,0.06004015001600006,123149.88195876405,0.06022623385880218,122875.71822603495,0.060516556644409684,139265.19006593685,0.059913611999999936,140790.25506649484,0.06001533013721158,145034.98767039133,0.06004982525149847,158874.15445825743,0.06037538766091963,162036.3367281863,0.06047285451831057,156499.01094642087,0.05990573367222738,169068.3610842383,0.06004519300699997,178262.40809733514,0.060355140309387684,60740.87685511354,0.05990858169640116,58941.80636281865,0.06020543908723354,74278.12195128859,0.060467596793313476,87248.27503067684,0.060510020942644495,94481.81607602273,0.06050211073820191,99841.42632456563,0.060358546174713465,107692.02060074221,0.05988881309999991,102713.37206766257
+1602,0.06062595450247938,126813.71837934137,0.06000298013343064,36246.37261644676,0.060140050431999964,123361.1330798783,0.06032627743664068,123083.39871083593,0.06061674961898659,139493.37379014806,0.060013468019999835,141023.24134231175,0.06011518925557628,145251.74631161842,0.06014974176605997,159123.91391164277,0.06047551268191613,162290.7523040512,0.06057297513837407,156752.7231898631,0.06000557656168108,169322.454811628,0.06014510181399987,178535.75713114568,0.06045523175268688,60875.77457578778,0.06000842933256176,59072.66561874367,0.060305448122262136,74427.54092035262,0.06056770870853428,87415.23509186287,0.06061020309652299,94654.86525728843,0.060602279795715606,100022.6221420392,0.06045864326621386,107884.43180212258,0.059988627788499914,102894.30775077912
+1603,0.06072616269173958,127027.55739805145,0.06010281870270414,36342.36987532409,0.060239950848000066,123572.43491811477,0.06042632101447928,123291.14706159351,0.06071694259356339,139721.60423478344,0.060113324040000034,141256.29261962866,0.06021504837394098,145468.492590459,0.060249658280621475,159373.67405727765,0.06057563770291283,162545.08564113275,0.06067309575843747,157006.41476919455,0.06010541945113489,169576.5199005587,0.06024501062099997,178809.10141657037,0.06055532319598598,61010.80902378729,0.06010827696872246,59203.65057541324,0.06040545715729074,74577.0498961221,0.06066782062375488,87582.29669962337,0.060710385250401594,94828.00525950162,0.06070244885322911,100203.89742256039,0.060558740357714066,108076.92629358283,0.060088442477000015,103075.32353206357
+1604,0.06082637088099988,127241.42099148392,0.06020265727197774,36438.49014961336,0.06033985126399997,123783.7847968894,0.06052636459231778,123498.96139631077,0.060817135568140286,139949.90077198143,0.060213180059999934,141489.40582838168,0.06031490749230578,145685.22362174426,0.06034957479518297,159623.4349814635,0.06067576272390933,162799.30965820752,0.06077321637850097,157260.1017275383,0.06020526234058858,169830.55413361435,0.06034491942799997,179082.44368678916,0.06065541463928518,61145.978654293824,0.060208124604883256,59334.758871409256,0.06050546619231944,74726.65670154442,0.06076793253897568,87749.46141155252,0.06081056740428009,95001.22815216356,0.06080261791074261,100385.25058740766,0.06065883744921457,108269.50293799957,0.06018825716550001,103256.41787432917
+1605,0.06092657907026008,127455.29121365905,0.06030249584125144,36534.73218539154,0.06043975168000006,123995.17954723752,0.06062640817015628,123706.84003020829,0.06091732854271719,140178.24618905297,0.06031303607999994,141722.57797585186,0.06041476661067048,145901.93615939195,0.06044949130974467,159873.22073703402,0.060775887744905825,163053.41257895165,0.06087333699856437,157513.80758264224,0.06030510523004228,170084.55608433686,0.06044482823499987,179355.78098815234,0.06075550608258428,61281.2820118924,0.06030797224104386,59465.987807956626,0.06060547522734794,74876.35729690362,0.06086804445419628,87916.73412183713,0.06091074955815869,95174.53620581362,0.06090278696825621,100566.69357511164,0.060758934540714765,108462.1606977635,0.060288071854000015,103437.5893749329
+1606,0.06102678725952048,127669.15400461601,0.06040233441052504,36631.09486014772,0.060539652095999964,124206.61515065267,0.060726451747994875,123914.78134157417,0.06101752151729399,140406.63464151722,0.060412892099999935,141955.80601002244,0.06051462572903528,146118.62645232555,0.06054940782430617,160123.02996492106,0.06087601276590233,163307.44748337605,0.06097345761862767,157767.53126203222,0.06040494811949598,170338.52443615472,0.06054473704199997,179629.11007926264,0.06085559752588338,61416.71768752228,0.06040781987720456,59597.339819091125,0.060705484262376735,75026.14885873867,0.060968156369417076,88084.11114713702,0.06101093171203719,95347.94368599624,0.06100295602576991,100748.25264513146,0.06085903163221516,108654.90105629075,0.06038788654250001,103618.83670627972
+1607,0.06112699544878078,127883.06429541342,0.06050217297979854,36727.57714880584,0.06063955251200007,124418.08581160956,0.060826495325833375,124122.78360942898,0.06111771449187089,140635.06243164605,0.060512748119999835,142189.08663707296,0.06061448484739998,146335.29000839876,0.060649324338867674,160372.86120949197,0.06097613778689893,163561.40510749933,0.06107357823869127,158021.2725932726,0.060504791008949683,170592.45723756953,0.06064464584899997,179902.42720544312,0.06095568896918258,61552.28424858377,0.06050766751336516,59728.81387604806,0.06080549329740524,75176.02916801219,0.06106826828463778,88251.59100351251,0.061111113865915695,95521.45003668554,0.06110312508328341,100929.90793088808,0.060959128723715665,108847.72149783121,0.060487701231000016,103800.15857633197
+1608,0.06122720363804108,128097.02998885741,0.06060201154907224,36824.19561230554,0.06073945292799997,124629.57825222542,0.06092653890367198,124330.84459857279,0.06121790746644769,140863.52663382015,0.06061260414000003,142422.41593789766,0.060714343965764785,146551.92116296443,0.06074924085342937,160622.71288103412,0.06107626280789542,163815.3231872589,0.061173698858754566,158275.03044948177,0.06060463389840348,170846.35246399435,0.06074455465599997,180175.72752013576,0.06105578041248168,61687.98002362113,0.06060751514952586,59860.40882655263,0.06090550233243394,75325.99501292424,0.06116838019985848,88419.17272781067,0.061211296019794297,95695.05473134076,0.06120329414079701,101111.65201956144,0.06105922581521587,109040.63652285085,0.06058751591950001,103981.55369853193
+1609,0.06132741182730128,128311.05025005603,0.06070185011834584,36920.9738261248,0.06083935334399986,124841.09459282718,0.06102658248151048,124538.95940036843,0.06131810044102439,141092.02466408012,0.06071246015999993,142655.78768085362,0.06081420308412948,146768.51214519818,0.060849157367990875,160872.58318773442,0.061176387828891926,164069.20733914064,0.061273819478818166,158528.8032756958,0.06070447678785718,171100.20800669648,0.06084446346300007,180449.00296674145,0.061155871855780884,61823.80228725716,0.06070736278568656,59992.123567838855,0.06100551136746254,75476.04016306937,0.061268492115079176,88586.85554018062,0.061311478173672794,95868.77464728878,0.06130346319831051,101293.47964929885,0.06115932290671627,109233.6519051082,0.060687330608000016,104163.02076523966
+1610,0.06142762001656168,128525.12420537516,0.06080168868761934,37017.89234244725,0.060939253759999965,125052.63226802119,0.06112662605934898,124747.13316406238,0.06141829341560129,141320.5540809603,0.06081231617999994,142889.19405786082,0.06091406220249428,146985.05014963984,0.06094907388255237,161122.46997229446,0.06127651284988863,164323.038072542,0.06137394009888147,158782.589716328,0.060804319677310883,171354.02166036482,0.06094437226999997,180722.25457527782,0.06125596329907998,61959.75323886188,0.06080721042184726,60123.95703436583,0.06110552040249114,75626.17387990007,0.06136860403029998,88754.6387471995,0.061411660327551396,96042.60621246646,0.06140363225582421,101475.3845227602,0.06125941999821657,109426.76208716464,0.06078714529650001,104344.55842076364
+1611,0.06152782820582198,128739.25093635512,0.06090152725689294,37114.95141403261,0.06103915417599996,125264.1707140852,0.06122666963718758,124955.36785526734,0.06151848639017809,141549.1124650832,0.060912172199999934,143122.64917080148,0.061013921320858984,147201.5075274242,0.06104899039711397,161372.36989977138,0.061376637870885126,164576.8181590817,0.061474060718944866,159036.38840377735,0.06090416256676449,171607.80780785863,0.06104428107699997,180995.4761050526,0.06135605474237928,62095.83280786842,0.060907058058007855,60255.90818713477,0.06120552943751984,75776.40058183372,0.06146871594552058,88922.52169898135,0.06151184248142989,96216.54396050048,0.06150380131333771,101657.36748197583,0.061359517089716965,109619.96427784374,0.060886959985000114,104526.16522987306
+1612,0.06162803639508218,128953.42947208798,0.061001365826166644,37212.17996308288,0.06113905459199997,125475.75649740595,0.06132671321502608,125163.66261717414,0.061618679364754986,141777.6973255942,0.06101202821999994,143356.1506530709,0.06111378043922378,147417.87878721766,0.06114890691167557,161622.28180347552,0.061476762891881725,164830.58981115543,0.06157418133900837,159290.19791619686,0.06100400545621818,171861.58561590093,0.06114418988400007,181268.6481035318,0.06145614618567828,62232.04012064092,0.061006905694168556,60387.97600399441,0.06130553847254834,75926.71979023317,0.06156882786074138,89090.50376392885,0.061612024635308495,96390.58562699612,0.06160397037085131,101839.4248770952,0.06145961418121736,109813.25566773799,0.06098677467350011,104707.86407443334
+1613,0.061728244584342576,129167.6587796074,0.06110120439544004,37309.559395735494,0.061238955007999966,125687.40338485585,0.06142675679286458,125372.0166065473,0.061718872339331786,142006.30600671654,0.06111188424000004,143589.69520427517,0.06121363955758848,147634.189155698,0.06124882342623717,161872.20221520241,0.06157688791287823,165084.35152991946,0.06167430195907177,159544.01674873286,0.061103848345672084,172115.33552249594,0.06124409869099997,181541.76835779691,0.06155623762897758,62368.3743415529,0.06110675333032916,60520.15947013676,0.06140554750757714,76077.13105399985,0.061668939775961974,89258.58430919092,0.06171220678918699,96564.72970645584,0.06170413942836481,102021.55807874326,0.061559711272717664,110006.63409393918,0.06108658936199991,104889.66928315532
+1614,0.06182845277360288,129381.93775146201,0.061201042964713744,37407.08163341383,0.061338855423999965,125899.11594162004,0.06152680037070328,125580.42898470808,0.06181906531390869,142234.93557023772,0.061211740260000036,143823.2789120039,0.06131349867595328,147850.494249487,0.061348739940798674,162122.12801297114,0.061677012933874724,165338.10169769853,0.06177442257913527,159797.8432817268,0.06120369123512569,172369.04988955936,0.06134400749799997,181814.84465288784,0.06165632907227668,62504.83466920932,0.06120660096648986,60652.45756821421,0.06150555654260564,76227.63394319208,0.061769051691182776,89426.76814237272,0.06181238894306569,96738.97503385799,0.061804308485878506,102203.76215777078,0.06165980836421807,110200.09772870723,0.06118640405049991,105071.56128279507
+1615,0.06192866096286318,129596.26518931141,0.06130088153398734,37504.7422007405,0.06143875583999996,126110.89211772065,0.061626843948541676,125788.89890769402,0.06191925828848559,142463.58261461623,0.061311596279999936,144056.89665729232,0.06141335779431798,148066.80022692354,0.06144865645536017,162372.0549888493,0.06177713795487123,165591.83855008133,0.06187454319919867,160051.67573571278,0.06130353412457938,172622.72321959317,0.06144391630500007,182087.89195371012,0.06175642051557588,62641.420333292765,0.06130644860265066,60784.86926727523,0.06160556557763434,76378.22804471683,0.06186916360640348,89595.07629502108,0.06191257109694409,96913.32063325809,0.06190447754339211,102386.02289253494,0.06175990545571836,110393.64493875453,0.06128621873900001,105253.53259547683
+1616,0.06202886915212338,129810.64072211696,0.061400720103261044,37602.53793137359,0.061538656256000066,126322.72982790846,0.06172688752638038,125997.42551448927,0.06201945126306239,142692.24293132714,0.06141145229999993,144290.5394202853,0.06151321691268268,148283.10469304625,0.061548572969921875,162621.9765355544,0.061877262975867826,165845.5601357756,0.06197466381926197,160305.51209426808,0.06140337701403308,172876.3506794394,0.06154382511199997,182360.92242234127,0.06185651195887498,62778.13059174809,0.06140629623881126,60917.39350950276,0.06170557461266294,76528.92032717909,0.061969275521624276,89763.49643694487,0.0620127532508228,97087.76564691836,0.06200464660090561,102568.36062124876,0.06186000254721877,110587.27420907827,0.061386033427500014,105435.5770333524
+1617,0.062129077341383676,130025.07990040013,0.06150055867253454,37700.466347581525,0.06163855667199997,126534.62645211858,0.06182693110421878,126206.00791065692,0.062119644237639285,142920.91061575973,0.06151130831999994,144524.1954666142,0.06161307603104748,148499.40459341544,0.06164848948448337,162871.91891493835,0.06197738799686452,166099.26425401363,0.06207478443932557,160559.34992570907,0.06150321990348678,173129.9276139459,0.06164373391899997,182633.95960075225,0.06195660340217418,62914.964728409424,0.06150614387497186,61050.029193141636,0.06180558364769144,76679.72011716542,0.062069387436844876,89932.02347362103,0.0621129354047012,97262.30929682398,0.06210481565841911,102750.78620334358,0.061960099638719165,110780.98409590755,0.06148584811600001,105617.6862696296
+1618,0.06222928553064408,130239.57507891787,0.061600397241808144,37798.58784186622,0.06173845708800006,126746.57714888088,0.061926974682057476,126414.64514243358,0.06221983721221599,143149.57208204234,0.06161116434000004,144757.8864539938,0.06171293514941218,148715.6954902443,0.061748405999044874,163121.8809701276,0.062077513017861026,166352.94834007157,0.06217490505938887,160813.18535105098,0.06160306279294058,173383.44929354612,0.06174364272599987,182907.0016803959,0.062056694845473284,63051.92205084204,0.06160599151113256,61182.77514880415,0.06190559268272024,76830.61946811373,0.06216949935206568,90100.65376372814,0.062213117558579896,97436.95086159879,0.06220498471593281,102933.32424292962,0.062060196730219466,110974.77319417294,0.061585662804500015,105799.84588617698
+1619,0.06232949371990428,130454.12074151306,0.06170023581108174,37896.89065249915,0.06183835750399996,126958.57804466692,0.062027018259895976,126623.33614847134,0.06232003018679279,143378.2275349744,0.061711020360000035,144991.6054401641,0.06181279426777698,148931.9901702713,0.06184832251360657,163371.86143169485,0.06217763803885753,166606.60910700352,0.06227502567945247,161067.01705350957,0.06170290568239428,173636.91072943367,0.06184355153300007,183180.04661063518,0.06215678628877238,63189.00188849469,0.061705839147293155,61315.63010353463,0.062005601717748736,76981.61583321086,0.06226961126728628,90269.38233217914,0.06231329971245839,97611.6896616263,0.062305153773446406,103115.96168456164,0.062160293821719864,111168.64011234695,0.06168547749300001,105982.08085667476
+1620,0.06242970190916458,130668.71311489178,0.061800074380355244,37995.35476818615,0.061938257920000066,127170.63629967101,0.06212706183773458,126832.07964870361,0.062420223161369685,143606.88930365568,0.061810876379999935,145225.34508738763,0.06191265338614168,149148.27037985955,0.061948239028168074,163621.8589601239,0.062277763059854024,166860.24270031488,0.062375146299515766,161320.843936246,0.06180274857184798,173890.30649207803,0.06194346033999997,183453.0919586027,0.06225687773207158,63326.2035910351,0.061805686783453856,61448.592618800154,0.062105610752777436,77132.7077204765,0.06236972318250708,90438.21475689326,0.062413481866336995,97786.52504879609,0.06240532283095991,103298.69244912402,0.062260390913220165,111362.58345068239,0.061785292181500015,106164.39190501964
+1621,0.06252991009842498,130883.34846708507,0.06189991294962894,38093.97227262325,0.06203815833599997,127382.74284441832,0.06222710541557308,127040.8737682295,0.0625204161359465,143835.54215012552,0.06191073239999994,145459.1155199874,0.062012512504506484,149364.56680038897,0.06204815554272957,163871.872130458,0.062377888080850624,167113.84720263595,0.06247526691957917,161574.6611174448,0.061902591461301684,174143.63048714818,0.06204336914699997,183726.1346035345,0.06235696917537068,63463.52652685353,0.06190553441961466,61581.660947824304,0.06220561978780604,77283.89404793947,0.06246983509772778,90607.15129402919,0.06251366402021549,97961.45639926661,0.0625054918884735,103481.51657131927,0.06236048800472056,111556.60178003352,0.06188510687000001,106346.77622294804
+1622,0.06263011828768528,131098.0223918619,0.061999751518902545,38192.73813180194,0.06213805875200006,127594.90453912092,0.06232714899341158,127249.71381985606,0.06262060911052339,144064.177481293,0.062010588419999936,145692.90913113562,0.062112371622871185,149580.87877079402,0.06214807205729107,164121.89941129414,0.06247801310184712,167367.41688412172,0.06257538753964267,161828.45972621292,0.062002434350755385,174396.87562608474,0.06214327795400007,183999.1698101657,0.06245706061866989,63600.970081732914,0.06200538205577526,61714.83257885665,0.06230562882283474,77435.17394743532,0.06256994701294857,90776.19101753671,0.06261384617409409,98136.48310789131,0.0626056609459872,103664.43157698536,0.06246058509622097,111750.69361873406,0.061984921558500015,106529.23031364361
+1623,0.06273032647694549,131312.72873242627,0.06209959008817614,38291.64863878701,0.062237959167999964,127807.12968228651,0.06242719257125018,127458.60507548162,0.0627208020851002,144292.81450674782,0.062110444439999836,145926.72404619755,0.06221223074123598,149797.20366568468,0.06224798857185277,164371.93913494606,0.06257813812284362,167620.94216033557,0.06267550815970607,162082.21778307,0.06210227724020918,174650.0332533253,0.06224318676099997,184272.18464219838,0.06255715206196898,63738.53365765065,0.06210522969193586,61848.10626485448,0.062405637857863336,77586.56580911389,0.06267005892816917,90945.33308658907,0.0627140283279726,98311.60658872199,0.0627058300035007,103847.43378336875,0.06256068218772118,111944.85740459745,0.06208473624700001,106711.74779683576
+1624,0.06283053466620578,131527.45596558685,0.062199428657449644,38390.70084546153,0.062337859583999865,128019.41640791243,0.06252723614908867,127667.57822684414,0.0628209950596771,144521.47776809474,0.062210300460000034,146160.54455495614,0.06231208985960068,150013.5392507802,0.062347905086414274,164621.98945261934,0.06267826314384033,167874.39397743854,0.06277562877976937,162335.96141552128,0.062202120129662884,174903.09185802814,0.06234309556799997,184545.18889706445,0.06265724350526818,63876.2166716818,0.06220507732809656,61981.47869586663,0.06250564689289183,77738.07249498641,0.06277017084338997,91114.57671661148,0.0628142104818512,98486.83875424672,0.0628059990610142,104030.52059031808,0.06266077927922167,112139.09145748956,0.06218455093550011,106894.32745409256
+1625,0.06293074285546618,131742.17423636955,0.06229926722672334,38489.89229324743,0.06243775999999997,128231.76231606297,0.06262727972692718,127876.64068556405,0.06292118803425399,144750.16343117808,0.062310156479999934,146394.36054475687,0.06241194897796548,150229.88346729818,0.06244782160097577,164872.04826195168,0.06277838816483682,168127.79790942962,0.06287574939983298,162589.71264895066,0.062301963019116585,175156.03131891292,0.06244300437499987,184818.19342372345,0.06275733494856728,64014.020439097716,0.06230492496425716,62114.94159242768,0.06260565592792063,77889.68424771083,0.06287028275861058,91283.92115819849,0.06291439263572969,98662.17320928026,0.0629061681185278,104213.68955967561,0.06276087637072188,112333.39392420568,0.062284365623999915,107076.9617535572
+1626,0.06303095104472638,131956.93113697137,0.06239910579599694,38589.220864952884,0.06253766041599997,128444.16400947615,0.06272732330476578,128085.77670488988,0.0630213810088308,144978.862753169,0.06241001249999994,146628.16337774802,0.06251180809633018,150446.23432337708,0.06254773811553747,165122.1130754233,0.06287851318583342,168381.175842393,0.06297587001989628,162843.47193103615,0.06240180590857018,175408.84124996117,0.06254291318199998,185091.1944042809,0.06285742639186648,64151.98852734378,0.06240477260041786,62248.48333990954,0.06270566496294913,78041.39778313838,0.06297039467383136,91453.3656798718,0.0630145747896083,98837.60701823774,0.0630063371760415,104396.93814837755,0.06286097346222227,112527.76268847796,0.06238418031249991,107259.65382732704
+1627,0.06313115923398668,132171.74312320995,0.06249894436527044,38688.684694741154,0.06263756083199996,128656.61570571196,0.06282736688260428,128294.98117833985,0.0631215739834075,145207.5980705189,0.06250986851999994,146861.99526513962,0.06261166721469488,150662.58982491423,0.06264765463009898,165372.18072529827,0.06297863820682992,168634.52737993683,0.06307599063995988,163097.2401842593,0.06250164879802388,175661.48098423035,0.06264282198899997,185364.1839622058,0.06295751783516558,64290.15915121104,0.06250462023657866,62382.13798870193,0.06280567399797783,78193.21105974897,0.06307050658905217,91622.9095516197,0.0631147569434868,99013.13854107654,0.063106506233555,104580.26340809911,0.06296107055372277,112722.20325635512,0.062483995000999916,107442.41814158802
+1628,0.06323136742324698,132386.6147618915,0.06259878293454404,38788.28210928562,0.06273746124799996,128869.09890591122,0.06292741046044288,128504.25094660763,0.0632217669579844,145436.36880599477,0.06260972453999984,147095.83647962916,0.0627115263330597,150878.9479209907,0.06274757114466048,165622.24594785942,0.06307876322782642,168887.86713119506,0.06317611126002318,163351.01619361207,0.06260149168747778,175913.92808448352,0.06274273079599987,185637.15046905048,0.06305760927846468,64428.50592279376,0.06260446787273925,62515.90628580677,0.06290568303300643,78345.12257772154,0.06317061850427287,91792.55202650481,0.0632149390973653,99188.7665568751,0.0632066752910685,104763.66130178481,0.06306116764522297,112916.743010258,0.06258380968950002,107625.24561431952
+1629,0.06333157561250738,132601.54517684435,0.06269862150381775,38888.011587119065,0.06283736166400007,129081.62452493185,0.06302745403828137,128713.58365961109,0.06332195993256119,145665.173348244,0.06270958056000003,147329.7187087825,0.0628113854514244,151095.30645041383,0.06284748765922207,165872.30426308696,0.06317888824882292,169141.19234669564,0.06327623188008658,163604.79868807943,0.06270133457693138,176166.2737236662,0.06284263960299998,185910.12129432903,0.06315770072176388,64567.01260556493,0.06270431550889995,62649.82242120296,0.06300569206803514,78497.13113701054,0.06327073041949358,91962.2923163086,0.06331512125124389,99364.49004549737,0.0633068443485821,104947.12239201025,0.06316126473672337,113111.35998788114,0.06268362437800001,107808.14483353001
+1630,0.06343178380176757,132816.533474464,0.06279846007309124,38987.87172917773,0.06293726207999996,129294.22311196245,0.06312749761611988,128922.97739092015,0.0634221529071381,145894.00981898955,0.06280943657999993,147563.6389518069,0.0629112445697892,151311.66307873273,0.06294740417378368,166122.35491408565,0.06327901326981952,169394.4993538622,0.06337635250015007,163858.58633172035,0.06280117746638508,176418.5497999533,0.06294254840999997,186183.09786457988,0.06325779216506298,64705.67164164341,0.06280416314506056,62783.88769475454,0.06310570110306374,78649.23572627197,0.06337084233471427,92132.12955371088,0.0634153034051224,99540.36951230015,0.06340701340609581,105130.64399551443,0.06326136182822367,113306.03407509263,0.06278343906650002,107991.12172489369
+1631,0.06353199199102788,133031.5787331344,0.06289829864236485,39087.86381230742,0.06303716249600007,129506.89377367972,0.06322754119395847,129132.43046187735,0.06352234588171489,146122.87591314045,0.06290929259999993,147797.6013914215,0.0630111036881539,151528.01521039556,0.06304732068834527,166372.37662916793,0.06337913829081612,169647.78242175595,0.06347647312021347,164112.3777123923,0.06290102035583878,176670.75905399217,0.06304245721699987,186456.0811385165,0.06335788360836218,64844.478152942946,0.06290401078122115,62918.08735650285,0.06320571013809223,78801.4354631654,0.06347095424993507,92302.06272278047,0.063515485559001,99716.39769401716,0.0635071824636093,105314.24756462961,0.06336145891972407,113500.77976847955,0.06288325375500002,108174.17434468571
+1632,0.06363220018028808,133246.6799903717,0.06299813721163844,39188.00196746433,0.06313706291199997,129719.63525243841,0.06332758477179698,129341.94134593093,0.0636225388562918,146351.7685577775,0.06300914861999994,148031.59921551778,0.06311096280651869,151744.35984512424,0.06314723720290678,166622.3936446911,0.06347926331181272,169901.02653565374,0.06357659374027698,164366.1722559316,0.06300086324529247,176922.89946977634,0.06314236602400007,186729.07174256383,0.06345797505166129,64983.428570671065,0.06300385841738185,63052.4311409136,0.06330571917312093,78953.72955880855,0.06357106616515568,92472.09050165827,0.06361566771287949,99892.55375832123,0.0636073515211229,105497.93157616585,0.06346155601122437,113695.6006894732,0.06298306844350002,108357.30016537657
+1633,0.06373240836954848,133461.8362258444,0.06309797578091214,39288.27779890441,0.06323696332800006,129932.44499676734,0.06342762834963547,129551.50860874342,0.0637227318308686,146580.68297381836,0.06310900463999984,148265.6715304328,0.06321082192488339,151960.69329042954,0.06324715371746847,166872.42443574237,0.06357938833280923,170154.22681876985,0.06367671436034038,164619.9731422195,0.06310070613474628,177174.97181174307,0.06324227483099996,187002.06859575718,0.06355806649496058,65122.520090688195,0.06310370605354265,63186.9885442558,0.06340572820814953,79106.11729487852,0.06367117808037646,92642.22222702639,0.0637158498667581,100068.83014580757,0.0637075205786364,105681.69437101335,0.06356165310272477,113890.4875032664,0.06308288313200001,108540.52027013121
+1634,0.06383261655880879,133677.046336303,0.06319781435018564,39388.68730177345,0.06333686374399997,130145.31924252135,0.06352767192747408,129761.13086488628,0.06382292480544549,146809.60735125587,0.06320886066000003,148499.83262597292,0.06331068104324819,152177.01032411127,0.06334707023202998,167122.46748099822,0.06367951335380571,170407.42338194363,0.06377683498040368,164873.77626565832,0.06320054902419998,177426.9874988125,0.06334218363799997,187275.07057905657,0.06365815793825957,65261.75040435946,0.06320355368970325,63321.75966876062,0.06350573724317823,79258.59800818758,0.06377128999559717,92812.47180844509,0.0638160320206366,100245.22220180245,0.0638076896361501,105865.53407726405,0.06366175019422517,114085.44867957359,0.06318269782050003,108723.84359588465
+1635,0.06393282474806908,133892.30909476225,0.06329765291945924,39489.22807158447,0.06343676416000006,130358.26771664478,0.06362771550531258,129970.8067396922,0.0639231177800223,147038.53294457062,0.06330871668000003,148734.1033458497,0.06341054016161289,152393.29991349299,0.06344698674659148,167372.52110008744,0.06377963837480231,170660.61558096137,0.06387695560046727,165127.57879916605,0.06330039191365368,177678.96580140528,0.06344209244500007,187548.076529388,0.06375824938155888,65401.11987720351,0.06330340132586396,63456.711101323024,0.06360574627820684,79411.17107970882,0.06387140191081787,92982.8322747482,0.06391621417451519,100421.7265515835,0.0639078586936636,106049.44847868456,0.06376184728572547,114280.48579764161,0.06328251250900002,108907.23471154037
+1636,0.06403303293732948,134107.62307499314,0.06339749148873285,39589.89813437854,0.06353666457599996,130571.29053159138,0.06372775908315118,130180.53482461537,0.064023310754599,147267.49908552886,0.06340857269999993,148968.4667501328,0.06351039927997769,152609.56813179352,0.06354690326115298,167622.5833750652,0.06387976339579882,170913.8020162373,0.06397707622053057,165381.37815714887,0.06340023480310737,177930.90234497085,0.06354200125199996,187821.08523218805,0.06385834082485799,65540.65472075551,0.06340324896202455,63591.829645344915,0.06370575531323554,79563.83592653205,0.06397151382603856,93153.30511576608,0.06401639632839369,100598.34051581206,0.0640080277511772,106233.43475303774,0.06386194437722588,114475.59602213062,0.06338232719750012,109090.7251362291
+1637,0.06413324112658968,134322.98648300325,0.06349733005800634,39690.69581594779,0.06363656499200006,130784.3873367094,0.06382780266098968,130390.31359997528,0.0641235037291759,147496.5050295275,0.06350842871999994,149202.91736627548,0.06361025839834239,152825.81200040376,0.06364681977571468,167872.65194602296,0.06397988841679551,171166.98113685212,0.06407719684059397,165635.17154619657,0.06350007769256098,178182.79200293426,0.06364191005899997,188094.0954119962,0.06395843226815719,65680.34247795594,0.06350309659818515,63727.107533242524,0.06380576434826413,79716.60244020287,0.06407162574125937,93323.88781178121,0.0641165784822723,100775.06183504494,0.0641081968086907,106417.48881229943,0.06396204146872617,114670.77602835571,0.06348214188600013,109274.31710301025
+1638,0.06423344931584998,134538.3966299226,0.06359716862728004,39791.62743815411,0.06373646540799996,130997.5577807848,0.06392784623882818,130600.14120097432,0.06422369670375279,147725.5499305404,0.06360828473999994,149437.45197885475,0.06371011751670719,153042.0274438312,0.06374673629027618,168122.72279770175,0.06408001343779202,171420.1511799406,0.06417731746065748,165888.955528806,0.06359992058201487,178434.62854785798,0.06374181886599987,188367.1057201308,0.06405852371145627,65820.17612794564,0.06360294423434595,63862.53926303132,0.06390577338329263,79869.48574607636,0.06417173765647997,93494.57862449042,0.0642167606361508,100951.8887235348,0.0642083658662044,106601.6018685937,0.06406213856022658,114866.02148892038,0.06358195657450012,109458.00831383938
+1639,0.06433365750511018,134753.84618481633,0.06369700719655365,39892.7316069669,0.06383636582399986,131210.8015117735,0.06402788981666678,130810.01427953012,0.0643238896783296,147954.63290504745,0.06370814076000003,149672.06822137538,0.06380997663507189,153258.18601626105,0.06384665280483767,168372.79579919417,0.06418013845878852,171673.31006334693,0.06427743808072088,166142.72424976234,0.06369976347146858,178686.40395980675,0.06384172767299998,188640.11471809325,0.06415861515475547,65960.15199026586,0.06370279187050665,63998.137006913785,0.06400578241832133,80022.4737584729,0.06427184957170078,93665.37621600117,0.06431694279002949,101128.81954181883,0.064308534923718,106785.76101769625,0.06416223565172698,115061.32559332883,0.06368177126299993,109641.79697433917
+1640,0.06443386569437048,134969.34138585225,0.06379684576582734,39993.988402484036,0.06393626623999997,131424.11817654397,0.06412793339450527,131019.93515067868,0.0644240826529065,148183.7530214262,0.06380799678000004,149906.76415061383,0.06390983575343669,153474.32195237215,0.06394656931939938,168622.87000263648,0.06428026347978502,171926.4551694273,0.06437755870078438,166396.4791232211,0.06379960636092227,178938.1064778483,0.06394163647999997,188913.12085429506,0.06425870659805458,66100.26744600807,0.06380263950666726,64133.90030406296,0.06410579145334994,80175.56261838981,0.06437196148692137,93836.27948730529,0.06441712494390789,101305.87211808996,0.0644087039812315,106969.98903599365,0.06426233274322718,115256.66797248504,0.06378158595149992,109825.68159527204
+1641,0.06453407388363087,135184.88842555715,0.06389668433510075,40095.38931201742,0.06403616665599987,131637.5074205515,0.06422797697234378,131229.90393384287,0.0645242756274833,148412.9092840005,0.06390785279999994,150141.5380625286,0.06400969487180139,153690.4609798672,0.06404648583396087,168872.94073342482,0.06438038850078162,172179.5828098009,0.06447767932084777,166650.2183284792,0.06389944925037588,179189.71503161438,0.06404154528699987,189186.1224299486,0.06435879804135368,66240.52040980468,0.06390248714282795,64269.81812956671,0.06420580048837864,80328.75011996504,0.06447207340214217,94007.28749578906,0.0645173070977866,101483.0582033625,0.064508873038745,107154.30076058258,0.06436242983472767,115452.06175988456,0.06388140064000002,110009.6608886717
+1642,0.06463428207289118,135400.48600980468,0.06399652290437444,40196.929963712486,0.06413606707199997,131850.96888759517,0.06432802055018239,131439.91931537262,0.0646244686020602,148642.10060749002,0.06400770881999994,150376.3883954704,0.06410955399016609,153906.60092339432,0.06414640234852238,169122.9958070637,0.06448051352177812,172432.68615760183,0.06457779994091108,166903.93652236223,0.06399929213982958,179441.22169064137,0.06414145409399997,189459.11754568576,0.06445888948465288,66380.9091199785,0.06400233477898855,64405.88524980929,0.06430580952340723,80482.03469490839,0.06457218531736288,94178.39940771616,0.064617489251665,101660.36162421285,0.0646090420962587,107338.69515262578,0.06446252692622788,115647.53375890767,0.06398121532850001,110193.75051889592
+1643,0.06473449026215138,135616.13247124088,0.06409636147364804,40298.60736558269,0.06423596748799996,132064.50221948526,0.06442806412802088,131649.9799084153,0.06472466157663699,148871.32577191349,0.06410756483999994,150611.31367165584,0.06420941310853089,154122.73917279684,0.06424631886308388,169373.0461842631,0.06458063854277461,172685.74840249954,0.06467792056097467,167157.62493778043,0.06409913502928327,179692.61526491723,0.06424136290099997,189732.1040109463,0.06455898092795198,66521.43203304896,0.06410218241514914,64542.0974507132,0.06440581855843593,80635.41510732392,0.06467229723258366,94349.61446838189,0.0647176714055437,101837.77641314083,0.0647092111537723,107523.17105046002,0.06456262401772828,115843.08069852025,0.06408103001700002,110377.95734088263
+1644,0.06483469845141178,135831.82490378304,0.06419620004292154,40400.419211455206,0.06433586790399996,132278.1070557805,0.06452810770585937,131860.08422721914,0.0648248545512137,149100.5833316787,0.06420742085999984,150846.3124572796,0.06430927222689559,154338.87218311906,0.06434623537764558,169623.09891972426,0.06468076356377132,172938.79960840565,0.06477804118103797,167411.27104536231,0.06419897791873708,179943.8775920026,0.06434127170799997,190005.07917075633,0.06465907237125118,66662.08776235762,0.06420203005130995,64678.450283560436,0.06450582759346443,80788.8903229401,0.06477240914780427,94520.93198200865,0.0648178535594221,102015.29814247438,0.06480938021128581,107707.72709575237,0.06466272110922877,116038.69383109424,0.06418084470550002,110562.26987599497
+1645,0.06493490664067209,136047.55888943546,0.06429603861219524,40502.36360275315,0.06443576831999996,132491.78303346015,0.06462815128369798,132070.23065077257,0.06492504752579059,149329.8713871998,0.06430727688000004,151081.38333175593,0.06440913134526038,154554.99428275594,0.06444615189220708,169873.1497729565,0.06478088858476783,173191.84537919276,0.06487816180110158,167664.8582151436,0.06429882080819077,180195.07376550636,0.06444118051500007,190278.03950589473,0.06475916381455028,66802.8750383793,0.06430187768747066,64814.93626651976,0.06460583662849304,80942.45944194605,0.06487252106302507,94692.35129717489,0.0649180357133006,102192.92406831477,0.0649095492687994,107892.36158111108,0.06476281820072897,116234.40652715125,0.06428065939400002,110746.6842127672
+1646,0.06503511482993228,136263.34345068815,0.06439587718146884,40604.43891049579,0.06453566873600007,132705.52978659008,0.06472819486153648,132280.4173671904,0.0650252405003674,149559.18664276175,0.06440713289999994,151316.52486084064,0.06450899046362508,154771.10745613353,0.06454606840676867,170123.19086954428,0.06488101360576443,173444.88457025203,0.06497828242116488,167918.41312296392,0.06439866369764448,180446.22626865224,0.06454108932199996,190550.97929806387,0.06485925525784948,66943.79268038743,0.06440172532363125,64951.562684005425,0.06470584566352174,81096.12166016268,0.06497263297824567,94863.8717954854,0.06501821786717929,102370.7183887106,0.0650097183263131,108077.07205227336,0.06486291529222937,116430.27036159592,0.06438047408250001,110931.19784380408
+1647,0.06513532301919257,136479.17827551241,0.06449571575074234,40706.64369732414,0.06463556915199996,132919.34694598577,0.06482823843937507,132490.64228064925,0.06512543347494429,149788.5224734126,0.06450698891999994,151551.73556978448,0.06460884958198988,154987.20723428758,0.06464598492133018,170373.23097969108,0.06498113862676091,173697.91598699393,0.06507840304122828,168171.96624288126,0.06449850658709817,180697.32006022905,0.06464099812899997,190823.8825943281,0.06495934670114858,67084.83957384233,0.06450157295979195,65088.3305639489,0.06480585469855032,81249.87624477611,0.06507274489346647,95035.49288183717,0.06511840002105769,102548.65885723662,0.0651098873838266,108261.85347732058,0.06496301238372967,116626.25448504624,0.06448028877100002,111115.80885629679
+1648,0.06523553120845298,136695.0624205397,0.06459555432001594,40808.97666931816,0.06473546956800007,133133.2341388478,0.06492828201721358,132700.9028348505,0.06522562644952119,150017.89058758307,0.06460684493999994,151787.0139129276,0.06470870870035458,155203.28245773615,0.06474590143589178,170623.2684073902,0.06508126364775742,173950.93837903722,0.06517852366129177,168425.5304664526,0.06459834947655188,180948.3919761975,0.06474090693600007,191096.76844589994,0.06505943814444778,67226.01464928732,0.06460142059595256,65225.23831108415,0.06490586373357903,81403.72251814247,0.06517285680868717,95207.21397467465,0.0652185821749364,102726.74357601735,0.0652100564413401,108446.69782057326,0.06506310947523007,116822.34889823775,0.06458010345950002,111300.51566017343
+1649,0.06533573939771328,136910.99489742768,0.06469539288928965,40911.43664423038,0.06483536998399997,133347.19098834824,0.06502832559505228,132911.19560913855,0.065325819424098,150247.29240815708,0.06470670095999984,152022.3582350494,0.0648085678187194,155419.3236826653,0.06484581795045338,170873.2977609992,0.06518138866875392,174203.9504334345,0.06527864428135517,168679.1028685937,0.06469819236600567,181199.4289096849,0.06484081574299996,191369.646566367,0.06515952958774689,67367.33164294699,0.06470126823211325,65362.300075207066,0.06500587276860763,81557.65984655704,0.06527296872390798,95379.034494244,0.0653187643288148,102904.96446530828,0.06531022549885371,108631.6251980422,0.06516320656673037,117018.54574412662,0.06467991814800012,111485.31686342537
+1650,0.06543594758697348,137126.97466580156,0.06479523145856324,41014.0225294376,0.06493527040000006,133561.2171132273,0.06512836917289078,133121.5149952061,0.06542601239867489,150476.72703710757,0.06480655698000004,152257.76671706466,0.06490842693708408,155635.32000011357,0.06494573446501488,171123.30712289774,0.06528151368975052,174456.95076640212,0.06537876490141868,168932.6803891399,0.06479803525545938,181450.4095955658,0.06494072454999997,191642.5146966352,0.06525962103104609,67508.81744244629,0.06480111586827395,65499.511996635534,0.06510588180363613,81711.68763202905,0.06537308063912857,95550.95384425562,0.06541894648269349,103083.31628880579,0.06541039455636741,108816.63610442124,0.06526330365823077,117214.84564944048,0.06477973283650013,111670.21120388291
+1651,0.06553615577623378,137343.0006243435,0.06489507002783675,41116.73330602842,0.06503517081599997,133775.31212730196,0.06522841275072938,133331.8445910464,0.0655262053732517,150706.1935396303,0.06490641299999994,152493.23729159424,0.0650082860554489,155851.32155104342,0.06504565097957637,171373.28559937736,0.06538163871074722,174709.93791335498,0.06547888552148208,169186.25905856155,0.06489787814491307,181701.3691841601,0.06504063335699987,191915.37164537836,0.06535971247434517,67650.45190574291,0.06490096350443465,65636.86820794162,0.06520589083866483,81865.80530620446,0.06547319255434937,95722.9713733635,0.06551912863657189,103261.79514336096,0.0655105636138809,109001.7298168645,0.06536340074973117,117411.24776210342,0.06487954752499991,111855.22991776705
+1652,0.06563636396549417,137559.07159918794,0.06499490859711034,41219.56948614009,0.06513507123200006,133989.47563901023,0.06532845632856787,133542.20313360877,0.0656263983478284,150935.6909380671,0.06500626901999994,152728.7674968048,0.0651081451738136,156067.3321169825,0.06514556749413808,171623.26375643627,0.06548176373174372,174962.91031666377,0.06557900614154538,169439.83109865882,0.06499772103436667,181952.31210164112,0.06514054216399998,192188.2120087164,0.06545980391764449,67792.2271980244,0.06500081114059525,65774.36590414801,0.06530589987369344,82020.01232566028,0.06557330446956997,95895.08624730942,0.0656193107904506,103440.40421615723,0.0656107326713945,109186.90556897642,0.06546349784123147,117607.74979796167,0.06497936221349992,112040.4071565035
+1653,0.06573657215475438,137775.18632842644,0.06509474716638404,41322.56504120684,0.06523497164799996,134203.70725080944,0.06542849990640638,133752.60296178592,0.0657265913224053,151165.21820407017,0.06510612503999993,152964.35418572987,0.0652080042921783,156283.3492786598,0.06524548400869958,171873.24864229246,0.06558188875274022,175215.86631028706,0.06567912676160897,169693.38638841233,0.06509756392382038,182203.2539825997,0.06524045097099997,192461.02219190882,0.06555989536094348,67934.14126337653,0.06510065877675596,65912.0030386312,0.06540590890872214,82174.3081682412,0.06567341638479077,96067.29676214895,0.06571949294432909,103619.17473177485,0.065710901728908,109372.16253513422,0.06556359493273187,117804.34978404987,0.06507917690199992,112225.71193588493
+1654,0.06583678034401468,137991.34343996417,0.06519458573565755,41425.707588784586,0.06533487206399986,134418.00655860713,0.06552854348424497,133963.04236940644,0.06582678429698209,151394.77424826607,0.06520598105999993,153199.99281086487,0.0653078634105431,156499.36958902155,0.06534540052326109,172123.237923097,0.06568201377373672,175468.80410027943,0.06577924738167228,169946.9522348317,0.06519740681327428,182454.1916180535,0.06534035977799987,192733.8172800665,0.06565998680424258,68076.19310300412,0.06520050641291655,66049.77793117518,0.06550591794375073,82328.69233011013,0.06577352830001147,96239.60450694773,0.0658196750982077,103798.08783617671,0.0658110707864217,109557.49980647923,0.06566369202423217,118001.04595810828,0.06517899159050002,112411.13468465087
+1655,0.06593698853327498,138207.54790833805,0.06529442430493114,41528.98864772555,0.06543477247999996,134632.37315106753,0.06562858706208348,134173.5194349302,0.065926977271559,151624.3579059859,0.06530583708000004,153435.67467810368,0.0654077225289078,156715.39502648858,0.06544531703782278,172373.22863108417,0.06578213879473332,175721.7217393433,0.06587936800173587,170200.5282917407,0.06529724970272797,182705.11293688026,0.06544026858500007,193006.6055214917,0.06576007824754188,68218.3807251503,0.06530035404907736,66187.69130786002,0.06560592697877943,82483.16432337333,0.06587364021523227,96412.00996685307,0.0659198572520862,103977.1350191143,0.0659112398439352,109742.91635116538,0.06576378911573258,118197.83670388274,0.06527880627900003,112596.6698629522
+1656,0.06603719672253539,138423.7994984628,0.06539426287420474,41632.40430908804,0.06553467289599997,134846.80660887496,0.06572863063992197,134384.03194336517,0.06602717024613579,151853.96791667634,0.06540569309999994,153671.37763897653,0.06550758164727259,156931.42298529617,0.06554523355238429,172623.21688763032,0.06588226381572981,175974.6170929001,0.06597948862179917,170454.1132785714,0.06539709259218157,182956.00608629378,0.06554017739199997,193279.3851687165,0.06586016969084088,68360.70644617798,0.06540020168523805,66325.759052275,0.06570593601380803,82637.72367407472,0.06597375213045287,96584.5127489605,0.06602003940596479,104156.31136378669,0.0660114089014488,109928.41094209331,0.06586388620723298,118394.72050575668,0.06537862096750002,112782.31348633929
+1657,0.06613740491179558,138640.0928855534,0.06549410144347824,41735.95196560435,0.06563457331199997,135061.30650384174,0.06582867421776058,134594.57725956643,0.06612736322071269,152083.602892071,0.06550554911999994,153907.14220687686,0.06560744076563729,157147.44897526357,0.06564515006694578,172873.19681794435,0.06598238883672652,176227.4877922507,0.06607960924186257,170707.72507675635,0.06549693548163528,183206.91319502323,0.06564008619899997,193552.15434917796,0.06596026113414018,68503.21251774274,0.06550004932139865,66463.97242794599,0.06580594504883673,82792.36992057714,0.06607386404567367,96757.11246863818,0.06612022155984329,104335.61319063007,0.0661115779589623,110113.98200504051,0.06596398329873328,118591.69591384688,0.06547843565600002,112968.06233923516
+1658,0.06623761310105587,138856.42424557728,0.06559394001275194,41839.62962492459,0.06573447372799997,135275.87239800682,0.06592871779559908,134805.15210178186,0.0662275561952895,152313.26126227403,0.06560540513999993,154142.97656123652,0.06570729988400209,157363.46229611879,0.06574506658150728,173123.15374820476,0.06608251385772301,176480.3311672692,0.06617972986192608,170961.36045863593,0.06559677837108897,183457.83253455986,0.06573999500600007,193824.91102174175,0.06606035257743918,68645.88018559759,0.06559989695755924,66602.32698913872,0.06590595408386524,82947.10261214056,0.06617397596089447,96929.80874860844,0.0662204037137219,104515.03743135917,0.066211747016476,110299.62721251739,0.06606408039023368,118788.7615142242,0.06557825034450002,113153.91360861954
+1659,0.06633782129031608,139072.7916349044,0.06569377858202555,41943.43564991839,0.06583437414399997,135490.5038425094,0.06602876137343767,135015.75207075238,0.06632774916986639,152542.94117106215,0.06570526115999993,154378.87965222308,0.06580715900236679,157579.45431187924,0.06584498309606898,173373.09431290487,0.06618263887871952,176733.14414454545,0.06627985048198948,171215.0116919817,0.06569662126054268,183708.76056140312,0.06583990381299996,194097.65291881267,0.06616044402073848,68788.699560478,0.06569974459371995,66740.82020515192,0.06600596311889383,83101.92130772036,0.06627408787611506,97102.60121813505,0.0663205858676004,104694.58135551112,0.06631191607398951,110485.34147147115,0.06616417748173388,118985.91589969248,0.06567806503300001,113339.86465451142
+1660,0.06643802947957649,139289.1911283982,0.06579361715129914,42047.36863412425,0.06593427455999996,135705.200376348,0.06612880495127618,135226.3703371414,0.0664279421444433,152772.64022017902,0.06580511718000004,154614.8503676497,0.06590701812073159,157795.4600022455,0.06594489961063048,173623.01385077453,0.06628276389971612,176985.92308176524,0.06637997110205297,171468.6751718324,0.06579646414999647,183959.70267152906,0.06593981261999997,194370.37745950682,0.06626053546403758,68931.66581276421,0.06579959222988055,66879.45018198347,0.06610597215392253,83256.82557493939,0.06637419979133577,97275.48951237494,0.06642076802147899,104874.24241141323,0.0664120851315031,110671.11825626607,0.06626427457323437,119183.15763621047,0.06577787972150002,113525.91280344778
+1661,0.06653823766883678,139505.6123329536,0.06589345572057265,42151.427332987296,0.06603417497600006,135919.96152493177,0.06622884852911468,135436.9920446484,0.0665281351190201,153002.35442179354,0.06590497320000004,154850.88751371056,0.06600687723909629,158011.47813173977,0.06604481612519209,173872.93217756355,0.06638288892071262,177238.66346934644,0.06648009172211637,171722.34812173634,0.06589630703945018,184210.65849024346,0.06603972142700007,194643.0816050331,0.06636062690733678,69074.77569120811,0.06589943986604135,67018.21534913649,0.06620598118895113,83411.81509681261,0.06647431170655647,97448.47327169628,0.06652095017535749,105054.01928250943,0.0665122541890166,110856.97694302704,0.06636437166473477,119380.48521663362,0.06587769441000002,113712.05505383408
+1662,0.06663844585809708,139722.06107306914,0.06599329428984634,42255.61062211681,0.06613407539199996,136134.78679837336,0.06632889210695328,135647.60317712772,0.0666283280935968,153232.07661739513,0.06600482921999994,155086.9897874546,0.06610673635746109,158227.50694371562,0.06614473263975368,174122.85808230026,0.06648301394170912,177491.35929957882,0.06658021234217967,171976.02806665987,0.06599614992890387,184461.6269596083,0.06613963023399996,194915.76158544715,0.06646071835063588,69218.02671659605,0.06599928750220205,67157.11433263842,0.06630599022397983,83566.94467996307,0.06657442362177728,97621.55214105945,0.066621132329236,105233.9093887116,0.0666124232465303,111042.91756250402,0.06646446875623498,119577.89698333228,0.06597750909850011,113898.28737395583
+1663,0.06673865404735728,139938.5459908533,0.06609313285911994,42359.93326407498,0.06623397580800007,136349.67568954104,0.06642893568479177,135858.24388073565,0.06672852106817369,153461.81869813416,0.06610468523999993,155323.15573497606,0.06620659547582579,158443.54281170235,0.06624464915431517,174372.78785001932,0.06658313896270562,177744.00126612574,0.06668033296224328,172229.71262791663,0.06609599281835758,184712.60696234106,0.06623953904099997,195188.4122711657,0.06656080979393508,69361.41686568971,0.06609913513836266,67296.15191078861,0.06640599925900834,83722.20287246289,0.06667453553699797,97794.72576950052,0.0667213144831146,105413.90948214693,0.0667125923040439,111228.93957162369,0.06656456584773547,119775.3909653973,0.06607732378700013,114084.6000874886
+1664,0.06683886223661768,140155.06386352613,0.06619297142839344,42464.41195222134,0.06633387622399997,136564.6276716277,0.06652897926263028,136068.91987824568,0.0668287140427505,153691.58029767117,0.06620454125999993,155559.38368358588,0.06630645459419059,158659.58503985248,0.06634456566887678,174622.7151043439,0.06668326398370232,177996.56358855788,0.06678045358230658,172483.3994070415,0.06619583570781118,184963.5973110363,0.06633944784799987,195461.02494571832,0.06666090123723419,69504.944415947,0.06619898277452325,67435.36556372295,0.06650600829403713,83877.57410621633,0.06677464745221857,97967.99380953558,0.06682149663699309,105594.01601550498,0.06681276136155741,111415.04241324638,0.06666466293923567,119972.96438804192,0.06617713847550012,114270.99188477389
+1665,0.06693907042587798,140371.6098473237,0.06629280999766704,42569.03099850749,0.06643377664000007,136779.6421953675,0.06662902284046889,136279.6176261635,0.0669289070173274,153921.3592296696,0.06630439727999983,155795.67162058,0.06640631371255529,158875.6388097257,0.06644448218343828,174872.63214987094,0.06678338900469882,178249.0576638697,0.06688057420236998,172737.0858950718,0.06629567859726508,185214.59673430823,0.06643935665499998,195733.58191585363,0.06676099268053338,69648.60785808683,0.06629883041068395,67574.73632285012,0.06660601732906563,84033.05243916895,0.06687475936743938,98141.35591670511,0.0669216787908717,105774.22384228466,0.0669129304190709,111601.22551376298,0.06676476003073607,120170.61012482086,0.06627695316399992,114457.4841200161
+1666,0.06703927861513818,140588.17213715918,0.06639264856694074,42673.785343843825,0.06653367705599997,136994.71868552282,0.06672906641830738,136490.35056144948,0.06702909999190419,154151.1527643117,0.06640425330000004,156032.0169450702,0.06650617283092009,159091.7028279641,0.06654439869799988,175122.5267763715,0.06688351402569542,178501.5135735759,0.06698069482243348,172990.76945177367,0.06639552148671878,185465.60385853477,0.06653926546199997,196006.09000372625,0.06686108412383249,69792.40584212559,0.06639867804684454,67714.25578651307,0.06670602636409423,84188.65365914638,0.06697487128266016,98314.81174902742,0.0670218609447502,105954.51909265241,0.0670130994765846,111787.48828025299,0.06686485712223657,120368.33328680205,0.06637676785249992,114644.07580192658
+1667,0.06713948680439868,140804.76325481557,0.06649248713621435,42778.67197483851,0.06663357747200006,137209.85653660732,0.06682910999614598,136701.12863118754,0.0671292929664811,154380.9571329544,0.06650410931999994,156268.41582913607,0.06660603194928479,159307.77562247083,0.06664431521256148,175372.4133066979,0.06698363904669193,178753.92004034048,0.06708081544249687,173244.4715357641,0.06649536437617248,185716.61718318242,0.06663917426899987,196278.5769860955,0.06696117556713158,69936.35975973136,0.06649852568300535,67853.91957757567,0.06680603539912293,84344.44236485394,0.06707498319788077,98488.36096649899,0.06712204309862879,106134.91477210722,0.0671132685340982,111973.83009700892,0.06696495421373677,120566.14010659009,0.06647658254100001,114830.76598932865
+1668,0.06723969499365888,141021.3884534324,0.06659232570548784,42883.68869821188,0.06673347788799996,137425.0551075119,0.06692915357398448,136911.9488404734,0.06722948594105789,154610.7655534973,0.06660396533999993,156504.86040907982,0.06670589106764949,159523.8554460607,0.06674423172712297,175622.31169013306,0.06708376406768841,179006.25256008093,0.06718093606256037,173498.1834506991,0.06659520726562608,185967.63504644955,0.06673908307600007,196551.04973733838,0.06706126701043078,70080.48729641804,0.06659837331916606,67993.72456922772,0.06690604443415153,84500.38345261714,0.06717509511310157,98662.0032306107,0.06722222525250729,106315.42078603874,0.0672134375916117,112160.25032132895,0.06706505130523717,120764.02912292516,0.06657639722950003,115017.55378333642
+1669,0.06733990318291917,141238.08804315113,0.06669216427476145,42988.833759548885,0.06683337830399987,137640.33737481965,0.06702919715182298,137122.80649717903,0.0673296789156348,154840.56601893398,0.06670382135999993,156741.3363952579,0.06680575018601428,159739.94006902684,0.06684414824168468,175872.21483512037,0.06718388908868501,179258.532645038,0.06728105668262377,173751.89404254282,0.06669505015507977,186218.65557517332,0.06683899188299997,196823.50527878426,0.06716135845372988,70224.76927755775,0.06669822095532665,68133.66804490147,0.06700605346918023,84656.4606629081,0.06727520702832226,98835.73820378998,0.0673224074063859,106496.03074042886,0.06731360664912531,112346.74827820623,0.06716514839673747,120961.99826702756,0.06667621191800002,115204.43832088969
+1670,0.06744011137217938,141454.8460771927,0.06679200284403514,43094.105676888044,0.06693327871999996,137855.71691312263,0.06712924072966157,137333.69127389035,0.06742987189021149,155070.37172712415,0.06680367737999983,156977.87708805702,0.06690560930437899,159956.02618432592,0.06694406475624617,176122.14246076264,0.06728401410968152,179510.7645557869,0.06738117730268707,174005.5944557606,0.06679489304453358,186469.6766082637,0.06693890068999997,197095.93955155532,0.06726144989702908,70369.19960818547,0.06679806859148735,68273.74667563631,0.06710606250420874,84812.66742880552,0.06737531894354307,99009.56554885913,0.0674225895602644,106676.75005949239,0.067413775706639,112533.32325349943,0.06726524548823787,121160.04326329115,0.06677602660650002,115391.41876936721
+1671,0.06754031956143967,141671.6467382726,0.06689184141330864,43199.503153929196,0.06703317913599996,138071.1765575411,0.06722928430750008,137544.58342853285,0.0675300648647884,155300.19461735483,0.06690353340000003,157214.4840560079,0.06700546842274378,160172.1050429867,0.06704398127080768,176372.09444720641,0.06738413913067821,179762.9850914808,0.06748129792275068,174259.2727127508,0.06689473593398727,186720.6955710157,0.06703880949699988,197368.34493103862,0.06736154134032818,70513.77463888103,0.06689791622764796,68413.96147589108,0.06720607153923742,84969.00461543346,0.06747543085876367,99183.48492845822,0.06752277171414299,106857.58357259267,0.0675139447641525,112719.97448515322,0.06736534257973827,121358.16920234269,0.06687584129500002,115578.53006520544
+1672,0.06764052775070008,141888.47696959393,0.06699167998258224,43305.025029294215,0.06713307955199997,138286.71079612433,0.06732932788533867,137755.5313982596,0.06763025783936519,155530.03131636884,0.06700338941999993,157451.15580347154,0.06710532754110848,160388.17789479723,0.06714389778536918,176622.0699829497,0.06748426415167472,180015.19105217833,0.06758141854281398,174512.90528559353,0.06699457882344098,186971.70924790256,0.06713871830399996,197640.71008899566,0.06746163278362738,70658.49172392016,0.06699776386380875,68554.31191260442,0.06730608057426603,85125.46515755882,0.06757554277398448,99357.49600437429,0.06762295386802149,107038.53038444939,0.067614113821666,112906.70115133109,0.06746543967123857,121556.376756213,0.06697565598350003,115765.77387923148
+1673,0.06774073593996027,142105.32218679448,0.06709151855185594,43410.670244397734,0.06723297996799997,138502.3161363912,0.06742937146317718,137966.53886366577,0.06773045081394209,155759.87207761817,0.06710324543999993,157687.88965262042,0.06720518665947328,160604.26050461724,0.06724381429993088,176872.06821625365,0.06758438917267122,180267.37763436994,0.06768153916287757,174766.53169389424,0.06709442171289468,187222.71330409698,0.06723862711099997,197913.06035879516,0.06756172422692648,70803.34876047532,0.06709761149996935,68694.79673032001,0.06740608960929463,85282.04480841817,0.06767565468920507,99531.5984368731,0.0677231360219002,107219.58962871067,0.0677142828791796,113093.50252551126,0.06756553676273898,121754.66483904564,0.06707547067200002,115953.13446735655
+1674,0.06784094412922058,142322.1661591474,0.06719135712112954,43516.43782181755,0.06733288038399997,138717.98980782466,0.06752941504101567,138177.60531108477,0.0678306437885189,155989.71018975307,0.06720310145999994,157924.69315229924,0.06730504577783798,160820.3515970331,0.06734373081449238,177122.08824634246,0.06768451419366772,180519.53392201674,0.06778165978294087,175020.15012234444,0.06719426460234838,187473.70095604906,0.06733853591799988,198185.39489995042,0.06766181567022578,70948.3439849019,0.06719745913613005,68835.41477968157,0.06750609864432333,85438.74046024402,0.06777576660442587,99705.79188385943,0.0678233181757786,107400.76046422559,0.0678144519366933,113280.39044499754,0.06766563385423928,121953.0322674065,0.06717528536050002,116140.60643805185
+1675,0.06794115231848098,142539.03693110528,0.06729119569040304,43622.326850052945,0.06743278079999997,138933.7292881903,0.06762945861885428,138388.73019199283,0.06793083676309579,156219.57544987957,0.06730295747999984,158161.58576339588,0.0674049048962028,161036.4497686198,0.06744364732905388,177372.1310063958,0.06778463921466432,180771.64898047075,0.06788178040300427,175273.73904176865,0.06729410749180217,187724.65352051056,0.06743844472499998,198457.71124979234,0.06776190711352478,71093.47586561347,0.06729730677229065,68976.16499612018,0.06760610767935184,85595.54958404737,0.06787587851964658,99880.07959546518,0.0679235003296573,107582.05344474637,0.0679146209942068,113467.36044191798,0.06776573094573968,122151.47770599957,0.06727510004900011,116328.18643118607
+1676,0.06804136050774127,142755.92148664076,0.06739103425967664,43728.33647238736,0.06753268121600006,139149.53199473684,0.06772950219669278,138599.91290698512,0.0680310297376726,156449.46687901602,0.06740281350000003,158398.5535913719,0.0675047640145675,161252.5534508631,0.06754356384361537,177622.20215808778,0.06788476423566082,181023.76003988166,0.06798190102306778,175527.31260980672,0.06739395038125588,187975.5740818616,0.06753835353199997,198730.0066434682,0.06786199855682389,71238.74304005479,0.06739715440845125,69117.04638447496,0.06770611671438063,85752.47002682857,0.06797599043486736,100054.46303829881,0.0680236824835357,107763.47228964353,0.0680147900517204,113654.40800704986,0.06786582803724008,122349.99956271965,0.06737491473750012,116515.8719669747
+1677,0.06814156869700148,142972.85254822354,0.06749087282895035,43834.46610753424,0.06763258163199996,139365.3948498597,0.06782954577453128,138811.15277648022,0.0681312227122495,156679.3831667209,0.06750266951999993,158635.58702884248,0.06760462313293218,161468.6608542599,0.06764348035817708,177872.29686345535,0.06798488925665731,181275.8656801408,0.06808202164313118,175780.89958970828,0.06749379327070958,188226.49065724143,0.06763826233899987,199002.27792021932,0.06796209000012318,71384.14427461904,0.06749700204461195,69258.05800747182,0.06780612574940913,85909.49990435835,0.06807610235008797,100228.93953781767,0.06812386463741439,107945.00950182792,0.0681149591092339,113841.53029750954,0.06796592512874038,122548.59574362915,0.06747472942599991,116703.6610447364
+1678,0.06824177688626178,143189.83241644767,0.06759071139822374,43940.72458816243,0.06773248204800006,139581.3121386448,0.06792958935236988,139022.44898038785,0.0682314156868263,156909.32279519472,0.06760252553999993,158872.68942271676,0.067704482251297,161684.76987830288,0.06774339687273857,178122.41469766176,0.06808501427765402,181527.96246954004,0.06818214226319468,176034.49826153828,0.06759363616016327,188477.38612553044,0.06773817114599998,199274.52137739296,0.06806218144342219,71529.67843751109,0.06759684968077255,69399.1989768385,0.06790613478443783,86066.63753515441,0.06817621426530877,100403.5080695856,0.06822404679129289,108126.66237716482,0.0682151281667476,114028.72448245481,0.06806602222024077,122747.26282450238,0.06757454411449992,116891.55195803652
+1679,0.06834198507552218,143406.85378119771,0.06769054996749745,44047.1528042599,0.06783238246399996,139797.28454781763,0.06802963293020838,139233.8004014016,0.06833160866140299,157139.28388283818,0.06770238155999994,159109.86267291947,0.0678043413696617,161900.87795220275,0.06784331338730018,178372.5988830646,0.06818513929865051,181780.04880475256,0.06828226288325807,176288.10684927236,0.06769347904961688,188728.2670600119,0.06783807995299997,199546.73252339396,0.06816227288672148,71675.34447961806,0.06769669731693335,69540.46844627663,0.06800614381946643,86223.88139606403,0.06827632618052937,100578.1679004105,0.0683242289451715,108308.4290921947,0.0683152972242611,114215.98696067031,0.06816611931174098,122945.99104762501,0.06767435880300002,117079.54319466098
+1680,0.06844219326478249,143623.8962351327,0.06779038853677104,44153.73488803215,0.06793228288000007,140013.3118692904,0.06812967650804688,139445.2049326699,0.0684318016359799,157369.26371847972,0.06780223757999994,159347.102077477,0.06790420048802649,162116.98171135527,0.06794322990186177,178622.83129789797,0.06828526431964713,182032.13008174772,0.06838238350332138,176541.7234822126,0.06779332193907078,188979.1656760835,0.06793798875999997,199818.9056031935,0.06826236433002048,71821.14142043912,0.06779654495309405,69681.86560577952,0.06810615285449503,86381.23009080741,0.06837643809575017,100752.91840928975,0.06842441109905,108490.3081938957,0.0684154662817747,114403.3111361308,0.06826621640324147,123144.7953514977,0.06777417349150001,117267.63337584233
+1681,0.06854240145404268,143840.97402404467,0.06789022710604455,44260.45919854492,0.06803218329599997,140229.38921844144,0.06822972008588547,139656.6588673262,0.0685319946105567,157599.25521603358,0.06790209360000003,159584.40291543468,0.06800405960639119,162333.07616727927,0.06804314641642328,178873.0960922871,0.06838538934064362,182284.20499276844,0.06848250412338498,176795.34612957228,0.06789316482852448,189230.08123178277,0.06803789756700007,200091.0324669543,0.06836245577331979,71967.06833745772,0.06789639258925464,69823.38967687594,0.06820616188952373,86538.68232663683,0.06847655001097087,100927.7590264314,0.06852459325292859,108672.29842859373,0.0685156353392882,114590.68458202532,0.06836631349474168,123343.71547300195,0.06787398818000002,117455.82195665655
+1682,0.06864260964330297,144058.1065963274,0.06799006567531825,44367.32057671944,0.06813208371200007,140445.54346771896,0.06832976366372417,139868.17033836397,0.06863218758513359,157829.26176477785,0.06800194962000003,159821.77973654127,0.06810391872475599,162549.15098450583,0.06814306293098488,179123.39191990413,0.06848551436164012,182536.27215047358,0.06858262474344827,177048.9724424553,0.06799300771797807,189481.0129638448,0.06813780637399997,200363.0979711688,0.06846254721661887,72113.12435789302,0.06799624022541535,69965.03990860187,0.06830617092455223,86696.23689657195,0.06857666192619156,101102.68920345038,0.0686247754068071,108854.3986638368,0.0686158043968019,114778.132668816,0.06846641058624207,123542.73760834699,0.06797380286850002,117644.1101797137
+1683,0.06874281783256338,144275.2875423841,0.06808990424459184,44474.329044415186,0.06823198412799997,140661.794175496,0.06842980724156268,140079.73966245278,0.0687323805597105,158059.29190674314,0.06810180563999993,160059.23140910527,0.06820377784312069,162765.18890622118,0.06824297944554637,179373.72222079863,0.06858563938263662,182788.33007443018,0.06868274536351168,177302.59875180112,0.06809285060743178,189731.96008551927,0.06823771518099997,200635.07407417585,0.06856263865991809,72259.30865217667,0.06809608786157595,70106.81557391993,0.06840617995958104,86853.89266544618,0.06867677384141227,101277.7083944549,0.06872495756068549,109036.60784608827,0.0687159734543154,114965.65599792413,0.06856650767774257,123741.8540917309,0.06807361755700002,117832.49547663497
+1684,0.06884302602182357,144492.49932377183,0.06818974281386535,44581.48313562487,0.06833188454399987,140878.13392353946,0.06852985081940127,140291.3664556633,0.06883257353428729,158289.34436584456,0.06820166165999994,160296.75612404224,0.06830363696148549,162981.23119935876,0.06834289596010808,179624.08614495964,0.06868576440363322,183040.37717331978,0.06878286598357518,177556.22311916546,0.06819269349688548,189982.92178414078,0.06833762398800007,200907.0058777678,0.06866273010321718,72405.6204286996,0.06819593549773675,70248.71596648359,0.06850618899460953,87011.64855868563,0.06877688575663307,101452.81604055196,0.06882513971456419,109218.92497431688,0.068816142511829,115153.25095561435,0.06866660476924277,123941.06102559746,0.06817343224550002,118020.97619873038
+1685,0.06894323421108388,144709.74283194766,0.06828958138313894,44688.77523576562,0.06843178495999996,141094.55650985893,0.06862989439723978,140503.05033070783,0.0689327665088642,158519.41772339086,0.06830151767999994,160534.35262160495,0.06840349607985019,163197.2784969692,0.06844281247466957,179874.4797117008,0.06878588942462992,183292.4117206686,0.06888298660363858,177809.8479634755,0.06829253638633928,190233.89721816208,0.06843753279499996,201178.89029569045,0.06876282154651638,72552.05892949982,0.06829578313389735,70390.74039744843,0.06860619802963823,87169.50355322879,0.06887699767185367,101628.01155383213,0.06892532186844269,109401.34908184764,0.0689163115693425,115340.90770658372,0.06876670186074317,124140.35551001887,0.06827324693400003,118209.55085473447
+1686,0.06904344240034407,144927.04669222242,0.06838941995241264,44796.20194488953,0.06853168537599987,141311.06173758925,0.06872993797507827,140714.7908965971,0.069032959483441,158749.51031817985,0.06840137370000003,160772.02968170337,0.06850335519821499,163413.32815954706,0.06854272898923108,180124.8988752868,0.06888601444562642,183544.4318197804,0.06898310722370207,178063.4708855045,0.06839237927579297,190484.88551378073,0.06853744160199997,201450.68922549987,0.06886291298981548,72698.62342666177,0.06839563077005806,70532.88819223302,0.06870620706466683,87327.45666981852,0.06897710958707447,101803.294297201,0.0690255040223213,109583.87922223347,0.0690164806268562,115528.64088520005,0.06886679895224347,124339.73485997334,0.06837306162250002,118398.21798046114
+1687,0.06914365058960457,145144.40030170375,0.06848925852168625,44903.76084277132,0.06863158579199996,141527.64946652946,0.06882998155291688,140926.58775822708,0.06913315245801789,158979.61995320706,0.06850122972000004,161009.80674633326,0.06860321431657969,163629.3766357844,0.06864264550379258,180375.3375934675,0.06898613946662292,183796.43534956506,0.06908322784376547,178317.089137171,0.06849222216524668,190735.88576084626,0.06863735040899988,201722.44806128152,0.06896300443311468,72845.31321936399,0.06849547840621865,70675.15868681396,0.06880621609969532,87485.50702730537,0.06907722150229517,101978.66355459762,0.0691256861761998,109766.5144571345,0.0691166496843698,115716.45507627101,0.06896689604374387,124539.19523352417,0.06847287631100002,118586.97703936239
+1688,0.06924385877886478,145361.82893902657,0.06858909709095974,45011.449998080585,0.06873148620799996,141744.317947412,0.06893002513075538,141138.4405159359,0.0692333454325946,159209.74559874219,0.06860108573999994,161247.6693259178,0.06870307343494449,163845.41844449705,0.06874256201835428,180625.80110326907,0.06908626448761943,184048.41987159764,0.06918334846382877,178570.6993897194,0.06859206505470038,190986.89700793067,0.06873725921599998,201994.19282961907,0.06906309587641378,72992.12763126708,0.06859532604237935,70817.55122304917,0.06890622513472414,87643.65556577059,0.06917733341751588,102154.11848095884,0.06922586833007839,109949.25384434637,0.0692168187418833,115904.34888284204,0.06906699313524427,124738.73493357371,0.06857269099950011,118775.82679502081
+1689,0.06934406696812508,145579.33351308486,0.06868893566023335,45119.26778043544,0.06883138662399997,141961.0656599334,0.06903006870859388,141350.34879557087,0.0693335384071714,159439.8849141279,0.06870094175999994,161485.61228374753,0.06880293255330919,164061.43987637665,0.06884247853291578,180876.28864261735,0.06918638950861603,184300.38244253185,0.06928346908389238,178824.2971268961,0.06869190794415407,191237.91825631558,0.06883716802299997,202265.91603329248,0.06916318731971288,73139.07203546171,0.06869517367853994,70960.065141915,0.06900623416975263,87801.90081749964,0.06927744533273657,102329.65800474495,0.06932605048395689,110132.09642486114,0.069316987799397,116092.31859101937,0.06916709022674457,124938.35774008904,0.06867250568800012,118964.76591745517
+1690,0.06944427515738529,145796.91297346703,0.06878877422950704,45227.2127660314,0.06893128703999997,142177.89123147994,0.06913011228643248,141562.3128949146,0.0694337313817483,159670.03399667554,0.06880079777999994,161723.6325040636,0.06890279167167399,164277.44014790672,0.06894239504747728,181126.79766188108,0.06928651452961251,184552.31910579227,0.06938358970395568,179077.87348713345,0.06879175083360788,191488.94845251497,0.06893707682999987,202537.5974861664,0.06926327876301208,73286.1540406109,0.06879502131470075,71102.69977200564,0.06910624320478133,87960.24149785786,0.06937755724795737,102505.28059536235,0.0694262326378355,110315.04120689924,0.06941715685691051,116280.36796251326,0.06926718731824497,125138.06182221434,0.06877232037649993,119153.79293066086
+1691,0.06954448334664567,146014.5660703998,0.06888861279878054,45335.28368272913,0.06903118745600006,142394.79338510617,0.06923015586427098,141774.3321585107,0.06953392435632509,159900.18185285706,0.06890065379999984,161961.72759383332,0.06900265079003869,164493.42624532,0.06904231156203898,181377.32506734767,0.06938663955060902,184804.22127997447,0.06948371032401927,179331.41910591372,0.06889159372306158,191739.98647880356,0.06903698563700007,202809.23021939548,0.06936337020631118,73433.36669562175,0.06889486895086135,71245.45440588579,0.06920625223980993,88118.67659200239,0.06947766916317798,102680.98344060438,0.069526414791714,110498.08714446696,0.0695173259144241,116468.49975877114,0.06936728440974527,125337.84474923564,0.06887213506499992,119342.90606975008
+1692,0.06964469153590598,146232.29119586915,0.06898845136805414,45443.47937503511,0.06913108787199997,142611.77090247415,0.06933019944210948,141986.40600561717,0.069634117330902,160130.3349938369,0.06900050982000004,162199.89549800093,0.06910250990840339,164709.43669505668,0.06914222807660048,181627.8663649718,0.06948676457160571,185056.08876397426,0.06958383094408258,179584.95767761543,0.06899143661251528,191991.03114092653,0.06913689444399997,203080.86298368732,0.06946346164961038,73580.72114025067,0.06899471658702205,71388.32823390438,0.06930626127483853,88277.20516808677,0.06957778107839876,102856.75816912104,0.06962659694559259,110681.23310533862,0.0696174949719376,116656.71354142946,0.06946738150124568,125537.70187909533,0.06897194975350002,119532.10289699741
+1693,0.06974489972516627,146450.08597982736,0.06908828993732774,45551.798780244964,0.06923098828800006,142828.8225941961,0.06943024301994807,142198.53394016024,0.06973431030547879,160360.50735377314,0.06910036583999994,162438.13432697623,0.06920236902676818,164925.4743417332,0.06924214459116197,181878.4108208085,0.06958688959260222,185307.93141495623,0.06968395156414597,179838.48916774543,0.06909127950196897,192242.08115184942,0.06923680325099997,203352.50310399962,0.06956355309290949,73728.27639769037,0.06909456422318265,71531.31987177047,0.06940627030986724,88435.82633575104,0.06967789299361937,103032.61767287103,0.0697267790994711,110864.47781843803,0.0697176640294512,116845.00887098195,0.06956747859274608,125737.6356744627,0.06907176444200001,119721.37778390612
+1694,0.06984510791442648,146667.94560670693,0.06918812850660144,45660.24091142664,0.06933088870399996,143045.94727258646,0.06953028659778658,142410.7154836029,0.0698345032800557,160590.6975323889,0.06920022185999994,162676.4424518488,0.06930222814513289,165141.53732862853,0.06934206110572348,182128.95964030162,0.06968701461359882,185559.74549102416,0.06978407218420947,180092.01079158456,0.06919112239142258,192493.135109442,0.06933671205800007,203624.14899512206,0.06966364453620869,73876.01247106677,0.06919441185934336,71674.43092586422,0.06950627934489573,88594.53922776497,0.06977800490884017,103208.56705490014,0.0698269612533497,111047.81977563917,0.0698178330869649,117033.38530533332,0.06966757568424638,125937.65038732912,0.06917157913050002,119910.72913050794
+1695,0.06994531610368689,146885.85972278312,0.06928796707587494,45768.808463037116,0.06943078912000006,143263.14372184663,0.06963033017562519,142622.95015990222,0.0699346962546326,160820.9040196481,0.06930007787999994,162914.81987850802,0.06940208726349768,165357.62425601983,0.06944197762028517,182379.5335294452,0.06978713963459532,185811.52606377122,0.06988419280427288,180345.51941956466,0.06929096528087647,192744.1914647268,0.06943662086499996,203895.79888103085,0.06976373597950779,74023.91644815938,0.06929425949550395,71817.67510895571,0.06960628837992452,88753.34298861488,0.06987811682406087,103384.6060666094,0.06992714340722819,111231.25701229156,0.06991800214447841,117221.84239831373,0.06976767277574678,126137.744803465,0.06927139381900002,120100.16858987603
+1696,0.07004552429294718,147103.85075765956,0.06938780564514854,45877.534418150775,0.06953068953599996,143480.4110527451,0.06973037375346368,142835.2374891399,0.07003488922920939,161051.12517286366,0.06939993389999984,163153.26391263862,0.06950194638186238,165573.7339056491,0.06954189413484668,182630.13120201792,0.06988726465559182,186063.26404949676,0.06998431342433638,180599.0114624312,0.06939080817033018,192995.24847441926,0.06953652967199997,204167.45073480776,0.06986382742280708,74171.98468720309,0.06939410713166475,71961.04620390634,0.06970629741495303,88912.23676527658,0.06997822873928167,103560.73446228783,0.07002732556110679,111414.78642058621,0.0700181712019919,117410.38003401128,0.06986776986724698,126337.91760190457,0.06937120850750002,120289.69361243607
+1697,0.07014573248220737,147321.92120717713,0.06948764421442215,45986.40381043641,0.06963058995200007,143697.75023694133,0.06983041733130217,143047.5769836743,0.0701350822037861,161281.35918523566,0.06949978992000004,163391.77207877685,0.06960180550022718,165789.86513185682,0.06964181064940828,182880.75121606988,0.06998738967658832,186314.95456769405,0.07008443404439978,180852.4826873624,0.06949065105978378,193246.30412534272,0.06963643847899988,204439.10218594605,0.06996391886610608,74320.2087851811,0.06949395476782536,72104.54141196636,0.06980630644998173,89071.21969818149,0.07007834065450247,103736.95199919159,0.0701275077149853,111598.39906171655,0.0701183402595056,117598.99996557075,0.06996786695874747,126538.16727502385,0.06947102319600001,120479.30391639264
+1698,0.07024594067146778,147540.07070231577,0.06958748278369564,46095.40919759517,0.06973049036799997,143915.15833746427,0.06993046090914078,143259.9681451876,0.07023527517836299,161511.60404089704,0.06959964593999994,163630.34175263657,0.06970166461859188,166006.01680117706,0.06974172716396988,183131.3920467721,0.07008751469758492,186566.60132401067,0.07018455466446308,181105.92789081708,0.06959049394923748,193497.35600288524,0.06973634728599996,204710.75036700498,0.07006401030940539,74468.58375717833,0.06959380240398605,72248.15919811442,0.06990631548501033,89230.30546749641,0.07017845256972308,103913.25843733814,0.0702276898688639,111782.10317887487,0.0702185093170192,117787.70070834331,0.07006796405024768,126738.49196316538,0.06957083788450003,120669.00265365187
+1699,0.07034614886072808,147758.29887783108,0.06968732135296934,46204.54691100809,0.06983039078399987,144132.63217405192,0.07003050448697928,143472.4104620507,0.0703354681529398,161741.8574466385,0.06969950195999994,163868.9696731105,0.0698015237369567,166222.18774608808,0.06984164367853148,183382.05205168072,0.07018763971858152,186818.20146383037,0.07028467528452667,181359.34020429224,0.06969033683869118,193748.4010303926,0.06983625609299997,204982.39163242915,0.07016410175270447,74617.10613247422,0.06969365004014665,72391.898442695,0.07000632452003903,89389.52411478599,0.07027856448494367,104089.65353930234,0.07032787202274239,111965.9045411278,0.0703186783745327,117976.48136010878,0.07016806114174808,126938.88900509874,0.06967065257300002,120858.78899044284
+1700,0.07044635704998838,147976.60537158282,0.06978715992224294,46313.814465085525,0.06993029119999997,144350.17302981255,0.07013054806481778,143684.90340655233,0.07043566112751669,161972.1167199535,0.06979935797999993,164107.65089070002,0.0699013828553214,166438.37671514828,0.06994156019309297,183632.72941729458,0.07028776473957812,187069.7667803814,0.07038479590458997,181612.70892735032,0.06979017972814498,193999.43482819482,0.06993616489999988,205254.02095544027,0.07026419319600348,74765.7731922335,0.06979349767630735,72535.75823042745,0.07010633355506764,89548.85459642687,0.07037867640016447,104266.13707009179,0.07042805417662089,112149.80247286854,0.07041884743204631,118165.34123414259,0.07026815823324857,127139.35237046689,0.06977046726150012,121048.66204168426
+1701,0.07054656523924858,148194.9898240164,0.06988699849151644,46423.20994881247,0.07003019161599987,144567.77948766004,0.07023059164265638,143897.44643196173,0.0705358541020935,162202.37858304623,0.06989921399999993,164346.37096893118,0.07000124197368619,166654.58229591564,0.07004147670765448,183883.42206763773,0.07038788976057463,187321.2983627211,0.07048491652465348,181866.01090544398,0.06989002261759868,194250.44914195404,0.07003607370699998,205525.63020189162,0.07036428463930278,74914.58268740214,0.06989334531246816,72679.73776657417,0.07020634259009613,89708.28973543373,0.07047878831538527,104442.70879693353,0.0705282363304995,112333.80242459054,0.0705190164895598,118354.2796984369,0.07036825532474877,127339.87772904518,0.06987028195000013,121238.62084299722
+1702,0.07064677342850897,148413.46502380498,0.06998683706079004,46532.73178798159,0.07013009203199996,144785.44931369275,0.07033063522049487,144110.03896899562,0.0706360470766704,162432.63870598425,0.06999907002000004,164585.137734666,0.0701011010920509,166870.8027394627,0.07014139322221617,184134.12748295994,0.07048801478157111,187572.82450179436,0.07058503714471688,182119.26040367322,0.06998986550705237,194501.42679310366,0.07013598251399997,205797.19534942633,0.07046437608260178,75063.53269284424,0.06999319294862875,72823.83633575309,0.07030635162512493,89867.82526751806,0.07057890023060596,104619.36848921014,0.070628418484378,112517.90384920094,0.0706191855470735,118543.29613120608,0.07046835241624917,127540.4831909035,0.06997009663849992,121428.664300581
+1703,0.07074698161776928,148632.03218430508,0.07008667563006374,46642.37862904536,0.07022999244799996,145003.1795729625,0.07043067879833348,144322.6804217031,0.07073624005124729,162662.8902381424,0.07009892603999994,164823.97291354658,0.0702009602104156,167087.03507886233,0.07024130973677768,184384.84224650398,0.07058813980256771,187824.33523900676,0.07068515776478028,182372.45922269233,0.07008970839650608,194752.3997781063,0.07023589132099997,206068.7248695688,0.07056446752590108,75212.6215205564,0.07009304058478945,72968.05327885822,0.07040636066015343,90027.4577345842,0.07067901214582677,104796.11591832094,0.07072860063825659,112702.10619184482,0.070719354604587,118732.3898965311,0.07056844950774947,127741.16801448454,0.07006991132699993,121618.79108655138
+1704,0.07084718980702948,148850.68507319668,0.07018651419933734,46752.14927423746,0.07032989286399996,145220.96571733535,0.07053072237617197,144535.3701622941,0.0708364330258241,162893.11523002657,0.07019878205999994,165062.87540967614,0.07030081932878039,167303.276597713,0.07034122625133918,184635.5598766265,0.07068826482356422,188075.81443288733,0.07078527838484377,182625.56711269164,0.07018955128595977,195003.36891960597,0.07033580012800007,206340.2576117262,0.07066455896920018,75361.8476635572,0.07019288822095004,73112.3879789441,0.07050636969518213,90187.18304681916,0.07077912406104737,104972.95085754097,0.0708287827921351,112886.40888032175,0.0708195236621006,118921.56032079845,0.07066854659924987,127941.93142711071,0.07016972601549992,121808.99935641469
+1705,0.07094739799628978,149069.42154389643,0.07028635276861084,46862.042641841756,0.07042979327999996,145438.79538781845,0.07063076595401048,144748.10752472203,0.070936626000401,163123.33248627555,0.07029863807999993,165301.84410879694,0.07040067844714509,167519.5324716901,0.07044114276590088,184886.26937065154,0.07078838984456072,188327.2546488615,0.07088539900490717,182878.62140086203,0.07028939417541358,195254.32379617653,0.07043570893499997,206611.78763966978,0.07076465041249938,75511.2097574836,0.07029273585711066,73256.8398520017,0.07060637873021074,90346.99987113081,0.07087923597626818,105149.8730819859,0.0709289649460137,113070.81130229123,0.0709196927196143,119110.8066539272,0.07076864369075027,128142.77263742697,0.07026954070400002,121999.28523545383
+1706,0.07104760618555019,149288.24023258244,0.07038619133788444,46972.05774015201,0.07052969369599997,145656.67176526054,0.07073080953184908,144960.89179628564,0.0710368189749777,163353.54999351987,0.07039849409999993,165540.87787086534,0.07050053756550989,167735.8009499653,0.07054105928046238,185136.99040667358,0.07088851486555742,188578.6852834887,0.07098551962497067,183131.6687517712,0.07038923706486727,195505.26893563342,0.07053561774199997,206883.30376247794,0.07086474185579848,75660.70655315508,0.07039258349327135,73401.40834056634,0.07070638776523944,90506.90304897825,0.07097934789148877,105326.88236848607,0.07102914709989219,113255.31272106667,0.0710198617771278,119300.12795105713,0.07086874078225057,128343.69082991013,0.07036935539250001,122189.64507886773
+1707,0.07114781437481048,149507.14011062586,0.07048602990715815,47082.19364953216,0.07062959411199997,145874.5991928921,0.07083085310968758,145173.72220662137,0.07113701194955449,163583.76153780875,0.07049835012000004,165779.97552227194,0.07060039668387459,167952.07973637682,0.07064097579502387,185387.7282052867,0.07098863988655392,188830.12188723288,0.07108564024503408,183384.70027482678,0.07048907995432098,195756.21958851954,0.07063552654900007,207154.78660754266,0.07096483329909768,75810.33689630748,0.07049243112943215,73546.09313744212,0.07080639680026803,90666.89557905843,0.07107945980670957,105503.97849549667,0.07112932925377079,113439.91195441953,0.0711200308346414,119489.52266662057,0.07096883787375097,128544.68515817626,0.07046917008100002,122380.09082739046
+1708,0.07124802256407067,149726.1203300099,0.07058586847643174,47192.44950949184,0.07072949452800006,146092.5971563361,0.07093089668752608,145386.59791263338,0.0712372049241314,163813.9551683199,0.07059820614000004,166019.13584731738,0.07070025580223939,168168.3653410807,0.07074089230958538,185638.48115393813,0.07108876490755042,189081.56198292144,0.07118576086509737,183637.68753117791,0.07058892284377467,196007.1743701488,0.07073543535599996,207426.28953429338,0.07106492474239678,75960.09971220918,0.07059227876559275,73690.89504154606,0.07090640583529653,90826.98345131097,0.07117957172193028,105681.16124306642,0.0712295114076493,113624.60980510239,0.0712201998921549,119678.9916476952,0.07106893496525127,128745.75473659261,0.07056898476950002,122570.6218940269
+1709,0.07134823075333098,149945.1801526231,0.07068570704570525,47302.82450910466,0.07082939494399997,146310.67016330053,0.07103094026536468,145599.51797730324,0.07133739789870819,164044.1040649044,0.07069806215999994,166258.35757854118,0.070800114920604,168384.64803846972,0.07084080882414708,185889.2474894877,0.07118888992854702,189333.002890708,0.07128588148516098,183890.64219415328,0.07068876573322827,196258.13175726263,0.07083534416299997,207697.81558374912,0.07116501618569598,76109.99399372887,0.07069212640175346,73835.81292078961,0.07100641487032523,90987.1655542559,0.07127968363715106,105858.43039270678,0.07132969356152799,113809.40611420739,0.07132036894966841,119868.53437179103,0.07116903205675167,128946.898629411,0.07066879945800002,122761.23755434246
+1710,0.07144843894259138,150164.31891239723,0.07078554561497895,47413.31787968333,0.07092929536000006,146528.81645438756,0.07113098384320318,145812.48133871416,0.07143759087328509,164274.2672391139,0.07079791817999993,166497.6393851417,0.07089997403896889,168600.9331167572,0.07094072533870859,186140.02524972774,0.07128901494954352,189584.4415674413,0.07138600210522428,184143.618512069,0.07078860862268217,196509.09004747812,0.07093525296999988,207969.36419025113,0.07126510762899509,76260.01879189606,0.07079197403791405,73980.84603725064,0.07110642390535384,91147.44083362524,0.07137979555237167,106035.78572738793,0.07142987571540639,113994.30039142551,0.07142053800718211,120058.14962704766,0.07126912914825208,129148.12198567591,0.07076861414650001,122951.93703395114
+1711,0.07154864713185158,150383.53599266132,0.07088538418425254,47523.92888904643,0.07102919577599996,146747.03838091003,0.07123102742104177,146025.48676227976,0.0715377838478619,164504.47202190128,0.07089777419999993,166736.97985872062,0.07099983315733359,168817.2325591637,0.07104064185327008,186390.81219714036,0.07138913997054001,189835.8743027235,0.07148612272528768,184396.6331870838,0.07088845151213588,196760.050167542,0.07103516177699996,208240.9347761332,0.07136519907229417,76410.19785155708,0.07089182167407465,74125.99380068302,0.07120643294038254,91307.80827672356,0.07147990746759247,106213.22703141946,0.0715300578692851,114179.29214558705,0.0715207070646957,120247.83604828005,0.07136922623975238,129349.43377478351,0.07086842883500002,123142.71948734132
+1712,0.07164885532111188,150602.8308114375,0.07098522275352605,47634.656836972266,0.07112909619200007,146965.3360001641,0.07133107099888028,146238.53276259333,0.07163797682243879,164734.71088271076,0.07099763021999983,166976.37749483145,0.07109969227569819,169033.56416386837,0.07114055836783179,186641.60568647998,0.07148926499153661,190087.29590423917,0.07158624334535117,184649.71185472363,0.07098829440158948,197011.00935416025,0.07113507058399997,208512.52675080727,0.07146529051559337,76560.53900079215,0.07099166931023536,74271.25567607037,0.07130644197541113,91468.26689982234,0.07158001938281307,106390.75409042202,0.0716302400231635,114364.38088391247,0.0716208761222092,120437.59701748002,0.07146932333125278,129550.82561392302,0.07096824352350002,123333.58396319367
+1713,0.07174906351037208,150822.20281127034,0.07108506132279964,47745.50105146001,0.07122899660799996,147183.70889228978,0.07143111457671898,146451.6174634419,0.0717381697970156,164964.96920993546,0.07109748624000004,167215.83066784206,0.0711995513940629,169249.95349744073,0.07124047488239328,186892.4023982192,0.07158939001253321,190338.6938644351,0.07168636396541457,184902.8363002297,0.07108813729104317,197261.96389767833,0.07123497939099988,208784.13950976476,0.07156538195889248,76711.02748246615,0.07109151694639615,74416.63115971678,0.07140645101043983,91628.81573745263,0.07168013129803387,106568.36671315168,0.07173042217704219,114549.56611093003,0.0717210451797229,120627.43294395103,0.07156942042275308,129752.29403256241,0.07106805821200012,123524.52934162365
+1714,0.07184927169963258,151041.65145162205,0.07118489989207334,47856.46088570675,0.07132889702399986,147402.15664060632,0.07153115815455738,146664.73831373334,0.0718383627715925,165195.22880510526,0.07119734225999994,167455.33759376736,0.07129941051242789,169466.37646291667,0.07134039139695487,187143.19763831593,0.07168951503352981,190590.06972402477,0.07178648458547808,185155.9978112255,0.07118798018049688,197512.90950471399,0.07133488819800007,209055.77243344003,0.07166547340219168,76861.65848570841,0.07119136458255675,74562.11976919069,0.07150646004546843,91789.45383256087,0.07178024321325448,106746.06702923847,0.0718306043309207,114734.84732750943,0.0718212142372364,120817.34244934306,0.07166951751425348,129953.8363564891,0.07116787290050013,123715.55420323418
+1715,0.07194947988889278,151261.17620289858,0.07128473846134684,47967.53571555252,0.07142879743999997,147620.6788307295,0.07163120173239608,146877.89137776312,0.0719385557461692,165425.49888268972,0.07129719827999993,167694.89626874193,0.07139926963079239,169682.8355431902,0.07144030791151638,187393.98094868445,0.07178964005452632,190841.44061131703,0.07188660520554148,185409.19132114082,0.07128782306995057,197763.83692846415,0.07143479700499997,209327.42488592587,0.07176556484549078,77012.42903976147,0.07129121221871745,74707.72103807676,0.07160646908049693,91950.18022677688,0.07188035512847527,106923.85425390101,0.0719307864847993,114920.22402956139,0.07192138329475001,121007.32809343355,0.07176961460575387,130155.44992618584,0.07126768758900012,123906.65742904966
+1716,0.07204968807815308,151480.7765414778,0.07138457703062044,48078.724937339925,0.07152869785599987,147839.27504968896,0.07173124531023457,147091.06855833472,0.0720387487207461,165655.7819207524,0.07139705429999993,167934.50434359154,0.07149912874915719,169899.33330310503,0.07154022442607798,187644.7468176462,0.07188976507552282,191092.8024053929,0.07198672582560478,185662.41284771508,0.07138766595940438,198014.7472668491,0.07153470581199997,209599.09621346882,0.07186565628878998,77163.33695788601,0.07139105985487805,74853.43451274856,0.07170647811552563,92111.00445573493,0.07198046704369597,107101.72757872382,0.07203096863867779,115105.69570671515,0.0720215523522635,121197.38900731377,0.07186971169725417,130357.1316044123,0.07136750227750012,124097.83629015603
+1717,0.07214989626741328,151700.4519451212,0.07148441559989405,48190.027966082045,0.07162859827199997,148057.94488503347,0.07183128888807308,147304.2496152693,0.0721389416953229,165886.07475336015,0.07149691031999983,168174.15872721814,0.07159898786752189,170115.82740672497,0.07164014094063959,187895.51059631555,0.07198989009651932,191344.14936888663,0.07208684644566837,185915.65879083434,0.07148750884885807,198265.64769481777,0.07163461461900007,209870.78574272338,0.07196574773208908,77314.38048303079,0.07149090749103876,74999.26038909542,0.07180648715055424,92271.94703674527,0.07208057895891677,107279.68656720145,0.07213115079255619,115291.26184063022,0.0721217214097771,121387.52435395648,0.07196980878875457,130558.87678178342,0.07146731696599992,124289.0839669857
+1718,0.07225010445667368,151920.20188862627,0.07158425416916754,48301.444233882874,0.07172849868799996,148276.68792398684,0.07193133246591168,147517.49396497238,0.0722391346698998,166116.39153775806,0.07159676634000003,168413.85399418062,0.07169884698588669,170332.34902431024,0.07174005745520108,188146.28026973188,0.07209001511751592,191595.47132615134,0.07218696706573167,186168.92558122688,0.07158735173831178,198516.5321493437,0.07173452342599997,210142.49277866716,0.07206583917538838,77465.55812803669,0.07159075512719945,75145.21277591534,0.07190649618558294,92433.00685410896,0.07218069087413737,107457.73087810575,0.0722313329464349,115476.92190305129,0.0722218904672908,121577.74575278457,0.07206990588025478,130760.67533756942,0.07156713165450002,124480.41656484726
+1719,0.07235031264593397,152140.02583926797,0.07168409273844124,48412.97318858787,0.07182839910399996,148495.5037525543,0.07203137604375018,147730.80375873827,0.07233932764447659,166346.72786794725,0.07169662235999993,168653.59321185123,0.07179870610425139,170548.92130635178,0.07183997396976258,188397.0521178409,0.07219014013851262,191846.74429506727,0.07228708768579528,186422.20939824078,0.07168719462776547,198767.3891229295,0.07183443223299997,210414.21660210285,0.07216593061868738,77616.868590797,0.07169060276336015,75291.28637782343,0.07200650522061153,92594.17155261351,0.07228080278935817,107635.8602137652,0.0723315151003134,115662.67535348171,0.0723220595248043,121768.05770462635,0.07217000297175527,130962.52513602788,0.07166694634300003,124671.83371550924
+1720,0.07245052083519418,152359.92325176313,0.07178393130771483,48524.6142925687,0.07192829951999996,148714.3919545528,0.07213141962158869,147944.1745245086,0.0724395206190535,166577.07577302013,0.07179647837999993,168893.3750549754,0.07189856522261619,170765.54175956477,0.07193989048432428,188647.8209898552,0.07229026515950912,192098.00426313808,0.07238720830585857,186675.5058058374,0.07178703751721907,199018.1952906114,0.07193434103999986,210685.9564665483,0.07226602206198668,77768.31070417183,0.07179045039952076,75437.47932905769,0.07210651425564003,92755.43596475794,0.07238091470457877,107814.07430109954,0.07243169725419199,115848.52163631243,0.0724222285823178,121958.4516827386,0.07227010006325567,131164.4393842794,0.07176676103150002,124863.33455932044
+1721,0.07255072902445468,152579.89356234376,0.07188376987698844,48636.367021696715,0.07202819993599996,148933.3521106095,0.07223146319942728,148157.60425114303,0.07253971359363029,166807.43224758565,0.07189633439999994,169133.19592017672,0.07199842434098089,170982.20830809604,0.07203980699888578,188898.57813390848,0.07239039018050562,192349.2494976422,0.07248732892592198,186928.80902994832,0.07188688040667297,199268.96498199317,0.07203424984699996,210957.71159426673,0.07236611350528568,77919.88340401984,0.07189029803568145,75583.82550467638,0.07220652329066873,92916.79648139351,0.07248102661979958,107992.37288269668,0.07253187940807049,116034.46017724037,0.0725223976398315,122148.92444091583,0.07237019715475587,131366.4330104904,0.07186657572000002,125054.91809573455
+1722,0.07265093721371488,152799.93618133734,0.07198360844626195,48748.23086440737,0.07212810035199997,149152.38379708328,0.07233150677726578,148371.09160227657,0.0726399065682072,167037.79924541333,0.07199619041999984,169373.05132250467,0.07209828345934569,171198.91900742415,0.07213972351344727,189149.30131334922,0.07249051520150213,192600.4792618946,0.07258744954598548,187182.10949324616,0.07198672329612668,199519.745759224,0.07213415865399997,211229.48117098992,0.07246620494858498,78071.58570760695,0.07199014567184205,75730.31150913579,0.07230653232569734,93078.2499215307,0.07258113853502027,108170.75571195797,0.0726320615619491,116220.4903786366,0.0726225666973451,122339.47351256262,0.07247029424625637,131568.50510812225,0.07196639040850002,125246.58286131755
+1723,0.07275114540297518,153020.05048342157,0.07208344701553564,48860.205320866684,0.07222800076800007,149371.48658477148,0.07243155035510437,148584.63554936042,0.07274009954278389,167268.165968251,0.07209604644000003,169612.93535503183,0.07219814257771039,171415.67118821118,0.07223964002800898,189400.0067884206,0.07259064022249873,192851.68960692364,0.07268757016604888,187435.38528655865,0.07208656618558038,199770.54209520193,0.07223406746099988,211501.26433846477,0.07256629639188408,78223.41669838897,0.07208999330800275,75876.9287158038,0.07240654136072604,93239.79262514817,0.07268125045024107,108349.22255015638,0.0727322437158276,116406.61161361726,0.0727227357548586,122530.09641475248,0.07257039133775657,131770.65471145906,0.07206620509700001,125438.32519416371
+1724,0.07285135359223538,153240.23579420702,0.07218328558480924,48972.289902231474,0.07232790118399997,149590.66003751464,0.07253159393294288,148798.23523397787,0.0728402925173607,167498.55024049422,0.07219590246000003,169852.83949588382,0.07229800169607518,171632.4653176561,0.07233955654257047,189650.7248722365,0.07269076524349521,193102.90577691625,0.07278769078611237,187688.6664307645,0.07218640907503397,200021.35317555364,0.07233397626799996,211773.06018331528,0.07266638783518307,78375.37551478775,0.07218984094416356,76023.67315700739,0.07250655039575463,93401.41936995156,0.07278136236546168,108527.77316457093,0.07283242586970619,116592.82499915645,0.0728229048123722,122720.7889638884,0.07267048842925697,131972.88075350408,0.07216601978550002,125630.17489403204
+1725,0.07295156178149569,153460.49137049698,0.07228312415408274,49084.48413001085,0.07242780160000006,149809.9124127312,0.07263163751078137,149011.8899023083,0.0729404854919376,167728.94820254002,0.07229575847999993,170092.74906341184,0.07239786081443988,171849.3016437781,0.07243947305713198,189901.45082766842,0.07279089026449172,193354.1322639,0.07288781140617577,187941.95140535248,0.07228625196448768,200272.17815678637,0.07243388507499997,212044.8677182804,0.07276647927848238,78527.46134176807,0.07228968858032415,76170.54223709961,0.07260655943078333,93563.1368125921,0.07288147428068247,108706.40732716527,0.0729326080235847,116779.13244298063,0.0729230738698857,122911.55190984436,0.07277058552075737,132175.18199085727,0.07226583447400002,125822.15154800809
+1726,0.07305176997075608,153680.81636976864,0.07238296272335634,49196.78753543316,0.07252770201599996,150029.24855128166,0.07273168108861998,149225.5988691397,0.07304067846651449,167959.35305638344,0.07239561449999994,170332.61939128017,0.07249771993280468,172066.17918689526,0.07253938957169348,190152.1776330124,0.07289101528548841,193605.3672563292,0.07298793202623907,188195.24564579924,0.07238609485394147,200523.01616197889,0.07253379388199988,212316.68584563502,0.07286657072178149,78679.67340427362,0.07238953621648475,76317.53401564492,0.07270656846581193,93724.94526954016,0.07298158619590307,108885.12481369021,0.0730327901774633,116965.53120284437,0.0730232429273994,123102.38643030847,0.07287068261225767,132377.55684109093,0.07236564916250011,126014.2359969898
+1727,0.07315197816001628,153901.20979886167,0.07248280129263004,49309.199658940764,0.07262760243200006,150248.6619243973,0.07283172466645847,149439.36149602087,0.0731408714410913,168189.7538262208,0.07249547051999994,170572.4659908029,0.07259757905116938,172283.09704147524,0.07263930608625518,190402.88939976247,0.07299114030648492,193856.6086029442,0.07308805264630268,188448.54648969602,0.07248593774339518,200773.8662758246,0.07263370268900007,212588.513264792,0.07296666216508069,78832.01096208459,0.07248938385264544,76464.64692971217,0.07280657750084063,93886.83975776685,0.07308169811112387,109063.92540296103,0.07313297233134179,117152.01983798349,0.0731234119849129,123293.29007645471,0.07297077970375808,132580.00290691244,0.07246546385100013,126206.42243096506
+1728,0.07325218634927658,154121.67041872808,0.07258263986190364,49421.720049648306,0.07272750284799996,150468.15032625396,0.07293176824429698,149653.17717700655,0.07324106441566819,168420.1186381258,0.07259532654000003,170812.379334255,0.07269743816953408,172500.05436215864,0.07273922260081668,190653.56335448942,0.07309126532748152,194107.85343309343,0.07318817326636598,188701.84569990437,0.07258578063284887,201024.72753878083,0.07273361149599997,212860.34803679283,0.07306675360837978,78984.47330560857,0.07258923148880606,76611.8796576203,0.07290658653586914,94048.81645895174,0.07318181002634457,109242.80887632606,0.0732331544852204,117338.59705423315,0.0732235810424265,123484.25929153847,0.07307087679525837,132782.51335641742,0.07256527853949991,126398.7074620493
+1729,0.07335239453853698,154342.1965382296,0.07268247843117714,49534.34826493033,0.07282740326399986,150687.71231657578,0.07303181182213558,149867.04532869943,0.073341257390245,168650.46047203694,0.07269518256000003,171052.35790047314,0.07279729728789888,172717.05035307974,0.07283913911537818,190904.26651419787,0.07319139034847802,194359.09574506676,0.07328829388642938,188955.12354630438,0.07268562352230258,201275.59894000582,0.07283352030299997,213132.18778884076,0.07316684505167897,79137.05975248115,0.07268907912496675,76759.23104169074,0.07300659557089773,94210.87918034103,0.07328192194156537,109421.77501722,0.0733333366390989,117525.26159105301,0.0733237500999402,123675.28496341266,0.07317097388675878,132985.0908805545,0.07266509322799992,126591.08864705692
+1730,0.07345260272779727,154562.7854328638,0.07278231700045074,49647.083870004826,0.07292730367999997,150907.34674765062,0.07313185539997408,150080.96538293883,0.0734414503648219,168880.81089611707,0.07279503857999993,171292.39889771596,0.07289715640626358,172934.08425961348,0.07293905562993978,191155.00060715596,0.07329151536947452,194610.33847772094,0.07338841450649287,189208.41606379364,0.07278546641175627,201526.4794085903,0.07293342911000007,213404.03585057065,0.07326693649497808,79289.76964474484,0.07278892676112755,76906.70003900895,0.07310660460592643,94373.02476229725,0.07338203385678597,109600.82361080241,0.07343351879297749,117712.01408979075,0.07342391915745371,123866.36958719045,0.07327107097825908,133187.74686373057,0.07276490791649992,126783.56398037789
+1731,0.07355281091705748,154783.4294853267,0.07288215556972444,49759.92643752059,0.07302720409599986,151127.052601904,0.07323189897781258,150294.9367810274,0.0735416433393986,169111.19228077363,0.07289489459999994,171532.49689607715,0.0729970155246284,173151.1553617891,0.07303897214450138,191405.76466881658,0.07339164039047102,194861.58308367405,0.07348853512655627,189461.72904397227,0.07288530930121008,201777.36780251522,0.07303333791699997,213675.8912373121,0.07336702793827728,79442.60234642975,0.07288877439728815,77054.28568588961,0.07320661364095503,94535.24811912193,0.07348214577200678,109779.95444361112,0.07353370094685599,117898.85115292034,0.0735240882149673,124057.52307846343,0.07337116806975948,133390.48072859622,0.07286472260500002,126976.13158641447
+1732,0.07365301910631777,155004.1269601884,0.07298199413899795,49872.8755472683,0.07312710451199997,151346.82890421216,0.07333194255565118,150508.95896903504,0.07364183631397539,169341.60099261196,0.07299475061999994,171772.65480598775,0.0730968746429931,173368.2629689973,0.07313888865906287,191656.55760094844,0.07349176541146762,195112.82610568035,0.07358865574661977,189715.07592229528,0.07298515219066377,202028.28152907683,0.07313324672399997,213947.75273372026,0.07346711938157638,79595.55724155049,0.07298862203344875,77201.98706681063,0.07330662267598373,94697.54912538352,0.07358225768722756,109959.16730328347,0.0736338831007346,118085.76601684526,0.0736242572724808,124248.73878453182,0.07347126516125987,133593.29188195374,0.07296453729350003,127168.78911952945
+1733,0.07375322729557818,155224.8997185236,0.07308183270827154,49985.93078580214,0.07322700492799997,151566.67463958153,0.07343198613348968,150723.03139353957,0.0737420292885523,169572.0263054894,0.07309460664000003,172012.87072787297,0.0731967337613579,173585.40641566965,0.07323880517362448,191907.37804677204,0.07359189043246422,195364.06212322428,0.07368877636668318,189968.45863874027,0.07308499508011748,202279.23928663947,0.07323315553099986,214219.61902163268,0.07356721082487558,79748.63373235693,0.07308846966960945,77349.8032762354,0.07340663171101224,94859.96246423165,0.07368236960244817,110138.46197821038,0.0737340652546131,118272.76439320002,0.0737244263299943,124440.00203138983,0.07357136225276018,133796.17970457659,0.07306435198200002,127361.5556033887
+1734,0.07385343548483837,155445.7905187117,0.07318167127754514,50099.091746172475,0.07332690534399997,151786.58856857917,0.07353202971132827,150937.15349766653,0.0738422222631291,169802.44704237764,0.07319446266000004,172253.13801683183,0.0732965928797226,173802.58505765698,0.07333872168818618,192158.22379774583,0.07369201545346082,195615.27669711903,0.07378889698674647,190221.8818763062,0.07318483796957118,202530.22254689745,0.07333306433799996,214491.4886542407,0.07366730226817468,79901.83123784949,0.07318831730577005,77497.7333376505,0.07350664074604084,95022.48940148331,0.07378248151766897,110317.83825726747,0.07383424740849179,118459.84747730254,0.073824595387508,124631.34639673049,0.07367145934426057,133999.1437478663,0.07316416667050002,127554.45566312512
+1735,0.07395364367409868,155666.78659425586,0.07328150984681864,50212.358027617316,0.07342680575999996,152006.56841648897,0.07363207328916678,151151.324716909,0.07394241523770599,170032.89004703122,0.07329431867999994,172493.4904046725,0.07339645199808739,174019.79826920782,0.07343863820274768,192409.09264844647,0.07379214047445731,195866.48522334758,0.07388901760681008,190475.35945539392,0.07328468085902488,202781.22482920767,0.07343297314499997,214763.3600179481,0.07376739371147388,80055.14919244689,0.07328816494193076,77645.77565591873,0.07360664978106952,95185.12416506727,0.07388259343288966,110497.29592952071,0.07393442956237019,118647.00920801447,0.0739247644450216,124822.77980177847,0.07377155643576078,134202.1886606135,0.07326398135900002,127747.47003410544
+1736,0.07405385186335899,155887.8775382758,0.07338134841609234,50325.72923535068,0.07352670617600006,152226.616011853,0.07373211686700527,151365.54447442695,0.0740426082122828,170263.36425809562,0.07339417469999994,172733.94262985126,0.07349631111645209,174237.0454403907,0.07353855471730918,192659.98521357242,0.07389226549545382,196117.69570544548,0.07398913822687338,190728.88093922363,0.07338452374847867,203032.24172512934,0.07353288195199988,215035.23127211625,0.07386748515477298,80208.58704483655,0.07338801257809155,77793.9301750437,0.07370665881609813,95347.85773909675,0.07398270534811047,110676.83478380274,0.0740346117162489,118834.24423762584,0.0740249335025351,125014.29934194687,0.07387165352726127,134405.31152495532,0.07336379604750001,127940.5926595231
+1737,0.07415406005261937,156109.0590700126,0.07348118698536595,50439.21305331738,0.07362660659199996,152446.7315442419,0.07383216044484388,151579.81217520792,0.07414280118685969,170493.88854373997,0.07349403071999994,172974.49454261863,0.07359617023481689,174454.3259748795,0.07363847123187067,192910.9000176387,0.07399239051645042,196368.90507337576,0.07408925884693697,190982.44202394396,0.07348436663793238,203283.26940570903,0.07363279075899996,215307.10024368425,0.07396757659807209,80362.15406877415,0.07348786021425215,77942.1979324587,0.07380666785112683,95510.6935716394,0.07408281726333107,110856.45460832307,0.0741347938701273,119021.57364245753,0.0741251025600488,125205.90385721475,0.07397175061876167,134608.54167320533,0.07346361073600002,128133.82000308362
+1738,0.07425426824187958,156330.32854652678,0.07358102555463965,50552.82805201512,0.07372650700800007,152666.9142244549,0.07393220402268239,151794.12719788396,0.07424299416143659,170724.45273953516,0.07359388673999984,173215.15843162377,0.07369602935318159,174671.63928801555,0.07373838774643238,193161.84386601465,0.07409251553744692,196620.10943836006,0.07418937946700027,191236.03973036257,0.07358420952738598,203534.3040186231,0.07373269956599997,215578.96421127493,0.07406766804137128,80515.85552575497,0.07358770785041276,78090.57835518123,0.07390667688615543,95673.63619619062,0.07418292917855167,111036.15519011073,0.07423497602400579,119208.99717259534,0.0742252716175623,125397.59259166829,0.07407184771026187,134811.91152221116,0.07356342542450002,128327.14954640338
+1739,0.07435447643113988,156551.68407264145,0.07368086412391305,50666.561970025636,0.07382640742399997,152887.16321931916,0.07403224760052088,152008.48888191002,0.0743431871360134,170955.06525106973,0.07369374276000004,173455.92964867837,0.07379588847154629,174888.98480508715,0.07383830426099387,193412.8160028334,0.07419264055844361,196871.30329513518,0.07428950008706367,191489.67141438436,0.07368405241683967,203785.34114782827,0.07383260837299997,215850.81931166787,0.07416775948467039,80669.68418856646,0.07368755548657345,78239.07089323252,0.07400668592118413,95836.68406807595,0.07428304109377247,111215.93631433466,0.0743351581778844,119396.51445328428,0.0743254406750759,125589.36493807734,0.07417194480176237,135015.41905047276,0.07366324011300011,128520.57931366519
+1740,0.07445468462040009,156773.12417051865,0.07378070269318675,50780.410739060935,0.07392630784000007,153107.4776339049,0.07413229117835948,152222.89650354025,0.0744433801105901,171185.73974804636,0.07379359877999994,173696.80498402278,0.07389574758991109,175106.3619598482,0.07393822077555538,193663.81564609794,0.07429276557944012,197122.4762038641,0.07438962070712718,191743.33442560598,0.07378389530629338,204036.37476568087,0.07393251718000007,216122.65629332734,0.07426785092796959,80823.63765297525,0.07378740312273405,78387.67501696952,0.07410669495621264,95999.83586481759,0.07438315300899327,111395.79776338776,0.0744353403317629,119584.12511798703,0.0744256097325894,125781.2452688725,0.07427204189326257,135219.0651709557,0.07376305480150012,128714.10766236242
+1741,0.07455489280966057,156994.64762346834,0.07388054126246034,50894.37215463819,0.07402620825599997,153327.85648782566,0.07423233475619798,152437.34921896132,0.074543573085167,171416.47590654838,0.07389345479999994,173937.78199891368,0.07399560670827579,175323.7701931161,0.07403813729011707,193914.84198442363,0.07439289060043662,197373.62916568623,0.07448974132719058,191997.02586581983,0.07388373819574708,204287.3913634022,0.07403242598699997,216394.47683458362,0.07436794237126867,80977.71439609044,0.07388725075889475,78536.39021485574,0.07420670399124134,96163.09041980267,0.07448326492421398,111575.74699902172,0.07453552248564159,119771.82880649553,0.0745257787901031,125973.2523221946,0.07437213898476297,135422.82990004128,0.07386286949000012,128907.73865803357
+1742,0.07465510099892078,157216.25339082492,0.07398037983173385,51008.44629706047,0.07412610867200006,153548.29868190511,0.07433237833403658,152651.86276188263,0.0746437660597438,171647.2734042926,0.07399331081999994,174178.85872414414,0.07409546582664059,175541.20895154204,0.07413805380467858,194165.894173287,0.07449301562143322,197624.75167543316,0.07458986194725407,192250.7422824977,0.07398358108520088,204538.3842928644,0.07413233479399997,216666.29080852223,0.07446803381456799,81131.91326006295,0.07398709839505554,78685.21599161683,0.07430671302626993,96326.4466810923,0.07458337683943467,111755.78713718975,0.07463570463951999,119959.62969866797,0.0746259478476167,126165.36638144287,0.07447223607626348,135626.70545281973,0.07396268417849992,129101.50646570415
+1743,0.07475530918818107,157437.94119234636,0.07408021840100754,51122.640095924326,0.07422600908799996,153768.82924066257,0.07443242191187507,152866.43957899156,0.0747439590343207,171878.13192009943,0.07409316683999993,174420.03350035523,0.07419532494500529,175758.67768646684,0.07423797031924008,194416.97133057352,0.07459314064242972,197875.79896465698,0.07468998256731747,192504.4790634367,0.07408342397465457,204789.38262592847,0.07423224360100007,216938.0936183672,0.07456812525786709,81286.23328407871,0.07408694603121616,78834.15186664632,0.07440672206129853,96489.90368424731,0.07468348875465537,111935.91327368455,0.0747358867933987,120147.54141769295,0.0747261169051302,126357.58157105283,0.07457233316776367,135830.6867566083,0.07406249886699992,129295.39358767116
+1744,0.07485551737744128,157659.7405876363,0.07418005697028114,51236.9641996073,0.07432590950399987,153989.45497008847,0.07453246548971358,153081.0732837852,0.07484415200889749,172109.05113346872,0.07419302286000004,174661.30488401305,0.07429518406337009,175976.17585284734,0.07433788683380158,194668.07253126535,0.07469326566342623,198126.82937061452,0.07479010318738077,192758.22854438899,0.07418326686410828,205040.37867400152,0.07433215240799997,217209.87669674234,0.07466821670116629,81440.67362977006,0.07418679366737685,78983.19737264326,0.07450673109632723,96653.46053331062,0.07478360066987617,112116.12382072026,0.0748360689472771,120335.55560016276,0.07482628596264371,126549.89455309769,0.07467243025926407,136034.7699943944,0.07416231355550001,129489.39223288954
+1745,0.07495572556670167,157881.6422232093,0.07427989553955475,51351.424677435185,0.07442580991999996,154210.15953763443,0.07463250906755217,153295.76104600794,0.0749443449834744,172340.03072412196,0.07429287887999994,174902.71939907764,0.07439504318173479,176193.7029082594,0.07443780334836328,194919.1968010914,0.07479339068442271,198377.88003053938,0.07489022380744438,193011.96820481203,0.07428310975356198,205291.38630842668,0.07443206121499997,217481.6174616926,0.07476830814446538,81595.23354214782,0.07428664130353745,79132.35657527774,0.07460674013135574,96817.11638702672,0.07488371258509677,112296.41776913806,0.07493625110115579,120523.66925092535,0.0749264550201574,126742.30301148801,0.07477252735076437,136238.9520532446,0.07426212824400003,129683.49836432445
+1746,0.07505593375596198,158103.63817690566,0.07437973410882824,51466.0097698746,0.07452571033600007,154430.93613895657,0.07473255264539068,153510.5006933318,0.07504453795805119,172571.07037156896,0.07439273489999994,175144.2811517713,0.07449490230009959,176411.2583118893,0.07453771986292478,195170.34310865635,0.07489351570541943,198628.9482507244,0.07499034442750768,193265.7241212431,0.07438295264301567,205542.40469086374,0.07453197002199986,217753.35436496633,0.07486839958776458,81749.91232672785,0.07438648893969806,79281.63549226537,0.07470674916638453,96980.8704485098,0.07498382450031757,112476.7943088879,0.07503643325503419,120711.88072987224,0.07502662407767101,126934.80516620779,0.07487262444226478,136443.23024451328,0.07436194293250002,129877.70918663708
+1747,0.07515614194522229,158325.72496006495,0.07447957267810194,51580.71607854248,0.07462561075199997,154651.77840031343,0.07483259622322917,153725.29048292772,0.07514473093262809,172802.16975464375,0.07449259091999993,175385.96797655363,0.07459476141846429,176628.84152360493,0.07463763637748627,195421.5103557359,0.07499364072641591,198880.02860544313,0.07509046504757118,193519.5121946475,0.07448279553246948,205793.43159830157,0.07463187882900008,218025.09646147824,0.07496849103106368,81904.70933512034,0.07448633657585885,79431.02882116406,0.07480675820141303,97144.72195706872,0.07508393641553818,112657.2526247822,0.0751366154089129,120900.18886363225,0.0751267931351845,127127.39955826808,0.07497272153376507,136647.60212767372,0.07446175762100002,130072.022519858
+1748,0.07525635013448248,158547.90028277328,0.07457941124737553,51695.545234244426,0.07472551116799986,154872.67626200692,0.07493263980106787,153940.1288610696,0.0752449239072049,173033.32855101972,0.07459244693999993,175627.77241940974,0.07469462053682908,176846.45200302056,0.07473755289204788,195672.69736490343,0.07509376574741251,199131.1118294003,0.07519058566763458,193773.32819606422,0.07458263842192318,206044.46445549262,0.07473178763599997,218296.8421837385,0.07506858247436278,82059.6239553335,0.07458618421201955,79580.53472741682,0.07490676723644163,97308.67018177138,0.07518404833075897,112837.79132071648,0.07523679756279139,121088.59268627677,0.0752269621926981,127320.08493545893,0.07507281862526548,136852.06536345425,0.07456157230950002,130266.4447739445
+1749,0.07535655832374288,158770.16241291811,0.07467924981664904,51810.49346317584,0.07482541158399997,155093.60827962912,0.07503268337890648,154155.0143394134,0.0753451168817816,173264.5464367103,0.07469230296000004,175869.6898881855,0.07479447965519379,177064.08920858288,0.07483746940660947,195923.90286357776,0.07519389076840902,199382.2196332163,0.07529070628769798,194027.1602680474,0.07468248131137688,206295.50012804268,0.07483169644299988,218568.5897617539,0.07516867391766198,82214.65560500341,0.07468603184818015,79730.15206781364,0.07500677627147033,97472.71441601064,0.07528416024597967,113018.41137689947,0.07533697971667,121277.09125935141,0.0753271312502118,127512.86018181924,0.07517291571676588,137056.61751115197,0.07466138699800003,130461.03098873873
+1750,0.07545676651300318,158992.50993568727,0.07477908838592265,51925.55849173309,0.07492531199999997,155314.6163065045,0.07513272695674497,154369.94540763495,0.0754453098563585,173495.82308554853,0.07479215897999994,176111.71703073033,0.07489433877355858,177281.75259656954,0.07493738592117108,196175.1254628042,0.07529401578940552,199633.35266337256,0.07539082690776147,194281.01695293956,0.07478232420083047,206546.5344993893,0.07493160525000007,218840.3371316613,0.07526876536096108,82369.80372644511,0.07478587948434084,79879.87996827954,0.07510678530649893,97636.85397287332,0.07538427216120047,113199.11318728227,0.0754371618705485,121465.68357387056,0.0754273003077253,127705.72426363525,0.07527301280826618,137261.2556001971,0.07476120168650002,130655.75406104024
+1751,0.07555697470226339,159214.94163791282,0.07487892695519634,52040.73871688537,0.07502521241599996,155535.70606472617,0.07523277053458358,154584.9204470801,0.07554550283093539,173727.15816857375,0.07489201499999994,176353.85116348777,0.07499419789192328,177499.44162013876,0.07503730243573258,196426.36362831478,0.07539414081040212,199884.50989734888,0.07549094752782487,194534.90537594407,0.07488216709028418,206797.56135379756,0.07503151405699997,219112.0817228138,0.07536885680426028,82525.06778294347,0.07488572712050146,80029.71769645212,0.07520679434152763,97801.0881809995,0.07548438407642107,113379.89642396818,0.07553734402442709,121654.37000507665,0.0755274693652388,127898.6761569331,0.07537310989976657,137465.98725514076,0.07486101637500002,130850.60187327056
+1752,0.07565718289152368,159437.4564434931,0.07497876552446985,52156.03283942364,0.07512511283199996,155756.8765787662,0.07533281411242208,154799.93761361012,0.0756456958055122,173958.55135345992,0.07499187101999993,176596.08998193755,0.07509405701028808,177717.1557282792,0.07513721895029418,196677.6156396023,0.07549426583139862,200135.6901929577,0.07559106814788838,194788.8291412506,0.07498200997973807,207048.56616580798,0.07513142286399997,219383.81942766238,0.07546894824755938,82680.44725587373,0.07498557475666205,80179.66460699376,0.07530680337655613,97965.41638073663,0.07558449599164187,113560.76078095353,0.07563752617830559,121843.15008570389,0.0756276384227524,128091.71458663723,0.07547320699126678,137670.81219808586,0.07496083106350011,131045.5683390137
+1753,0.07575739108078408,159660.0533733845,0.07507860409374344,52271.43974752936,0.07522501324800006,155978.12689614441,0.07543285769026058,155014.99462669925,0.07574588878008909,174190.00230369717,0.07509172703999993,176838.43139949098,0.07519391612865278,177934.89436469198,0.07523713546485578,196928.87952935763,0.07559439085239532,200386.89224474382,0.07569118876795178,195042.78526340643,0.07508185286919168,207299.53785701873,0.07523133167100007,219655.54626057073,0.07556903969085858,82835.94164249056,0.07508542239282286,80329.72011347309,0.07540681241158494,98129.83792035295,0.07568460790686247,113741.70596950779,0.0757377083321842,122032.0233167299,0.0757278074802661,128284.83949022212,0.07557330408276727,137875.72567251787,0.07506064575199992,131240.64933437304
+1754,0.07585759927004437,159882.73151850665,0.07517844266301704,52386.95845968733,0.07532491366399996,156199.45597420758,0.07553290126809918,155230.08825999426,0.0758460817546659,174421.5106778921,0.07519158306000004,177080.87396277025,0.07529377524701748,178152.65696656035,0.07533705197941729,197180.15298858195,0.07569451587339182,200638.11451176836,0.07579130938801508,195296.77757098095,0.07518169575864538,207550.51316419657,0.07533124047799997,219927.26691210305,0.07566913113415769,82991.55045405932,0.07518527002898355,80479.88367211516,0.07550682144661343,98294.35215215977,0.07578471982208328,113922.73428575213,0.0758378904860627,122220.98922698024,0.0758279765377796,128478.050432646,0.07567340117426767,138080.72182266493,0.07516046044049993,131435.8416911741
+1755,0.07595780745930458,160105.4900201011,0.07527828123229074,52502.58809124683,0.07542481408000007,156420.861972686,0.07563294484593767,155445.21223302893,0.0759462747292428,174653.07612874592,0.07529143908000004,177323.41603952675,0.0753936343653823,178370.4429632399,0.07543696849397878,197431.43320575196,0.07579464089438832,200889.35508348534,0.07589143000807867,195550.8132824078,0.07528153864809908,207801.4930582758,0.07543114928499997,220198.97780657516,0.07576922257745689,83147.27321441645,0.07528511766514415,80630.15477158563,0.07560683048164213,98458.9685505579,0.07588483173730397,114103.8691081984,0.07593807263994119,122410.0473674915,0.0759281455952931,128671.34669339171,0.07577349826576787,138285.79807966173,0.07526027512899992,131631.14278919052
+1756,0.07605801564856488,160328.32805409064,0.07537811980156424,52618.32783274412,0.07552471449599997,156642.3448037984,0.07573298842377618,155660.35394012966,0.07604646770381959,174884.69830202195,0.07539129509999994,177566.05605020316,0.07549349348374698,178588.25177470618,0.07553688500854047,197682.71656119553,0.07589476591538483,201140.6113810113,0.07599155062814197,195804.91877316224,0.07538138153755278,208052.46815666804,0.07553105809200007,220470.67408466368,0.07586931402075599,83303.11287083277,0.07538496530130485,80780.53292621557,0.07570683951667073,98623.71867997372,0.07598494365252477,114285.10026020026,0.07603825479381979,122599.19730737145,0.0760283146528067,128864.72756798667,0.07587359535726837,138490.96404389985,0.07536008981749992,131826.55034175148
+1757,0.07615822383782528,160551.24481754034,0.07547795837083784,52734.176935000614,0.07562461491200007,156863.90640795793,0.07583303200161477,155875.54001210874,0.0761466606783965,175116.37683522663,0.07549115111999993,177808.792450256,0.0755933526021118,178806.08280984405,0.07563680152310198,197933.9979247565,0.07599489093638143,201391.8791360058,0.07609167124820537,196059.13177865744,0.07548122442700658,208303.46244811942,0.07563096689899997,220742.34811254204,0.07596940546405519,83459.07358150712,0.07548481293746545,80931.01767124675,0.07580684855169934,98788.58357618902,0.07608505556774538,114466.42285397001,0.0761384369476983,122788.43863061037,0.0761284837103204,129058.19236040486,0.07597369244876857,138696.21836115434,0.07545990450600001,132022.0622041026
+1758,0.07625843202708547,160774.2395156975,0.07557779694011144,52850.13771655744,0.07572451532799997,157085.54626537467,0.07593307557945328,156090.77240881984,0.07624685365297319,175348.11135605114,0.07559100713999993,178051.6236884846,0.0756932117204765,179023.9354644179,0.07573671803766348,198185.26818094004,0.07609501595737792,201643.1501830714,0.07619179186826888,196313.4226599779,0.07558106731646028,208554.47614818768,0.07573087570599997,221013.97888262052,0.07606949690735428,83615.15133073897,0.07558466057362616,81081.60855937435,0.07590685758672804,98953.55646671633,0.07618516748296617,114647.83461183756,0.0762386191015769,122977.77093360468,0.0762286527678339,129251.74037560217,0.07607378954026897,138901.55975345342,0.07555971919450002,132217.6765328772
+1759,0.07635864021634578,160997.31134776655,0.07567763550938494,52966.21223888558,0.07582441574399987,157307.26388033517,0.07603311915729188,156306.0497788174,0.07634704662755,175579.901480488,0.07569086315999983,178294.54815734123,0.07579307083884129,179241.8091186775,0.07583663455222497,198436.50787672237,0.07619514097837442,201894.4276024345,0.07629191248833228,196567.7823688628,0.07568091020591397,208805.50823569234,0.07583078451299986,221285.5709737866,0.07616958835065338,83771.34464939935,0.07568450820978685,81232.30515815,0.07600686662175653,99118.63368568517,0.07628527939818677,114829.33406580708,0.07633880125545539,123167.19382314484,0.0763288218253475,129445.37091166344,0.07617388663176947,139106.98699086485,0.07565953388300002,132413.39173833784
+1760,0.07645884840560618,161220.45948942238,0.07577747407865865,53082.39734559355,0.07592431615999996,157529.0587771902,0.07613316273513038,156521.37035924254,0.07644723960212689,175811.74836306955,0.07579071918000004,178537.56412335736,0.07589292995720599,179459.7031343677,0.07593655106678668,198687.73139036965,0.07629526599937111,202145.70677205845,0.07639203310839578,196822.2059084909,0.07578075309536768,209056.55763886968,0.07593069331999996,221557.1532196073,0.07626967979395258,83927.65257238816,0.07578435584594755,81383.11818366613,0.07610687565678532,99283.81261480103,0.07638539131340757,115010.92013480511,0.076438983409334,123356.70691481236,0.076428990882861,129639.08325088525,0.07627398372326967,139312.4988705644,0.07575934857150002,132609.20590153555
+1761,0.07655905659486648,161443.6830681571,0.07587731264793224,53198.69172466655,0.07602421657599986,157750.9304969939,0.07623320631296888,156736.7314153256,0.0765474325767038,176043.6965914447,0.07589057519999994,178780.66961212142,0.07599278907557079,179677.61685112037,0.07603646758134817,198938.9431100711,0.07639539102036762,202397.01266423464,0.07649215372845918,197076.68982481922,0.07588059598482137,209307.62322519888,0.07603060212699997,221828.73045115074,0.07636977123725168,84084.07433285446,0.07588420348210816,81534.07015353903,0.07620688469181383,99449.09108858807,0.07648550322862827,115192.59196008592,0.0765391655632125,123546.30983152741,0.07652915994037471,129832.87664911228,0.07637408081477007,139518.09419853598,0.07585916326000001,132805.11659097366
+1762,0.07665926478412668,161666.98112384832,0.07597715121720584,53315.100012390365,0.07612411699199996,157972.87859463817,0.07633324989080748,156952.12499333042,0.07664762555128059,176275.73152859593,0.07599043121999993,179023.86218115507,0.07609264819393549,179895.54958183324,0.07613638409590968,199190.17366164963,0.07649551604136422,202648.3441435928,0.07659227434852248,197331.2314495104,0.07598043887427518,209558.70378825784,0.07613051093399988,222100.29545216236,0.07646986268055098,84240.60926917035,0.07598405111826885,81685.14638426741,0.07630689372684243,99614.46707611965,0.07658561514384907,115374.34882529479,0.07663934771709109,123736.00220243377,0.0766293289978883,130026.75032183016,0.07647417790627037,139723.77177039895,0.07595897794850003,133001.1199273871
+1763,0.07675947297338698,161890.3525356638,0.07607698978647934,53431.64744280427,0.07622401740799996,158194.90263628348,0.07643329346864598,157167.5542932441,0.07674781852585749,176507.8425837696,0.07609028723999993,179267.13834424946,0.07619250731230019,180113.50060651457,0.07623630061047137,199441.45439573005,0.07659564106236072,202899.69950962567,0.07669239496858607,197585.82875992428,0.07608028176372887,209809.79803034526,0.07623041974100007,222371.82692302333,0.07656995412384998,84397.25678488784,0.07608389875442945,81836.34155579019,0.07640690276187113,99779.98226071328,0.07668572705906967,115556.1901121095,0.07673952987096959,123925.78366174578,0.0767294980554018,130220.70342512375,0.07657427499777077,139929.5303469008,0.07605879263700002,133197.22038272687
+1764,0.07685968116264738,162113.7958573284,0.07617682835575304,53548.32013861363,0.07632391782399997,158417.00219692758,0.07653333704648448,157383.0325940999,0.0768480115004343,176740.02518117687,0.07619014325999983,179510.49108609575,0.07629236643066499,180331.4691639886,0.07633621712503288,199692.7986427737,0.07669576608335722,203151.07517425506,0.07679251558864937,197840.51880982015,0.07618012465318258,210060.90453850036,0.07633032854799997,222643.33069494515,0.07667004556714928,84554.01632803013,0.07618374639059025,81987.652869286,0.07650691179689974,99945.65701670293,0.07678583897429048,115738.11527340133,0.0768397120248482,124115.65384785912,0.0768296671129153,130414.73502758829,0.07667437208927118,140135.3686144332,0.07615860732550002,133393.4176164317
+1765,0.07695988935190758,162337.30879671383,0.07627666692502665,53665.112583140675,0.07642381823999997,158639.17685794676,0.07663338062432308,157598.5591313189,0.07694820447501119,176972.2763671054,0.07628999928000003,179753.90701749676,0.07639222554902969,180549.45447607018,0.07643613363959448,199944.18797780777,0.07679589110435373,203402.46967025596,0.07689263620871288,198095.291301045,0.07627996754263618,210312.02174979588,0.07643023735499997,222914.84526213093,0.07677013701044828,84710.88737907281,0.07628359402675094,82139.0784349156,0.07660692083192844,100111.46526202015,0.07688595088951107,115920.12381575,0.0769398941787267,124305.61240233722,0.076929836170429,130608.84406564341,0.07677446918077148,140341.28510071393,0.07625842201400011,133589.71047033273
+1766,0.07706009754116788,162560.88445079795,0.07637650549430014,53782.02190084172,0.07652371865599997,158861.4262044053,0.07673342420216157,157814.1330106601,0.077048397449588,177204.5938963219,0.07638985529999993,179997.4169349156,0.07649208466739449,180767.5042744156,0.07653605015415597,200195.61612503792,0.07689601612535032,203653.8901040634,0.07699275682877628,198350.13431888746,0.07637981043208987,210563.1478978201,0.07653014616199987,223186.3669720511,0.07687022845374758,84867.86944338556,0.07638344166291156,82290.61681551333,0.07670692986695693,100277.40028216873,0.07698606280473187,116102.21528758513,0.0770400763326054,124495.65896901496,0.07703000522794261,130803.02926562313,0.07687456627227188,140547.277882495,0.07635823670250012,133786.09779851357
+1767,0.07716030573042817,162784.52950924306,0.07647634406357375,53899.046514228365,0.07662361907199997,159083.7498216868,0.07683346778000008,158029.75308752555,0.07714859042416469,177436.9758735444,0.07648971131999993,180241.0231130548,0.07659194378575919,180985.60847598285,0.07663596666871758,200447.07881955375,0.07699614114634702,203905.33733309899,0.07709287744883968,198605.0425308476,0.07647965332154377,210814.28092335092,0.07663005496899997,223457.88818948192,0.07697031989704668,85024.96204615595,0.07648328929907215,82442.26684149579,0.07680693890198563,100443.4564171758,0.07708617471995258,116284.38927076304,0.07714025848648379,124685.79319296536,0.0771301742854561,130997.28898870258,0.07697466336377218,140753.3434539563,0.07645805139100012,133982.57845221861
+1768,0.07726051391968858,163008.2510379152,0.07657618263284745,54016.18491653987,0.07672351948800006,159306.14729063908,0.07693351135783869,158245.41757483268,0.0772487833987416,177669.42055758004,0.07658956733999994,180484.72491027846,0.07669180290412399,181203.75228111993,0.07673588318327917,200698.57238647938,0.07709626616734352,204156.8105564856,0.07719299806890317,198860.01227060173,0.07657949621099738,211065.41830611878,0.07672996377599997,223729.397459972,0.07707041134034588,85182.16472882203,0.07658313693523285,82594.02751817094,0.07690694793701423,100609.62950519145,0.07718628663517337,116466.64537438085,0.07724044064036249,124876.01471945336,0.0772303433429696,131191.62084966668,0.07707476045527258,140959.48500263106,0.07655786607949992,134179.1512838068
+1769,0.07736072210894877,163232.04861114715,0.07667602120212094,54133.43570204703,0.07682341990399996,159528.61817938328,0.07703355493567718,158461.1213850468,0.07734897637331839,177901.92620937582,0.07668942335999994,180728.52170065363,0.07679166202248869,181421.92933091748,0.07683579969784068,200950.09310066764,0.07719639118834001,204408.30890529222,0.07729311868896657,199115.04062906074,0.07667933910045108,211316.5566846703,0.07682987258299986,224000.92313486233,0.07717050278364498,85339.47704647847,0.07668298457139346,82745.8979732056,0.07700695697204284,100775.91598040638,0.07728639855039397,116648.98323015252,0.07734062279424089,125066.32319250096,0.0773305124004833,131386.02019613507,0.07717485754677297,141165.7024315536,0.07665768076800002,134375.81520293484
+1770,0.07746093029820908,163455.9218098817,0.07677585977139455,54250.79774987522,0.07692332032000007,159751.16202570865,0.07713359851351567,158676.86987362534,0.0774491693478953,178134.49090817932,0.07678927938000003,180972.41287177886,0.07689152114085349,181640.1344758824,0.07693571621240237,201201.63645359242,0.07729651620933652,204659.83142368996,0.07739323930902987,199370.12511097913,0.07677918198990477,211567.6906332245,0.07692978138999997,224272.46433468902,0.07727059422694418,85496.90225766732,0.07678283220755425,82897.87742427053,0.07710696600707154,100942.31141103088,0.07738651046561477,116831.4024887808,0.0774408049481196,125256.71825320205,0.0774306814579969,131580.47761013507,0.07727495463827327,141371.99427616748,0.07675749545650001,134572.56873374144
+1771,0.07756113848746927,163679.87022079556,0.07687569834066824,54368.27008613624,0.07702322073599996,159973.7782824601,0.07723364209135428,158892.6671245621,0.0775493623224721,178367.11218928968,0.07688913540000003,181216.39782277995,0.07699138025921819,181858.36344447156,0.07703563272696388,201453.1945484014,0.07739664123033312,204911.3770406273,0.07749335992909348,199625.2634638151,0.07687902487935848,211818.80453161066,0.07702969019699997,224544.01685592547,0.07737068567024329,85654.44417962716,0.07688267984371486,83049.9651577588,0.07720697504210003,101108.81426188587,0.07748662238083558,117013.902817208,0.077540987101998,125447.1995371735,0.0775308505155104,131775.023235868,0.07737505172977367,141578.35890818198,0.07685731014500002,134769.40950892612
+1772,0.07766134667672968,163903.89343538266,0.07697553690994184,54485.85183978222,0.07712312115200007,160196.4659388126,0.07733368566919278,159108.53898262908,0.07764955529704899,178599.78573660107,0.07698899141999993,181460.47596241368,0.07709123937758298,182076.6173009171,0.07713554924152538,201704.75609605617,0.07749676625132962,205162.94452435133,0.07759348054915678,199880.4535744976,0.07697886776881227,212069.9148673617,0.07712959900399988,224815.5762401621,0.07747077711354237,85812.09889238466,0.07698252747987555,83202.16679482105,0.07730698407712883,101275.42715550066,0.07758673429605617,117196.48389633509,0.07764116925587669,125637.76685097843,0.077631019573024,131969.70497971724,0.07747514882127397,141784.79570160207,0.07695712483350002,134966.3374993703
+1773,0.07776155486598998,164127.9910491424,0.07707537547921534,54603.5422171574,0.07722302156799997,160419.22540997466,0.07743372924703137,159324.51801735433,0.0777497482716259,178832.50133595447,0.07708884743999994,181704.64670728333,0.07719109849594769,182294.89209795778,0.07723546575608688,201956.3461849524,0.07759689127232612,205414.53240211552,0.07769360116922037,200135.69339504116,0.07707871065826598,212321.0334361699,0.07722950781099996,225087.13434995394,0.07757086855684159,85969.86499051159,0.07708237511603615,83354.48627505102,0.07740699311215733,101442.1484147159,0.07768684621127697,117379.1454192109,0.07774135140975519,125828.43108868004,0.0777311886305377,132164.50013884917,0.07757524591277437,141991.3029354648,0.07705693952200002,135163.35356173333
+1774,0.07786176305525028,164352.16266077638,0.07717521404848894,54721.340485455476,0.07732292198400006,160642.05703546028,0.07753377282486988,159540.64624269668,0.07784994124620269,179065.27755936128,0.07718870345999994,181948.90947998647,0.07729095761431248,182513.17862286326,0.07733538227064858,202207.96381147072,0.07769701629332282,205666.1387964362,0.07779372178928368,200390.98087723323,0.07717855354771967,212572.157981905,0.07732941661799997,225358.71512989135,0.07767096000014068,86127.74155169676,0.07718222275219686,83506.91830706966,0.07750700214718603,101608.97648064216,0.07778695812649757,117561.88708956269,0.0778415335636338,126019.18880891176,0.0778313576880512,132359.40101806863,0.07767534300427477,142197.87844935778,0.07715675421050001,135360.45655353018
+1775,0.07796197124451047,164576.4078713436,0.07727505261776264,54839.24596110421,0.07742282239999997,160864.9604537093,0.07763381640270837,159756.88348900568,0.0779501342207796,179298.1177235496,0.07728855948000003,182193.26370740953,0.07739081673267718,182731.4785673957,0.07743529878521008,202459.6063583122,0.07779714131431932,205917.7609898047,0.07789384240934707,200646.3139006326,0.07727839643717338,212823.2857068522,0.07742932542499997,225630.3201962419,0.07777105144343988,86285.72784555053,0.07728207038835745,83659.4610116884,0.07760701118221464,101775.90987272974,0.07788707004171837,117744.7086205472,0.0779417157175123,126210.03676177307,0.07793152674556471,132554.40359744115,0.07777544009577507,142404.5191196274,0.07725656889900002,135557.64527802958
+1776,0.07806217943377088,164800.72628341438,0.07737489118703614,54957.258001346985,0.07752272281599987,161087.93529940193,0.07773385998054698,159973.21537097203,0.07805032719535629,179531.021284826,0.07738841550000003,182437.70881879563,0.07749067585104198,182949.80690921197,0.07753521529977157,202711.27068807263,0.07789726633531592,206169.3927052945,0.07799396302941057,200901.6901714823,0.07737823932662707,213074.4127600633,0.07752923423200007,225901.9487467181,0.07787114288673898,86443.82324352402,0.07738191802451826,83812.11315101484,0.07770702021724323,101942.94715346958,0.07798718195693907,117927.60973369317,0.0780418978713907,126400.972949366,0.0780316958030783,132749.5052043005,0.07787553718727547,142611.21746921595,0.07735638358750002,135754.91846386687
+1777,0.07816238762303118,165025.11750016725,0.07747472975630974,55075.37599782402,0.07762262323199996,161310.9812012624,0.07783390355838547,160189.63401024742,0.0781505201699331,179763.98772571768,0.07748827151999993,182682.24424381877,0.07759053496940668,183168.16251169058,0.07763513181433328,202962.95273616738,0.07799739135631242,206421.0327440087,0.07809408364947397,201157.10703959857,0.07747808221608088,213325.5318650411,0.07762914303899997,226173.59989106833,0.07797123433003818,86602.02717983998,0.07748176566067895,83964.8737573614,0.07780702925227193,102110.08689268806,0.07808729387215987,118110.59015806789,0.0781420800252694,126591.99702202436,0.078131864860592,132944.70384447454,0.07797563427877567,142817.97773066678,0.07745619827600002,135952.27473746717
+1778,0.07826259581229138,165249.58112442345,0.07757456832558335,55193.59937167121,0.07772252364799996,161534.09777888912,0.07793394713622408,160406.13391765018,0.07825071314451,179997.0165508669,0.07758812753999994,182926.86941041084,0.07769039408777138,183386.54428784642,0.07773504832889477,203214.646455145,0.07809751637730893,206672.68078682033,0.07819420426953748,201412.561048275,0.07757792510553457,213576.64214240783,0.07772905184599997,226445.27261333438,0.07807132577333728,86760.33913115521,0.07758161329683955,84117.74201265156,0.07790703828730043,102277.32762526588,0.07818740578738047,118293.64962949452,0.0782422621791478,126783.10897407946,0.0782320339181055,133139.99792136872,0.07807573137027617,143024.80426731767,0.07755601296450013,136149.7125835891
+1779,0.07836280400155168,165474.11675750592,0.07767440689485704,55311.92756960866,0.07782242406399996,161757.28463837598,0.07803399071406268,160622.71070634873,0.0783509061190868,180230.10728365788,0.07768798355999994,183171.58374234554,0.0777902532061362,183604.95118398446,0.07783496484345628,203466.3372273696,0.07819764139830541,206924.35253069917,0.07829432488960088,201668.0458667147,0.07767776799498818,213827.72959004567,0.07782896065300007,226716.965694952,0.07817141721663648,86918.75860476273,0.07768146093300016,84270.7171944149,0.07800704732232913,102444.66779214088,0.07828751770260127,118476.78788989864,0.07834244433302649,126974.30814328567,0.0783322029756191,133335.40320017515,0.07817582846177637,143231.69809587635,0.07765582765300012,136347.2302853144
+1780,0.07846301219081207,165698.72399790978,0.07777424546413055,55430.36006081364,0.07792232447999997,161980.5413656565,0.07813403429190127,160839.3603345832,0.0784510990936637,180463.25946350358,0.07778783957999984,183416.3866564008,0.07789011232450088,183823.38216592727,0.07793488135801788,203718.019300304,0.07829776641930201,207176.04812162032,0.07839444550966418,201923.5525952212,0.07777761088444188,214078.7991699349,0.07792886945999997,226988.6775032164,0.07827150865993558,87077.28513107852,0.07778130856916085,84423.79864698669,0.07810705635735773,102612.10564331673,0.07838762961782188,118660.00468680137,0.07844262648690499,127165.59392810722,0.07843237203313261,133530.92763357417,0.07827592555327677,143438.65614581614,0.07775564234149993,136544.82582559885
+1781,0.07856322038007238,165923.4024396805,0.07787408403340414,55548.89633432512,0.07802222489599997,162203.86751567075,0.07823407786973978,161056.07711518405,0.07855129206824049,180696.47264355657,0.07788769560000004,183661.2775590129,0.0779899714428657,184041.8362061754,0.07803479787257948,203969.70908369275,0.07839789144029873,207427.76644050537,0.07849456612972777,202179.10155426658,0.07787745377389557,214329.8797671168,0.07802877826699997,227260.40446202384,0.07837160010323488,87235.91825862293,0.07788115620532166,84576.9857643513,0.07820706539238644,102779.6393351901,0.07848774153304267,118843.299772785,0.0785428086407836,127356.9657617041,0.07853254109064631,133726.5589346364,0.07837602264477718,143645.67248442274,0.07785545702999992,136742.4967085578
+1782,0.07866342856933257,166148.1516702593,0.07797392260267774,55667.53589696095,0.07812212531199997,162427.26259281323,0.07833412144757838,161272.85942033923,0.0786514850428174,180929.74638879945,0.07798755161999994,183906.25584208485,0.0780898305612304,184260.31227034517,0.07813471438714098,204221.42811504976,0.07849801646129521,207679.50618738675,0.07859468674979107,202434.69192654366,0.07797729666334947,214580.96883653454,0.07812868707399986,227532.14675644645,0.07847169154653388,87394.65755044075,0.07798100384148225,84730.2779790451,0.07830707442741504,102947.2663749068,0.07858785344826337,119026.6729050622,0.0786429907946621,127548.46318620844,0.0786327101481598,133922.29293792442,0.07847611973627747,143852.73803684136,0.07795527171850002,136940.23958063938
+1783,0.07876363675859298,166372.97126751553,0.07807376117195124,55786.2782714984,0.07822202572800006,162650.7260105497,0.07843416502541688,161489.71208385593,0.07875167801739419,181163.08027440615,0.07808740763999994,184151.32087771673,0.07818968967959519,184478.80930041592,0.07823463090170257,204473.17109446475,0.07859814148229172,207931.26578870532,0.07869480736985457,202690.32175034282,0.07807713955280307,214832.06302467646,0.07822859588100008,227803.90835149915,0.07857178298983318,87553.50269950688,0.07808085147764295,84883.67475456864,0.07840708346244372,103114.98030754465,0.07868796536348417,119210.12384515918,0.07874317294854069,127740.09980691994,0.0787328792056734,134118.12698102978,0.07857621682777788,144059.8726348597,0.07805508640700001,137138.04915901143
+1784,0.07886384494785328,166597.8607954309,0.07817359974122494,55905.12299518168,0.07832192614399996,162874.25698594292,0.07853420860325538,161706.63290669673,0.0788518709919711,181396.4738842948,0.07818726365999994,184396.47201117026,0.0782895487979599,184697.3261895739,0.07833454741626418,204724.9234355871,0.07869826650328822,208183.04320731992,0.07879492798991798,202945.98877599093,0.07817698244225678,215083.15733721168,0.07832850468799997,228075.68784133132,0.07867187443313219,87712.46362751452,0.07818069911380356,85037.17557993789,0.07850709249747233,103282.77074382249,0.07878807727870477,119393.65235850913,0.07884335510241919,127931.85234648417,0.0788330482631869,134314.05901452887,0.07867631391927818,144267.07467416435,0.07815490109550002,137335.9114910166
+1785,0.07896405313711348,166822.81979707576,0.07827343831049854,56024.06961842267,0.07842182656000006,163097.8540627373,0.07863425218109397,161923.61880021845,0.07895206396654779,181629.92680994942,0.07828711967999984,184641.70855133608,0.07838940791632469,184915.8617346749,0.07843446393082577,204976.68823174224,0.07879839152428482,208434.83544606413,0.07889504860998138,203201.69142436842,0.07827682533171047,215334.2414176612,0.07842841349499988,228347.48351096638,0.07877196587643127,87871.53732963973,0.07828054674996415,85190.77996560551,0.07860710153250083,103450.66299585317,0.07888818919392557,119577.25821421035,0.0789435372562978,128123.71360388094,0.0789332173207006,134510.08727972643,0.07877641101077858,144474.33755907931,0.07825471578400002,137533.8255077684
+1786,0.07906426132637379,167047.84778197826,0.07837327687977204,56143.11770370539,0.07852172697599996,163321.51486070038,0.07873429575893248,162140.6679298176,0.0790522569411247,181863.43864932278,0.07838697570000004,184887.0297570359,0.07848926703468939,185134.4145109902,0.07853438044538728,205228.49779218764,0.07889851654528132,208686.63613740788,0.07899516923004488,203457.42623441794,0.07837666822116418,215585.29923167443,0.07852832230200008,228619.2931353819,0.07887205731973058,88030.72081755125,0.07838039438612485,85344.48744037664,0.07870711056752953,103618.65815151786,0.07898830110914618,119760.9411847357,0.0790437194101763,128315.67916382493,0.0790333863782141,134706.21010955246,0.07887650810227897,144681.666479206,0.07835453047250002,137731.81313936246
+1787,0.07916446951563418,167272.94419939295,0.07847311544904564,56262.2668246044,0.07862162739200007,163545.24472350834,0.07883433933677098,162357.78358485422,0.0791524499157015,182097.0090058534,0.07848683171999994,185132.4348164796,0.07858912615305419,185352.98205292516,0.07863429695994878,205480.35237920578,0.07899864156627802,208938.43710138026,0.07909528985010827,203713.18720098093,0.07847651111061787,215836.36063812344,0.07862823110899997,228891.11348738338,0.07897214876302958,88190.01270991925,0.07848024202228565,85498.29754894142,0.07880711960255814,103786.75559723159,0.07908841302436698,119944.70104568965,0.07914390156405489,128507.74505531313,0.0791335554357277,134902.42566571338,0.07897660519377928,144889.06322336604,0.07845434516100001,137929.88377239168
+1788,0.07926467770489448,167498.1083631877,0.07857295401831935,56381.51656493274,0.07872152780799997,163769.0437455666,0.07893438291460958,162574.96447677704,0.07925264289027839,182330.63748758764,0.07858668773999994,185377.92281438905,0.07868898527141889,185571.56321612786,0.07873421347451048,205732.25148221626,0.07909876658727452,209190.2606204442,0.07919541047017177,203968.9595896226,0.07857635400007168,216087.43891724787,0.07872813991599997,229162.93833246536,0.07907224020632889,88349.41204042338,0.07858008965844625,85652.2098498922,0.07890712863758684,103954.95474584232,0.07918852493958767,120128.53757561801,0.0792440837179334,128699.9088851287,0.0792337244932412,135098.7304830794,0.07907670228527967,145096.52232786154,0.07855415984950002,138128.0293204331
+1789,0.07936488589415468,167723.33892618556,0.07867279258759294,56500.86651802597,0.07882142822400007,163992.9116388215,0.07903442649244807,162792.20935484293,0.0793528358648552,182564.3237064269,0.07868654375999994,185623.4926749689,0.07878884438978359,185790.1630226068,0.07883412998907198,205984.19458928445,0.07919889160827102,209442.1056252295,0.07929553109023517,204224.74011214607,0.07867619688952537,216338.53264447273,0.07882804872300007,229434.75576257356,0.07917233164962797,88508.91803230334,0.07867993729460696,85806.22391413907,0.07900713767261543,104123.25503284928,0.07928863685480837,120312.45055577777,0.079344265871812,128892.1724188183,0.0793338935507549,135295.12438639824,0.07917679937677997,145304.0452978249,0.07865397453800002,138326.26089346412
+1790,0.07946509408341498,167948.6355438647,0.07877263115686645,56620.31628605403,0.07892132863999997,164216.84811480343,0.07913447007028668,163009.5169864936,0.07945302883943209,182798.0672773277,0.07878639977999993,185869.1430507571,0.07888870350814839,186008.78082336346,0.07893404650363348,206236.18118542712,0.07929901662926751,209693.96906662808,0.07939565171029847,204480.56500191623,0.07877603977897908,216589.6375983025,0.07892795752999997,229706.58778676522,0.07927242309292717,88668.53001518156,0.07877978493076755,85960.33932354474,0.07910714670764393,104291.65591367039,0.07938874877002908,120496.43976999317,0.07944444802569049,129084.53421013209,0.0794340626082685,135491.61217793103,0.07927689646828037,145511.6669150909,0.07875378922650011,138524.6612756597
+1791,0.07956530227267537,168174.00023816866,0.07887246972614004,56739.86547944126,0.07902122905600006,164440.85288434837,0.07923451364812518,163226.8861363397,0.0795532218140089,183031.8678176751,0.07888625580000004,186114.87206310677,0.07898856262651309,186227.41895325662,0.07903396301819497,206488.21075083356,0.07939914165026411,209945.84618943022,0.07949577233036208,204736.43251612512,0.07887588266843268,216840.743876554,0.07902786633699997,229978.4301099866,0.07937251453622628,88828.2473855968,0.07887963256692825,86114.55613688141,0.07920715574267263,104460.15686161694,0.07948886068524987,120680.50500447486,0.0795446301795691,129276.99299878324,0.079534231665782,135688.19313009898,0.07937699355978058,145719.37803719644,0.07885360391500013,138723.203405538
+1792,0.07966551046193558,168399.43259864007,0.07897230829541374,56859.51371637385,0.07912112947199997,164664.9256572553,0.07933455722596368,163444.3155412879,0.0796534147885858,183265.72494656296,0.07898611181999994,186360.67644353805,0.07908842174487789,186446.10772550252,0.07913387953275668,206740.28275883236,0.07949926667126062,210197.74576853693,0.07959589295042538,204992.34029616203,0.07897572555788637,217091.86649558292,0.07912777514399987,230250.28167452978,0.07947260597952548,88988.06958536993,0.07897948020308886,86268.87467796117,0.07930716477770124,104628.75736618806,0.07958897260047047,120864.6460476641,0.0796448123334476,129469.54765853866,0.0796344007232956,135884.86656408687,0.07947709065128107,145927.17496128072,0.07895341860350012,138921.8715876881
+1793,0.07976571865119587,168624.93220269098,0.07907214686468725,56979.26062228416,0.07922102988799987,164889.06614194703,0.07943460080380228,163661.8038774766,0.0797536077631625,183499.63828419047,0.07908596783999994,186606.5458341901,0.07918828086324259,186664.83179016312,0.07923379604731817,206992.39667365537,0.07959939169225712,210449.66683340527,0.07969601357048887,205248.28475191124,0.07907556844734027,217343.00746383602,0.07922768395099997,230522.15899280267,0.07957269742282458,89147.99608828698,0.07907932783924965,86423.29402764082,0.07940717381272994,104797.45693170205,0.07968908451569127,121048.86269013125,0.0797449944873261,129662.19716170782,0.0797345697808092,136081.6318420142,0.07957718774278147,146135.05532256473,0.07905323329199992,139120.6589391206
+1794,0.07986592684045618,168850.49861254948,0.07917198543396084,57099.10582944736,0.07932093030399996,165113.27404504173,0.07953464438164078,163879.3497112061,0.07985380073773929,183733.60745125837,0.07918582385999993,186852.4929389557,0.07928813998160739,186883.58375034254,0.07933371256187968,207244.5519477372,0.07969951671325382,210701.6071317918,0.07979613419055227,205504.26570501216,0.07917541133679398,217594.16425398848,0.07932759275799997,230794.061062296,0.07967278886612378,89308.0263914197,0.07917917547541026,86577.81364772483,0.07950718284775853,104966.25507613336,0.07978919643091197,121233.15472440682,0.07984517664120469,129854.94055300886,0.0798347388383228,136278.48836087153,0.07967728483428167,146343.0172435036,0.07915304798049992,139319.5611352057
+1795,0.07996613502971658,169076.1313712035,0.07927182400323445,57219.048976589955,0.07942083071999996,165337.549070932,0.07963468795947928,164096.95141668493,0.0799539937123162,183967.63206830612,0.07928567987999993,187098.5267841857,0.07938799909997209,187102.3595295578,0.07943362907644137,207496.7480183543,0.07979964173425032,210953.56176802496,0.07989625481061567,205760.27329312923,0.07927525422624758,217845.33298323402,0.07942750156499986,231065.9867390815,0.07977288030942288,89468.16000892254,0.07927902311157095,86732.43308169354,0.07960719188278723,105135.15133004164,0.07988930834613267,121417.52194489988,0.07994535879508319,130047.77692910227,0.07993490789583631,136475.43554758653,0.07977738192578217,146551.0590586538,0.07925286266900002,139518.57503670605
+1796,0.08006634321897678,169301.8299966695,0.07937166257250815,57339.09206218707,0.07952073113599996,165561.89092126797,0.07973473153731787,164314.60701636676,0.0800541866868931,184201.71175511254,0.07938553590000004,187344.64698672498,0.07948785821833688,187321.15604282153,0.07953354559100288,207748.98430344698,0.07989976675524692,211205.5294322762,0.07999637543067918,206016.31481984808,0.07937509711570127,218096.50496844252,0.07952741037200008,231337.93461836403,0.07987297175272198,89628.39646731412,0.07937887074773155,86887.15190760746,0.07970720091781583,105304.14523570507,0.07998942026135338,121601.9641477672,0.0800455409489618,130240.70542089445,0.0800350769533499,136672.47285511123,0.07987747901728237,146759.17918194897,0.07935267735750003,139717.69816281513
+1797,0.08016655140823709,169527.5939734197,0.07947150114178164,57459.28718867349,0.07962063155199997,165786.29929437343,0.07983477511515638,164532.31379856393,0.08015437966146989,184435.84613003075,0.07948539192000004,187590.8531632627,0.07958771733670159,187539.97088346828,0.07963346210556438,208001.26019585767,0.07999989177624342,211457.51359518603,0.08009649605074258,206272.40336341682,0.07947494000515498,218347.6687006129,0.07962731917899997,231609.90281546488,0.07997306319602118,89788.73530175636,0.07947871838389226,87041.9697236669,0.07980720995284434,105473.23634634195,0.08008953217657418,121786.481130823,0.0801457231028403,130433.72517659214,0.0801352460108636,136869.59975917666,0.07997757610878277,146967.37602047148,0.07945249204600002,139916.92843295095
+1798,0.08026675959749728,169753.42273860725,0.07957133971105525,57579.616393037,0.07972053196799997,166010.77388458076,0.07993481869299497,164750.06693516622,0.0802545726360468,184670.03480932213,0.07958524793999994,187837.14492988196,0.07968757645506638,187758.80200331204,0.07973337862012597,208253.57505545497,0.08010001679723992,211709.50290876618,0.08019661667080588,206528.53812157136,0.07957478289460877,218598.85121773096,0.07972722798599997,231881.88833841402,0.08007315463932028,89949.17605279027,0.07957856602005285,87196.88619863769,0.07990721898787304,105642.42422536649,0.08018964409179477,121971.0726934427,0.08024590525671889,130626.83534298149,0.0802354150683771,137066.8157555285,0.08007767320028317,147175.64789892855,0.07955230673450002,140116.2640160452
+1799,0.08036696778675768,169979.3156572075,0.07967117828032894,57700.067884221644,0.07982043238399997,166235.31438139203,0.08003486227083348,164967.85305438016,0.08035476561062359,184904.27740639704,0.07968510395999993,188083.52190147561,0.07978743557343108,187977.64656845044,0.07983329513468758,208505.9281972231,0.08020014181823643,211961.51419183903,0.08029673729086947,206784.71825784925,0.07967462578406248,218850.06258685488,0.07982713679300008,232153.88412169565,0.08017324608261948,90109.71826337914,0.07967841365621366,87351.92124361059,0.08000722802290162,105811.70844577113,0.08028975600701557,122155.73863646787,0.0803460874105974,130820.03504133398,0.0803355841258906,137264.12035768118,0.08017777029178347,147383.992972654,0.07965212142300002,140315.70322454037
+1800,0.08046717597601798,170205.2719686311,0.07977101684960235,57820.63663265483,0.07992033280000006,166459.9204684476,0.08013490584867197,165185.69344618253,0.08045495858520049,185138.5735310489,0.07978495997999993,188329.9836911916,0.07988729469179588,188196.50187140482,0.07993321164924917,208758.3188725594,0.08030026683923303,212213.5537212625,0.08039685791093278,207040.94287887003,0.07977446867351617,219101.30232138076,0.07992704559999997,232425.8892430853,0.08027333752591859,90270.36147592677,0.07977826129237425,87507.07027565502,0.08010723705793033,105981.08858956512,0.08038986792223628,122340.47876214264,0.080446269564476,131013.32333066221,0.08043575318340421,137461.51309494046,0.08027786738328388,147592.40910115305,0.07975193611150001,140515.24441553353
+1801,0.08056738416527828,170431.2906279274,0.07987085541887604,57941.31951644862,0.08002023321599996,166684.59182235028,0.08023494942651058,165403.59485817188,0.08055515155977719,185372.92278854683,0.07988481599999983,188576.52990979573,0.07998715381016058,188415.3650228433,0.08003312816381068,209010.7462364711,0.08040039186022972,212465.62070935813,0.08049697853099637,207297.21098046066,0.07987431156296988,219352.569679285,0.08002695440699997,232697.90800835728,0.08037342896921779,90431.10522914142,0.07987810892853495,87662.3409470469,0.08020724609295893,106150.56424724196,0.08048997983745697,122525.2928740291,0.08054645171835449,131206.69914084199,0.0805359222409179,137658.99351071136,0.08037796447478417,147800.89362559048,0.07985175080000002,140714.8858482197
+1802,0.08066759235453848,170657.3691400572,0.07997069398814964,58062.11429866987,0.08012013363200006,166909.32811094096,0.08033499300434908,165621.55878777607,0.080655344534354,185607.32477862257,0.07998467202000004,188823.1911346291,0.08008701292852528,188634.2327500783,0.08013304467837218,209263.20928274342,0.08050051688122623,212717.7142696733,0.08059709915105967,207553.52124053336,0.07997415445242358,219603.86412585128,0.08012686321400007,232969.95733818857,0.08047352041251687,90591.94905444422,0.07997795656469556,87817.73619246011,0.08030725512798763,106320.13501730225,0.08059009175267777,122710.18077690623,0.0806466338722332,131400.16111939997,0.0806360912984314,137856.5611610719,0.08047806156628458,148009.44288807866,0.07995156548850002,140914.62530884918
+1803,0.08076780054379888,170883.50879983904,0.08007053255742314,58183.01924197203,0.08022003404799996,167134.1289911811,0.08043503658218758,165839.58575383338,0.0807555375089309,185841.77909432288,0.08008452803999994,189069.97624438105,0.0801868720468901,188853.10109172366,0.08023296119293388,209515.7066862093,0.08060064190222271,212969.8333732368,0.08069721977112307,207809.8714402471,0.08007399734187738,219855.18510000472,0.08022677202099997,233242.03684709204,0.08057361185581607,90752.8924716471,0.08007780420085625,87973.2465466573,0.08040726416301623,106489.80050582599,0.08069020366789847,122895.1422767361,0.0807468160261116,131593.70711205277,0.080736260355945,138054.22925152446,0.08057815865778498,148218.05079815505,0.08005138017700011,141114.45771685772
+1804,0.08086800873305917,171109.7116597133,0.08017037112669684,58304.0329249563,0.08031993446400007,167358.99410608268,0.08053508016002618,166057.6773357855,0.08085573048350769,186076.2853206246,0.08018438405999993,189316.86814286571,0.08028673116525478,189071.96472231968,0.08033287770749538,209768.23621728912,0.08070076692321922,213221.97676582087,0.08079734039118658,208066.2637703265,0.08017384023133108,220106.53184418028,0.08032668082799997,233514.1461386378,0.08067370329911518,90913.93498335034,0.08017765183701685,88128.86858111245,0.08050727319804474,106659.56032608078,0.08079031558311907,123080.1771805846,0.08084699817999029,131787.33114893382,0.0808364294134585,138252.01116098335,0.08067825574928528,148426.73921086063,0.08015119486550012,141314.3874290953
+1805,0.08096821692231938,171335.97700480316,0.08027020969597044,58425.154141721694,0.08041983487999997,167583.9230802512,0.08063512373786468,166275.838425844,0.0809559234580846,186310.8430327623,0.08028424007999993,189563.86155476028,0.0803865902836196,189290.8151807633,0.08043279422205687,210020.7923598218,0.08080089194421582,213474.1427816072,0.08089746101124998,208322.69795803944,0.08027368312078478,220357.90353196912,0.08042658963499986,233786.2848038747,0.08077379474241449,91075.0760673897,0.08027749947317765,88284.60010937975,0.08060728223307344,106829.41409815868,0.08089042749833987,123265.28529653863,0.08094718033386869,131981.04099287302,0.0809365984709722,138449.89438366468,0.08077835284078567,148635.52455939265,0.08025100955399991,141514.41769472184
+1806,0.08106842511157968,171562.30399412714,0.08037004826524394,58546.38184158035,0.08051973529600007,167808.91551275764,0.08073516731570318,166494.0640145119,0.0810561164326615,186545.4517942027,0.08038409610000004,189810.95336952453,0.0804864494019843,189509.64044936956,0.08053271073661858,210273.3836760858,0.08090101696521232,213726.32876175834,0.08099758163131347,208579.17316115816,0.08037352601023838,220609.2992454442,0.08052649844200006,234058.45241960697,0.08087388618571348,91236.31516593108,0.08037734710933825,88440.43950704823,0.08070729126810203,106999.36144862711,0.08099053941356067,123450.46643366881,0.0810473624877474,132174.84036504556,0.0810367675284857,138647.87508679528,0.08087844993228598,148844.42231025733,0.08035082424249992,141714.54772456657
+1807,0.08116863330084008,171788.69158643688,0.08046988683451754,58667.71509030428,0.08061963571199997,168033.970964686,0.08083521089354177,166712.35212627923,0.0811563094072383,186780.11115401317,0.08048395212000004,190058.14138012897,0.08058630852034909,189728.46241470316,0.08063262725118008,210526.01213497983,0.08100114198620902,213978.52677827244,0.08109770225137687,208835.68850328197,0.08047336889969207,220860.71793794623,0.08062640724899997,234330.6485463293,0.08097397762901258,91397.65166880585,0.08047719474549896,88596.38546891822,0.08080730030313073,107169.40201023003,0.08109065132878127,123635.72040197664,0.0811475446416259,132368.72881841174,0.0811369365859993,138845.95106416062,0.08097854702378637,149053.4256812747,0.08045063893099992,141914.7848992496
+1808,0.08126884149010039,172015.1383843344,0.08056972540379125,58789.15304392024,0.08071953612799987,168259.08893400893,0.08093525447138028,166930.70142553284,0.0812565023818152,187014.82064348244,0.08058380813999994,190305.4238574422,0.0806861676387138,189947.2712090696,0.08073254376574159,210778.67715537664,0.08110126700720552,214230.74372324048,0.08119782287144017,209092.24306622287,0.08057321178914598,221112.15836628524,0.08072631605599986,234602.8727257191,0.08107406907231188,91559.08488601912,0.08057704238165955,88752.4368939678,0.08090730933815933,107339.53542157584,0.08119076324400197,123821.04701228278,0.08124772679550449,132562.70591463931,0.0812371056435128,139044.12075384066,0.08107864411528677,149262.53062290372,0.08055045361950001,142115.1290164525
+1809,0.08136904967936058,172241.642217957,0.08066956397306484,58910.695967158834,0.08081943654399996,168484.268790567,0.08103529804921888,167149.11082275616,0.08135669535639199,187249.5797715835,0.08068366415999993,190552.79935723555,0.08078602675707859,190166.043694433,0.08083246028030308,211031.37813089901,0.08120139202820202,214482.98792548172,0.08129794349150368,209348.83588017055,0.08067305467859967,221363.61894380127,0.08082622486300008,234875.12447758182,0.08117416051561088,91720.61399775319,0.08067689001782025,88908.59282181556,0.08100731837318803,107509.76132688929,0.08129087515922277,124006.44607625347,0.081347908949383,132756.77122236352,0.0813372747010265,139242.38293170783,0.08117874120678707,149471.73418497923,0.08065026830800003,142315.5759822065
+1810,0.08146925786862087,172468.19809566703,0.08076940254233834,59032.34694475381,0.08091933695999996,168709.5094721862,0.08113534162705738,167367.5793523721,0.08145688833096869,187484.38801859974,0.08078352017999993,190800.26661635647,0.08088588587544329,190384.80615727813,0.08093237679486479,211284.1258693125,0.08130151704919862,214735.2585955616,0.08139806411156708,209605.46591052704,0.08077289756805328,221615.0973006181,0.08092613366999997,235147.40329598586,0.08127425195891018,91882.23794952927,0.08077673765398105,89064.85239403385,0.08110732740821654,107680.07937579197,0.08139098707444348,124191.91740627443,0.0814480911032614,132950.92431532094,0.0814374437585401,139440.73657817353,0.08127883829828747,149681.03396305628,0.08075008299650002,142516.12406819515
+1811,0.08156946605788128,172694.79944817512,0.08086924111161194,59154.103234289054,0.08101923737599996,168934.80953271544,0.08123538520489589,167586.1061174507,0.08155708130554559,187719.2448268572,0.08088337619999983,191047.8244892989,0.08098574499380809,190603.58871081052,0.08103229330942628,211536.9622263584,0.08140164207019512,214987.55486216358,0.08149818473163058,209862.13203963655,0.08087274045750698,221866.58708558162,0.08102604247699997,235419.70864439572,0.08137434340220918,92043.95517352886,0.08087658529014165,89221.21482883017,0.08120733644324513,107850.48922300566,0.08149109898966417,124377.4608154261,0.08154827325714009,133145.16477018577,0.0815376128160536,139639.18080913945,0.08137893538978767,149890.42780297884,0.08084989768500002,142716.77202401808
+1812,0.08166967424714149,172921.46636252909,0.08096907968088564,59275.96349173036,0.08111913779199996,169160.17182022374,0.08133542878273457,167804.69025871865,0.0816572742801224,187954.14958649353,0.08098323222000003,191295.47190463776,0.08108560411217279,190822.39034729108,0.08113220982398778,211789.86346685924,0.08150176709119163,215239.87574538225,0.08159830535169398,210118.83304053,0.08097258334696068,222118.09250909198,0.08112595128400008,235692.03994931528,0.08147443484550848,92205.76224839575,0.08097643292630226,89377.67940354027,0.08130734547827383,108020.99052817599,0.08159121090488497,124563.07611743719,0.08164845541101859,133339.49216394313,0.0816377818735671,139837.71483604587,0.08147903248128817,150099.9134003612,0.08094971237350002,142917.51881290722
+1813,0.08176988243640178,173148.19902099177,0.08106891825015924,59397.92678152921,0.08121903820799997,169385.59610184873,0.08143547236057298,168023.33093386836,0.08175746725469929,188189.10161188728,0.08108308823999993,191543.20783058874,0.08118546323053749,191041.2117842671,0.08123212633854948,212042.82084033117,0.08160189211218812,215492.22011209134,0.08169842597175737,210375.56753714004,0.08107242623641447,222369.61937777206,0.08122586009099997,235964.3965917337,0.08157452628880758,92367.65592497506,0.08107628056246295,89534.24544193478,0.08140735451330243,108191.58295566861,0.08169132282010558,124748.76312662176,0.0817486375648972,133533.9060702897,0.0817379509310808,140036.33794069084,0.08157912957278857,150309.48946954342,0.08104952706200003,143118.36351750244
+1814,0.08187009062566218,173374.9968285993,0.08116875681943274,59519.99232715223,0.08131893862399997,169611.11523745474,0.08153551593841168,168242.02730111784,0.0818576602292761,188424.10009880355,0.08118294425999993,191791.03124240943,0.08128532234890229,191260.04888101335,0.08133204285311098,212295.82968120984,0.08170201713318472,215744.58659040937,0.08179854659182087,210632.33394040083,0.08117226912586818,222621.16602728658,0.08132576889799997,236236.77789537792,0.08167461773210678,92529.662506007,0.08117612819862355,89690.91230462723,0.08150736354833113,108362.26617434784,0.08179143473532637,124934.52165783409,0.0818488197187757,133728.40639112622,0.0818381199885944,140235.04945844234,0.08167922666428877,150519.15424268207,0.08114934175050002,143319.30529433876
+1815,0.08197029881492247,173601.85842551375,0.08126859538870634,59642.15944188445,0.08141883904000007,169836.73291167585,0.08163555951625018,168460.7797467948,0.081957853203853,188659.14403482754,0.08128280027999994,192038.94108293924,0.08138518146726699,191478.89468370558,0.08143195936767259,212548.88664256784,0.08180214215418143,215996.97336084288,0.08189866721188428,210889.1303362412,0.08127211201532188,222872.7300959976,0.08142567770499987,236509.18310998712,0.08177470917540589,92691.77673923784,0.08127597583478426,89847.67938145933,0.08160737258335973,108533.03985743661,0.08189154665054707,125120.35152640719,0.08194900187265429,133923.00473347923,0.0819382890461079,140433.84876656366,0.08177932375578928,150728.90370011763,0.08124915643900002,143520.3433465682
+1816,0.08207050700418268,173828.78524202993,0.08136843395798005,59764.427499051395,0.08151873945599997,170062.43400192654,0.08173560309408878,168679.59007032486,0.08205804617842989,188894.2319612891,0.08138265629999994,192286.93619535977,0.08148504058563179,191697.76637944218,0.08153187588223408,212801.98890466394,0.08190226717517791,216249.37725277626,0.08199878783194757,211145.95426487844,0.08137195490477557,223124.30734894896,0.08152558651199997,236781.6113862441,0.08187480061870508,92853.99592464969,0.08137582347094485,90004.54608520065,0.08170738161838843,108703.9036823177,0.08199165856576777,125306.25254809619,0.08204918402653279,134117.69696698996,0.0820384581036215,140632.73527555828,0.08187942084728947,150938.7382710434,0.08134897112750011,143721.47690321933
+1817,0.08217071519344298,174055.7778165819,0.08146827252725354,59886.795916194256,0.08161863987200006,170288.2132211221,0.08183564667192728,168898.45559935077,0.0821582391530067,189129.37666114053,0.08148251232000003,192535.01510629297,0.08158489970399649,191916.69778966496,0.08163179239679567,213055.13374332793,0.08200239219617442,216501.79318550412,0.08209890845201118,211402.80219471842,0.08147179779422928,223375.88504793003,0.08162549531899997,237054.06173624803,0.08197489206200419,93016.31870477868,0.08147567110710566,90161.51184593524,0.08180739065341693,108874.85733039991,0.08209177048098847,125492.22453904717,0.0821493661804114,134312.47974482478,0.08213862716113521,140831.70842269214,0.08197951793878987,151148.66139479718,0.08144878581600012,143922.70519716467
+1818,0.08227092338270338,174282.83589220102,0.08156811109652715,60009.26414543167,0.08171854028799996,170514.0672588652,0.08193569024976578,169117.37478208606,0.08225843212758359,189364.57841841146,0.08158236834000003,192783.1759327461,0.08168475882236129,192135.66926306178,0.08173170891135728,213308.3180008979,0.08210251721717092,216754.2271227231,0.08219902907207448,211659.66769024378,0.08157164068368288,223627.4813993603,0.08172540412599986,237326.53296614514,0.08207498350530339,93178.74414753962,0.08157551874326635,90318.5761055908,0.08190739968844553,109045.90048692923,0.08219188239620927,125678.26731573038,0.0822495483342899,134507.35120313903,0.0822387962186487,141030.76766690693,0.08207961503029028,151358.67159698525,0.08154860050450012,144124.02742795774
+1819,0.08237113157196357,174509.95921137743,0.08166794966580074,60131.83166707833,0.08181844070400006,170739.99348625707,0.08203573382760437,169336.3476628132,0.0823586251021603,189599.84226429553,0.08168222435999993,193031.41934283677,0.08178461794072599,192354.6653190198,0.08183162542591878,213561.53533792723,0.08220264223816752,217006.68282897337,0.08229914969213807,211916.53120730133,0.08167148357313678,223879.10473274902,0.08182531293300006,237599.0235484043,0.08217507494860248,93341.27152562134,0.08167536637942695,90475.74830224346,0.08200740872347423,109217.06679422359,0.08229199431142988,125864.3806948773,0.08234973048816849,134702.3089207298,0.0823389652761622,141229.91248473615,0.08217971212179058,151568.76678965575,0.08164841519299992,144325.44808004226
+1820,0.08247133976122388,174737.14751594258,0.08176778823507425,60254.497985107046,0.08191834111999996,170965.98929125935,0.08213577740544288,169555.37649511744,0.08245881807673709,189835.16486152328,0.08178208037999994,193279.74463515703,0.08188447705909079,192573.67498021718,0.08193154194048027,213814.78457643208,0.08230276725916402,217259.15872770737,0.08239927031220137,212173.4213323505,0.08177132646259047,224130.75446980158,0.08192522173999997,237871.53133646713,0.08227516639190158,93503.90023000848,0.08177521401558756,90633.04572004078,0.08210741775850283,109388.35631134332,0.08239210622665068,126050.5644934436,0.082449912642047,134897.36261844356,0.0824391343336758,141429.14236689836,0.08227980921329098,151778.94598034676,0.08174822988149992,144526.9700745255
+1821,0.08257154795048417,174964.40054699872,0.08186762680434795,60377.26262377941,0.08201824153600007,171192.05056466223,0.08223582098328149,169774.4571450587,0.082559011051314,190070.5441978805,0.08188193639999994,193528.14487227995,0.08198433617745549,192792.72714851407,0.08203145845504198,214068.07671332362,0.08240289228016072,217511.65289707787,0.08249939093226477,212430.3508833282,0.08187116935204408,224382.43000703925,0.08202513054699986,238144.0527018298,0.08237525783520078,93666.62972781574,0.08187506165174825,90790.46056898848,0.08220742679353153,109559.7555587444,0.08249221814187137,126236.81852854132,0.0825500947959256,135092.53933282313,0.0825393033911895,141628.4568153735,0.08237990630479128,151989.20997746685,0.08184804457000001,144728.59024734882
+1822,0.08267175613974458,175191.71804470237,0.08196746537362154,60500.12512505055,0.08211814195199997,171418.1789572045,0.08233586456111998,169993.58629196597,0.08265920402589079,190305.97882741917,0.08198179241999984,193776.6227631159,0.08208419529582028,193011.82010458433,0.08213137496960347,214321.4103462936,0.08250301730115722,217764.162888001,0.08259951155232828,212687.3191368667,0.08197101224149778,224634.13071252356,0.08212503935400008,238416.57592480478,0.08247534927849988,93829.45953892244,0.08197490928790906,90947.98600265058,0.08230743582856004,109731.26005506862,0.08259233005709207,126423.14261737066,0.08265027694980409,135287.84672882324,0.082639472448703,141827.8636983332,0.08248000339629168,152199.55643115644,0.08194785925850002,144930.30729309568
+1823,0.08277196432900479,175419.09974820496,0.08206730394289515,60623.08504648533,0.08221804236799987,171644.3734697951,0.08243590813895847,170212.75852633512,0.0827593970004677,190541.4675829845,0.08208164844000003,194025.1879514803,0.08218405441418498,193230.9522148958,0.08223129148416498,214574.78392357117,0.08260314232215372,218016.6853656371,0.08269963217239168,212944.325342949,0.08207085513095148,224885.85592168907,0.08222494816099997,238689.109163999,0.08257544072179908,93992.39145786708,0.08207475692406965,91105.6188237265,0.08240744486358884,109902.86712985409,0.08269244197231278,126609.53657718103,0.0827504591036827,135483.27015381103,0.0827396415062165,142027.36217132577,0.08258010048779198,152409.98209100423,0.08204767394700002,145132.1199893652
+1824,0.08287217251826508,175646.54539546475,0.08216714251216864,60746.14330560259,0.08231794278399997,171870.62733649198,0.08253595171679708,170431.96274422324,0.0828595899750445,190777.00945695472,0.08218150445999993,194273.83986063476,0.08228391353254978,193450.1220311027,0.08233120799872667,214828.19511455751,0.08270326734315021,218269.2152542751,0.08279975279245518,213201.36872033338,0.08217069802040528,225137.60493237214,0.08232485696799997,238961.6696839224,0.08267553216509818,94155.4699923797,0.08217460456023035,91263.35806523685,0.08250745389861733,110074.57490140534,0.08279255388753357,126796.00022516603,0.0828506412575612,135678.8025211701,0.0828398105637301,142226.9487545748,0.08268019757929237,152620.4789094631,0.08214748863550002,145334.0523368979
+1825,0.08297238070752527,175874.05472305667,0.08226698108144234,60869.30331747816,0.08241784319999997,172096.94889324918,0.08263599529463558,170651.22153416695,0.08295978294962139,191012.60353959998,0.08228136047999994,194522.57793877003,0.08238377265091448,193669.3282182488,0.08243112451328818,215081.64292253376,0.08280339236414681,218521.74273627502,0.08289987341251857,213458.44845067733,0.08227054090985898,225389.3769984335,0.08242476577500008,239234.25684420942,0.08277562360839738,94318.67929672064,0.08227445219639096,91421.20112000573,0.08260746293364593,110246.38191906814,0.08289266580275417,126982.53337845481,0.08295082341143979,135874.44003381956,0.0829399796212438,142426.62199216202,0.08278029467079277,152831.04690448465,0.08224730332400002,145536.09914518506
+1826,0.08307258889678577,176101.6274660123,0.08236681965071595,60992.56242528343,0.08251774361599996,172323.3419746336,0.08273603887247417,170870.53734249706,0.0830599759241982,191248.24898259473,0.08238121649999994,194771.4016458719,0.0824836317692793,193888.56950646656,0.08253104102784968,215335.126362233,0.08290351738514332,218774.23780001802,0.08299999403258188,213715.56367115123,0.08237038379931268,225641.1789262951,0.08252467458199997,239506.8697606206,0.08287571505169648,94482.00932486964,0.08237429983255155,91579.14884771893,0.08270747196867463,110418.28699925399,0.08299277771797497,127169.13585396906,0.08305100556531829,136070.1800880154,0.08304014867875731,142626.38084781705,0.08288039176229307,153041.6980030043,0.08234711801250003,145738.2524105114
+1827,0.08317279708604598,176329.26335760942,0.08246665821998944,61115.91950592348,0.08261764403199996,172549.80596856526,0.08283608245031268,171089.90999425278,0.08316016889877509,191483.94497499397,0.08248107252000003,195020.31044492358,0.082583490887644,194107.8446529425,0.08263095754241118,215588.64489054194,0.08300364240613982,219026.74603346206,0.08310011465264548,213972.71346467972,0.08247022668876637,225893.05309092122,0.08262458338899997,239779.506291572,0.08297580649499578,94645.4557282939,0.08247414746871236,91737.2000991006,0.08280748100370323,110590.28913790078,0.08309288963319557,127355.80746840996,0.0831511877191969,136266.02070090402,0.0831403177362709,142826.2244660824,0.08298048885379347,153252.43955508963,0.08244693270100002,145940.508810054
+1828,0.08327300527530627,176556.96212911716,0.08256649678926305,61239.373818656146,0.08271754444800007,172776.34029693488,0.08293612602815117,171309.34458559717,0.0832603618733518,191719.690725768,0.08258092854000004,195269.30379381875,0.08268335000600868,194327.15240511973,0.08273087405697288,215842.2008518674,0.08310376742713652,219279.28405620126,0.08320023527270877,214229.89684672307,0.08257006957822008,226144.97786517325,0.08272449219599987,240052.16667705108,0.08307589793829478,94809.01578670373,0.08257399510487305,91895.35382886052,0.08290749003873193,110762.3874588616,0.08319300154841637,127542.54803811866,0.0832513698730754,136461.96028432637,0.0832404867937844,143026.15208606128,0.08308058594529368,153463.27102848404,0.08254674738950002,146142.86841859668
+1829,0.08337321346456648,176784.72350949523,0.08266633535853674,61362.92476409643,0.08281744486399996,173002.94440784436,0.08303616960598978,171528.8382910186,0.08336055484792869,191955.48544972276,0.08268078455999994,195518.38113593246,0.0827832091243735,194546.49145451654,0.08283079057153438,216095.79297002498,0.08320389244813302,219531.85749718308,0.08330035589277228,214487.11274706628,0.08266991246767388,226396.94405014667,0.08282440100299997,240324.85438388423,0.08317598938159389,94972.68753987104,0.08267384274103365,92053.60909535685,0.08300749907376043,110934.58118115731,0.08329311346363708,127729.35737902024,0.08335155202695409,136657.99751531996,0.0833406558512981,143226.1629997967,0.08318068303679417,153674.1918965664,0.08264656207800011,146345.32988652232
+1830,0.08347342165382687,177012.5472250888,0.08276617392781024,61486.5718171583,0.08291734528000007,173229.617769004,0.08313621318382827,171748.38933913055,0.0834607478225055,192191.32835492495,0.08278064057999994,195767.5418864559,0.0828830682427382,194765.86035640258,0.08293070708609587,216349.41984170838,0.08330401746912962,219784.4661072835,0.08340047651283568,214744.359983261,0.08276975535712758,226648.94673788946,0.08292430980999997,240597.56902810917,0.08327608082489318,95136.46945891563,0.08277369037719436,92211.96502163884,0.08310750810878924,111106.8695970268,0.08339322537885788,127916.23530654698,0.08345173418083249,136854.1311941023,0.0834408249088116,143426.25652774057,0.08328078012829457,153885.20163004752,0.08274637676650012,146547.89071420341
+1831,0.08357362984308718,177240.43299920036,0.08286601249708384,61610.31449907678,0.08301724569599997,173456.35986178022,0.08323625676166678,171967.9966154952,0.0835609407970824,192427.2186299993,0.08288049659999994,196016.78540855236,0.08298292736110299,194985.25730892102,0.08303062360065748,216603.07987540902,0.08340414249012612,220037.10930670807,0.08350059713289908,215001.6396783091,0.08286959824658127,226900.98229281808,0.08302421861699998,240870.31021404793,0.08337617226819238,95300.36028900785,0.08287353801335495,92370.42076777646,0.08320751714381773,111279.25205664817,0.08349333729407847,128103.18163549184,0.083551916334711,137050.36026709128,0.08354099396632521,143626.4320016574,0.08338087721979477,154096.29967294284,0.08284619145499993,146750.5493112158
+1832,0.08367383803234738,177468.380551614,0.08296585106635754,61734.15236322505,0.08311714611200006,173683.17017520717,0.08333630033950538,172187.65918887928,0.0836611337716592,192663.1554298532,0.08298035261999993,196266.11096159706,0.0830827864794677,195204.67876572174,0.08313054011521907,216856.77118759404,0.08350426751112262,220289.78641322532,0.08360071775296257,215258.9501265708,0.08296944113603488,227153.04752906572,0.08312412742400006,241143.07753308394,0.08347626371149149,95464.35896301095,0.08297338564951565,92528.97550588075,0.08330752617884633,111451.72795703188,0.08359344920929927,128290.19617989234,0.0836520984885896,137246.68378343794,0.0836411630238387,143826.6887503884,0.08348097431129527,154307.48534196665,0.08294600614349992,146953.30432751589
+1833,0.08377404622160768,177696.38959790277,0.08306568963563114,61858.12299395081,0.08321704652799997,173910.0481994756,0.08343634391734388,172407.37619635917,0.0837613267462361,192899.13785772052,0.08308020864000004,196515.51754052183,0.08318264559783249,195424.12640712608,0.08323045662978058,217110.49140230735,0.08360439253211913,220542.49658404416,0.08370083837302597,215516.28858866353,0.08306928402548858,227405.13926663497,0.08322403623099997,241415.87056212442,0.08357635515479057,95628.46880691577,0.08307323328567626,92687.62839115677,0.08340753521387503,111624.29673380338,0.08369356112451987,128477.27875294308,0.08375228064246809,137443.10087084913,0.0837413320813524,144027.026085895,0.08358107140279547,154518.75850146695,0.08304582083199992,147156.1545276203
+1834,0.08387425441086808,177924.45984863068,0.08316552820490464,61982.265405628,0.08331694694400006,174136.99341759083,0.08353638749518238,172627.14678888518,0.08386151972081289,193135.16494012938,0.08318006465999994,196765.0027459937,0.08328250471619719,195643.60113697808,0.08333037314434218,217364.23718083889,0.08370451755311573,220795.2386959417,0.08380095899308948,215773.65234413993,0.08316912691494248,227657.2538368127,0.08332394503799997,241688.688861831,0.08367644659808979,95792.69184836876,0.08317308092183705,92846.37851792085,0.08350754424890353,111796.95785491436,0.08379367303974067,128664.42916684737,0.0838524627963467,137639.61071859935,0.083841501138866,144227.44328720786,0.08368116849429587,154730.11878177882,0.08314563552050001,147359.09872478837
+1835,0.08397446260012838,178152.59100820735,0.08326536677417824,62106.545801846856,0.08341684735999996,174364.00529342043,0.08363643107302098,172846.97008995686,0.0839617126953898,193371.23558779957,0.08327992067999994,197014.5683181474,0.08338236383456199,195863.10118638392,0.08343028965890378,217618.00260248967,0.08380464257411242,221048.01103714528,0.08390107961315288,216031.03770125745,0.08326896980439617,227909.38561086747,0.08342385384500008,241961.5319745274,0.08377653804138888,95957.0242409999,0.08327292855799766,93005.22483115217,0.08360755328393234,111969.71081574957,0.08389378495496137,128851.64723262616,0.0839526449502252,137836.21256452918,0.0839416701963795,144427.93957940885,0.08378126558579638,154941.56570201615,0.08324545020900002,147562.13572734437
+1836,0.08407467078938857,178380.78277314853,0.08336520534345195,62230.953794394125,0.08351674777600006,174591.08325115332,0.08373647465085948,173066.8451463611,0.08406190566996659,193607.3485256139,0.08337977669999994,197264.21590759396,0.08348222295292669,196082.62404465833,0.08353020617346538,217871.77016100823,0.08390476759510893,221300.8099961637,0.08400120023321618,216288.43804562822,0.08336881269384978,228161.5256588643,0.08352376265199997,242234.3994216195,0.08387662948468808,96121.46442027086,0.08337277619415835,93164.16586922632,0.08370756231896083,112142.55513525932,0.08399389687018217,129038.9327599752,0.08405282710410389,138032.90568447855,0.084041839253893,144628.5141026045,0.08388136267729657,155153.09877728022,0.08334526489750002,147765.2642742933
+1837,0.08417487897864888,178609.03482954676,0.08346504391272534,62355.48381791531,0.08361664819199996,174818.22663305292,0.08383651822869807,173286.77084387955,0.0841620986445433,193843.50213446034,0.08347963271999993,197513.94495678338,0.08358208207129139,196302.1632789286,0.08363012268802687,218125.56453941265,0.08400489261610541,221553.62807333254,0.08410132085327977,216545.8336080583,0.08346865558330348,228413.6855204615,0.08362367145899997,242507.2907004855,0.08397672092798718,96286.01127642694,0.08347262383031895,93323.19781489608,0.08380757135398953,112315.4922069941,0.08409400878540277,129226.285557075,0.08415300925798229,138229.68938303043,0.0841420083114067,144829.16591344425,0.08398145976879698,155364.71751512575,0.08344507958600002,147968.4829251302
+1838,0.08427508716790928,178837.3468487082,0.08356488248199904,62480.13216665379,0.08371654860799986,175045.43458210374,0.08393656180653658,173506.74570533555,0.08426229161912019,194079.69374382898,0.08357948874000004,197763.7548138884,0.08368194118965619,196521.72172775626,0.08373003920258838,218379.39655244257,0.08410501763710192,221806.48229568443,0.08420144147334307,216803.25382427932,0.08356849847275717,228665.85611609262,0.08372358026599987,242780.205280544,0.08407681237128638,96450.66390583072,0.08357247146647966,93482.32279031341,0.08390758038901813,112488.53922666909,0.08419412070062357,129413.7054303717,0.084253191411861,138426.56298461696,0.0842421773689203,145029.89389000842,0.08408155686029728,155576.42141084626,0.08354489427450001,148171.78978803026
+1839,0.08437529535716948,179065.7184790003,0.08366472105127264,62604.89609893237,0.08381644902399997,175272.7052380969,0.08403660538437507,173726.76706132427,0.084362484593697,194315.92065028523,0.08367934475999994,198013.64456138306,0.08378180030802089,196741.30694763776,0.08382995571715007,218633.2647881887,0.08420514265809852,222059.3743383917,0.08430156209340657,217060.71115997568,0.08366834136221098,228918.03744286142,0.08382348907299997,243053.14259834858,0.08417690381458548,96615.42152694718,0.08367231910264045,93641.54551244027,0.08400758942404674,112661.68841415651,0.08429423261584416,129601.19218429356,0.0843533735657394,138623.52582377093,0.0843423464264338,145230.69630051125,0.08418165395179768,155788.20994090012,0.08364470896300003,148375.18118657268
+1840,0.08447550354642978,179294.1493274591,0.08376455962054614,62729.7734523217,0.08391634943999987,175500.03817472336,0.08413664896221368,173946.8295889294,0.0844626775682739,194552.1841996913,0.08377920077999994,198263.61239393073,0.08388165942638569,196960.91748565796,0.08392987223171158,218887.1669609137,0.08430526767909502,222312.30397651767,0.08440168271346997,217318.20487854816,0.08376818425166467,229170.25045468955,0.08392339787999997,243326.1020512385,0.08427699525788468,96780.28344093877,0.08377216673880106,93800.8655291919,0.08410759845907544,112834.94107266508,0.08439434453106497,129788.7456209991,0.0844535557196181,138820.57723243823,0.08444251548394731,145431.57042098072,0.08428175104329798,156000.08255307455,0.08374452365150002,148578.65281576486
+1841,0.08457571173569017,179522.6389025818,0.08386439818981974,62854.76244591665,0.08401624985599997,175727.43697136486,0.08423669254005219,174166.94391876904,0.08456287054285079,194788.4751304591,0.08387905679999993,198513.66038113544,0.08398151854475029,197180.5515174669,0.08402978874627308,219141.10296541153,0.08440539270009152,222565.27098329883,0.08450180333353338,217575.73421634545,0.08386802714111838,229422.4938976263,0.08402330668699987,243599.08298898875,0.08437708670118378,96945.24900978195,0.08387201437496165,93960.28239939394,0.08420760749410393,113008.29776524857,0.08449445644628577,129976.36554002759,0.08455373787349649,139017.71651994484,0.08454268454146101,145632.50791827598,0.08438184813479838,156212.0386506317,0.08384433834000002,148782.2166083226
+1842,0.08467591992495048,179751.1861900475,0.08396423675909344,62979.86156655042,0.08411615027199996,175954.90126471064,0.08433673611789068,174387.11091064478,0.0846630635174276,195024.7992792832,0.08397891281999993,198763.78859267518,0.08408137766311499,197400.20636953023,0.08412970526083478,219395.07087551488,0.08450551772108822,222818.27513010538,0.08460192395359688,217833.29837265497,0.08396787003057207,229674.76645413684,0.08412321549400006,243872.08470250588,0.08447717814448288,97110.31764247302,0.08397186201112235,94119.79569112218,0.08430761652913273,113181.75405957342,0.08459456836150638,130164.05173790919,0.08465392002737519,139214.9429328028,0.0846428535989746,145833.51200142418,0.08448194522629877,156424.07756432224,0.08394415302850013,148985.87217032834
+1843,0.08477612811421067,179979.79162736965,0.08406407532836704,63105.08979339473,0.08421605068800006,176182.4306919103,0.08443677969572938,174607.3300602528,0.08476325649200449,195261.17009697,0.08407876883999983,199013.9963346791,0.08418123678147989,197619.87507019774,0.08422962177539628,219649.06385622142,0.08460564274208472,223071.31618626844,0.08470204457366028,218090.89649611214,0.08406771292002578,229927.06671257614,0.08422312430099997,244145.10640805238,0.08457726958778208,97275.48878586278,0.08407170964728296,94279.40498013346,0.08440762556416123,113355.30824656627,0.08469468027672707,130351.80400770936,0.08475410218125369,139412.25554141737,0.0847430226564881,146034.5983584551,0.08458204231779907,156636.19849585718,0.08404396771700012,149189.62652966287
+1844,0.08487633630347098,180208.45583628566,0.08416391389764054,63230.469542445295,0.08431595110399996,176410.02488922558,0.08453682327356778,174827.6008554333,0.0848634494665813,195497.58695816938,0.08417862486000004,199264.28238191453,0.08428109589984449,197839.5616951019,0.08432953828995778,219903.08193175454,0.08470576776308132,223324.39391904406,0.08480216519372358,218348.52766414828,0.08416755580947957,230179.393126451,0.08432303310799998,244418.14722435197,0.08467736103108119,97440.76191804337,0.08417155728344365,94439.10984831312,0.08450763459918993,113528.95878785494,0.08479479219194787,130539.62213848274,0.0848542843351323,139609.65239061648,0.0848431917140017,146235.76667791017,0.08468213940929947,156848.40037709323,0.08414378240550012,149393.5098233043
+1845,0.08497654449273138,180437.1785109731,0.08426375246691424,63355.98035749468,0.08441585152000007,176637.68349048437,0.08463686685140648,175047.9227685081,0.0849636424411582,195734.04920424288,0.08427848087999994,199514.6454396853,0.08438095501820929,198059.27242274868,0.08442945480451927,220157.13963581133,0.08480589278407782,223577.50809341134,0.08490228581378717,218606.1908486223,0.08426739869893328,230431.7439556426,0.08442294191500006,244691.20613773452,0.08477745247438039,97606.1365434018,0.08427140491960446,94598.90988201633,0.08460764363421854,113702.70455925986,0.08489490410716867,130727.50591454818,0.0849544664890108,139807.1337543593,0.0849433607715154,146437.0166534112,0.08478223650079977,157060.68131755758,0.08424359709399992,149597.5049683132
+1846,0.08507675268199158,180665.95933982005,0.08436359103618785,63481.61574770439,0.08451575193599996,176865.4061252336,0.08473691042924487,175268.29524054538,0.0850638354157349,195970.55613556545,0.08437833689999993,199765.08866355717,0.08448081413657399,198279.0048435519,0.08452937131908098,220411.23621974693,0.08490601780507431,223830.6584719892,0.08500240643385047,218863.88485072236,0.08436724158838697,230684.1171744399,0.08452285072199997,244964.28194554415,0.08487754391767949,97771.61218892231,0.08437125255576505,94758.81482672492,0.08470765266924714,113876.5448310691,0.08499501602238928,130915.45511472375,0.08505464864288939,140004.70198801777,0.08504352982902891,146638.34798300872,0.08488233359230017,157273.036936591,0.08434341178250002,149801.60536269378
+1847,0.08517696087125187,180894.79800473613,0.08446342960546144,63607.37193908846,0.08461565235200007,177093.1924162965,0.08483695400708358,175488.71763332677,0.08516402839031169,196207.10700146007,0.08447819291999993,200015.61173538078,0.08458067325493879,198498.75484091003,0.08462928783364247,220665.37087934784,0.08500614282607082,224083.84481486786,0.08510252705391398,219121.60815285516,0.08446708447784057,230936.51031305848,0.08462275952899997,245237.37315615444,0.08497763536097869,97937.18840116581,0.08447110019192565,94918.82884330075,0.08480766170427582,114050.49256300357,0.08509512793761007,131103.46951121607,0.08515483079676789,140202.35920451817,0.0851436988865425,146839.76036860034,0.08498243068380057,157485.47507274803,0.08444322647100001,150005.8072975681
+1848,0.08527716906051218,181123.6941804385,0.08456326817473495,63733.246250082324,0.08471555276799997,177321.0419763049,0.08493699758492208,175709.188887921,0.08526422136488859,196443.70098668238,0.08457804894000004,200266.21427979795,0.08468053237330349,198718.5090659429,0.08472920434820398,220919.54273920326,0.08510626784706742,224337.06687947526,0.08520264767397738,219379.35844861716,0.08456692736729428,231188.920146871,0.08472266833600008,245510.47778899298,0.08507772680427778,98102.86474390027,0.08457094782808636,95078.94525371645,0.08490767073930433,114224.54343272913,0.08519523985283067,131291.54886811422,0.0852550129506464,140400.10992815212,0.085243867944056,147041.25351548177,0.08508252777530087,157697.99697557034,0.08454304115950002,150210.10779243507
+1849,0.08537737724977258,181352.6475335805,0.08466310674400865,63859.236585887644,0.08481545318400006,177548.9544019163,0.08503704116276067,175929.70916371525,0.0853644143394654,196680.33719266026,0.08467790496000004,200516.89591573275,0.08478039149166819,198938.28106025443,0.08482912086276567,221173.750830754,0.08520639286806413,224590.32442037613,0.08530276829404078,219637.12924433505,0.08466677025674818,231441.3419483807,0.08482257714299997,245783.5928864267,0.08517781824757709,98268.64079612576,0.08467079546424695,95239.16184350973,0.08500767977433313,114398.69340659052,0.08529535176805148,131479.69293909165,0.085355195104525,140597.95039470986,0.0853440370015697,147242.8271318418,0.08518262486680127,157910.60230113953,0.08464285584800002,150414.50342618066
+1850,0.08547758543903278,181581.65772163396,0.08476294531328224,63985.34121694802,0.08491535359999997,177776.92926151288,0.08513708474059918,176150.27865892125,0.08546460731404229,196917.0146103236,0.08477776097999994,200767.65625501858,0.08488025061003299,199158.0856256811,0.08492903737732718,221427.9940601109,0.08530651788906062,224843.61718909498,0.08540288891410427,219894.92632427183,0.08476661314620187,231693.76665504015,0.08492248594999997,246056.71270913427,0.08527790969087608,98434.51615044796,0.08477064310040765,95399.47719612623,0.08510768880936163,114572.94058164618,0.08539546368327217,131667.90146232053,0.08545537725840349,140795.87917272258,0.0854442060590832,147444.48092837978,0.08528272195830147,158123.29070707763,0.08474267053650002,150618.98814198174
+1851,0.08557779362829308,181810.72439168708,0.08486278388255575,64111.55866279301,0.08501525401600006,178004.96604547315,0.08523712831843767,176370.896886002,0.0855648002886192,197153.7320786633,0.08487761699999993,201018.4949007569,0.08498010972839769,199377.92227678478,0.08502895389188878,221682.27115835392,0.08540664291005712,225096.9449338818,0.08550300953416767,220152.7557282572,0.08486645603565547,231946.1731875912,0.08502239475699987,246329.82104292844,0.08537800113417537,98600.49041170084,0.08487049073656845,95559.89020636863,0.08520769784439033,114747.28363423012,0.08549557559849297,131856.17413998008,0.0855555594122821,140993.89533026633,0.08554437511659681,147646.2146178653,0.08538281904980197,158336.0618522315,0.08484248522500001,150823.57033761145
+1852,0.08567800181755328,182039.84717887896,0.08496262245182934,64237.887623790295,0.08511515443199996,178233.0641878315,0.08533717189627628,176591.56335023715,0.08566499326319599,197390.48821740516,0.08497747301999993,201269.41144526337,0.08507996884676249,199597.79052486317,0.08512887040645029,221936.58059962123,0.08550676793105362,225350.30739947976,0.08560313015423117,220410.61672326652,0.08496629892510918,232198.58748008788,0.08512230356399997,246602.94580642157,0.08547809257747448,98766.59468044982,0.08497033837272905,95720.39989999119,0.08530770687941894,114921.72151794356,0.08559568751371358,132044.51074677665,0.0856557415661606,141191.99812126628,0.0856445441741103,147848.02791468476,0.08548291614130238,158548.91539633108,0.08494229991350002,151028.25093093843
+1853,0.08577821000681368,182269.02570452206,0.08506246102110304,64364.32693764293,0.08521505484799986,178461.2236789981,0.08543721547411477,176812.2775482646,0.08576518623777289,197627.28130729918,0.08507732903999983,201520.40546758816,0.08517982796512719,199817.68987714592,0.08522878692101198,222190.92045321298,0.08560689295205022,225603.70432685898,0.08570325077429458,220668.50855298102,0.08506614181456287,232451.03612237325,0.08522221237099997,246876.09491179383,0.08557818402077368,98932.83031995432,0.08507018600888964,95881.00530105154,0.08540771591444753,115096.2533497135,0.08569579942893438,132232.9164322073,0.08575592372003919,141390.1868930191,0.085744713231624,148049.9205344028,0.08558301323280257,158761.85099970948,0.08504211460200002,151233.02903948512
+1854,0.08587841819607397,182498.2595736541,0.08516229959037654,64490.87555003665,0.08531495526399996,178689.44401483968,0.08553725905195328,177033.03896639583,0.08586537921234959,197864.10904769602,0.08517718506000004,201771.47653023258,0.08527968708349198,200037.61983593553,0.08532870343557347,222445.28807892834,0.08570701797304672,225857.13545290634,0.08580337139435787,220926.43043513634,0.08516598470401668,232703.5182056344,0.08532212117799987,247149.26786655778,0.08567827546407278,99099.18400442075,0.08517003364505035,96041.70506659313,0.08550772494947623,115270.87835459174,0.08579591134415497,132421.40522303205,0.08585610587391769,141588.4610456805,0.0858448822891375,148251.89219315586,0.08568311032430297,158974.86832290664,0.08514192929050002,151437.9038583112
+1855,0.08597862638533428,182727.54837197246,0.08526213815965014,64617.532493792,0.08541485567999997,178917.72456442154,0.08563730262979188,177253.8534427899,0.0859655721869264,198100.9679453214,0.08527704107999994,202022.62417496362,0.08537954620185668,200257.5798976731,0.08542861995013498,222699.67934558002,0.08580714299404323,226110.60051008358,0.08590349201442138,221184.38155839685,0.08526582759347037,232956.03272430558,0.08542202998500006,247422.4641465695,0.08577836690737178,99265.65134225982,0.08526988128121095,96202.49788615886,0.08560773398450473,115445.59583479755,0.08589602325937577,132609.96810617714,0.0859562880277963,141786.82000998766,0.0859450513466511,148453.94260691755,0.08578320741580327,159187.96702633626,0.08524174397900013,151642.87464339886
+1856,0.08607883457459448,182956.89166169852,0.08536197672892375,64744.296873648724,0.08551475609599997,179146.0641846335,0.08573734620763038,177474.76220147745,0.0860657651615033,198337.85075432787,0.08537689709999993,202273.84791708158,0.08547940532022148,200477.56955198868,0.08552853646469667,222954.0853232045,0.08590726801503992,226364.09922602656,0.08600361263448478,221442.36107883882,0.08536567048292408,233208.57853557804,0.08552193879199997,247695.68318933705,0.08587845835067108,99432.22970381299,0.08536972891737175,96363.38609362514,0.08570774301953343,115620.4051505679,0.08599613517459648,132798.60192150626,0.0860564701816748,141985.26323211106,0.0860452204041646,148656.07149064046,0.08588330450730368,159401.14676991937,0.08534155866749991,151847.9406998539
+1857,0.08617904276385488,183186.2889759768,0.08546181529819724,64871.16785468569,0.08561465651199997,179374.46278765987,0.08583738978546898,177695.7454742378,0.08616595813608009,198574.7429697834,0.08547675311999993,202525.14723758216,0.08557926443858618,200697.58828063594,0.08562845297925818,223208.48694549565,0.08600739303603643,226617.63132308537,0.08610373325454827,221700.36811566795,0.08546551337237777,233461.15429079294,0.08562184759899986,247968.92438502537,0.08597854979397018,99598.91722468735,0.08546957655353245,96524.36922052324,0.08580775205456204,115795.30570743143,0.08609624708981727,132987.3048482985,0.08615665233555339,142183.79016076037,0.0861453894616783,148858.2785566817,0.08598340159880408,159614.4072126195,0.08544137335599992,152053.10137314122
+1858,0.08627925095311519,183415.73981089334,0.08556165386747094,64998.14465339175,0.08571455692799997,179602.92083043093,0.08593743336330747,177916.79472010484,0.086266151110657,198811.67520431947,0.08557660913999983,202776.52157177564,0.085679123556951,200917.6355562968,0.08572836949381968,223462.92784049598,0.08610751805703291,226871.1965178099,0.08620385387461167,221958.40174614158,0.08556535626183148,233713.7583043075,0.08572175640600008,248242.18706385366,0.08607864123726938,99765.71245903695,0.08556942418969306,96685.44678464373,0.08590776108959074,115970.29694732008,0.08619635900503787,133176.07547537467,0.08625683448943189,142382.40023271408,0.0862455585191919,149060.5635123608,0.08608349869030438,159827.7480120639,0.08554118804449992,152258.35604249602
+1859,0.08637945914237538,183645.24423493387,0.08566149243674454,65125.22653057117,0.08581445734399996,179831.43743882142,0.08603747694114598,178137.90572671528,0.08636634408523379,199048.64545156521,0.08567646516000003,203027.9702922616,0.08577898267531568,201137.7108413293,0.08582828600838117,223717.4127080063,0.08620764307802951,227124.7945203156,0.08630397449467507,222216.4609994489,0.08566519915128508,233966.38825197145,0.08582166521299997,248515.4704778416,0.08617873268056848,99932.61422090638,0.08566927182585375,96846.61831974918,0.08600777012461933,116145.37834205305,0.08629647092025867,133364.91249131804,0.0863570166433105,142581.09285154258,0.0863457275767054,149262.92605473037,0.08618359578180478,160041.1688239929,0.08564100273300002,152463.70411569823
+1860,0.08647966733163567,183874.8426629664,0.08576133100601824,65252.412785666544,0.08591435776000006,180060.01109382257,0.08613752051898457,178359.07564823274,0.0864665370598107,199285.66028663807,0.08577632118000003,203279.4926816247,0.08587884179368038,201357.81358632358,0.08592820252294288,223971.9412006778,0.08630776809902602,227378.4250335515,0.08640409511473858,222474.54484896798,0.08576504204073898,234219.04016925846,0.08592157401999997,248788.77377299065,0.08627882412386768,100099.62149966102,0.08576911946201435,97007.88337040097,0.08610777915964783,116320.54938839845,0.08639658283547927,133553.81445092076,0.086457198797189,142779.8673454479,0.08644589663421891,149465.3658560033,0.08628369287330508,160254.66930172787,0.08574081742150003,152669.14502508056
+1861,0.08657987552089608,184104.52864653888,0.08586116957529163,65379.70275209813,0.08601425817599996,180288.63829069716,0.08623756409682308,178580.30226986328,0.0865667300343875,199522.7234813415,0.08587617719999993,203531.08788548803,0.0859787009120452,201577.94322847988,0.08602811903750437,224226.51296873996,0.08640789312002252,227632.08775245803,0.08650421573480198,222732.65220265955,0.08586488493019268,234471.70260588155,0.08602148282699987,249062.0959440659,0.08637891556716679,100266.73341000623,0.08586896709817494,97169.24148681438,0.08620778819467663,116495.80960424761,0.08649669475070007,133742.7793441309,0.0865573809510677,142978.72284539338,0.08654606569173261,149667.88245833234,0.08638378996480547,160468.24909555685,0.08584063211000002,152874.67822418426
+1862,0.08668008371015638,184334.29161445829,0.08596100814456534,65507.09579338055,0.08611415859200007,180517.32456044602,0.08633760767466157,178801.58370732653,0.08666692300896439,199759.83463136217,0.08597603321999994,203782.75482210508,0.0860785600304099,201798.0991897775,0.08612803555206588,224481.12765958405,0.08650801814101912,227885.7823628605,0.08660433635486528,222990.78189054527,0.08596472781964638,234724.38898315147,0.08612139163399997,249335.43575430257,0.08647900701046599,100433.94916025524,0.08596881473433575,97330.69221885406,0.08630779722970514,116671.15852551509,0.08659680666592078,133931.80173030432,0.0866575631049461,143177.65738628735,0.0866462347492462,149870.47563639632,0.08648388705630587,160681.90785202984,0.08594044679850002,153080.3031851103
+1863,0.08678029189941658,184564.12434525182,0.08606084671383894,65634.5912999429,0.08621405900799997,180746.07161086096,0.08643765125250018,179022.91824467876,0.0867671159835413,199996.99332058086,0.08607588923999994,204034.49197652494,0.0861784191487747,202018.28087481577,0.08622795206662738,224735.78491740033,0.08660814316201572,228139.50854017332,0.08670445697492887,223248.93264813998,0.08606457070909998,234977.1077291493,0.08622130044099997,249608.7915734982,0.08657909845376507,100601.26803104533,0.08606866237049646,97492.23510768032,0.08640780626473384,116846.59570359137,0.08669691858114158,134120.88296576578,0.08675774525882479,143376.67190119874,0.0867464038067597,150073.14553982657,0.08658398414780617,160895.64521314917,0.08604026148700002,153286.01939627377
+1864,0.08688050008867688,184794.0219458593,0.08616068528311244,65762.1886863485,0.08631395942400007,180974.87911707992,0.08653769483033869,179244.30421765134,0.08686730895811799,200234.1991194358,0.08617574525999984,204286.29675656045,0.0862782782671394,202238.48766841454,0.08632786858118909,224990.48438268303,0.08670826818301232,228393.26594780403,0.08680457759499217,223507.10309340546,0.08616441359855367,235229.85788454383,0.08632120924799987,249882.16097562504,0.08667918989706429,100768.68936044027,0.08616851000665705,97653.86967201073,0.08650781529976243,117022.12070323547,0.08679703049636217,134310.0333233565,0.08685792741270319,143575.76804872337,0.0868465728642733,150275.8918965266,0.08668408123930657,161109.4608154042,0.08614007617550001,153491.82636054844
+1865,0.08698070827793727,185023.97659872705,0.08626052385238604,65889.88738897051,0.08641385983999997,181203.74674572572,0.08663773840817728,179465.73988662288,0.0869675019326948,200471.47784005187,0.08627560128000003,204538.16066676955,0.08637813738550419,202458.71893266722,0.08642778509575058,225245.22569183214,0.08680839320400882,228647.0542351108,0.08690469821505578,223765.2916935379,0.08626425648800748,235482.6366419566,0.08642111805499997,250155.5391656445,0.08677928134036338,100936.21253308392,0.08626835764281775,97815.59643741837,0.08660782433479103,117197.73310068672,0.08689714241158297,134499.25247867202,0.0869581095665819,143774.94531841727,0.086946741921787,150478.7144327287,0.08678417833080687,161323.35428866115,0.08623989086400002,153697.7235936758
+1866,0.08708091646719748,185253.99327913095,0.08636036242165974,66017.69933727078,0.08651376025600006,181432.6741528765,0.08673778198601578,179687.22319169037,0.08706769490727169,200708.8448747094,0.08637545729999993,204790.0915231525,0.08647799650386889,202678.97400351072,0.08652770161031217,225500.00847658544,0.08690851822500532,228900.87303466193,0.08700481883511907,224023.4967135676,0.08636409937746117,235735.43751911804,0.08652102686199997,250428.9142203007,0.08687937278366269,101103.83697212308,0.08636820527897836,97977.41964545516,0.08670783336981973,117373.43248202538,0.08699725432680357,134688.54012999331,0.0870582917204603,143974.203130518,0.0870469109793005,150681.6128725034,0.08688427542230727,161537.3252548312,0.08633970555250002,153903.7106228529
+1867,0.08718112465645778,185484.0761193863,0.08646020099093334,66145.6569589064,0.08661366067199996,181661.6609813562,0.08683782556385428,179908.75031848814,0.0871678878818485,200946.28157775893,0.08647531331999994,205042.09982445007,0.08657785562223369,202899.2521865766,0.08662761812487378,225754.83236347028,0.08700864324600181,229154.72195876646,0.08710493945518248,224281.71612957751,0.08646394226691488,235988.27201383613,0.08662093566899998,250702.308913844,0.08697946422696168,101271.56213301035,0.08646805291513895,98139.33549625224,0.08680784240484823,117549.21844162232,0.08709736624202437,134877.89599402974,0.08715847387433899,144173.54075446606,0.087147080036814,150884.58693709917,0.08698437251380767,161751.37332622454,0.08643952024100011,154109.78698564568
+1868,0.08728133284571818,185714.2238128174,0.08656003956020684,66273.73988720468,0.08671356108799987,181890.70685689786,0.08693786914169288,180130.3198894326,0.0872680808564254,201183.78229750146,0.08657516933999994,205294.185308737,0.08667771474059839,203119.55660932837,0.08672753463943528,226009.696973119,0.08710876826699843,229408.60059458553,0.08720506007524598,224539.94746074665,0.08656378515636858,236241.14180627803,0.08672084447600006,250975.72726560105,0.08707955567026078,101439.38749866374,0.08656790055129975,98301.35722662682,0.08690785143987693,117725.0905806881,0.08719747815724507,135067.3198027226,0.08725865602821749,144372.95697957824,0.0872472490943276,151087.63634419587,0.08708446960530797,161965.49810353163,0.08653933492950013,154315.95222886506
+1869,0.08738154103497849,185944.4351717503,0.08665987812948044,66401.94130436896,0.08681346150399996,182119.8113826084,0.08703791271953137,180351.93728482723,0.0873682738310022,201421.34371080922,0.08667502536000003,205546.3477141835,0.08677757385896319,203339.89449838363,0.08682745115399688,226264.60191961212,0.08720889328799512,229662.50849725617,0.08730518069530938,224798.18735882436,0.08666362804582228,236494.04621852355,0.08682075328299997,251249.16867730475,0.08717964711355998,101607.31257559714,0.08666774818746045,98463.48551169624,0.08700786047490554,117901.04850577583,0.08729759007246576,135256.87188680941,0.08735883818209589,144572.44933777265,0.0873474181518413,151290.76080705374,0.08718456669680837,162179.69917325012,0.08663914961800012,154522.20590768993
+1870,0.08748174922423868,186174.7090781256,0.08675971669875414,66530.25761951807,0.08691336191999996,182348.9741303397,0.08713795629736988,180573.60075383497,0.0874684668055791,201658.96341929288,0.08677488138000003,205798.58677898112,0.08687743297732789,203560.259782832,0.08692736766855838,226519.5468096338,0.08730901830899163,229916.4451797275,0.08740530131537287,225056.4298536346,0.08676347093527607,236746.98450689012,0.08692066208999998,251522.6324285918,0.08727973855685908,101775.33689080314,0.08676759582362105,98625.71486152575,0.08710786950993424,118077.09182717065,0.08739770198768647,135446.56397299137,0.0874590203359746,144772.02217185934,0.0874475872093548,151493.9600333965,0.08728466378830857,162393.97610446764,0.08673896430649992,154728.54758485215
+1871,0.08758195741349897,186405.0444392279,0.08685955526802765,66658.68640702339,0.08701326233599997,182578.19462625287,0.08723799987520847,180795.30770405987,0.08756865978015599,201896.63948602977,0.08687473739999993,206050.90224125376,0.08697729209569269,203780.64998150163,0.08702728418312008,226774.53124152258,0.08740914332998811,230170.41009680767,0.08750542193543627,225314.66541906467,0.08686331382472978,236999.9558399657,0.08702057089700008,251796.1175177551,0.08737983000015838,101943.45998916683,0.08686744345978176,98788.04314010363,0.08720787854496283,118253.2201571347,0.08749781390290727,135636.3664744553,0.087559202489853,144971.67588646206,0.0875477562668683,151697.23372401443,0.08738476087980908,162608.32844445025,0.08683877899499992,154934.97682989467
+1872,0.08768216560275918,186635.44012627806,0.08695939383730124,66787.2258300635,0.08711316275199997,182807.47232390035,0.08733804345304698,181017.0509652854,0.0876688527547326,202134.37021933089,0.08697459341999994,206303.29664237844,0.08707715121405739,204001.0633344351,0.08712720069768158,227029.55480419326,0.08750926835098462,230424.40261831082,0.08760554255549957,225572.91148888375,0.08696315671418348,237252.9592647807,0.08712047970399997,252069.62171340917,0.08747992144345738,102111.68143132936,0.08696729109594235,98950.46896280162,0.08730788757999153,118429.43310766038,0.08759792581812807,135826.27034379082,0.0876593846437317,145171.41017118032,0.0876479253243819,151900.59474647228,0.08748485797130927,162822.75571284315,0.08693859368350002,155141.49321851484
+1873,0.08778237379201959,186865.89611568872,0.08705923240657494,66915.8744016404,0.08721306316799997,183036.80654519444,0.08743808703088547,181238.83717299407,0.08776904572930949,202372.15403961713,0.08707444943999994,206555.77417838358,0.08717701033242219,204221.49828210112,0.08722711721224308,227284.61707583556,0.08760939337198122,230678.42197898816,0.08770566317556308,225831.1660159184,0.08706299960363718,237505.9936510155,0.08722038851099997,252343.1467254758,0.08758001288675668,102280.00079185689,0.08706713873210316,99112.99128716125,0.08740789661502013,118605.73028763414,0.08769803773334867,136016.27044742985,0.0877595667976101,145371.2247180407,0.0877480943818956,152104.06142032734,0.08758495506280967,163037.25739340662,0.08703840837200003,155348.09633194457
+1874,0.08788258198127988,187096.41833002816,0.08715907097584843,67044.63086424964,0.08731296358399997,183266.19630824067,0.08753813060872408,181460.67271069688,0.0878692387038864,202609.9893552714,0.08717430545999984,206808.33135008832,0.08727686945078689,204441.95329373685,0.08732703372680457,227539.717622399,0.08770951839297772,230932.4671694679,0.08780578379562648,226089.42386638146,0.08716284249309078,237759.0575898806,0.08732029731800008,252616.69319395424,0.08768010433005569,102448.41765767259,0.08716698636826375,99275.60926398897,0.08750790565004864,118782.11129881428,0.08779814964856927,136206.36331257204,0.08785974895148879,145571.11922115917,0.0878482634394091,152307.6193099445,0.08768505215431008,163251.83292191027,0.08713822306050002,155554.78575639974
+1875,0.08798279017054018,187327.00403111166,0.08725890954512204,67173.49412159239,0.08741286400000006,183495.63902854832,0.08763817418656258,181682.5568172719,0.08796943167846319,202847.874311112,0.08727416148000004,207060.96694222855,0.08737672856915159,204662.4267663908,0.08742695024136628,227794.85599567936,0.08780964341397422,231186.53662394176,0.08790590441568998,226347.6712087448,0.08726268538254468,238012.15288794617,0.08742020612499997,252890.26014604693,0.08778019577335498,102616.93162675554,0.08726683400442445,99438.32216709774,0.08760791468507734,118958.57572960819,0.08789826156379008,136396.5463625017,0.08795993110536729,145771.0933763241,0.0879484324969227,152511.26398342903,0.08778514924581038,163466.49060907264,0.08723803774900002,155761.56108260254
+1876,0.08808299835980057,187557.65085028714,0.08735874811439565,67302.46319637117,0.08751276441599996,183725.13535379223,0.08773821776440117,181904.48872215484,0.0880696246530401,203085.80578918147,0.08737401749999994,207313.6802014353,0.08747658768751639,204882.91692974314,0.08752686675592777,228050.03173094656,0.08790976843497092,231440.62598463765,0.08800602503575337,226605.91080450555,0.08736252827199838,238265.28352580988,0.08752011493199997,253163.84616441058,0.08788028721665408,102785.54230690868,0.08736668164058504,99601.12935486922,0.08770792372010593,119135.12314454826,0.08799837347901088,136586.81757103928,0.0880601132592459,145971.1468806248,0.0880486015544362,152714.99295861987,0.08788524633731078,163681.27106065775,0.08733785243750002,155968.42190520652
+1877,0.08818320654906078,187788.35706635236,0.08745858668366935,67431.53720255553,0.08761266483200006,183954.68953874204,0.08783826134223968,182126.46763978462,0.0881698176276169,203323.78578297168,0.08747387351999994,207566.4705488884,0.08757644680588109,205103.42171618162,0.08762678327048928,228305.24434384654,0.08800989345596742,231694.73540137487,0.08810614565581677,226864.1653807222,0.08746237116145197,238518.4380663692,0.08762002373899987,253437.44815648664,0.08798037865995308,102954.24931470255,0.08746652927674575,99764.03024712033,0.08780793275513463,119311.75306397674,0.08809848539423157,136777.17527968084,0.0881602954131244,146171.27943197763,0.0881487706119499,152918.80447598358,0.08798534342881117,163896.15241298403,0.08743766712600003,156175.36782240344
+1878,0.08828341473832108,188019.12109887597,0.08755842525294284,67560.71532622888,0.08771256524799996,184184.30124700366,0.08793830492007838,182348.49276343524,0.08827001060219379,203561.8140958325,0.08757372953999994,207819.33749473962,0.08767630592424588,205323.9385264407,0.08772669978505097,228560.49332618937,0.08811001847696402,231948.87448007098,0.08820626627588028,227122.43194968812,0.08756221405090568,238771.60632192815,0.08771993254600007,253711.06292003844,0.08808047010325239,103123.05227454938,0.08756637691290635,99927.02431010778,0.08790794179016323,119488.47719304262,0.08819859730945218,136967.61809030327,0.08826047756700299,146371.49174813533,0.0882489396694634,153122.6971176508,0.08808544052031148,164111.1257539141,0.08753748181450002,156382.39843545642
+1879,0.08838362292758128,188249.9413277137,0.08765826382221645,67689.99681185503,0.08781246566400007,184413.97013115336,0.08803834849791678,182570.56325795085,0.0883702035767706,203799.88930535773,0.08767358555999993,208072.28060158496,0.08777616504261058,205544.46367355122,0.08782661629961248,228815.7781397446,0.08821014349796052,232203.04287800187,0.08830638689594368,227380.70645231457,0.08766205694035938,239024.81384356628,0.08781984135299997,253984.7007024995,0.08818056154655159,103291.95081779381,0.08766622454906695,100090.11104632527,0.08800795082519174,119665.3578597342,0.08829870922467298,137158.14479739332,0.08836065972088149,146571.833951135,0.088349108726977,153326.6696271591,0.08818553761181187,164326.21550675412,0.08763729650300002,156589.51334829367
+1880,0.08848383111684179,188480.8159528241,0.08775810239149004,67819.38095207722,0.08791236607999997,184643.6958309821,0.08813839207575548,182792.67825097276,0.0884703965513473,204038.00978917335,0.08777344158000004,208325.29946584022,0.08787602416097538,205764.99024750572,0.08792653281417398,229071.0982060459,0.08831026851895701,232457.24023721332,0.08840650751600718,227638.9822436973,0.08776189982981318,239278.0598659541,0.08791975015999998,254258.36402410822,0.08828065298985067,103460.94458190925,0.08776607218522785,100253.28998722334,0.08810795986022044,119842.36193394357,0.08839882113989377,137348.75434281846,0.0884608418747601,146772.29156607433,0.08844927778449051,153530.7207857135,0.08828563470331217,164541.42117959732,0.08773711119150011,156796.71216710002
+1881,0.08858403930610198,188711.74279824088,0.08785794096076374,67948.8670799727,0.08801226649600007,184873.47797134912,0.08823843565359397,183014.83682172917,0.0885705895259243,204276.17356971643,0.08787329759999994,208578.39370696095,0.08797588327934008,205985.50552714407,0.08802644932873557,229326.45288611675,0.08841039353995352,232711.4661810482,0.08850662813607058,227897.24357855623,0.08786174271926687,239531.34116779338,0.08801965896700006,254532.05383950967,0.08838074443314978,103630.03320967274,0.08786591982138846,100416.56068784429,0.08820796889524903,120019.47980598107,0.08849893305511437,137539.44578429734,0.0885610240286386,146972.85226227625,0.0885494468420042,153734.8492714832,0.08838573179481257,164756.72844273777,0.08783692588000012,157003.99449985023
+1882,0.08868424749536227,188942.71889668197,0.08795777953003724,68078.45456298286,0.08811216691199997,185103.31615949507,0.08833847923143248,183237.03798611794,0.08867078250050099,204514.37795514104,0.08797315361999994,208831.56296072525,0.0880757423977049,206206.08313082607,0.08812636584329718,229581.84142170651,0.08851051856095012,232965.7203090515,0.08860674875613388,228155.5053962335,0.08796158560872058,239784.65837245632,0.08811956777399997,254805.76706786215,0.08848083587644898,103799.216348442,0.08796576745754905,100579.92272272686,0.08830797793027773,120196.70708482635,0.08859904497033506,137730.2182726593,0.08866120618251709,147173.5110267891,0.08864961589951781,153939.0533626449,0.08848582888631287,164972.13960682493,0.08793674056849991,157211.35995598117
+1883,0.08878445568462248,189173.73901011448,0.08805761809931084,68208.14279808692,0.08821206732799987,185333.209981663,0.08843852280927107,183459.2806759985,0.0887709754750779,204752.61829247006,0.08807300963999994,209084.80687474043,0.08817560151606958,206426.71047363814,0.08822628235785868,229837.2625750585,0.08861064358194681,233220.00218901766,0.08870686937619747,228413.7590375148,0.08806142849817428,240038.0159756134,0.08821947658099998,255079.5002275059,0.08858092731974808,103968.49364930394,0.08806561509370975,100743.37568276082,0.08840798696530633,120374.04009954899,0.08869915688555587,137921.0710349033,0.0887613883363957,147374.26478177242,0.0887497849570313,154143.32909371576,0.08858592597781327,165187.65044313145,0.08803655525699992,157418.80814595634
+1884,0.08888466387388289,189404.79114992966,0.08815745666858445,68337.93120787095,0.08831196774399996,185563.15899876493,0.08853856638710958,183681.563708568,0.08887116844965469,204990.8815072407,0.08817286565999993,209338.12510527333,0.08827546063443428,206647.37714031403,0.08832619887242028,230092.71649494403,0.08871076860294332,233474.3113431341,0.08880698999626077,228672.01952679062,0.08816127138762797,240291.41345516272,0.08831938538799987,255353.2557029592,0.08868101876304728,104137.86476631746,0.08816546272987034,100906.91917258606,0.08850799600033503,120551.47620749963,0.08879926880077667,138112.00336140028,0.0888615704902743,147575.11132872934,0.0888499540145448,154347.675587995,0.08868602306931347,165403.25729855258,0.08813636994549992,157626.3386808399
+1885,0.08898487206314318,189635.89305273307,0.08825729523785794,68467.8192372656,0.08841186816000006,185793.1627406987,0.08863860996494807,183903.88573793587,0.0889713614242316,205229.1864390324,0.08827272167999983,209591.51731494587,0.0883753197527991,206868.07736291445,0.08842611538698188,230348.20303300145,0.08881089362393982,233728.64721998118,0.08890711061632428,228930.28893765062,0.08826111427708178,240544.8503015531,0.08841929419499997,255627.03556878516,0.08878111020634638,104307.32935561783,0.08826531036603115,101070.55280850099,0.08860800503536363,120729.01336091761,0.08889938071599728,138303.014595848,0.08896175264415279,147776.04895682816,0.0889501230720585,154552.10179640117,0.08878612016081397,165618.95492747697,0.08823618463400001,157833.95117188242
+1886,0.08908508025240337,189867.0419915844,0.08835713380713164,68597.80635078915,0.08851176857599996,186023.22069870587,0.08873865354278668,184126.24517091078,0.0890715543988085,205467.54013327888,0.08837257770000004,209844.98317093577,0.0884751788711638,207088.80630891008,0.08852603190154337,230603.7213854446,0.08891101864493632,233983.00911798957,0.08900723123638768,229188.54247188877,0.08836095716653548,240798.32600865408,0.08851920300199997,255900.8392551941,0.08888120164964558,104476.88707444364,0.08836515800219175,101234.27621668315,0.08870801407039233,120906.64989380272,0.08899949263121808,138494.1041274693,0.08906193479803129,147977.0762571535,0.0890502921295721,154756.60728228992,0.08888621725231437,165834.74183571394,0.08833599932250003,158041.64523009685
+1887,0.08918528844166368,190098.28145926684,0.08845697237640524,68727.89203015617,0.08861166899199996,186253.33231472626,0.08883869712062518,184348.6399992402,0.08917174737338529,205705.94146440423,0.08847243371999994,210098.52234355637,0.0885750379895286,207309.5588374131,0.08862594841610498,230859.27064430324,0.08901114366593292,234237.39563998915,0.08910735185645108,229446.81491321977,0.08846080005598918,241051.84006553265,0.08861911180899987,256174.66619927096,0.08898129309294468,104646.5375800047,0.08846500563835245,101398.08903167096,0.08880802310542082,121084.38440278718,0.08909960454643867,138685.27138457503,0.0891621169519099,148178.19202046393,0.0891504611870856,154961.19163337132,0.08898631434381457,166050.62449994317,0.08843581401100002,158249.42046578904
+1888,0.08928549663092408,190329.59996718884,0.08855681094567874,68858.0757721576,0.08871156940799997,186483.49696606453,0.08893874069846378,184571.0673812818,0.0892719403479622,205944.38912352998,0.08857228973999993,210352.13450506123,0.0886748971078933,207530.32799967512,0.08872586493066648,231114.8497568351,0.08911126868692942,234491.80679708705,0.08920747247651457,229705.12535680665,0.08856064294544287,241305.3919480091,0.08871902061599997,256448.51582417925,0.08908138453624388,104816.28052814786,0.08856485327451305,101561.99089495534,0.08890803214044943,121262.21567458026,0.08919971646165947,138876.5179000663,0.08926229910578849,148379.39517449724,0.0892506302445992,155165.85445765578,0.08908641143531507,166266.60163253918,0.08853562869950002,158457.27648808554
+1889,0.08938570482018438,190560.99626631258,0.08865664951495233,68988.35708672056,0.08881146982399997,186713.7139422369,0.08903878427630228,184793.52191169994,0.08937213332253889,206182.88151310332,0.08867214575999993,210605.81932867249,0.08877475622625809,207751.09914555162,0.08882578144522818,231370.45745746637,0.08921139370792612,234746.2436265122,0.08930759309657797,229963.47327991182,0.08866048583489648,241558.98110855676,0.08881892942299997,256722.3875159558,0.08918147597954298,104986.1155716478,0.08866470091067376,101725.98145369843,0.08900804117547813,121440.14263881503,0.08929982837688018,139067.8754963064,0.08936248125966699,148580.68474165627,0.0893507993021129,155370.59538031218,0.08918650852681527,166482.6720816346,0.08863544338800002,158665.21290440197
+1890,0.08948591300944458,190792.47224632575,0.08875648808422604,69118.73549506094,0.08891137024000006,186943.9824076344,0.08913882785414078,185015.99278026886,0.0894723262971157,206421.4165374994,0.08877200178000004,210859.57648762024,0.08887461534462279,207971.85161385848,0.08892569795978968,231626.09214195432,0.08931151872892262,235000.70533082567,0.08940771371664127,230221.858147254,0.08876032872435018,241812.606962618,0.08891883822999996,256996.28058566703,0.08928156742284209,105156.04235804007,0.08876454854683435,101890.06035949998,0.08910805021050673,121618.1643364198,0.08939994029210097,139259.33185858457,0.08946266341354549,148782.05980739265,0.0894509683596264,155575.4140410759,0.08928660561831567,166698.8347986958,0.08873525807650003,158873.22931986232
+1891,0.08958612119870488,191024.02545749143,0.08885632665349955,69249.21052785391,0.08901127065599997,187174.3013354825,0.08923887143197938,185238.50160666925,0.08957251927169259,206659.99109481936,0.08887185780000004,211113.40565436284,0.08897447446298759,208192.6448221401,0.08902561447435117,231881.75159758318,0.08941164374991913,235255.1907254946,0.08950783433670477,230480.27940998322,0.08886017161380408,242066.26886775956,0.08901874703700006,257270.19417922397,0.08938165886614129,105326.0605265945,0.08886439618299515,102054.22726711801,0.08920805924553543,121796.31272830785,0.08950005220732157,139450.87978058826,0.0895628455674241,148983.51949315972,0.0895511374171399,155780.31009216415,0.08938670270981618,166915.08881423686,0.08883507276500002,159081.32533670435
+1892,0.08968632938796528,191255.65412170545,0.08895616522277314,69379.78172324503,0.08911117107200006,187404.68184336336,0.08933891500981787,185461.0496312887,0.0896727122462694,206898.59921580995,0.08897171381999994,211367.3064997435,0.08907433358135229,208413.4802524866,0.08912553098891288,232137.43225566548,0.08951176877091573,235509.6965919336,0.08960795495676818,230738.73650470644,0.08896001450325768,242319.96608756378,0.08911865584399997,257544.12687536384,0.08948175030944037,105496.16970405554,0.08896424381915585,102218.48183310169,0.08930806828056394,121974.61364362901,0.08960016412254238,139642.51598834418,0.0896630277213026,149185.06292891828,0.0896513064746535,155985.28319657862,0.08948679980131637,167131.43321845008,0.08893488745350002,159289.50055360972
+1893,0.08978653757722557,191487.3568339623,0.08905600379204674,69510.44862460194,0.08921107148799996,187635.14245740062,0.08943895858765638,185683.6351124818,0.0897729052208463,207137.22378190645,0.08907156983999993,211621.27869220494,0.08917419269971709,208634.3571096424,0.08922544750347437,232393.12478316674,0.08961189379191221,235764.22382654733,0.08970807557683168,230997.2288522186,0.08905985739271138,242573.69771915948,0.08921856465099998,257818.07659052295,0.08958184175273957,105666.36949815396,0.08906409145531645,102382.82371423398,0.08940807731559253,122153.04033448933,0.08970027603776297,139834.2383660683,0.08976320987518119,149386.6892182053,0.0897514755321672,156190.33302655246,0.08958689689281678,167347.86714422208,0.08903470214200011,159497.75456491008
+1894,0.08988674576648578,191719.13242146888,0.08915584236132044,69641.21472498542,0.08931097190400006,187865.66574373856,0.08953900216549499,185906.25572835156,0.08987309819542309,207375.8937536338,0.08917142585999993,211875.32189694908,0.08927405181808179,208855.27465370303,0.08932536401803588,232648.82350660296,0.08971201881290872,236018.77782424062,0.08980819619689508,231255.75585623836,0.08915970028216508,242827.46250997533,0.08931847345800006,258092.0473777546,0.08968193319603868,105836.65948709124,0.08916393909147705,102547.25256559758,0.08950808635062123,122331.58475713951,0.08980038795298377,140026.04534676683,0.0898633920290597,149588.39921583576,0.0898516445896807,156395.45926235232,0.08968699398431708,167564.38975014273,0.08913451683050012,159706.08695974285
+1895,0.08998695395574607,191950.97986663008,0.08925568093059394,69772.09102511466,0.08941087231999996,188096.23707859922,0.08963904574333348,186128.9079042278,0.08997329117,207614.61793206856,0.08927128187999994,212129.43577505884,0.08937391093644659,209076.23218863725,0.08942528053259738,232904.55886883553,0.08981214383390522,236273.3581921676,0.08990831681695848,231514.31690183887,0.08925954317161877,243081.25809457953,0.08941838226499997,258366.03899715157,0.08978202463933799,106007.03920080618,0.08926378672763775,102711.76803812527,0.08960809538564983,122510.24233228221,0.08990049986820436,140217.93567920921,0.08996357418293839,149790.19455676747,0.0899518136471942,156600.66159122062,0.08978709107581748,167781.0001999917,0.08923433151900012,159914.4973210829
+1896,0.09008716214500648,192182.8982602562,0.08935551949986754,69903.0703448063,0.08951077273600007,188326.86106058248,0.08973908932117208,186351.5827940257,0.0900734841445769,207853.39586357816,0.08937113790000004,212383.6199824727,0.08947377005481129,209297.22905355023,0.08952519704715887,233160.33257298023,0.08991226885490192,236527.9645035662,0.09000843743702197,231772.91135381346,0.08935938606107258,243335.07961890448,0.08951829107199998,258640.05093187364,0.08988211608263708,106177.50808315323,0.08936363436379835,102876.36977510207,0.08970810442067853,122689.00988531069,0.09000061178342528,140409.90831573596,0.09006375633681679,149992.0713930342,0.0900519827047078,156805.93970634518,0.08988718816731787,167997.69763109405,0.08933414620749992,160122.98522456846
+1897,0.09018737033426667,192414.88677087406,0.08945535806914114,70034.15001291834,0.08961067315199997,188557.5527823788,0.08983913289901058,186574.27568332254,0.0901736771191537,208092.22707295738,0.08947099391999994,212637.87416884943,0.08957362917317609,209518.264615882,0.08962511356172058,233416.17957434768,0.09001239387589842,236782.5962749339,0.09010855805708537,232031.5385547063,0.08945922895052627,243588.93700473045,0.08961819987900008,258914.08264353397,0.08998220752593628,106348.08135773048,0.08946348199995915,103041.05740695773,0.08980811345570713,122867.88498921375,0.09010072369864587,140601.96235026084,0.0901639384906955,150194.0242717979,0.09015215176222151,157011.29330599812,0.08998728525881818,168214.48108701577,0.08943396089599992,160331.55023721402
+1898,0.09028757852352698,192646.94462309225,0.08955519663841464,70165.3305013687,0.08971057356799987,188788.3109569286,0.08993917647684908,186797.0089852594,0.09027387009373039,208331.1110545944,0.08957084993999993,212892.19797611012,0.08967348829154079,209739.33826591808,0.08972503007628208,233672.08659345238,0.09011251889689502,237037.2529026391,0.09020867867714888,232290.1978225902,0.08955907183997998,243842.83114981992,0.08971810868599997,259188.13356838044,0.09008229896923538,106518.78946715423,0.08956332963611985,103205.83054264689,0.08990812249073583,123046.8656750576,0.09020083561386667,140794.09698061246,0.0902641206445739,150396.05851459954,0.090252320819735,157216.72209280328,0.09008738235031857,168431.34931143705,0.08953377558450001,160540.19191581287
+1899,0.09038778671278738,192879.07108117396,0.08965503520768835,70296.61866480236,0.08981047398399997,189019.13452531394,0.09003922005468767,187019.77641447884,0.0903740630683073,208570.04725846072,0.08967070595999993,213146.5910366132,0.08977334740990549,209960.449412235,0.08982494659084359,233928.04566020973,0.09021264391789152,237291.93325271402,0.09030879929721228,232548.88844853293,0.08965891472943367,244096.7616662466,0.08981801749299997,259462.20311273143,0.09018239041253438,106689.60836216442,0.08966317727228044,103370.68875379341,0.09000813152576444,123225.95028037316,0.09030094752908727,140986.3114841171,0.09036430279845259,150598.17725372122,0.0903524898772486,157422.2257729394,0.09018747944181887,168648.3374350567,0.08963359027300002,160748.90980505676
+1900,0.09048799490204767,193111.26543569926,0.08975487377696194,70428.0125775447,0.08991037439999987,189250.02256785287,0.09013926363252618,187242.58453186732,0.09047425604288409,208809.03506561436,0.08977056198000004,213401.05297048375,0.08987320652827029,210181.59747793584,0.08992486310540528,234184.05309910548,0.09031276893888802,237546.63675751447,0.09040891991727558,232807.6096936569,0.08975875761888728,244350.72815610928,0.08991792629999987,259736.29064745552,0.09028248185583368,106860.53692764346,0.08976302490844106,103535.63154029369,0.09010814056079314,123405.13749476561,0.09040105944430807,141178.6052008351,0.0904644849523311,150800.37993288485,0.0904526589347621,157627.8040554647,0.09028757653331927,168865.44118595019,0.08973340496150002,160957.70343523167
+1901,0.09058820309130788,193343.5269916367,0.08985471234623564,70559.55162559761,0.09001027481599996,189480.9742466133,0.09023930721036477,187465.43795297953,0.09057444901746099,209048.07373863063,0.08987041800000004,213655.58338141462,0.08997306564663499,210402.7818972835,0.09002477961996679,234440.10644214117,0.09041289395988451,237801.3654015649,0.09050904053733907,233066.36078561682,0.08985860050834117,244604.73020936907,0.09001783510700007,260010.39550099612,0.09038257329913288,107031.57278286405,0.08986287254460175,103700.67328057064,0.09020814959582163,123584.42733105278,0.09050117135952868,141370.97752164557,0.0905646671062097,151002.66604442307,0.0905528279922758,157833.45665162208,0.09038767362481967,169082.6501237218,0.08983321965000002,161166.5723193928
+1902,0.09068841128056818,193575.85505661412,0.08995455091550913,70691.2194112332,0.09011017523199996,189711.98875130262,0.09033935078820328,187688.33894535044,0.0906746419920378,209287.16229496387,0.08997027401999994,213910.18184847446,0.09007292476499978,210624.00211270578,0.09012469613452838,234696.2037436881,0.09051301898088111,238056.11880774764,0.09060916115740247,233325.14091453786,0.08995844339779488,244858.7674010943,0.09011774391399997,260284.51695040922,0.09048266474243198,107202.71364503696,0.08996272018076255,103865.81323752507,0.09030815863085023,123763.81808379009,0.09060128327474946,141563.42787945108,0.09066484926008819,151205.0351159279,0.09065299704978941,158039.18350308036,0.09048777071631997,169299.9597004535,0.08993303433850001,161375.51594973326
+1903,0.09078861946982839,193808.24892806163,0.09005438948478274,70823.00669128253,0.09021007564799996,189943.0651602378,0.09043939436604177,187911.28704552352,0.09077483496661469,209526.29895046318,0.09007013003999993,214164.8479035983,0.09017278388336449,210845.2575719772,0.09022461264908987,234952.34330178134,0.09061314400187782,238310.8965878904,0.09070928177746587,233583.9492280736,0.09005828628724857,245112.83928796614,0.09021765272099996,260558.65420949404,0.09058275618573108,107373.95782681635,0.09006256781692315,104031.04519499032,0.09040816766587893,123943.30842481033,0.09070139518997017,141755.95574245922,0.0907650314139666,151407.48670231656,0.0907531661073029,158244.98474977096,0.09058786780782037,169517.3666647979,0.09003284902700003,161584.5337929769
+1904,0.09088882765908878,194040.70787736902,0.09015422805405635,70954.90903540762,0.09030997606399996,190174.2025402053,0.09053943794388038,188134.28177820053,0.0908750279411915,209765.48067779947,0.09016998605999993,214419.58087000344,0.09027264300172928,211066.54772547138,0.09032452916365158,235208.5234945375,0.09071326902287431,238565.6983418381,0.09080940239752938,233842.78482550808,0.09015812917670217,245366.94540360745,0.09031756152800006,260832.80641250664,0.09068284762903028,107545.31452640842,0.09016241545308386,104196.36997011602,0.09050817670090754,124122.89724173087,0.09080150710519097,141948.5606090197,0.0908652135678453,151610.0216350148,0.0908533351648166,158450.8598152186,0.09068796489932067,169734.8677696068,0.09013266371550002,161793.62528425158
+1905,0.09098903584834908,194273.23112819457,0.09025406662332984,71086.92354181684,0.09040987647999997,190405.40138270624,0.09063948152171888,188357.32265427965,0.0909752209157684,210004.71377832023,0.09026984207999994,214674.38055206087,0.09037250212009398,211287.87202342995,0.09042444567821308,235464.7426290894,0.09081339404387082,238820.52365642128,0.09090952301759278,234101.64675044976,0.09025797206615588,245621.0852518855,0.09041747033499997,261106.97259092215,0.09078293907232939,107716.79839883251,0.09026226308924445,104361.78620818435,0.09060818573593624,124302.5835176743,0.09090161902041156,142141.24200352054,0.0909653957217239,151812.64248388374,0.0909535042223301,158656.80832544947,0.09078806199082107,169952.4644528437,0.09023247840400002,162002.7898187191
+1906,0.09108924403760928,194505.8178233516,0.09035390519260354,71219.04805694972,0.09050977689599997,190636.66111790104,0.09073952509955738,188580.409168537,0.09107541389034529,210243.99831505975,0.09036969809999984,214929.24691899595,0.09047236123845878,211509.2299128663,0.09052436219277459,235720.99868074208,0.09091351906486732,239075.37210429754,0.09100964363765628,234360.53398175412,0.09035781495560968,245875.2582969015,0.09051737914199998,261381.15163866608,0.09088303051562859,107888.39683918077,0.09036211072540515,104527.29291743076,0.09070819477096473,124482.36628645769,0.09100173093563237,142333.99947304203,0.09106557787560239,152015.34700192456,0.0910536732798437,158862.82994752962,0.09088815908232148,170170.15581007118,0.09033229309250013,162212.02673978536
+1907,0.09118945222686978,194738.4669679216,0.09045374376187715,71351.32190240723,0.09060967731200006,190867.98115527938,0.09083956867739598,188803.54079681422,0.091175606864922,210483.33379078377,0.09046955412000003,215184.17950793853,0.09057222035682348,211730.6208341691,0.09062427870733628,235977.28796030692,0.09101364408586392,239330.24324265393,0.09110976425771967,234619.44542202028,0.09045765784506338,246129.46394602468,0.09061728794899987,261655.34225666116,0.09098312195892769,108060.10562707142,0.09046195836156586,104692.8893031398,0.09080820380599333,124662.24459345934,0.09110184285085297,142526.83258466792,0.09116576002948089,152218.13423482925,0.0911538423373572,159068.92454161303,0.09098825617382177,170387.94073620657,0.09043210778100012,162421.33532156315
+1908,0.09128966041612997,194971.17731652848,0.09055358233115064,71483.74378386544,0.09070957772799997,191099.36089415025,0.09093961225523448,189026.71699238764,0.0912757998394988,210722.71966471552,0.09056941013999993,215439.1778285515,0.0906720794751883,211952.04421697487,0.09072419522189779,236233.6082258508,0.09111376910686042,239585.1366116685,0.09120988487778298,234878.37988252388,0.09055750073451707,246383.70151668956,0.09071719675599997,261929.5428565335,0.09108321340222689,108231.92227887241,0.09056180599772655,104858.57469155228,0.09090821284102203,124842.21742978462,0.09120195476607378,142719.7409232292,0.0912659421833595,152421.00353145096,0.0912540113948707,159275.0924811578,0.09108835326532218,170605.81825352667,0.09053192246949993,162630.71474110102
+1909,0.09138986860539028,195203.94709634728,0.09065342090042425,71616.2966817146,0.09080947814400006,191330.79971036623,0.09103965583307318,189249.9371814147,0.0913759928140757,210962.15533628475,0.09066926615999994,215694.25197219555,0.090771938593553,212173.49947475275,0.09082411173645928,236489.96593223538,0.09121389412785692,239840.0517327671,0.09131000549784657,235137.3360631789,0.09065734362397078,246637.97014894462,0.09081710556299998,262203.751371218,0.09118330484552598,108403.84500783886,0.09066165363388715,105024.34848889131,0.09100822187605064,125022.28350138072,0.09130206668129447,142912.72408940757,0.091366124337238,152623.9543569661,0.0913541804523844,159481.33307951555,0.09118845035682237,170823.7874803415,0.09063173715799992,162840.16403055243
+1910,0.09149007679465047,195436.77294728023,0.09075325946969794,71748.97448175208,0.09090937855999996,191562.29693796855,0.09113969941091157,189473.20075681657,0.09147618578865249,211201.640118975,0.09076912217999994,215949.41049224883,0.09087179771191768,212394.98599736957,0.09092402825102078,236746.35921517108,0.09131401914885362,240094.98810664518,0.09141012611790987,235396.3125245284,0.09075718651342447,246892.26820582536,0.09091701436999987,262477.96479296207,0.09128339628882517,108575.87240465259,0.09076150127004785,105190.21015670958,0.09110823091107934,125202.4444085207,0.09140217859651527,143105.78169816118,0.09146630649111659,152826.98623905925,0.091454349509898,159687.64588568395,0.09128854744832278,171041.84760982654,0.09073155184649992,163049.681982941
+1911,0.09159028498391088,195669.64622396114,0.09085309803897154,71881.77335394149,0.09100927897600007,191793.8518400945,0.09123974298875027,189696.50707000503,0.0915763787632294,211441.17319387844,0.09086897820000003,216204.64411554445,0.0909716568302825,212616.5031398214,0.09102394476558248,237002.78504442004,0.09141414416985012,240349.9452109406,0.09151024673797338,235655.30764696834,0.09085702940287828,247146.59533542482,0.09101692317699997,262752.17704204156,0.09138348773212428,108748.00329699765,0.09086134890620845,105356.15919559078,0.09120823994610792,125382.71936371805,0.09150229051173607,143298.91337729502,0.0915664886449951,153030.09874522174,0.09155451856741151,159894.03050742598,0.09138864453982327,171259.9978949676,0.09083136653500001,163259.2670269188
+1912,0.09169049317317118,195902.5827207619,0.09095293660824504,72014.69050202517,0.09110917939199996,192025.46355482147,0.09133978656658868,189919.85541897616,0.09167657173780619,211680.75351568294,0.09096883422000003,216459.95498467764,0.0910715159486472,212838.0502034875,0.09112386128014398,237259.23528060512,0.09151426919084672,240604.92249749912,0.09161036735803678,235914.3195668599,0.09095687229233197,247400.95306033333,0.09111683198399997,263026.37728640245,0.09148357917542338,108920.236675368,0.09096119654236916,105522.19513322561,0.09130824898113662,125563.09970372233,0.09160240242695666,143492.1187663577,0.0916666707988737,153233.29147085757,0.09165468762492521,160100.48656206828,0.09148874163132348,171478.2376375884,0.09093118122350002,163468.91639064948
+1913,0.09179070136243138,196135.58878684018,0.09105277517751864,72147.72371661782,0.09120907980799986,192257.13096910014,0.09143983014442737,190143.24503069275,0.0917767647123831,211920.37957529663,0.09106869023999993,216715.34983426807,0.09117137506701199,213059.62640054227,0.09122377779470547,237515.72098906376,0.09161439421184323,240859.9193890903,0.09171048797810018,236173.35189016763,0.09105671518178568,247655.34047968834,0.09121674079099987,263300.5753973167,0.09158367061872258,109092.57164911984,0.09106104417852975,105688.31751465239,0.09140825801616513,125743.58172942171,0.09170251434217727,143685.3975155571,0.09176685295275219,153436.56403239764,0.0917548566824388,160307.01365801974,0.09158883872282388,171696.56618000317,0.09103099591200002,163678.62375251317
+1914,0.09189090955169169,196368.66612516006,0.09115261374679234,72280.87116548674,0.09130898022399997,192488.85224734776,0.09153987372226588,190366.67503284157,0.0918769576869599,212160.0484173262,0.09116854625999994,216970.82066827128,0.09127123418537669,213281.23077147757,0.09132369430926718,237772.24626493783,0.09171451923283971,241114.93527558987,0.09181060859816367,236432.41537437754,0.09115655807123937,247909.75645709742,0.09131664959800007,263574.79196224414,0.09168376206202168,109265.00741824137,0.09116089181469055,105854.52589259594,0.09150826705119383,125924.16342779936,0.09180262625739807,143878.7492848649,0.09186703510663079,153639.91606281084,0.0918550257399523,160513.61137954457,0.09168893581432418,171914.9828986038,0.09113081060050002,163888.40045172273
+1915,0.09199111774095207,196601.81226118747,0.09125245231606584,72414.13127879743,0.09140888063999987,192720.623691333,0.09163991730010437,190590.1444049452,0.09197715066153679,212399.75381716265,0.09126840227999994,217226.3639477038,0.09137109330374149,213502.86190619261,0.09142361082382867,238028.81007512775,0.09181464425383622,241369.96950924356,0.09191072921822707,236691.49725126292,0.09125640096069297,248164.19941156203,0.09141655840499997,263849.0262690205,0.09178385350532098,109437.5432541159,0.09126073945085116,106020.81981575611,0.09160827608622243,126104.84336563516,0.09190273817261888,144072.17374324915,0.0919672172605093,153843.34720857674,0.0919551947974658,160720.2792661697,0.09178903290582457,172133.48719874758,0.09123062528900001,164098.24676276016
+1916,0.09209132593021238,196835.02628352513,0.09135229088533944,72547.50267956815,0.09150878105599997,192952.45032465007,0.09173996087794298,190813.65188231622,0.0920773436361135,212639.50863216745,0.09136825829999984,217481.9768836148,0.09147095242210619,213724.51631151116,0.09152352733839018,238285.4110603342,0.09191476927483282,241625.0213989147,0.09201084983829058,236950.588324561,0.09135624385014687,248418.6666565433,0.09151646721199996,264123.2775387931,0.09188394494861998,109610.1784858953,0.09136058708701185,106187.1988100678,0.09170828512125104,126285.62040168408,0.09200285008783957,144265.670567938,0.0920673994143879,154046.85712745864,0.09205536385497941,160927.01677441862,0.09188912999732497,172352.07851066475,0.09133043997750002,164308.16095850582
+1917,0.09219153411947258,197068.3075697659,0.09145212945461303,72680.98413849961,0.09160868147199996,193184.33012054127,0.09184000445578148,191037.19572741148,0.0921775366106903,212879.31407248293,0.09146811432000003,217737.65659780515,0.09157081154047099,213946.19783710112,0.09162344385295178,238542.04691816444,0.09201489429582951,241880.09020292328,0.09211097045835387,237209.69073157955,0.09145608673960058,248673.1495731888,0.09161637601900006,264397.5449104495,0.09198403639191928,109782.9124903314,0.09146043472317245,106353.66233804423,0.09180829415627974,126466.4935700014,0.09210296200306017,144459.2394438024,0.09216758156826639,154250.4454868204,0.09215553291249311,161133.84058596377,0.09198922708882527,172570.7562860726,0.09143025466600002,164518.14008043174
+1918,0.09229174230873288,197301.6556177148,0.09155196802388674,72814.5745429121,0.09170858188799996,193416.26683862996,0.09194004803361998,191260.77292629602,0.0922777295852672,213119.1696051101,0.09156797033999993,217993.40078612458,0.09167067065883569,214167.9081985391,0.09172336036751338,238798.71162912904,0.09211501931682602,242135.17511995416,0.09221109107841728,237468.79402639964,0.09155592962905418,248927.656665666,0.09171628482599997,264671.82741934934,0.09208412783521829,109955.74608098953,0.09156028235933315,106520.20965862408,0.09190830319130823,126647.46202180895,0.09220307391828098,144652.88006279533,0.092267763722145,154454.11196230858,0.0922557019700066,161340.7572214291,0.09208932418032567,172789.51999535176,0.09153006935450002,164728.1744140043
+1919,0.09239195049799329,197535.06999078896,0.09165180659316025,72948.27287457472,0.09180848230399996,193648.26176541086,0.09204009161145858,191484.3749514096,0.09237792255984409,213359.07461190203,0.09166782635999994,218249.20177874438,0.09177052977720049,214389.6467958797,0.09182327688207498,239055.41446102536,0.09221514433782252,242390.27527733063,0.09231121169848078,237727.8939968021,0.09165577251850787,249182.1974055584,0.09181619363299998,264946.1239672253,0.09218421927851758,110128.70045894492,0.09166012999549396,106686.83915857396,0.09200831222633703,126828.52499245548,0.09230318583350178,144846.592123453,0.0923679458760235,154657.85623676423,0.0923558710275202,161547.75386769863,0.09218942127182597,173008.36912514266,0.09162988404300013,164938.27287200876
+1920,0.09249215868725348,197768.55029378715,0.09175164516243384,73082.07875844577,0.09190838271999996,193880.31443508365,0.09214013518929708,191708.01406148425,0.0924781155344209,213599.02834003023,0.09176768237999994,218505.04912610332,0.09187038889556519,214611.41299321532,0.09192319339663647,239312.15806250845,0.09231526935881902,242645.38971541755,0.09241133231854418,237987.00606283746,0.09175561540796158,249436.77135665555,0.09191610244000006,265220.43327788514,0.09228431072181668,110301.76713660518,0.09175997763165455,106853.55273649904,0.09210832126136553,127009.68178095965,0.09240329774872237,145040.37533040243,0.09246812802990209,154861.6779993296,0.0924560400850339,161754.83199846596,0.09228951836332637,173227.30317631576,0.09172969873150012,165148.44760466332
+1921,0.09259236687651377,198002.09616016646,0.09185148373170744,73215.9930956548,0.09200828313599997,194112.42435345633,0.09224017876713558,191931.69500487112,0.0925783085089978,213839.02979796,0.09186753840000003,218760.97186366445,0.09197024801392999,214833.20610491768,0.09202310991119808,239568.94195145887,0.09241539437981562,242900.5173663828,0.09251145293860767,238246.11672101618,0.09185545829741537,249691.37804139123,0.09201601124699997,265494.7538284788,0.09238440216511588,110474.94108053713,0.09185982526781515,107020.36602159664,0.09220833029639414,127190.93173643984,0.09250340966394317,145234.22939396848,0.09256831018378059,155065.60256374977,0.0925562091425474,161961.98985213388,0.09238961545482667,173446.32166212006,0.09182951342000012,165358.69832769886
+1922,0.09269257506577418,198235.70724448937,0.09195132230098094,73350.01405551152,0.09210818355200007,194344.5909891474,0.09234022234497417,192155.41715246177,0.0926785014835746,214079.0774777188,0.09196739442000004,219016.96999236115,0.09207010713229469,215055.0253712362,0.09212302642575967,239825.76562224847,0.09251551940081212,243155.6570240748,0.09261157355867107,238505.216808367,0.09195530118686908,249946.0169228369,0.09211592005399998,265769.0837349901,0.09248449360841499,110648.21991026415,0.09195967290397584,107187.28921117734,0.09230833933142284,127372.2742487036,0.09260352157916386,145428.15402979226,0.0926684923376592,155269.64673318656,0.0926563782000609,162169.22590131915,0.09248971254632707,173665.42410659182,0.09192932810849992,165569.02475644008
+1923,0.09279278325503448,198469.38321771327,0.09205116087025464,73484.14053191114,0.09220808396799997,194576.81376152553,0.09244026592281268,192379.1798336831,0.0927786944581515,214319.1679901827,0.09206725043999994,219273.0427031536,0.09216996625065939,215276.8699056037,0.09222294294032118,240082.62851571548,0.09261564442180861,243410.807299282,0.09271169417873447,238764.33638518088,0.09205514407632277,250200.68737269446,0.09221582886100008,266043.4205419065,0.09258458505171419,110821.60203178378,0.09205952054013646,107354.31089145089,0.09240834836645143,127553.70874135155,0.09270363349438457,145622.1489584608,0.0927686744915377,155473.79169255644,0.0927565472575745,162376.53881896098,0.09258980963782747,173884.61004309202,0.09202914279700002,165779.42660545293
+1924,0.09289299144429468,198703.1237638867,0.09215099943952824,73618.3866365767,0.09230798438400006,194809.09681990938,0.09254030950065129,192602.98232780042,0.09287888743272829,214559.2968402887,0.09216710645999994,219529.20543889917,0.09226982536902419,215498.73852683976,0.09232285945488268,240339.52982579707,0.09271576944280532,243665.96654902087,0.09281181479879798,239023.48300927808,0.09215498696577648,250455.38860665023,0.09231573766799997,266317.76077306876,0.09268467649501329,110995.08622674264,0.09215936817629715,107521.43827501795,0.09250835740148013,127735.2346666496,0.09280374540960527,145816.21390520284,0.09286885664541619,155678.03191465937,0.092856716315088,162583.92719417677,0.09268990672932777,174103.87901296632,0.09212895748550003,165989.90358815863
+1925,0.09299319963355498,198936.92857790476,0.09225083800880174,73752.76450078093,0.09240788479999996,195041.43905351034,0.09264035307848978,192826.82385200635,0.092979080407305,214799.47747161685,0.09226696247999994,219785.4852008773,0.09236968448738889,215720.63058842008,0.09242277596944438,240596.4690469033,0.09281589446380183,243921.13275470218,0.09291193541886138,239282.65185342863,0.09225482985523017,250710.11952335638,0.09241564647499997,266592.09867472865,0.09278476793831238,111168.67149492876,0.09225921581245775,107688.67873935128,0.09260836643650863,127916.85150154974,0.09290385732482608,146010.34859956053,0.0929690387992948,155882.36428644045,0.0929568853726017,162791.38828694622,0.09279000382082818,174323.23056423408,0.09222877217400002,166200.45541652423
+1926,0.09309340782281518,199170.79736378588,0.09235067657807534,73887.26115859878,0.09250778521600006,195273.83795460698,0.09274039665632827,193050.7035443316,0.09307927338188189,215039.71002669868,0.09236681849999993,220041.86015029254,0.09246954360575368,215942.5495052269,0.09252269248400588,240853.44674007955,0.09291601948479843,244176.3032828623,0.09301205603892487,239541.83046085064,0.09235467274468398,250964.87807893503,0.09251555528199996,266866.4174687553,0.09288485938161158,111342.35697819821,0.09235906344861855,107856.0221579204,0.09270837547153733,128098.55874457501,0.09300396924004667,146204.55277514702,0.0930692209531733,156086.78667357125,0.09305705443011521,162998.92375076897,0.09289010091232837,174542.664250387,0.09232858686250002,166411.0818007027
+1927,0.09319361601207568,199404.72983337523,0.09245051514734905,74021.872471775,0.09260768563199996,195506.2918987137,0.09284044023416688,193274.62043765935,0.0931794663564587,215279.9942121983,0.09246667451999983,220298.3267870593,0.09256940272411839,216164.49409618397,0.09262260899856738,241110.46243573743,0.09301614450579491,244431.47429462327,0.09311217665898827,239801.03777267906,0.09245451563413767,251219.65927838025,0.09261546408900007,267140.7173543094,0.09298495082491068,111516.14191821853,0.09245891108477926,108023.46500204003,0.09280838450656594,128280.3559132704,0.09310408115526747,146398.82616932076,0.09316940310705189,156291.3304148829,0.0931572234876288,163206.53534205086,0.09299019800382877,174762.17962911158,0.09242840155100002,166621.7824487403
+1928,0.09329382420133588,199638.7257053696,0.09255035371662254,74156.59595511846,0.09270758604799986,195738.79914598135,0.09294048381200538,193498.57341525776,0.09327965933103559,215520.329720625,0.09256653053999994,220554.88250498235,0.09266926184248318,216386.46284461027,0.09272252551312887,241367.51565148434,0.09311626952679142,244686.63800442894,0.09321229727905157,240060.27856345888,0.09255435852359138,251474.47218405743,0.09271537289599997,267415.03420567943,0.09308504226820988,111690.02563072533,0.09255875872093985,108191.00509234042,0.09290839354159464,128462.2425421679,0.09320419307048806,146593.16852298914,0.09326958526093039,156495.9997636469,0.0932573925451425,163414.22254944293,0.09309029509532928,174981.77626105063,0.09252821623950001,166832.5570661533
+1929,0.09339403239059618,199872.7847044966,0.09265019228589615,74291.42979868666,0.09280748646399997,195971.35738401514,0.09304052738984388,193722.56112117515,0.09337985230561249,215760.71622659767,0.09266638655999994,220811.52489310765,0.09276912096084788,216608.45415964507,0.09282244202769058,241624.60588904598,0.09321639454778792,244941.78529184838,0.09331241789911507,240319.55075320543,0.09265420141304508,251729.31845082412,0.09281528170299996,267689.359196429,0.09318513371150898,111864.00748869941,0.09265860635710045,108358.64083776686,0.09300840257662323,128644.21818104967,0.09330430498570887,146787.57958038355,0.093369767414809,156700.77806780848,0.093357561602656,163621.9848982729,0.09319039218682948,175201.4537084254,0.09262803092800002,167043.40535556365
+1930,0.09349424057985659,200106.90656082166,0.09275003085516983,74426.3725564303,0.09290738688000007,196203.96261631837,0.09314057096768248,193946.58170681132,0.0934800452801893,216001.1533815479,0.09276624257999994,221068.2520817794,0.09286898007921268,216830.46597823664,0.09292235854225207,241881.73263041198,0.09331651956878452,245196.92885317182,0.09341253851917848,240578.8514762452,0.09275404430249867,251984.1977821323,0.09291519051000006,267963.7006072261,0.09328522515480818,112038.08691081103,0.09275845399326116,108526.37097848859,0.09310841161165173,128826.28239350104,0.09340441690092957,146982.05908876125,0.0934699495686875,156905.65968472257,0.0934577306601696,163829.82194155676,0.09329048927832988,175421.2115335185,0.09272784561650002,167254.32701622442
+1931,0.09359444876911678,200341.09100921778,0.09284986942444344,74561.42300892065,0.09300728729599997,196436.6235763451,0.09324061454552098,194170.6310933579,0.09358023825476619,216241.6408061483,0.09286609859999993,221325.06251063367,0.09296883919757738,217052.494701088,0.09302227505681358,242138.89533295395,0.09341664458978112,245452.06260685402,0.09351265913924198,240838.18456855285,0.09285388719195257,252239.10987637704,0.09301509931699997,268238.0690229505,0.09338531659810728,112212.26335310737,0.09285830162942195,108694.19446672245,0.09320842064668053,129008.43475569611,0.09350452881615037,147176.60679825957,0.09357013172256619,157110.6410932789,0.09355789971768311,164037.73324710943,0.09339058636983018,175641.04929689542,0.09282766030500002,167465.3217435495
+1932,0.09369465695837707,200575.33778893953,0.09294970799371695,74696.58009139526,0.09310718771199997,196669.37290929124,0.09334065812335958,194394.7109555584,0.093680431229343,216482.1780786449,0.09296595462000004,221581.95480223277,0.0930686983159422,217274.53108164,0.09312219157137527,242396.09342306157,0.09351676961077772,245707.2143335822,0.09361277975930538,241097.54906599212,0.09295373008140628,252494.05442637528,0.09311500812399998,268512.46406617557,0.09348540804140648,112386.5363028312,0.09295814926558255,108862.11040166425,0.09330842968170903,129190.67485531331,0.09360464073137097,147371.22246163516,0.09367031387644459,157315.71957442566,0.0936580687751967,164245.71842637836,0.09349068346133058,175860.96655520407,0.09292747499350013,167676.3892285542
+1933,0.09379486514763728,200809.64664317315,0.09304954656299054,74831.84285155183,0.09320708812799997,196902.20647554245,0.09344070170119807,194618.82328926082,0.09378062420391989,216722.76471604206,0.09306581064000004,221838.92767607226,0.0931685574343069,217496.59043999412,0.09322210808593678,242653.32628746377,0.09361689463177422,245962.38286856315,0.09371290037936877,241356.94360031682,0.09305357297085988,252749.03111890593,0.09321491693099987,268786.8852987339,0.09358549948470558,112560.90527376319,0.09305799690174325,109030.11799003198,0.09340843871673774,129373.00229065692,0.09370475264659177,147565.90583406232,0.0937704960303233,157520.89295561143,0.0937582378327103,164453.77710330664,0.09359078055283088,176080.96408200258,0.09302728968199991,167887.52915717894
+1934,0.09389507333689757,201044.01731870972,0.09314938513226424,74967.21042278988,0.09330698854399996,197135.11920867948,0.09354074527903658,194842.96610260263,0.0938808171784966,216963.40014052932,0.09316566665999994,222095.97986814647,0.09326841655267158,217718.67645276157,0.09332202460049828,242910.59326112026,0.09371701965277072,246217.56681004874,0.09381302099943227,241616.36665435258,0.09315341586031357,253004.0396340749,0.09331482573799997,269061.3321802094,0.09368559092800488,112735.36980250399,0.09315784453790385,109198.2165204391,0.09350844775176634,129555.41666980767,0.09380486456181238,147760.65667293986,0.0938706781842017,157726.16063936226,0.0938584068902239,164661.90890051122,0.09369087764433127,176301.04527837448,0.09312710437049992,168098.74120957742
+1935,0.09399528152615798,201278.4495656529,0.09324922370153785,75102.68200617356,0.09340688896000006,197368.10829194007,0.09364078885687518,195067.13680612497,0.09398101015307339,217204.11963778877,0.09326552267999993,222353.11000466862,0.0933682756710364,217940.788454491,0.09342194111505987,243167.92538786482,0.09381714467376721,246472.7644515786,0.09391314161949567,241875.81651911075,0.09325325874976728,253259.07964471236,0.09341473454499997,269335.80396927614,0.09378568237130389,112909.92944560872,0.09325769217406445,109366.40534582714,0.09360845678679493,129737.91760995296,0.09390497647703316,147955.47473766768,0.0939708603380804,157931.52128679308,0.0939585759477374,164870.11344775636,0.09379097473583167,176521.2074550959,0.09322691905899992,168310.02505924407
+1936,0.09409548971541828,201512.9431371768,0.09334906227081134,75238.25685773189,0.09350678937599996,197601.17181489532,0.09374083243471368,195291.33176778877,0.0940812031276503,217444.94952928452,0.09336537869999993,222610.31599908505,0.0934681347894011,218162.9257368805,0.09352185762962148,243425.34093256562,0.09391726969476381,246727.97361869697,0.09401326223955897,242135.29123217508,0.09335310163922118,253514.15081562748,0.09351464335199987,269610.2993812812,0.09388577381460318,113084.58377713904,0.09335753981022525,109534.68387092231,0.09370846582182363,129920.50473672846,0.09400508839225387,148150.3597894052,0.0940710424919589,158136.9737223505,0.0940587450052511,165078.3903784798,0.09389107182733197,176741.44936898566,0.09332673374750002,168521.3803719868
+1937,0.09419569790467848,201747.49778922807,0.09344890084008495,75373.93427912898,0.09360668979200007,197834.30834508358,0.09384087601255219,195515.54517994338,0.09418139610222709,217685.86000029277,0.09346523471999983,222867.59664349403,0.09356799390776589,218385.0875307665,0.09362177414418307,243682.81700143006,0.09401739471576032,246983.19132881289,0.09411338285962248,242394.78848410829,0.09345294452867478,253769.27835217875,0.09361455215900007,269884.81464312744,0.09398586525790219,113259.33238678561,0.09345738744638594,109703.05154297102,0.09380847485685213,130103.1776836769,0.09410520030747467,148345.31159084584,0.09417122464583749,158342.5169017296,0.0941589140627647,165286.73932582102,0.09399116891883237,176961.7701031475,0.09342654843600003,168732.80680470803
+1938,0.09429590609393888,201982.1132803643,0.09354873940935864,75509.7136106913,0.09370659020799997,198067.5167400278,0.09394091959039078,195739.76437801064,0.09428158907680399,217926.83898661536,0.09356509074000004,223124.9512451123,0.09366785302613059,218607.27297816973,0.09372169065874458,243940.3461878733,0.09411751973675701,247238.41285093213,0.09421350347968588,242654.30546586323,0.09355278741812847,254024.46764925343,0.09371446096599997,270159.35501534777,0.09408595670120128,113434.17487820046,0.09355723508254656,109871.50784471512,0.09390848389188083,130285.93609172954,0.09420531222269526,148540.32990595602,0.09427140679971599,158548.149883712,0.0942590831202782,165495.15991749003,0.09409126601033267,177182.16875395953,0.09352636312450002,168944.3040039284
+1939,0.09439611428319918,202216.7893715647,0.09364857797863205,75645.59422590326,0.09380649062400007,198300.79604942637,0.09404096316822928,195963.96025548826,0.0943817820513808,218167.89027525077,0.09366494675999994,223382.37975933045,0.09376771214449539,218829.48108306213,0.09382160717330608,244197.9235264813,0.09421764475775352,247493.62505451165,0.09431362409974937,242913.83859172926,0.09365263030758218,254279.70553217933,0.09381436977299996,270433.92292538343,0.09418604814450059,113609.11086764206,0.09365708271870725,110040.05228899095,0.09400849292690944,130468.7796087748,0.09430542413791607,148735.41449972754,0.0943715889535946,158753.87180988505,0.0943592521777917,165703.65176839952,0.09419136310183307,177402.6438531317,0.09362617781300002,169155.871603984
+1940,0.09449632247245938,202451.52582603364,0.09374841654790574,75781.57571498728,0.09390639103999997,198534.14545836253,0.09414100674606787,196188.19723418198,0.09448197502595769,218409.01344179106,0.09376480277999993,223639.8931600495,0.09386757126286009,219051.71060758532,0.09392152368786778,244455.54433076098,0.09431776977875002,247748.83163448612,0.09441374471981277,243173.38289738167,0.09375247319703588,254534.98783080227,0.09391427858000007,270708.51817406947,0.09428613958779958,113784.13998280693,0.09375693035486785,110208.68629099306,0.09410850196193814,130651.70788922753,0.09440553605313667,148930.56513779142,0.0944717711074731,158959.68188990367,0.0944594212353053,165912.2144683012,0.09429146019333347,177623.19542871971,0.09372599250150002,169367.50922477542
+1941,0.09459653066171968,202686.32240903995,0.09384825511717934,75917.66632197554,0.09400629145600006,198767.6006822438,0.09424105032390638,196412.48391823482,0.0945821680005344,218650.21205120924,0.09386465879999993,223897.54823169296,0.09396743038122489,219273.9661692275,0.09402144020242928,244713.2010804097,0.09441789479974662,248004.04776602957,0.09451386533987617,243432.93003232137,0.09385231608648968,254790.31203902935,0.09401418738699997,270983.14056074806,0.09438623103109887,113959.26186183673,0.09385677799102846,110377.43535287537,0.09420851099696673,130834.72059365919,0.09450564796835748,149125.78158606906,0.0945719532613516,159165.57939013746,0.094559590292819,166120.84755714872,0.09439155728483377,177843.82439142992,0.09382580719000001,169579.21646895396
+1942,0.09469673885098008,202921.178887744,0.09394809368645284,76053.8629843088,0.09410619187199996,199001.16701706967,0.09434109390174508,196636.82007136784,0.0946823609751114,218891.51398674917,0.09396451482000004,224155.31999569497,0.09406728949958959,219496.25555897015,0.09412135671699078,244970.88597817218,0.09451801982074312,248259.25707702903,0.09461398595993968,243692.4640633027,0.09395215897594338,255045.67634565773,0.09411409619399996,271257.7898831977,0.09448632247439798,114134.47615243406,0.09395662562718915,110546.28924462198,0.09430852003199543,131017.81738845164,0.09460575988357817,149321.06361030435,0.09467213541523019,159371.56362505033,0.0946597593503325,166329.5504611151,0.09449165437633417,178064.53017735612,0.09392562187850002,169790.99291829555
+1943,0.09479694704024037,203156.09503115903,0.09404793225572654,76190.1630755065,0.09420609228799987,199234.82682216482,0.09444113747958348,196861.20545588736,0.0947825539496881,219132.90258577786,0.09406437084000004,224413.1966985324,0.09416714861795439,219718.57089612674,0.09422127323155248,245228.61981624385,0.09461814484173962,248514.47110415922,0.09471410658000308,243951.99199985462,0.09405200186539708,255301.0793033745,0.09421400500100006,271532.4659374969,0.09458641391769718,114309.78251111878,0.09405647326334995,110715.24221746705,0.09440852906702403,131200.99794550776,0.09470587179879897,149516.410975464,0.0947723175691088,159577.63395025706,0.0947599284078461,166538.3221723566,0.09459175146783437,178285.312207399,0.09402543656700002,170002.83812892193
+1944,0.09489715522950058,203391.07060990972,0.09414777082500014,76326.56525997272,0.09430599270399996,199468.57444138074,0.09454118105742218,197085.63983253847,0.09488274692426499,219374.3692166057,0.09416422685999994,224671.17286232903,0.09426700773631909,219940.9092715751,0.09432118974611398,245486.40271175487,0.09471826986273613,248769.7081787864,0.09481422720006658,244211.50128904078,0.09415184475485078,255556.51967720198,0.09431391380799997,271807.16851797886,0.09468650536099628,114485.18060256598,0.09415632089951055,110884.29161226047,0.09450853810205254,131384.26194193427,0.09480598371401958,149711.8234449367,0.0948724997229873,159783.78975700992,0.0948600974653598,166747.16156404992,0.09469184855933488,178506.1698742207,0.09412525125550011,170214.75162489142
+1945,0.09499736341876087,203626.1053961463,0.09424760939427373,76463.06855703518,0.09440589312000007,199702.40651294615,0.09464122463526048,197310.1229603738,0.0949829398988418,219615.91284449561,0.09426408287999993,224929.24496376287,0.09436686685468389,220163.27821017522,0.09442110626067547,245744.23362820075,0.09481839488373282,249024.97435357654,0.09491434782012997,244471.0037260167,0.09425168764430437,255811.99636175166,0.09441382261499998,272081.89741706743,0.09478659680429548,114660.67009900244,0.09425616853567124,111053.43569104296,0.09460854713708124,131567.60905980077,0.09490609562924036,149907.30077948267,0.09497268187686579,159990.03046769818,0.0949602665228733,166956.07126383003,0.09479194565083528,178727.10252526784,0.09422506594400012,170426.73288932085
+1946,0.09509757160802128,203861.19916346425,0.09434744796354724,76599.6721555763,0.09450579353599997,199936.32066963142,0.09474126821309918,197534.65459651797,0.0950831328734187,219857.5326246367,0.09436393889999993,225187.410411419,0.09446672597304859,220385.6762591558,0.09452102277523698,246002.11161874162,0.09491851990472942,249280.27326164383,0.09501446844019328,244730.53332023125,0.09435153053375808,256067.5083294587,0.09451373142200006,272356.6524252121,0.09488668824759458,114836.25067970005,0.09435601617183186,111222.68022735843,0.09470855617210983,131751.03898585547,0.09500620754446097,150102.84273561786,0.0950728640307444,160196.355532133,0.0950604355803868,167165.05099102072,0.09489204274233547,178948.10943738706,0.09432488063250012,170638.7813516739
+1947,0.09519777979728147,204096.35168676722,0.09444728653282095,76736.3753446111,0.09460569395199986,200170.3241073907,0.09484131179093779,197759.2344960725,0.09518332584799549,220099.22665216879,0.09446379491999983,225445.66714558567,0.09456658509141339,220608.1021334008,0.09462093928979867,246260.03580446664,0.09501864492572593,249535.60468444575,0.09511458906025677,244990.09806249663,0.09445137342321197,256323.05459334675,0.09461364022899997,272631.4333307208,0.09498677969089368,115011.92203050983,0.09445586380799255,111392.05580088442,0.09480856520713853,131934.55141133253,0.09510631945968177,150298.4490631681,0.0951730461846229,160402.76442445396,0.0951606046379004,167374.10036616586,0.09499213983383598,179169.18977449794,0.09442469532100012,170850.89636861824
+1948,0.09529798798654178,204331.5627421619,0.09454712510209454,76873.17748005874,0.09470559436799997,200404.42267749156,0.09494135536877628,197983.86241182082,0.0952835188225724,220340.9933761134,0.09456365094000004,225704.01344259648,0.09466644420977809,220830.55461116834,0.09472085580436018,246518.0053584399,0.09511876994672241,249790.96839576698,0.09521470968032017,245249.71353029992,0.09455121631266558,256578.63417564187,0.09471354903599997,272906.23991963646,0.09508687113419288,115187.6838434474,0.09455571144415326,111561.54605424944,0.09490857424216713,132118.1460317279,0.09520643137490246,150494.1195011515,0.09527322833850149,160609.2566405033,0.0952607736954139,167583.21890885106,0.09509223692533618,179390.34250647324,0.09452451000949992,171063.0771937604
+1949,0.09539819617580209,204566.83210685258,0.09464696367136805,77010.07796628268,0.09480549478399997,200638.62192958337,0.09504139894661477,198208.53809405735,0.09538371179714919,220582.83148479226,0.09466350696000003,225962.44780497326,0.09476630332814279,221053.03246846434,0.09482077231892168,246776.01949367145,0.09521889496771892,250046.3641604953,0.09531483030038358,245509.37939906077,0.09465105920211928,256834.2460754163,0.09481345784299987,273181.07197557105,0.09518696257749208,115363.53581627371,0.09465555908031395,111731.14392416591,0.09500858327719564,132301.82254659245,0.09530654329012327,150689.8537700471,0.09537341049237999,160815.8316956314,0.0953609427529276,167792.40568809627,0.09519233401683658,179611.56622161376,0.09462432469800001,171275.32292595773
+1950,0.09549840436506248,204802.15955907258,0.09474680224064164,77147.07624477756,0.09490539519999996,200872.92821023831,0.09514144252445338,198433.26129029316,0.0954839047717261,220824.7398391491,0.09476336297999993,226220.9688932351,0.09486616244650758,221275.5344237169,0.09492068883348338,247034.07745354946,0.09531901998871552,250301.79173307776,0.09541495092044708,245769.095335471,0.09475090209157298,257089.88922678487,0.09491336665000007,273455.9292795536,0.09528705402079118,115539.47765222918,0.09475540671647455,111900.84584198189,0.09510859231222443,132485.5806593392,0.09540665520534397,150885.65155479577,0.0954735926462586,161022.48912277006,0.0954611118104412,168001.6601104134,0.09529243110833707,179832.8585011371,0.09472413938650003,171487.63241111566
+1951,0.09559861255432268,205037.54487795336,0.09484664080991534,77284.17178675944,0.09500529561599996,201107.32931136162,0.09524148610229188,198658.0323345495,0.09558409774630279,221066.71743036242,0.09486321899999993,226479.57547985858,0.09496602156487229,221498.05907603801,0.09502060534804488,247292.17850410833,0.09541914500971202,250557.25085550355,0.09551507154051048,246028.86099542977,0.09485074498102668,257345.56243068466,0.09501327545699997,273730.811609793,0.09538714546409029,115715.50905966283,0.09485525435263525,112070.64940932153,0.09520860134725292,132669.4200770939,0.09550676712056468,151081.51409278234,0.0955737748001371,161229.228470818,0.0955612808679547,168210.98428606577,0.09539252819983728,180054.21233317532,0.09482395407500002,171700.00402374443
+1952,0.09569882074358298,205272.98784347152,0.09494647937918894,77421.36408798386,0.09510519603200006,201341.82079218287,0.09534152968013047,198882.90935698122,0.0956842907208796,221308.76335124217,0.09496307501999994,226738.2664155129,0.09506588068323689,221720.60481804208,0.09512052186260647,247550.3219274746,0.09551927003070872,250812.7412547791,0.09561519216057397,246288.6760211774,0.09495058787048048,257601.26421034453,0.09511318426399996,274005.71874146815,0.09548723690738949,115891.66311912377,0.09495510198879585,112240.55281403077,0.09530861038228162,132853.3405104927,0.09560687903578527,151277.45880779304,0.09567395695401569,161436.04930315886,0.0956614499254684,168420.37799506774,0.09549262529133767,180275.634878654,0.09492376876350002,171912.43501562672
+1953,0.09579902893284338,205508.488236318,0.09504631794846244,77558.65266494801,0.09520509644799996,201576.39981226742,0.09544157325796898,199107.87772647082,0.09578448369545649,221550.87677597455,0.09506293104000003,226997.04060196385,0.09516573980160169,221943.16968530667,0.09522043837716798,247808.50701601154,0.09561939505170522,251068.2626395056,0.09571531278063737,246548.5400373559,0.09505043075993418,257856.99236345955,0.09521309307100007,274280.6600467519,0.09558732835068857,116067.93739869876,0.09505494962495656,112410.55459376187,0.09540861941731023,133037.34167353797,0.09570699095100607,151473.4784578766,0.09577413910789419,161642.95119650502,0.0957616189829819,168629.8410196844,0.09559272238283797,180497.1342199827,0.09502358345200002,172124.91651538538
+1954,0.09589923712210367,205744.04583783014,0.09514615651773604,77696.03705207768,0.09530499686400007,201811.06424986775,0.09554161683580747,199332.92241612778,0.09588467667003339,221793.05694519842,0.09516278706000003,227255.8969676599,0.09526559891996658,222165.75103655097,0.09532035489172967,248066.73306692374,0.09571952007270172,251323.81469531104,0.09581543340070067,246808.45264518168,0.09515027364938787,258112.74082185532,0.09531300187799997,274555.640491081,0.09568741979398777,116244.32000174899,0.09515479726111735,112580.65351757382,0.09550862845233893,133221.42328346372,0.09580710286622687,151669.57048808434,0.0958743212617728,161849.93373972128,0.0958617880404955,168839.37314430228,0.09569281947433837,180718.71004512807,0.09512339814050003,172337.45332932522
+1955,0.09599944531136388,205979.66042991367,0.09524599508700975,77833.51679953627,0.09540489727999997,202045.81239634554,0.09564166041364608,199558.03754929418,0.0959848696446102,222035.30315475882,0.09526264307999993,227514.834442765,0.09536545803833119,222388.3446238499,0.09542027140629118,248324.99937700666,0.09581964509369832,251579.39707838334,0.09591555402076418,247068.41341351566,0.09525011653884158,258368.5151879288,0.09541291068499998,274830.6534795004,0.09578751123728688,116420.8068162444,0.09525464489727795,112750.84851849255,0.09560863748736753,133405.58506056748,0.09590721478144747,151865.7331040629,0.0959745034156513,162056.99653288905,0.095961957098009,169048.97415523956,0.09579291656583877,180940.36204290413,0.09522321282900002,172550.06086144946
+1956,0.09609965350062417,206215.3317949178,0.09534583365628324,77971.09147145475,0.09550479769600007,202280.64281223883,0.09574170399148457,199783.2195753737,0.09608506261918709,222277.6147469556,0.09536249909999994,227773.85192910567,0.09546531715669589,222610.9375450153,0.09552018792085268,248583.30523705215,0.09591977011469482,251835.00940613562,0.09601567464082758,247328.4218638684,0.09534995942829527,258624.32066540947,0.09551281949199987,275105.69696257607,0.09588760268058619,116597.39537623936,0.09535449253343856,112921.13865157597,0.09570864652239623,133589.82672808893,0.09600732669666827,152061.96514315074,0.09607468556953,162264.13918641425,0.0960621261555225,169258.6438405701,0.09589301365733907,181162.08990242294,0.09532302751750002,172762.7388619649
+1957,0.09619986168988438,206451.05971557595,0.09544567222555685,78108.76064449288,0.09560469811199997,202515.55424755687,0.09584174756932308,200008.465991357,0.0961852555937639,222519.99110360577,0.09546235511999994,228032.94825808454,0.0955651762750608,222833.53579812025,0.09562010443541438,248841.64992574858,0.09601989513569131,252090.6512429183,0.09611579526089108,247588.47744285624,0.09544980231774908,258880.15650745234,0.09561272829899997,275380.7697101575,0.09598769412388518,116774.08394045253,0.09545434016959925,113091.5230661534,0.09580865555742474,133774.1480120654,0.09610743861188897,152258.26574124407,0.0961748677234084,162471.36132032052,0.09616229521303621,169468.38198994237,0.09599311074883947,181383.89331260257,0.09542284220600011,172975.48707774148
+1958,0.09630006987914477,206686.84397488748,0.09554551079483053,78246.52390670638,0.09570459852799987,202750.5455928214,0.09594179114716168,200233.7748730433,0.0962854485683408,222762.43164046033,0.09556221113999984,228292.1221209199,0.09566503539342538,223056.16094804567,0.09572002094997588,249100.03466081308,0.09612002015668802,252346.3220767347,0.09621591588095448,247848.57946308955,0.09554964520720277,259136.0219245874,0.09571263710599998,275655.87082494254,0.09608778556718447,116950.87116594108,0.09555418780575985,113262.00098649805,0.09590866459245333,133958.54864120728,0.09620755052710978,152454.63420428085,0.0962750498772869,162678.66256350366,0.0962624642705498,169678.18839448225,0.09609320784033977,181605.77196163672,0.09552265689450012,173188.30525176227
+1959,0.09640027806840508,206922.68435603587,0.09564534936410395,78384.3808565066,0.09580449894399996,202985.6158465326,0.09604183472500018,200459.16542815114,0.0963856415429175,223004.93580261807,0.09566206716000003,228551.37192957004,0.09576489451179018,223278.81191351474,0.09581993746453737,249358.4616022053,0.09622014517768451,252602.02127793457,0.09631603650101787,248108.72693907953,0.09564948809665648,259391.916069505,0.09581254591299987,275930.99958312046,0.09618787701048348,117127.7559575984,0.09565403544192055,113432.57169787127,0.09600867362748203,134143.02834678398,0.09630766244233037,152651.0699461769,0.09637523203116549,162886.04255313752,0.0963626333280633,169888.0628465619,0.09619330493184017,181827.7255363473,0.09562247158299991,173401.19312248434
+1960,0.09650048625766539,207158.5806422744,0.09574518793337765,78522.33110185662,0.09590439936000006,203220.76409243883,0.09614187830283868,200684.63901394323,0.09648583451749429,223247.50306070276,0.09576192317999993,228810.69545689053,0.09586475363015488,223501.48729542218,0.09591985397909888,249616.92775569533,0.09632027019868111,252857.74801537028,0.09641615712108137,248368.91758922415,0.09574933098611008,259647.8380156267,0.09591245471999997,276206.155363248,0.09628796845378258,117304.7373874859,0.09575388307808134,113603.23453608861,0.09610868266251063,134327.5868624826,0.09640777435755117,152847.57245456424,0.0964754141850442,163093.50093408374,0.096462802385577,170098.0051396907,0.09629340202334058,182049.75372160226,0.09572228627149992,173614.15042300068
+1961,0.09660069444692578,207394.53261685258,0.09584502650265124,78660.37425953327,0.09600429977599996,203455.98948284055,0.09624192188067728,200910.1850988216,0.0965860274920712,223490.13290765148,0.09586177919999994,229070.08815586934,0.09596461274851958,223724.18678312644,0.09601977049366058,249875.43160609863,0.09642039521967762,253113.50104393164,0.09651627774114478,248629.1501412329,0.09584917387556378,259903.78672491907,0.09601236352699997,276481.3376086277,0.09638805989708188,117481.82945243713,0.09585373071424196,113773.98887957027,0.09620869169753933,134512.22392430433,0.09650788627277176,153044.1412701568,0.0965755963389226,163301.0373584388,0.0965629714430906,170308.01506836832,0.09639349911484087,182271.8561995371,0.09582210095999992,173827.18550892858
+1962,0.09670090263618598,207630.54006285442,0.09594486507192475,78798.50995451983,0.09610420019199996,203691.29122576455,0.09634196545851578,201135.7997976214,0.096686220466648,223732.8248559667,0.09596163521999994,229329.54320871385,0.09606447186688438,223946.93900963262,0.09611968700822209,250133.9718435176,0.09652052024067412,253369.27778964015,0.09661639836120828,248889.4308696457,0.09594901676501767,260159.7609951059,0.09611227233399997,276756.5458048886,0.09648815134038088,117659.02918573895,0.09595357835040255,113944.89034034306,0.09630870073256793,134696.93927045076,0.09660799818799257,153240.77597334105,0.0966757784928011,163508.65148499742,0.09666314050060411,170518.0924279003,0.09649359620634128,182494.03264877904,0.09592191564850001,174040.3093020407
+1963,0.09680111082544628,207866.60276310868,0.09604470364119834,78936.73781941296,0.09620410060799997,203926.6685748066,0.09644200903635437,201361.48055884315,0.09678641344122489,223975.57843530955,0.09606149124000003,229589.078444262,0.09616433098524908,224169.73852651945,0.09621960352278358,250392.54708906965,0.09662064526167062,253625.0735520079,0.09671651898127158,249149.75946500874,0.09604885965447128,260415.7593637236,0.09621218114100007,277031.77946527867,0.09658824278368018,117836.33148128053,0.09605342598656325,114115.94320222009,0.09640870976759643,134881.73264116733,0.09670811010321327,153437.47617511638,0.09677596064667979,163716.3429789089,0.0967633095581176,170728.23701425127,0.09659369329784158,182716.2827434624,0.09602173033700002,174253.5342018075
+1964,0.09690131901470649,208102.7205000586,0.09614454221047204,79075.05749397093,0.09630400102399997,204162.12082071602,0.09654205261419288,201587.22608786725,0.0968866064158018,224218.39319042553,0.09616134726000003,229848.6942235966,0.0962641901036139,224392.58200635645,0.09631952003734529,250651.1555883564,0.09672077028266732,253880.89868203498,0.09681663960133498,249410.13561160132,0.09614870254392498,260671.7799040337,0.09631208994799997,277307.03812020406,0.09668833422697919,118013.73417778038,0.09615327362272386,114287.12287445528,0.09650871880262513,135066.60377867767,0.09680822201843407,153634.24151623683,0.09687614280055819,163924.1115112113,0.0968634786156312,170938.44862385895,0.09669379038934198,182938.60615212767,0.09612154502550002,174466.84704093036
+1965,0.09700152720396688,208338.89305561583,0.09624438077974565,79213.46862466594,0.09640390143999997,204397.64728400696,0.09664209619203137,201813.04334814392,0.09698679939037859,224461.2686792761,0.09626120327999993,230108.39004041214,0.0963640492219786,224615.4654559368,0.09641943655190678,250909.7933034518,0.09682089530366382,254136.75271263014,0.09691676022139847,249670.55898672002,0.09624854543337867,260927.81965726946,0.09641199875499996,277582.32130901224,0.09678842567027848,118191.2358193787,0.09625312125888465,114458.42144769782,0.09660872783765373,135251.55242702152,0.09690833393365467,153831.0743552262,0.0969763249544369,164131.95675854268,0.0969636476731449,171148.72705346753,0.09679388748084237,183161.00253638407,0.09622135971400002,174680.24327899495
+1966,0.09710173539322718,208575.1202110092,0.09634421934901914,79351.97086430772,0.09650380185599997,204633.24730824868,0.09674213976986998,202038.9276389299,0.0970869923649555,224704.204471338,0.09636105929999994,230368.1653975931,0.0964639083403434,224838.3859079262,0.09651935306646828,251168.46206611127,0.09692102032466042,254392.6338444642,0.09701688084146187,249931.02925980158,0.09634838832283238,261183.87094572475,0.09651190756200007,277857.62857295596,0.09688851711357759,118368.83528050595,0.09635296889504535,114629.83426468866,0.09670873687268243,135436.57833197352,0.09700844584887547,154027.973819586,0.0970765071083153,164339.8784027467,0.0970638167306584,171359.07209991215,0.09689398457234258,183383.47154925362,0.09632117440250001,174893.7203300608
+1967,0.09720194358248747,208811.40174656297,0.09644405791829275,79490.56387167054,0.09660370227200006,204868.92025330782,0.09684218334770849,202264.87593127653,0.0971871853395323,224947.21520247665,0.09646091531999994,230628.01980535287,0.0965637674587081,225061.3405353916,0.09661926958102988,251427.1657960685,0.09702114534565692,254648.54727505313,0.09711700146152538,250191.54609145538,0.09644823121228607,261439.9313212502,0.09661181636899997,278132.9594484145,0.09698860855687678,118546.53162806814,0.09645281653120595,114801.3580784067,0.09680874590771103,135621.68124086564,0.09710855776409608,154224.93885226466,0.097176689262194,164547.8761306236,0.09716398578817201,171569.48355992805,0.09699408166384307,183606.01283318386,0.09642098909100003,175107.2763526888
+1968,0.09730215177174768,209047.73744158007,0.09654389648756644,79629.24731120019,0.09670360268799996,205104.6654880414,0.09694222692554698,202490.88628735472,0.097287378314109,225190.2997579273,0.09656077133999993,230887.95277936937,0.09666362657707289,225284.32544568536,0.09671918609559138,251685.90360357735,0.09712127036665343,254904.49303495002,0.09721712208158878,250452.1091322419,0.09654807410173988,261696.02094030989,0.09671172517599998,278408.31409083016,0.09708870000017589,118724.32405564137,0.09655266416736664,114972.99041348707,0.09690875494273973,135806.86090247802,0.09720866967931686,154421.96887719212,0.0972768714160724,164755.949633637,0.09726415484568571,171779.96122986724,0.09709417875534328,183828.62601745647,0.09652080377950002,175320.90986860916
+1969,0.09740235996100807,209284.12707403314,0.09664373505684004,79768.02085270143,0.09680350310400007,205340.48238154151,0.09704227050338558,202716.9571158976,0.0973875712886859,225433.45233310218,0.09666062736000004,231147.96383889602,0.09676348569543759,225507.3346110442,0.09681910261015297,251944.67455427133,0.09722139538765003,255160.47098178664,0.09731724270165218,250712.71802130493,0.09664791699119357,261952.13901054082,0.09681163398300006,278683.6968935795,0.09718879144347509,118902.21184686288,0.09665251180352726,115144.72927444882,0.09700876397776823,135992.11706690714,0.09730878159453757,154619.063441384,0.09737705356995109,164964.09860761891,0.0973643239031992,171990.50490543357,0.09719427584684368,184051.3107148701,0.09662061846800002,175534.61957530945
+1970,0.09750256815026838,209520.57042031578,0.09674357362611354,79906.88417109757,0.09690340351999996,205576.37029118565,0.09714231408122408,202943.08697832646,0.0974877642632627,225676.67076122295,0.09676048337999994,231408.05250471685,0.0968633448138023,225730.37857070006,0.09691901912471458,252203.4776547739,0.09732152040864651,255416.48097279872,0.09741736332171567,250973.37238469537,0.09674775988064728,262208.28465705656,0.09691154278999997,278959.1051664016,0.09728888288677418,119080.19435295496,0.09675235943968785,115316.57298998843,0.09710877301279704,136177.4691996414,0.09740889350975837,154816.22215066003,0.09747723572382959,165172.32275252446,0.0974644929607127,172201.11438140078,0.09729437293834398,184274.06651732113,0.09672043315650011,175748.40419998486
+1971,0.09760277633952857,209757.06725492567,0.09684341219538724,80045.83694617177,0.09700330393600007,205812.345900678,0.09724235765906268,203169.2744867908,0.0975879572378396,225919.95363641586,0.09686033939999994,231668.21829698028,0.09696320393216709,225953.45708781917,0.09701893563927617,252462.31183504342,0.09742164542964322,255672.5228647793,0.09751748394177907,251234.07183326565,0.09684760277010097,262464.45689629717,0.09701145159699998,279234.53738057107,0.09738897433007337,119258.27097791724,0.09685220707584866,115488.52012103579,0.09720878204782553,136362.9286707829,0.09750900542497896,155013.4446457554,0.0975774178777082,165380.6217722293,0.0975646620182263,172411.78945116562,0.09739447002984437,184496.89298976999,0.09682024784500012,175962.26224896163
+1972,0.09770298452878888,209993.61735006658,0.09694325076466084,80184.8788623448,0.09710320435199997,206048.4114014757,0.09734240123690117,203395.518213127,0.09768815021241639,226163.29988691164,0.09696019541999994,231928.46073267513,0.09706306305053179,226176.56886227673,0.09711885215383768,252721.17592526964,0.09752177045063971,255928.5965140733,0.09761760456184257,251494.815960193,0.09694744565955457,262720.65459609247,0.09711136040399987,279509.99245908513,0.09748906577337248,119436.44116822096,0.09695205471200935,115660.56940226225,0.09730879108285413,136548.48172907502,0.09760911734019977,155210.73059065346,0.0976776000315867,165588.9953742998,0.0976648310757398,172622.52990634987,0.09749456712134477,184719.789661684,0.09692006253350012,176176.19054796812
+1973,0.09780319271804928,210230.22047511392,0.09704308933393434,80324.0096084703,0.09720310476799987,206284.55772422842,0.09744244481473968,203621.8165516021,0.0977883431869933,226406.70862310307,0.09706005143999993,232188.77932269388,0.09716292216889659,226399.7124855501,0.09721876866839928,252980.06862426645,0.09762189547163622,256184.70177656697,0.09771772518190598,251755.60433770774,0.09704728854900847,262976.8764104381,0.09721126921100007,279785.4693723454,0.09758915721667158,119614.70440529539,0.09705190234816995,115832.73417313563,0.09740880011788283,136734.1242994643,0.09770922925542037,155408.07966599613,0.09777778218546529,165797.44326978098,0.0977650001332535,172833.33553618132,0.09759466421284507,184942.75601433552,0.09701987722199992,176390.19132594054
+1974,0.09790340090730958,210466.87639603557,0.09714292790320794,80463.22887765241,0.09730300518399997,206520.78132939682,0.09754248839257827,203848.1673650108,0.09788853616157009,226650.17906634172,0.09715990746000004,232449.17356826118,0.09726278128726129,226622.88633622223,0.09731868518296077,253238.98845356863,0.09772202049263272,256440.8385076432,0.09781784580196927,252016.4365129698,0.09714713143846208,263233.1206599809,0.09731117801799997,280060.9669622456,0.09768924865997078,119793.06019995314,0.09715174998433056,116005.01545640644,0.09750880915291144,136919.85405963755,0.09780934117064118,155605.49156496156,0.09787796433934379,166005.96517297233,0.0978651691907671,173044.20612685144,0.09769476130434547,185165.79146087132,0.09711969191049992,176604.26665147077
+1975,0.09800360909656979,210703.58487453856,0.09724276647248165,80602.53636704138,0.09740290560000006,206757.07965926733,0.09764253197041697,204074.56542283908,0.097988729136147,226893.71050931557,0.09725976347999994,232709.6429563393,0.09736264040562609,226846.08837978134,0.09741860169752228,253497.93368693668,0.09782214551362932,256697.00656214566,0.09791796642203278,252277.31200268146,0.09724697432791578,263489.38506941264,0.09741108682499997,280336.4836867529,0.09778934010326988,119971.5080880629,0.09725159762049125,116177.4098553206,0.09760881818794014,137105.66940269546,0.09790945308586187,155802.965990411,0.0979781464932224,166214.56080127094,0.0979653382482806,173255.14146058785,0.09779485839584577,185388.8953118926,0.09721950659900001,176818.41595187382
+1976,0.09810381728583017,210940.34566691951,0.09734260504175514,80741.93177769729,0.09750280601599996,206993.45183595136,0.09774257554825527,204301.01360688743,0.0980889221107239,227137.3022908525,0.09735961949999994,232970.18719822605,0.09746249952399079,227069.31564412598,0.09751851821208397,253756.90223333114,0.09792227053462582,256953.2057943551,0.09801808704209618,252538.23028578906,0.09734681721736947,263745.665926388,0.09751099563200007,280612.01674783335,0.09788943154656908,120150.04762711536,0.09735144525665185,116349.91497938293,0.09770882722296863,137291.5690998525,0.09800956500108257,156000.5026528466,0.09807832864710089,166423.25354197828,0.0980655073057943,173466.14131452513,0.09789495548734617,185612.06670631727,0.09731932128750002,177032.638679484
+1977,0.09820402547509048,211177.1585225555,0.09744244361102875,80881.41481440426,0.09760270643199996,207229.90178401652,0.09784261912609397,204527.52764091574,0.0981891150853006,227380.9537773355,0.09745947551999994,233230.80617150158,0.09756235864235559,227292.56082253723,0.09761843472664548,254015.89142120662,0.09802239555562232,257209.43605793864,0.09811820766215967,252799.1907934232,0.09744666010682318,264001.95357605006,0.09761090443899997,280887.5592400719,0.09798952298986818,120328.67839353516,0.09745129289281265,116522.52705175219,0.09780883625799723,137477.55215095368,0.09810967691630328,156198.1012688011,0.09817851080097949,166632.0579736579,0.09816567636330781,173677.20545906675,0.09799505257884657,185835.30435670802,0.09741913597600002,177246.93430458137
+1978,0.09830423366435068,211414.02318152008,0.09754228218030234,81020.98518552813,0.09770260684799996,207466.42845628384,0.09794266270393258,204754.10231211086,0.0982893080598774,227624.66434650382,0.09755933153999993,233491.49896644946,0.09766221776072029,227515.82432867237,0.09771835124120698,254274.89753095212,0.09812252057661902,257465.69720592935,0.09821832828222307,253060.1928942411,0.09754650299627697,264258.258422827,0.09771081324599996,281163.12370378606,0.09808961443316738,120507.39998041972,0.09755114052897335,116695.24400726473,0.09790884529302593,137663.62082864222,0.09820978883152406,156395.7615595982,0.098278692954858,166840.95718594283,0.0982658454208214,173888.33365576883,0.09809514967034687,186058.60685345714,0.09751895066450002,177461.3023090568
+1979,0.09840444185361098,211650.9393710373,0.09764212074957584,81160.64260290381,0.09780250726399997,207703.03098381017,0.09804270628177107,204980.7355303505,0.09838950103445429,227868.43336987073,0.09765918755999983,233752.2648292604,0.09776207687908509,227739.10474428837,0.09781826775576868,254533.91441446808,0.09822264559761552,257721.9890906544,0.09831844890228647,253321.2358724846,0.09764634588573068,264514.583374976,0.09781072205299987,281438.71259586286,0.09818970587646648,120686.21199572505,0.09765098816513396,116868.06427484701,0.09800885432805453,137849.78014641174,0.09830990074674467,156593.48325031716,0.0983788751087365,167049.94620207805,0.0983660144783349,174099.52565412447,0.09819524676184728,186281.97244550378,0.09761876535300001,177675.7421805021
+1980,0.09850465004287128,211887.90679946475,0.09774195931884955,81300.38678164277,0.09790240767999997,207939.7086099358,0.09814274985960958,205207.42754593195,0.0984896940090311,228112.2601884872,0.09775904358000004,234013.10296213994,0.09786193599744979,227962.4159781923,0.09791818427033018,254792.92564611576,0.09832277061861212,257978.31156367456,0.09841856952234998,253582.31889252708,0.09774618877518437,264770.9231559147,0.09791063085999997,281714.3255974201,0.09828979731976578,120865.11406070112,0.09775083580129465,117040.98655274534,0.09810886336308323,138036.02550305703,0.09841001266196547,156791.2660688657,0.09847905726261509,167259.03318051255,0.0984661835358484,174310.78118680275,0.09829534385334757,186505.39295275434,0.09771858004150002,177890.25340617256
+1981,0.09860485823213168,212124.92514518325,0.09784179788812314,81440.21744005755,0.09800230809599997,208176.46065730372,0.09824279343744818,205434.1770874324,0.09858988698360799,228356.14406976517,0.09785889959999994,234274.01244104977,0.09796179511581458,228185.7655707386,0.09801810078489168,255051.93440864634,0.09842289563960863,258234.66447572564,0.09851869014241328,253843.4409369792,0.09784603166463808,265027.2598688741,0.09801053966699998,281989.96239623375,0.09838988876306479,121044.10580862018,0.09785068343745525,117214.00971371676,0.09820887239811184,138222.3551098841,0.09851012457718628,156989.109745134,0.09857923941649359,167468.26265907005,0.0985663525933621,174522.0999618536,0.09839544094484798,186728.87900782024,0.09781839473000002,178104.83546624178
+1982,0.09870506642139187,212361.9940327925,0.09794163645739674,81580.13429949681,0.09810220851200006,208413.28650821082,0.09834283701528668,205660.98302352565,0.0986900799581848,228600.0841040197,0.09795875561999993,234534.99209613615,0.09806165423417929,228409.15314081055,0.09811801729945317,255310.96311606668,0.09852302066060512,258491.04767661783,0.09861881076247668,254104.6006837731,0.09794587455409177,265283.6059368149,0.09811044847399987,282265.6226852372,0.09848998020636408,121223.18688361585,0.09795053107361605,117387.13275464994,0.09830888143314054,138408.76779728167,0.09861023649240687,157187.01401032446,0.0986794215703722,167677.60902670075,0.09866652165087571,174733.4816492627,0.09849553803634817,186952.43751434176,0.09791820941850002,178319.48782557444
+1983,0.09880527461065218,212599.112966607,0.09804147502667024,81720.1370842406,0.09820210892799996,208650.1855917608,0.09844288059312528,205887.85011141168,0.0987902729327617,228844.07878048363,0.09805861163999993,234796.04022266238,0.09816151335254408,228632.57831743924,0.09821793381401488,255570.02603985948,0.09862314568160171,258747.4610151391,0.09871893138254018,254365.79620250865,0.09804571744354558,265539.99028751906,0.09821035728099997,282541.30616127176,0.09859007164966307,121402.35693977783,0.09805037870977665,117560.35476612352,0.09840889046816903,138595.2626388055,0.09871034840762757,157384.97859609916,0.0987796037242507,167887.06244094938,0.0987666907083892,174944.92585436397,0.09859563512784857,187176.06825962517,0.09801802410700013,178534.2099227612
+1984,0.09890548279991258,212836.28091516424,0.09814131359594394,81860.22552136888,0.09830200934400006,208887.15737494372,0.09854292417096377,206114.81776787338,0.09889046590733849,229088.12526478316,0.09815846766000004,235057.1533675561,0.09826137247090878,228856.04073855234,0.09831785032857637,255829.12115628834,0.09872327070259822,259003.904338896,0.09881905200260357,254627.0236053845,0.09814556033299927,265796.4127159029,0.09831026608799998,282817.01252414647,0.09869016309296239,121581.61564027517,0.09815022634593736,117733.67491247389,0.09850889950319773,138781.83883236005,0.09881046032284838,157583.00323391394,0.09887978587812929,168096.61777671284,0.0988668597659029,175156.43205524795,0.09869573221934907,187399.77103165243,0.09811783879550012,178749.00115423507
+1985,0.09900569098917278,213073.49733367836,0.09824115216521755,82000.3993406391,0.09840190975999996,209124.20135614154,0.09864296774880228,206341.86649162095,0.0989906588819154,229332.22879820882,0.09825832368000004,235318.32443452286,0.09836123158927348,229079.54004979559,0.09841776684313798,256088.24349652676,0.09882339572359491,259260.3774942231,0.09891917262266707,254888.27767272378,0.09824540322245298,266052.87301751715,0.09841017489499987,283092.74147582595,0.09879025453626149,121760.96427615476,0.09825007398209795,117907.09241789725,0.09860890853822633,138968.49563894919,0.09891057223806918,157781.08765422745,0.0989799680320078,168306.27162132514,0.0989670288234165,175367.99939132456,0.09879582931084928,187623.54561897312,0.09821765348399993,178963.86084871666
+1986,0.09910589917843309,213310.7645844528,0.09834099073449123,82140.66818140785,0.09850181017600007,209361.3170602428,0.09874301132664087,206568.98724126673,0.0990908518564921,229576.3896671911,0.09835817969999994,235579.56915107695,0.09846109070763828,229303.07590361807,0.09851768335769957,256347.38854032944,0.09892352074459142,259516.8803258815,0.09901929324273047,255149.56202673705,0.09834524611190658,266309.3709884933,0.09851008370200007,283368.49271974363,0.09889034597956058,121940.41413795624,0.09834992161825865,118080.60655632764,0.09870891757325494,139155.23232995413,0.09901068415328977,157979.23158565286,0.0990801501858864,168516.0214267287,0.09906719788093,175579.62534311184,0.09889592640234968,187847.3918106511,0.09831746817249992,179178.78822140137
+1987,0.09920610736769338,213548.082448888,0.09844082930376465,82281.05984941928,0.09860171059199996,209598.50403487403,0.09884305490447938,206796.17497310205,0.099191044831069,229820.60748884344,0.09845803571999993,235840.88901615725,0.09856094982600298,229526.6479583672,0.09861759987226108,256606.57282971047,0.09902364576558792,259773.4126768041,0.09911941386279388,255410.8863422651,0.09844508900136027,266565.90642544534,0.09860999250899997,283644.2659602357,0.09899043742285978,122119.95970320751,0.09844976925441926,118254.21664382628,0.09880892660828364,139342.0480854887,0.09911079606851037,158177.43475405147,0.09918033233976489,168725.8651631078,0.09916736693844361,175791.3130615131,0.09899602349384998,188071.3093961688,0.09841728286099992,179393.78227804674
+1988,0.09930631555695357,213785.45721129785,0.09854066787303835,82421.55753551259,0.09870161100799986,209835.76423844876,0.09894309848231798,207023.4254547855,0.09929123780564579,230064.88188018004,0.09855789173999993,236102.28373165042,0.0986608089443678,229750.2558775501,0.09871751638682268,256865.79583679204,0.09912377078658442,260029.9743877,0.09921953448285738,255672.2558746262,0.09854493189081417,266822.4791253411,0.09870990131599996,283920.0609020247,0.09909052886615888,122299.59843884874,0.09854961689057985,118427.92203264608,0.09890893564331213,139528.94141481447,0.09921090798373117,158375.696881416,0.09928051449364349,168935.80114345803,0.0992675359959571,176003.064369931,0.09909612058535038,188295.2981653239,0.09851709754950001,179608.84155634453
+1989,0.09940652374621398,214022.89065086743,0.09864050644231194,82562.15562448285,0.09880151142399997,210073.12562572377,0.09904314206015648,207250.7335703436,0.0993914307802227,230309.21245496307,0.09865774775999994,236363.75300275808,0.09876066806273248,229973.8993291665,0.09881743290138417,257125.05684046654,0.09922389580758102,260286.565296491,0.09931965510292078,255933.67032498764,0.09864477478026788,267079.0888854365,0.09880981012300007,284195.8772497332,0.09919062030945808,122479.32904462834,0.09864946452674066,118601.7221065386,0.09900894467834093,139715.91314263036,0.09931101989895197,158574.01768463088,0.099380696647522,169145.82792262232,0.0993677050534708,176214.8791024739,0.09919621767685077,188519.35790816252,0.09861691223800002,179823.96277408165
+1990,0.09950673193547428,214260.37901210214,0.09874034501158545,82702.85123754865,0.09890141184000006,210310.57666010663,0.09914318563799498,207478.08812536302,0.09949162375479949,230553.59881930175,0.09875760378000004,236625.29653761658,0.0988605271810973,230197.5779850473,0.09891734941594588,257384.3549905781,0.09932402082857753,260543.18523743923,0.09941977572298408,256195.12938772264,0.09874461766972148,267335.73550319794,0.09890971892999997,284471.7147075104,0.09929071175275718,122659.15061601615,0.09874931216290135,118775.61627697712,0.09910895371336943,139902.96377162717,0.09941113181417267,158772.396873811,0.09948087880140069,169355.94423427878,0.0994678741109843,176426.75709368594,0.09929631476835107,188743.48841482002,0.09871672692650002,180039.14250266828
+1991,0.09960694012473448,214497.9210409617,0.09884018358085904,82843.64247037533,0.09900131225599997,210548.11122615507,0.09924322921583358,207705.50273829434,0.09959181672937639,230798.04056536758,0.09885745979999994,236886.91404703166,0.098960386299462,230421.29152032378,0.09901726593050737,257643.68936388887,0.09942414584957401,260799.83403980074,0.09951989634304767,256456.63274960345,0.09884446055917517,267592.41877621325,0.09900962773699996,284747.5729786047,0.09939080319605638,122839.06244089644,0.09884915979906195,118949.60398000121,0.09920896274839804,140090.0928801951,0.09951124372939348,158970.83415023374,0.09958106095527909,169566.1489487399,0.0995680431684979,176638.69817847607,0.09939641185985147,188967.68947545093,0.09881654161500002,180254.39237674486
+1992,0.09970714831399488,214735.51594030272,0.09894002215013274,82984.52790502449,0.09910121267199987,210785.72648818733,0.09934327279367208,207932.98092346016,0.0996920097039532,231042.53726113067,0.09895731581999993,237148.60524418898,0.09906024541782679,230645.03961289185,0.09911718244506888,257903.05893751368,0.09952427087057072,261056.51152547367,0.09962001696311097,256718.18008903041,0.09894430344862888,267849.13850205584,0.09910953654400007,285023.45176500274,0.09949089463935548,123019.06391941156,0.09894900743522266,119123.68467360156,0.09930897178342674,140277.30006258623,0.09961135564461407,159169.32920356593,0.0996812431091578,169776.45448633615,0.0996682122260116,176850.70219210282,0.09949650895135177,189191.9608800402,0.09891635630350001,180469.71222068102
+1993,0.09980735650325517,214973.1631032063,0.09903986071940624,83125.5064077125,0.09920111308799996,211023.42060167907,0.09944331637151058,208160.52045840636,0.09979220267853009,231287.08843178643,0.09905717183999993,237410.36984441927,0.09916010453619149,230868.82194292988,0.09921709895963057,258162.46224645447,0.09962439589156721,261313.21750441697,0.09972013758317448,256979.77107512188,0.09904414633808267,268105.89447827195,0.09920944535099997,285299.3507670841,0.09959098608265468,123199.15452479185,0.09904885507138325,119297.85783552685,0.09940898081845533,140464.5849260135,0.09971146755983487,159367.88170787873,0.0997814252630362,169986.9023394055,0.0997683812835251,177062.7689701291,0.09959660604285217,189416.30241827123,0.09901617099200002,180685.10168596625
+1994,0.09990756469251548,215210.8620232507,0.09913969928867984,83266.57702514408,0.09930101350399996,211261.19219355335,0.09954335994934918,208388.12542736676,0.0998923956531069,231531.69352017276,0.09915702785999994,237672.20756494332,0.09925996365455629,231092.63819242892,0.09931701547419208,258421.89717993236,0.09972452091256381,261569.9517641949,0.09982025820323788,257241.40536654214,0.09914398922753638,268362.6865022362,0.09930935415799998,285575.2696832757,0.09969107752595378,123379.3337815096,0.09914870270754406,119472.12296138871,0.09950898985348403,140651.94708805677,0.09981157947505546,159566.49131570986,0.09988160741691489,170197.4674931143,0.0998685503410386,177274.89834840872,0.09969670313435257,189640.71387932755,0.09911598568050002,180900.56040520815
+1995,,,0.09923953785795345,83407.73891635636,0.09940091391999996,211499.04016190395,0.09964340352718767,208615.79503160605,,,0.09925688388000004,237934.11812467422,0.09935982277292099,231316.4880447453,0.09941693198875358,258681.35955352586,0.09982464593356032,261826.71403625983,,,0.09924383211699007,268619.5143710827,0.09940926296499987,285851.20820970554,0.09979116896925289,123559.60125197915,0.09924855034370465,119646.4795630113,0.09960899888851253,140839.38617420127,,,,,,,0.09979680022585287,189865.19505166865,0.09921580036900002,181116.08797763925
+1996,,,0.09933937642722694,83548.99127635587,0.09950081433599997,211736.96357907087,0.09974344710502618,208843.52848179216,,,0.09935673990000003,238196.1012440109,0.09945968189128569,231540.37118420115,0.09951684850331508,258940.84433109127,0.09992477095455682,262083.50375567842,,,0.09934367500644378,268876.37788161845,0.09950917177199997,286127.16603987984,0.09989126041255209,123739.95652784979,0.09934839797986535,119820.92716705744,0.09970900792354123,141026.9018153487,,,,,,,0.09989689731735327,190089.7457227775,0.09931561505750013,181331.68393680084
+1997,,,0.09943921499650064,83690.33363522882,0.09960071475200007,211974.96163809273,0.09984349068286477,209071.3250308738,,,0.09945659591999993,238458.15664461837,0.09955954100965049,231764.28729565383,0.09961676501787678,259200.35953224005,,,,,0.09944351789589748,269133.27683022333,0.09960908057899998,286403.1428643262,,,0.09944824561602596,119995.46531373075,0.09980901695856984,141214.4936450556,,,,,,,,,0.09941542974600012,181547.34765142077
+1998,,,0.09953905356577424,83831.76544829141,0.09970061516799997,212213.03362022855,0.09994353426070328,209299.183963012,,,0.09955645193999993,238720.28404923415,0.09965940012801519,231988.23606408917,0.09971668153243828,259459.89346918167,,,,,0.09954336078535128,269390.21101275465,0.09970898938599997,286679.1383702512,,,0.09954809325218665,120170.09355568161,0.09990902599359854,141402.16129611587,,,,,,,,,0.09951524443450012,181763.07757349993
+1999,,,0.09963889213504794,83973.28617353842,0.09980051558400006,212451.17887385676,,,,,0.09965630795999994,238982.48318148256,0.09975925924637999,232212.21717420925,0.09981659804699979,259719.46188015127,,,,,0.09964320367480498,269647.1802244326,0.09980889819300007,286955.1522411656,,,0.09964794088834725,120344.81145702995,,,,,,,,,,,0.09961505912299992,181978.87456342482
+2000,,,0.09973873070432134,84114.89530551535,0.09990041599999996,212689.39680009728,,,,,0.09975616397999984,239244.75376564954,0.09985911836474469,232436.2303100287,0.09991651456156148,259979.07490242974,,,,,0.09974304656425868,269904.1842597597,0.09990880699999997,287231.18415651703,,,0.09974778852450805,120519.61859245309,,,,,,,,,,,0.09971487381150002,182194.74018927163
+2001,,,0.09983856927359504,84256.59236919986,,,,,,,0.09985602000000003,239507.09552650581,,,,,,,,,0.09984288945371228,270161.2229123853,,,,,0.09984763616066875,120694.51454639103,,,,,,,,,,,0.09981468850000003,182410.6741909205
+2002,,,0.09993840784286864,84398.37691521972,,,,,,,0.09995587601999993,239769.50818905857,,,,,,,,,0.09994273234316597,270418.2959750289,,,,,0.09994748379682936,120869.49891230938,,,,,,,,,,,0.09991450318850002,182626.67630892657
diff --git a/README.md b/README.md
new file mode 100644
index 0000000..8126b5c
--- /dev/null
+++ b/README.md
@@ -0,0 +1,37 @@
+# DATA-DRIVEN NUMERICAL SITE RESPONSE
+
+## Author
+
+Arthur Cornet
+
+## Collaborators
+
+Sacha Wattel, Joaquin Garcia-Suarez, Jean-François Molinari
+
+## Date
+
+26/09/2022
+
+## Instructions
+
+\CODE folder contains two subfolders: \DATASET and \DDM
+
+\DATASET subfolder contains the Python scripts related to the DEM dataset.
+- generate_dataset.py creates the LAMMPS files which are then used to create the DEM dataset.
+- packing_fraction.py computes the packing fraction of a dataset (for each confinement pressure).
+- save_dataset.py saves the dataset generated by LAMMPS as a dataframe stored in a pickle file.
+- plot_dataset.py loads a pickle file containing a dataset and plots it.
+The subfolder \ref_lammps contains text files which are required to launch generate_dataset.py.
+
+\DDM subfolder contains the Python scripts related to Data-Driven Mechanics methods.
+- ddm_wave_prop.py contains all the useful functions for DDM simulation and plotting.
+- plots.py enables to do a DDM simulation, plot the energy, and display the displacement as a gif.
+- plots_multiple.py creates a gif of the displacements for several oscillation periods.
+- frequence_response.py plots the amplification ratio against the oscillation period.
+The subfolder \test contains other scripts used to test the DDM algorithm.
+The subfolder \img is used to stored the images that are then used to create a gif file.
+
+\DATASET folder contains the DEM dataset generated with LAMMPS.
+
+
+

Event Timeline